diff --git a/app.py b/app.py new file mode 100644 index 0000000000000000000000000000000000000000..300228cfe1d97997c58c05e88d23ebda5971abbb --- /dev/null +++ b/app.py @@ -0,0 +1,777 @@ +import gradio as gr +import sys +sys.path.append("..") +from transformers import AutoProcessor, SiglipImageProcessor, SiglipVisionModel, T5EncoderModel, BitsAndBytesConfig +from univa.models.qwen2p5vl.modeling_univa_qwen2p5vl import UnivaQwen2p5VLForConditionalGeneration +from univa.utils.flux_pipeline import FluxPipeline +from univa.utils.get_ocr import get_ocr_result +from univa.utils.denoiser_prompt_embedding_flux import encode_prompt +from qwen_vl_utils import process_vision_info +from univa.utils.anyres_util import dynamic_resize, concat_images_adaptive +import torch +from torch import nn +import os +import uuid +import base64 +from typing import Dict +from PIL import Image, ImageDraw, ImageFont +import spaces +import argparse +import gc + +def parse_args(): + parser = argparse.ArgumentParser(description="Model and component paths") + + parser.add_argument("--model_path", type=str, default="LanguageBind/UniWorld-V1", help="UniWorld-V1模型路径") + parser.add_argument("--flux_path", type=str, default="black-forest-labs/FLUX.1-dev", help="FLUX.1-dev模型路径") + parser.add_argument("--siglip_path", type=str, default="google/siglip2-so400m-patch16-512", help="siglip2模型路径") + parser.add_argument("--server_name", type=str, default="127.0.0.1", help="IP地址") + parser.add_argument("--server_port", type=int, default=6812, help="端口号") + parser.add_argument("--share", action="store_true", help="是否公开分享") + parser.add_argument("--nf4", action="store_true", help="是否NF4量化") + parser.add_argument("--zh", action="store_true", help="是否使用中文") + parser.add_argument("--offload", action="store_true", help="是否开启顺序卸载") + + return parser.parse_args() + + +def add_plain_text_watermark( + img: Image.Image, + text: str, + margin: int = 50, + font_size: int = 30, +): + if img.mode != "RGB": + img = img.convert("RGB") + + draw = ImageDraw.Draw(img) + font = ImageFont.truetype("DejaVuSans.ttf", font_size) + bbox = draw.textbbox((0, 0), text) + text_width = bbox[2] - bbox[0] + text_height = bbox[3] - bbox[1] + + x = img.width - text_width - int(3.3 * margin) + y = img.height - text_height - margin + + draw.text((x, y), text, font=font, fill=(255, 255, 255)) + return img + + +css = """ +.table-wrap table tr td:nth-child(3) > div { + max-height: 150px; /* 最多 100px 高度,按需修改 */ + overflow-y: auto; /* 超出部分显示竖向滚动条 */ + white-space: pre-wrap; /* 自动换行 */ + word-break: break-all; /* 长单词内部分行 */ +} +.table-wrap table tr td:nth-child(2) > div { + max-width: 150px; + white-space: pre-wrap; + word-break: break-all; + overflow-x: auto; +} +.table-wrap table tr th:nth-child(2) { + max-width: 150px; + white-space: normal; + word-break: keep-all; + overflow-x: auto; +} +.table-wrap table tr td:nth-last-child(-n+8) > div { + max-width: 130px; + white-space: pre-wrap; + word-break: break-all; + overflow-x: auto; +} +.table-wrap table tr th:nth-last-child(-n+8) { + max-width: 130px; + white-space: normal; + word-break: keep-all; + overflow-x: auto; +} +""" + + +def img2b64(image_path): + with open(image_path, "rb") as f: + b64 = base64.b64encode(f.read()).decode() + data_uri = f"data:image/jpeg;base64,{b64}" + return data_uri + +@spaces.GPU +def initialize_models(args): + os.makedirs("tmp", exist_ok=True) + # Paths + device = torch.device("cuda" if torch.cuda.is_available() else "cpu") + + quantization_config = BitsAndBytesConfig( + load_in_4bit=True, + bnb_4bit_compute_dtype=torch.bfloat16, + bnb_4bit_quant_type="nf4", + ) + + # Load main model and task head + model = UnivaQwen2p5VLForConditionalGeneration.from_pretrained( + args.model_path, + torch_dtype=torch.bfloat16, + attn_implementation="flash_attention_2", + quantization_config=quantization_config if args.nf4 else None, + ).to(device) + task_head = nn.Sequential( + nn.Linear(3584, 10240), + nn.SiLU(), + nn.Dropout(0.3), + nn.Linear(10240, 2) + ).to(device) + task_head.load_state_dict(torch.load(os.path.join(args.model_path, 'task_head_final.pt'))) + task_head.eval() + + processor = AutoProcessor.from_pretrained( + args.model_path, + min_pixels=448*448, + max_pixels=448*448, + ) + if args.nf4: + text_encoder_2 = T5EncoderModel.from_pretrained( + args.flux_path, + subfolder="text_encoder_2", + quantization_config=quantization_config, + torch_dtype=torch.bfloat16, + ) + pipe = FluxPipeline.from_pretrained( + args.flux_path, + transformer=model.denoise_tower.denoiser, + text_encoder_2=text_encoder_2, + torch_dtype=torch.bfloat16, + ).to(device) + else: + pipe = FluxPipeline.from_pretrained( + args.flux_path, + transformer=model.denoise_tower.denoiser, + torch_dtype=torch.bfloat16, + ).to(device) + if args.offload: + pipe.enable_model_cpu_offload() + pipe.enable_vae_slicing() + tokenizers = [pipe.tokenizer, pipe.tokenizer_2] + text_encoders = [pipe.text_encoder, pipe.text_encoder_2] + + # Optional SigLIP + siglip_processor, siglip_model = None, None + siglip_processor = SiglipImageProcessor.from_pretrained(args.siglip_path) + siglip_model = SiglipVisionModel.from_pretrained( + args.siglip_path, + torch_dtype=torch.bfloat16, + ).to(device) + + return { + 'model': model, + 'task_head': task_head, + 'processor': processor, + 'pipe': pipe, + 'tokenizers': tokenizers, + 'text_encoders': text_encoders, + 'siglip_processor': siglip_processor, + 'siglip_model': siglip_model, + 'device': device, + } + + +args = parse_args() +state = initialize_models(args) + +@spaces.GPU +def process_large_image(raw_img): + if raw_img is None: + return raw_img + img = Image.open(raw_img).convert("RGB") + + max_side = max(img.width, img.height) + if max_side > 1024: + scale = 1024 / max_side + new_w = int(img.width * scale) + new_h = int(img.height * scale) + print(f'resize img {img.size} to {(new_w, new_h)}') + img = img.resize((new_w, new_h), resample=Image.LANCZOS) + save_path = f"tmp/{uuid.uuid4().hex}.png" + img.save(save_path) + return save_path + else: + return raw_img + +@spaces.GPU +def chat_step(image1, image2, text, height, width, steps, guidance, + ocr_enhancer, joint_with_t5, enhance_generation, enhance_understanding, + seed, num_imgs, history_state, progress=gr.Progress()): + + try: + convo = history_state['conversation'] + image_paths = history_state['history_image_paths'] + cur_ocr_i = history_state['cur_ocr_i'] + cur_genimg_i = history_state['cur_genimg_i'] + + # image1 = process_large_image(image1) + # image2 = process_large_image(image2) + # Build content + content = [] + if text: + ocr_text = '' + if ocr_enhancer and content: + ocr_texts = [] + for img in (image1, image2): + if img: + ocr_texts.append(get_ocr_result(img, cur_ocr_i)) + cur_ocr_i += 1 + ocr_text = '\n'.join(ocr_texts) + content.append({'type':'text','text': text + ocr_text}) + for img in (image1, image2): + if img: + content.append({'type':'image','image':img,'min_pixels':448*448,'max_pixels':448*448}) + image_paths.append(img) + + convo.append({'role':'user','content':content}) + + # Prepare inputs + chat_text = state['processor'].apply_chat_template(convo, + tokenize=False, add_generation_prompt=True) + chat_text = '<|im_end|>\n'.join(chat_text.split('<|im_end|>\n')[1:]) + image_inputs, video_inputs = process_vision_info(convo) + inputs = state['processor']( + text=[chat_text], images=image_inputs, videos=video_inputs, + padding=True, return_tensors='pt' + ).to(state['device']) + + # Model forward & task head + with torch.no_grad(): + outputs = state['model'](**inputs, return_dict=True, output_hidden_states=True) + hidden = outputs.hidden_states[-1] + mask = inputs.input_ids == 77091 + vecs = hidden[mask][-1:] + task_res = state['task_head'](vecs.float())[0] + print(task_res) + # Branch decision + if enhance_generation: + do_image = True + elif enhance_understanding: + do_image = False + else: + do_image = (task_res[0] < task_res[1]) + + seed = int(seed) + if seed == -1: + seed = torch.Generator(device="cpu").seed() + torch.manual_seed(seed) + # Generate + if do_image: + # image generation pipeline + siglip_hs = None + if state['siglip_processor'] and image_paths: + vals = [state['siglip_processor'].preprocess( + images=Image.open(p).convert('RGB'), do_resize=True, + return_tensors='pt', do_convert_rgb=True + ).pixel_values.to(state['device']) + for p in image_paths] + siglip_hs = state['siglip_model'](torch.concat(vals)).last_hidden_state + + with torch.no_grad(): + lvlm = state['model']( + inputs.input_ids, pixel_values=getattr(inputs,'pixel_values',None), + attention_mask=inputs.attention_mask, + image_grid_thw=getattr(inputs,'image_grid_thw',None), + siglip_hidden_states=siglip_hs, + output_type='denoise_embeds' + ) + prm_embeds, pooled = encode_prompt( + state['text_encoders'], state['tokenizers'], + text if joint_with_t5 else '', 256, state['device'], 1 + ) + emb = torch.concat([lvlm, prm_embeds], dim=1) if joint_with_t5 else lvlm + + + def diffusion_to_gradio_callback(_pipeline, step_idx: int, timestep: int, tensor_dict: Dict): + # 1)更新 Gradio 进度条 + frac = (step_idx + 1) / float(steps) + progress(frac) + + return tensor_dict + + with torch.no_grad(): + img = state['pipe']( + prompt_embeds=emb, pooled_prompt_embeds=pooled, + height=height, width=width, + num_inference_steps=steps, + guidance_scale=guidance, + generator=torch.Generator(device='cuda').manual_seed(seed), + num_images_per_prompt=num_imgs, + callback_on_step_end=diffusion_to_gradio_callback, + # callback_on_step_end_tensor_inputs=["latents", "prompt_embeds"], + ).images + # img = [add_plain_text_watermark(im, 'Open-Sora Plan 2.0 Generated') for im in img] + img = concat_images_adaptive(img) + save_path = f"tmp/{uuid.uuid4().hex}.png" + img.save(save_path) + convo.append({'role':'assistant','content':[{'type':'image','image':save_path}]}) + cur_genimg_i += 1 + progress(1.0) + bot_msg = (None, save_path) + else: + # text generation + gen_ids = state['model'].generate(**inputs, max_new_tokens=128) + out = state['processor'].batch_decode( + [g[len(inputs.input_ids[0]):] for g in gen_ids], skip_special_tokens=True + )[0] + convo.append({'role':'assistant','content':[{'type':'text','text':out}]}) + bot_msg = (None, out) + + + chat_pairs = [] + # print(convo) + # print() + # print() + for msg in convo: + # print(msg) + if msg['role']=='user': + parts = [] + for c in msg['content']: + if c['type']=='text': parts.append(c['text']) + if c['type']=='image': parts.append(f"![user image]({img2b64(c['image'])})") + chat_pairs.append(("\n".join(parts), None)) + else: + parts = [] + for c in msg['content']: + if c['type']=='text': parts.append(c['text']) + if c['type']=='image': parts.append(f"![assistant image]({img2b64(c['image'])})") + if msg['content'][-1]['type']=='text': + chat_pairs[-1] = (chat_pairs[-1][0], parts[-1]) + else: + chat_pairs[-1] = (chat_pairs[-1][0], parts[-1]) + # print() + # print(chat_pairs) + + # Update state + history_state.update({ + 'conversation': convo, + 'history_image_paths': image_paths, + 'cur_ocr_i': cur_ocr_i, + 'cur_genimg_i': cur_genimg_i + }) + return chat_pairs, history_state, seed + except Exception as e: + # 捕捉所有异常,返回错误提示,建议用户清理历史后重试 + error_msg = f"发生错误:{e}. 请点击 \"Clear History\" 清理对话历史后再试一次。" + chat_pairs = [(None, error_msg)] + # 不修改 history_state,让用户自行清理 + return chat_pairs, history_state, seed + +def copy_seed_for_user(real_seed): + # 这个函数会把隐藏的 seed_holder 值,传给真正要显示的 seed Textbox + return real_seed + +def clear_inputs(): + # img1 和 img2 用 None 来清空;text_in 用空字符串清空;seed 同理清空 + return None, None, "", "" +@spaces.GPU +def clear_history(): + gc.collect() + if torch.cuda.is_available(): + torch.cuda.empty_cache() + torch.cuda.ipc_collect() + # 默认 prompt 和 seed + default_prompt = "Translate this photo into a Studio Ghibli-style illustration, holding true to the original composition and movement." + default_seed = "-1" + + # 1. chatbot 要用 gr.update(value=[]) 清空 + # 2. state 直接给回初始 dict + # 3. prompt 和 seed 同样用 gr.update() + return ( + gr.update(value=[]), # 清空聊天框 + {'conversation':[], # 重置 state + 'history_image_paths':[], + 'cur_ocr_i':0, + 'cur_genimg_i':0}, + gr.update(value=None), # 重置 image1 + gr.update(value=None), # 重置 image2 + gr.update(value=default_prompt), # 重置 prompt 文本框 + gr.update(value=default_seed), # 重置 seed 文本框 + ) + + +if __name__ == '__main__': + # Gradio UI + with gr.Blocks( + theme=gr.themes.Soft(), + css=css + ) as demo: + + gr.Markdown( + """ +
+ + # 🎉 UniWorld-V1 Chat Interface 🎉 + + ### Unlock Cutting‑Edge Visual Perception, Feature Extraction, Editing, Synthesis, and Understanding + + **Usage Guide:** + - It is recommended to perform inference on four images concurrently to offer varied selections. + - Uploaded images are automatically resized; manually specifying resolutions that differ substantially from the original is not advised. +
+ """, + elem_classes="header-text", + ) + with gr.Row(): + with gr.Column(): + chatbot = gr.Chatbot( + max_height=100000, min_height=700, + height=None, + resizable=True, + show_copy_button=True + ) + text_in = gr.Textbox(label="Instruction", value="Translate this photo into a Studio Ghibli-style illustration, holding true to the original composition and movement.") + with gr.Column(): + with gr.Row(): + img1 = gr.Image(type='filepath', label="Image 1", height=256, width=256) + img2 = gr.Image(type='filepath', label="Image 2 (Optional reference)", height=256, width=256, visible=True) + seed = gr.Textbox(label="Seed (-1 for random)", value="-1") + seed_holder = gr.Textbox(visible=False) + with gr.Row(): + num_imgs = gr.Slider(1, 4, 4, step=1, label="Num Images") + with gr.Row(): + height = gr.Slider(256, 2048, 1024, step=64, label="Height") + width = gr.Slider(256, 2048, 1024, step=64, label="Width") + with gr.Row(): + steps = gr.Slider(8, 50, 30, step=1, label="Inference steps") + guidance = gr.Slider(1.0, 10.0, 4.0, step=0.1, label="Guidance scale") + with gr.Accordion("Advanced Options", open=True, visible=True): + with gr.Row(): + enhance_gen_box = gr.Checkbox(value=False, label="Enhance Generation") + enhance_und_box = gr.Checkbox(value=False, label="Enhance Understanding") + with gr.Row(): + ocr_box = gr.Checkbox(value=False, label="Enhance Text Rendering") + t5_box = gr.Checkbox(value=True, label="Enhance Current Turn") + with gr.Row(): + submit = gr.Button("Send", variant="primary") + clear = gr.Button("Clear History", variant="primary") + with gr.Row(): + with gr.Column(1, min_width=0): + gr.Markdown( + """ + **🖼️ Visual Perception & Feature Extraction** + - Canny Edge Detection + - Mini-Line Segment Detection + - Normal Map Generation + - Sketch Generation + - Holistically-Nested Edge Detection + - Depth Estimation + - Human Pose Estimation + - Object Detection (Boxes) + - Semantic Segmentation (Masks) + """ + ) + with gr.Column(1, min_width=0): + gr.Markdown( + """ + **✂️ Image Editing & Manipulation** + - Add Elements + - Adjust Attributes + - Change Background + - Remove Objects + - Replace Regions + - Perform Actions + - Restyle + - Compose Scenes + """ + ) + with gr.Column(1, min_width=0): + gr.Markdown( + """ + **🔄 Cross-Modal Synthesis & Transformation** + - Text→Image Synthesis + - Image‑to‑Image Translation + - Multi‑Image Combination + - Extract IP Features + - IP Feature Composition + """ + ) + with gr.Column(1, min_width=0): + gr.Markdown( + """ + **🤖 Visual & Textual QA** + - Image‑Text QA + - Text‑Text QA + """ + ) + anchor_pixels = 1024*1024 + # Dynamic resize callback + def update_size(i1, i2): + shapes = [] + for p in (i1, i2): + if p: + im = Image.open(p) + w, h = im.size + shapes.append((w, h)) + if not shapes: + return gr.update(), gr.update() + if len(shapes) == 1: + w, h = shapes[0] + else: + w = sum(s[0] for s in shapes) / len(shapes) + h = sum(s[1] for s in shapes) / len(shapes) + new_h, new_w = dynamic_resize(int(h), int(w), 'any_11ratio', anchor_pixels=anchor_pixels) + return gr.update(value=new_h), gr.update(value=new_w) + img1.change(fn=update_size, inputs=[img1, img2], outputs=[height, width]) + img2.change(fn=update_size, inputs=[img1, img2], outputs=[height, width]) + + # Mutual exclusivity + enhance_gen_box.change( + lambda g: gr.update(value=False) if g else gr.update(), + inputs=[enhance_gen_box], outputs=[enhance_und_box] + ) + enhance_und_box.change( + lambda u: gr.update(value=False) if u else gr.update(), + inputs=[enhance_und_box], outputs=[enhance_gen_box] + ) + state_ = gr.State({'conversation':[], 'history_image_paths':[], 'cur_ocr_i':0, 'cur_genimg_i':0}) + + progress_bar = gr.Progress() + gr.on( + triggers=[submit.click, text_in.submit], + fn=chat_step, + inputs=[img1, img2, text_in, height, width, steps, guidance, + ocr_box, t5_box, enhance_gen_box, enhance_und_box, seed, num_imgs, state_, + ], + outputs=[chatbot, state_, seed_holder], + scroll_to_output=True + ).then( + fn=copy_seed_for_user, + inputs=[seed_holder], # 输入是隐藏的 seed_holder + outputs=[seed] # 输出到真正要显示的 seed Textbox + ) + + clear.click( + fn=clear_history, + inputs=[], + outputs=[chatbot, state_, img1, img2, text_in, seed] + ) + + # ========== 添加 Validation Examples ========== + example_height, example_width = 1024, 1024 + gr.Examples( + examples_per_page=100, + examples=[ + # text-to-image + [None, None, + "Generate an adorable golden retriever puppy playing in a sunny park, " + "with fluffy fur, big round eyes, and a happy expression. " + "The background should have green grass, some flowers, and a blue sky with white clouds.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + + + # NIKE color swap + ["assets/nike_src.jpg", None, + "Switch the product's color from black, black to white, white, making sure the transition is crisp and clear.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + + # style transfer (Ghibli) + ["assets/gradio/origin.png", None, + "Translate this photo into a Studio Ghibli-style illustration, holding true to the original composition and movement.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + + ["assets/gradio/origin.png", None, + "Remove the bicycle located in the lower center region of the image.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + + # blur + ["assets/gradio/blur.jpg", None, + "Remove blur, make it clear.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + + # + ["assets/gradio/00004614_tgt.jpg", None, + "Add the ingrid fair isle cashmere turtleneck sweater to the person.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + # + ["assets/gradio/00006581_tgt.jpg", None, + "Place the belvoir broderie anglaise linen tank on the person in a way that complements their appearance and style.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + # + ["assets/gradio/00008153_tgt.jpg", None, + "Integrate may cashmere tank on body.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + # + ["assets/gradio/00002315_src.jpg", None, + "Strip away all context and distractions, leaving the pointelle-trimmed cashmere t-shirt floating on a neutral background.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + # + ["assets/gradio/00002985_src.jpg", None, + "Generate an image containing only the henry shearling jacket, free from any other visual elements.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + + ["assets/gradio/origin.png", None, + "Add a cat in the center of image.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + + # image+image-to-image (compose) + ["assets/00182555_target.jpg", + "assets/00182555_InstantStyle_ref_1.jpg", + "Adapt Image1's content to fit the aesthetic of Image2.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + + # replace object + ["assets/replace_src.png", None, + "replace motorcycle located in the lower center region of the image with a black bicycle", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + + # segmentation + ["assets/seg_src.jpg", None, + "Segment the giraffe from the background.\n", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + + # detection + ["assets/det_src.jpg", None, + "Please depict the vase accurately", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + + # image-to-canny + ["assets/canny_image.jpg", None, + "Generate a Canny edge map for this image.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + + # image-to-mlsd + ["assets/mlsd_image.jpg", None, + "Render an MLSD detection overlay for this input image.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + + # image-to-normal + ["assets/normal_image.jpg", None, + "Convert the input texture into a tangent-space normal map.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + + # image-to-sketch + ["assets/sketch_image.jpg", None, + "Transform this image into a hand-drawn charcoal sketch.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + + # image-to-hed + ["assets/hed_image.jpg", None, + "Produce a holistically-nested boundary probability map of this image.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + + # image-to-depth + ["assets/depth_image.jpg", None, + "Estimate depth with a focus on background structure.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + + # image-to-image (reconstruction) + ["assets/rec.jpg", None, + "Simply reconstruct the original image with no enhancements.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + + ], + inputs=[img1, img2, text_in, height, width, steps, guidance, + ocr_box, t5_box, enhance_gen_box, enhance_und_box, seed, num_imgs], + ) + # ============================================== + +UI_TRANSLATIONS = { + "🎉 UniWorld-V1 Chat Interface 🎉":"🎉 UniWorld-V1 聊天界面 🎉", + "Unlock Cutting‑Edge Visual Perception, Feature Extraction, Editing, Synthesis, and Understanding": + '解锁尖端视觉感知,特征提取,编辑,合成和理解', + "Usage Guide:":"使用指南:", + "It is recommended to perform inference on four images concurrently to offer varied selections.":"建议同时进行四张图像的推理,以提供多选。", + "Uploaded images are automatically resized; manually specifying resolutions that differ substantially from the original is not advised.":"已上传的图像将自动调整大小,但手动指定与原始图像差异太大的分辨率并不建议。", + "🖼️ Visual Perception & Feature Extraction":"🖼️ 视觉感知与特征提取", + "Canny Edge Detection":"Canny边缘检测 ", + "Mini-Line Segment Detection":"微型行段检测", + "Normal Map Generation":"生成法线图", + "Sketch Generation":"手绘生成", + "Holistically-Nested Edge Detection":"整体嵌套边缘检测", + "Depth Estimation":"深度估计", + "Human Pose Estimation":"人体姿势估计", + "Object Detection (Boxes)":"对象检测(框)", + "Semantic Segmentation (Masks)":"语义分割(蒙版)", + "✂️ Image Editing & Manipulation":"✂️ 图像编辑与操作", + "Add Elements":"添加元素", + "Adjust Attributes":"调整属性", + "Change Background":"更改背景", + "Remove Objects":"删除对象", + "Replace Regions":"替换区域", + "Perform Actions":"执行操作", + "Restyle":"重绘风格", + "Compose Scenes":"组合场景", + "🔄 Cross-Modal Synthesis & Transformation":"🔄 跨模态综合与转换", + "Text→Image Synthesis":"文本→图像综合", + "Image‑to‑Image Translation":"图像-图像转换", + "Multi‑Image Combination":"多图像组合", + "Extract IP Features":"提取IP特征", + "IP Feature Composition":"IP特征组合", + "🤖 Visual & Textual QA":"🤖 视觉和文字质量检查", + "Image‑Text QA":"图像-文本质量检查", + "Text‑Text QA":"文本-文本质量检查", + "Image 1":"图像 1", + "Image 2 (Optional reference)":"图像 2 (可选参考)", + "Instruction":"指令", + "Seed (-1 for random)":"种子 (-1为随机)", + "Num Images":"图像数量", + "Height":"高度", + "Width":"宽度", + "Inference steps":"推理步数", + "Guidance scale":"引导缩放", + "Advanced Options":"高级选项", + "Enhance Generation":"增强生成", + "Enhance Understanding":"增强理解", + "Enhance Text Rendering":"增强文本渲染", + "Enhance Current Turn":"增强当前轮次", + "Send":"发送", + "Clear History":"清除历史记录", +} + + +def apply_localization(block): + def process_component(component): + if not component: + return + + for attr in ['label', 'info', 'placeholder']: + if hasattr(component, attr): + text = getattr(component, attr) + if text in UI_TRANSLATIONS: + setattr(component, attr, UI_TRANSLATIONS[text]) + + if hasattr(component, 'value'): + value = component.value + if isinstance(value, str) and value in UI_TRANSLATIONS: + component.value = UI_TRANSLATIONS[value] + + if isinstance(component, gr.Markdown): + for en, zh in UI_TRANSLATIONS.items(): + component.value = component.value.replace(en, zh) + + if hasattr(component, 'children'): + for child in component.children: + process_component(child) + + process_component(block) + return block + + +if __name__ == "__main__": + if args.zh: + demo = apply_localization(demo) + demo.title = "UniWorld-V1" + demo.launch( + allowed_paths=["/"], + server_name=args.server_name, + server_port=args.server_port, + share=args.share, + inbrowser=True, + ) + + +''' +MODEL_PATH="/mnt/data/lb/Remake/FlowWorld/checkpoints/flux_qwen2p5vl_7b_vlm_mlp_siglip_stage2_ts_1024_bs42x8x1_fa_any_11ratio_ema999_ocr_adamw_t5_0p4_lr1e-5_mask_refstyle_extract_resume_run3/checkpoint-12000/model_ema" +FLUX_PATH="/mnt/data/checkpoints/black-forest-labs/FLUX.1-dev" +SIGLIP_PATH="/mnt/data/checkpoints/google/siglip2-so400m-patch16-512" +CUDA_VISIBLE_DEVICES=2 python app.py \ + --model_path ${MODEL_PATH} \ + --flux_path ${FLUX_PATH} \ + --siglip_path ${SIGLIP_PATH} +''' diff --git a/univa/__init__.py b/univa/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/univa/dataset/__init__.py b/univa/dataset/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..5e1e7ae2689068399a26eb864a0d2f37adfbd10a --- /dev/null +++ b/univa/dataset/__init__.py @@ -0,0 +1,8 @@ +from .llava_dataset import LlavaDataset +from .qwen2vl_dataset import Qwen2VLDataset + +DATASET_TYPE = { + 'llava': LlavaDataset, + 'qwen2vl': Qwen2VLDataset, + 'qwen2p5vl': Qwen2VLDataset, +} \ No newline at end of file diff --git a/univa/dataset/data_collator.py b/univa/dataset/data_collator.py new file mode 100644 index 0000000000000000000000000000000000000000..6a5cfe2e6c091b848c044255d240a9fce44ceeb2 --- /dev/null +++ b/univa/dataset/data_collator.py @@ -0,0 +1,156 @@ +from typing import List, Dict +from transformers import PreTrainedTokenizer +import torch +import torch.nn.functional as F + +def pad_list_of_tensors(tensor_list, padding_value=0): + # tensor_list: list of tensors, each of shape (b, c, h, w) + + # if all empty list, which means all data are t2i within this batch + if all(not isinstance(tensor, torch.Tensor) for tensor in tensor_list): + return [] + else: + for tmp_tensor in tensor_list: + if isinstance(tmp_tensor, torch.Tensor): + # find a tensor + break + # this line pad zero_tensor when batch mixed between t2i and others. + # t2i can be considered a uncondition (no-reference image) editing + tensor_list = [ + torch.zeros_like(tmp_tensor) if isinstance(tensor, list) else tensor for tensor in tensor_list + ] + assert all(tensor.shape[1] == tensor_list[0].shape[1] for tensor in tensor_list) + # 找到最大的 b, h, w + max_b = max(tensor.shape[0] for tensor in tensor_list) + max_c = tensor_list[0].shape[1] # 假设c都是一样的 + max_h = max(tensor.shape[2] for tensor in tensor_list) + max_w = max(tensor.shape[3] for tensor in tensor_list) + + padded_tensors = [] + for tensor in tensor_list: + b, c, h, w = tensor.shape + pad_b = max_b - b + pad_h = max_h - h + pad_w = max_w - w + + # 先 pad h, w (最后两维) + tensor = F.pad(tensor, (0, pad_w, 0, pad_h), value=padding_value) + # 再 pad b 维(最前面),要扩成 (max_b, c, h, w) + if pad_b > 0: + padding_shape = (pad_b, c, max_h, max_w) + pad_tensor = torch.full(padding_shape, fill_value=padding_value, dtype=tensor.dtype, device=tensor.device) + tensor = torch.cat([tensor, pad_tensor], dim=0) + + padded_tensors.append(tensor) + + # 最后 stack 成 (B, b_max, c, h_max, w_max) + return torch.stack(padded_tensors) + +def resize_list_of_tensors(weights): + # suppose weights is your list of [1, H, W] tensors + # 1) find the max height and width + heights = [w.shape[-2] for w in weights] + widths = [w.shape[-1] for w in weights] + max_h, max_w = max(heights), max(widths) + + # 2) interpolate each mask to (max_h, max_w) + resized = [] + for w in weights: + # F.interpolate expects a 4D tensor: (N, C, H, W) + w_4d = w.unsqueeze(0) # -> [1, 1, H, W] + w_4d = w_4d.unsqueeze(0) if w_4d.ndim == 3 else w_4d + # but since w is already [1,H,W], unsqueeze once is enough: + # w_4d = w.unsqueeze(0) # [1, 1, H, W] + + w_resized = F.interpolate( + w_4d, size=(max_h, max_w), mode='nearest' + ) + # back to [1, H', W'] + w_resized = w_resized.squeeze(0) + resized.append(w_resized) + + # 3) stack into a single tensor [N, 1, max_h, max_w] + weights = torch.stack(resized) # -> [N, 1, max_h, max_w] + return weights + +class DataCollator: + def __init__(self, tokenizer: PreTrainedTokenizer, padding_side='right'): + self.tokenizer = tokenizer + self.padding_side = padding_side + + def __call__(self, instances: List[Dict]) -> Dict: + input_ids = [instance["input_ids"][0] for instance in instances] + labels = [instance["labels"][0] for instance in instances] + image_position = [instance["image_position"] for instance in instances] + + pixel_values = [ + instance["pixel_values"] for instance in instances if len(instance["pixel_values"]) > 0 + ] + pixel_values = torch.cat(pixel_values) if len(pixel_values) > 0 else None + + image_grid_thw = [ + instance["image_grid_thw"] for instance in instances if len(instance["image_grid_thw"]) > 0 + ] + image_grid_thw = torch.cat(image_grid_thw) if len(image_grid_thw) > 0 else None + + pil_pixel_values = [ + instance["pil_pixel_values"] for instance in instances + ] + + prompts = [instance["prompt"] for instance in instances] + + ref_pixel_values = [ + instance["ref_pixel_values"] for instance in instances + ] + ref_pixel_values = pad_list_of_tensors(ref_pixel_values, padding_value=0) + + siglip_pixel_values = [ + instance["siglip_pixel_values"] for instance in instances if len(instance["siglip_pixel_values"]) > 0 + ] + siglip_pixel_values = torch.cat(siglip_pixel_values, dim=0) if len(siglip_pixel_values) > 0 else [] + + input_ids = torch.nn.utils.rnn.pad_sequence( + input_ids, batch_first=True, padding_value=self.tokenizer.pad_token_id, + padding_side=self.padding_side, + ) + labels = torch.nn.utils.rnn.pad_sequence( + labels, batch_first=True, padding_value=-100, + padding_side=self.padding_side, + ) + attention_mask = input_ids.ne(self.tokenizer.pad_token_id) + + weights = [ + instance["weights"] for instance in instances if len(instance["weights"]) > 0 + ] + if len(weights) > 0: + if all([i.shape == weights[0].shape for i in weights]): + weights = torch.stack(weights) + else: + weights = [i.unsqueeze(0) for i in weights] + else: + weights = None + + generated_image = [ + instance["generated_image"] for instance in instances if len(instance["generated_image"]) > 0 + ] + if len(generated_image) > 0: + if all([i.shape == generated_image[0].shape for i in generated_image]): + generated_image = torch.stack(generated_image) + else: + generated_image = [i.unsqueeze(0) for i in generated_image] + else: + generated_image = [] + return { + "input_ids": input_ids, + "pixel_values": pixel_values, + "labels": labels, + "attention_mask": attention_mask, + "image_position": image_position, + "image_grid_thw": image_grid_thw, + "prompts": prompts, + "ref_pixel_values": ref_pixel_values, + "pil_pixel_values": pil_pixel_values, + "siglip_pixel_values": siglip_pixel_values, + "weights": weights, + "generated_image": generated_image, + } diff --git a/univa/dataset/llava_dataset.py b/univa/dataset/llava_dataset.py new file mode 100644 index 0000000000000000000000000000000000000000..8b2ed745facefb756f75a4c1b62cac3bda5089bd --- /dev/null +++ b/univa/dataset/llava_dataset.py @@ -0,0 +1,312 @@ +from typing import Any, Callable, Optional, List + +import torch +from transformers import PreTrainedTokenizer +from torch.utils.data import Dataset +from tqdm import tqdm +import json +import os +from PIL import Image +from univa.utils.prompter import Prompter +import numpy as np +from einops import rearrange +import random +from univa.utils.constant import SPACIAL_TOKEN, GENERATE_TOKEN + +class LlavaDataset(Dataset): + def __init__( + self, + dataset_type: str, + data_txt: str, + tokenizer: PreTrainedTokenizer, + prompter: Prompter, + image_processor: Callable, + processor: Callable = None, + min_pixels: int = 384*384, + max_pixels: int = 384*384, + image_token_length: int = 729, + only_generated_task: bool = False, + drop_prompt_rate: float = 0.2, + ): + assert dataset_type == 'llava' + with open(data_txt, "r") as f: + self.datasets = [line.strip() for line in f.readlines()] + + self.data = [] + self._load_data() + self.tokenizer = tokenizer + self.prompter = prompter + self.image_token_length = image_token_length + self.image_token = SPACIAL_TOKEN[dataset_type]['image_token'] + self.image_begin_token = SPACIAL_TOKEN[dataset_type]['image_begin_token'] + self.image_end_token = SPACIAL_TOKEN[dataset_type]['image_end_token'] + self.generated_image_token = GENERATE_TOKEN + self.image_processor = image_processor + + self.only_generated_task = only_generated_task # For denoiser training + self.drop_prompt_rate = drop_prompt_rate + if self.drop_prompt_rate > 0: + assert self.only_generated_task, ( + "Only generated task is supported when drop prompt rate is greater than 0" + ) + + # Add image token if not exists. + if self.image_token not in self.tokenizer.get_vocab(): + self.tokenizer.add_special_tokens( + {"additional_special_tokens": [self.image_token]} + ) + self.image_token_id = self.tokenizer.convert_tokens_to_ids(self.image_token) + + self.image_begin_token_id = self.tokenizer.convert_tokens_to_ids( + self.image_begin_token + ) + assert isinstance(self.image_begin_token_id, int), ( + f"tokenizer miss image begin token `{self.image_begin_token}`" + ) + self.image_end_token_id = self.tokenizer.convert_tokens_to_ids( + self.image_end_token + ) + assert isinstance(self.image_end_token_id, int), ( + f"tokenizer miss image end token `{self.image_end_token}`" + ) + + def _load_data(self): + for dataset in self.datasets: + image_root, json_file = dataset.split(",") + + # Load json file + with open(json_file, "r") as f: + data = json.load(f) + + dataset_data = [] + for line in tqdm(data): + # Ensure `image` is a list + if isinstance(line["image"], str): + line["image"] = [line["image"]] + assert isinstance(line["image"], list), ( + "`image` must be a str or a list." + ) + + # Convert image path to absolute path + line["image"] = [ + os.path.join(image_root, image_path) for image_path in line["image"] + ] + + dataset_data.append(line) + + print(f"Load {len(dataset_data)} data from {json_file}.") + self.data.extend(dataset_data) + + def __len__(self): + return len(self.data) + + def __getitem__(self, idx): + try: + data: Any = self.data[idx] + + # Reformat the conversation to the format of prompter + conversations = [] + prompt = "" + for item in data["conversations"]: + if item["from"] == "human": + role = self.prompter.user_role + elif item["from"] == "gpt": + role = self.prompter.assistant_role + else: + raise ValueError(f"Unknown role: {item['from']}") + conversations.append({"from": role, "value": item["value"]}) + assert prompt != "" + + # Make prompt + drop_condition = False + if self.only_generated_task: + if self.drop_prompt_rate < random.random(): # Randomly drop the prompt + prompt_list = self.prompter.get_train_prompt(conversations) + else: + drop_condition = True + # Drop the prompt + prompt_list = [ + { + "from": self.prompter.system_role, + "value": "You are a helpful assistant.", + }, + { + "from": self.prompter.user_role, + "value": "Generate an image.", + }, + { + "from": self.prompter.assistant_role, + "value": self.generated_image_token, + }, + ] + prompt_list = self.prompter.get_train_prompt(prompt_list) + else: + prompt_list = self.prompter.get_train_prompt(conversations) + + input_ids = [] + labels = [] + has_generated_image = False + for item in prompt_list: + item["prompt"] = item["prompt"].replace('', self.image_token) + if self.generated_image_token in item["prompt"]: # Check if self.generated_image_token in prompt + assert item["from"] == self.prompter.assistant_role, ( + "Generated image token must be in assistant role" + ) + assert ( + f"{self.generated_image_token}{self.prompter.eos_token}" + in item["prompt"] + ), "Generated image token must in end of prompt" + + # Replace the generated image token with image begin token and without eos token + item["prompt"] = item["prompt"].replace( + f"{self.generated_image_token}{self.prompter.eos_token}", + self.image_begin_token, + ) + has_generated_image = True + + tokenized_item = self.tokenizer( + item["prompt"], + return_tensors="pt", + truncation=False, + ) + if item["is_labels"]: # If this prompt is labels + labels.append(tokenized_item.input_ids) + else: + labels.append(torch.full_like(tokenized_item.input_ids, -100)) + input_ids.append(tokenized_item.input_ids) + + if ( + self.only_generated_task and not has_generated_image + ): # For denoiser training + raise ValueError( + f"Only generated task is not supported. But this prompt not contains generated image token: {prompt_list[0]['prompt']}" + ) + + input_ids = torch.cat(input_ids, dim=1) + labels = torch.cat(labels, dim=1) + + # Load images + if has_generated_image: + if not drop_condition: + image_slice = data["image"][:-1] + else: + image_slice = [] + else: + image_slice = data["image"] + image_dict = self._load_image(image_slice, image_processor=self.image_processor, image_token_lengths=self.image_token_length) + image_token_lengths = image_dict['image_token_lengths'] + pixel_values = image_dict['pixel_values'] + image_grid_thw = image_dict['image_grid_thw'] + + + # Repeat the image token to the length of image_token_length + # and record the position of image tokens. + input_ids, labels, image_position = self._process_image_token( + input_ids, + labels=labels, + image_token_id=self.image_token_id, + image_begin_token_id=self.image_begin_token_id, + image_end_token_id=self.image_end_token_id, + image_token_lengths=image_token_lengths, + ) + + return_data = { + "input_ids": input_ids, + "labels": labels, + "pixel_values": pixel_values, + "image_position": image_position, + "image_grid_thw": image_grid_thw, + "prompt": [prompt], + } + + if has_generated_image: # If this item is a generation task + image = Image.open(data["image"][-1]).convert("RGB") + image_tensor = torch.tensor(np.array(image)) / 255.0 # scale to 0-1 + image_tensor = rearrange(image_tensor, "h w c -> c h w") + return_data["generated_image"] = image_tensor + + return return_data + except Exception as e: + print(f'Error with {e}') + return self.__getitem__(random.randint(0, self.__len__()-1)) + + @staticmethod + def _load_image( + image_slice: List[str], + max_pixels: int = 448*448, + min_pixels: int = 448*448, + processor: Callable = None, + image_processor: Callable = None, + image_token_lengths: int = 729, + image_token: str = '', + ): + # images tensor shape is (b, c, h, w) + images = [] + # Ignore the last image (generated image) + for image_path in image_slice: # Ignore the last image (generated image) + image = Image.open(image_path).convert("RGB") + image = image_processor( + image, return_tensors="pt" + ).pixel_values + images.append(image) + if len(images) > 0: + images = torch.cat(images) + image_token_lengths = len(images) * [image_token_lengths] + return {'pixel_values': images, 'image_grid_thw': [], 'image_token_lengths': image_token_lengths} + + @staticmethod + def _process_image_token( + input_ids: torch.Tensor, + image_token_id: int, + image_begin_token_id: int, + image_end_token_id: int, + image_token_lengths: List[int], + labels: Optional[torch.Tensor] = None, + ): + # Find the indices of the image token + image_token_indices = (input_ids == image_token_id).nonzero(as_tuple=True) + image_position = [] + offset = 0 + cur_i = 0 + if isinstance(image_token_lengths, int): + image_token_lengths = [image_token_lengths] * len(image_token_indices[1]) + for idx in image_token_indices[1]: + image_token_length = image_token_lengths[cur_i] + adjusted_idx = idx + offset + assert input_ids[0, adjusted_idx] == image_token_id + + # Add image begin and end token + input_ids = torch.cat( + [ + input_ids[:, :adjusted_idx], + input_ids.new_full( + (1, 1), image_begin_token_id + ), # image begin token + input_ids.new_full( + (1, image_token_length), image_token_id + ), # Repeat the image token to the length of image_token_length + input_ids.new_full((1, 1), image_end_token_id), # image end token + input_ids[:, adjusted_idx + 1 :], + ], + dim=1, + ) + if labels is not None: + labels = torch.cat( + [ + labels[:, :adjusted_idx], + labels.new_full( + (1, 1), image_begin_token_id + ), # Make begin token as label + labels.new_full((1, image_token_length), -100), + labels.new_full((1, 1), -100), + labels[:, adjusted_idx + 1 :], + ], + dim=1, + ) + + adjusted_idx += 1 # skip the image begin token + image_position.append(adjusted_idx.item()) + offset += image_token_length - 1 + offset += 2 # begin and end token + + return input_ids, labels, image_position diff --git a/univa/dataset/qwen2vl_dataset.py b/univa/dataset/qwen2vl_dataset.py new file mode 100644 index 0000000000000000000000000000000000000000..11376ac572977ff74dad7f4fbc27f63b9f6589b7 --- /dev/null +++ b/univa/dataset/qwen2vl_dataset.py @@ -0,0 +1,658 @@ +from typing import Any, Callable, Optional, List + +import torch +from transformers import PreTrainedTokenizer +from torch.utils.data import Dataset +from tqdm import tqdm +import json +import os +from PIL import Image +from univa.utils.prompter import Prompter +import numpy as np +from einops import rearrange +import random +# from qwen_vl_utils.vision_process import fetch_image, fetch_video +from qwen_vl_utils.vision_process import to_rgb, smart_resize, fetch_video +from univa.utils.constant import SPACIAL_TOKEN, GENERATE_TOKEN +from univa.utils.get_mask import get_weight_mask +from univa.utils.get_ocr import get_ocr_result +from fractions import Fraction +from torchvision.transforms import functional +from torchvision import transforms +from io import BytesIO +import base64 +import requests +import torch +from PIL import Image +from torchvision import io, transforms +from typing import Optional + + +def get_aspect_ratio(img): + width, height = img.size + return Fraction(width, height).limit_denominator() + +def has_same_aspect_ratio(img1, img2): + if not isinstance(img1, Image.Image): + img1 = Image.open(img1).convert('RGB') + if not isinstance(img2, Image.Image): + img2 = Image.open(img2).convert('RGB') + ratio1 = get_aspect_ratio(img1) + ratio2 = get_aspect_ratio(img2) + return ratio1 == ratio2 + +def has_same_resolution(img1, img2): + if not isinstance(img1, Image.Image): + img1 = Image.open(img1).convert('RGB') + if not isinstance(img2, Image.Image): + img2 = Image.open(img2).convert('RGB') + return img1.size == img2.size + +class Qwen2VLDataset(Dataset): + def __init__( + self, + dataset_type: str, + data_txt: str, + transform: Callable, + tokenizer: PreTrainedTokenizer, + prompter: Prompter, + image_processor: Callable, + processor: Callable = None, + min_pixels: int = 384*384, + max_pixels: int = 384*384, + image_token_length: int = 729, + only_generated_task: bool = False, + drop_prompt_rate: float = 0.0, + joint_ref_feature: bool = False, + anyres: bool = False, + mask_weight_type: str = 'log', + siglip_processor: Callable = None, + ocr_enhancer: bool = False, + random_data: bool = False, + maxnum_per_data: int = -1, + notry: bool = False, + ): + assert dataset_type == 'qwen2vl' or dataset_type == 'qwen2p5vl', "dataset_type == 'qwen2vl' or dataset_type == 'qwen2p5vl'" + with open(data_txt, "r") as f: + self.datasets = [line.strip() for line in f.readlines()] + + self.data = [] + self._load_data(maxnum_per_data) + + self.transform = transform + self.processor = processor + self.tokenizer = processor.tokenizer + self.prompter = prompter + self.min_pixels = min_pixels + self.max_pixels = max_pixels + self.image_token = SPACIAL_TOKEN[dataset_type]['image_token'] + self.image_begin_token = SPACIAL_TOKEN[dataset_type]['image_begin_token'] + self.image_end_token = SPACIAL_TOKEN[dataset_type]['image_end_token'] + self.generated_image_token = GENERATE_TOKEN + self.image_processor = processor.image_processor + # self.factor = 4 if joint_ref_feature else 1 + self.factor = 2 + + self.only_generated_task = only_generated_task # For denoiser training + self.drop_prompt_rate = drop_prompt_rate + if self.drop_prompt_rate > 0: + assert self.only_generated_task, ( + "Only generated task is supported when drop_prompt_rate > 0" + ) + self.mask_weight_type = mask_weight_type + self.siglip_processor = siglip_processor + self.ocr_enhancer = ocr_enhancer + self.random_data = random_data + self.notry = notry + + # Add image token if not exists. + assert self.image_token in self.tokenizer.get_vocab() + self.image_token_id = self.tokenizer.convert_tokens_to_ids(self.image_token) + + self.image_begin_token_id = self.tokenizer.convert_tokens_to_ids( + self.image_begin_token + ) + assert isinstance(self.image_begin_token_id, int), ( + f"tokenizer miss image begin token `{self.image_begin_token}`" + ) + self.image_end_token_id = self.tokenizer.convert_tokens_to_ids( + self.image_end_token + ) + assert isinstance(self.image_end_token_id, int), ( + f"tokenizer miss image end token `{self.image_end_token}`" + ) + + def _load_data(self, maxnum_per_data=-1): + for dataset in self.datasets: + image_root, json_file, need_weight = dataset.split(",") + + # Load json file + with open(json_file, "r") as f: + data = json.load(f) + if maxnum_per_data > 0 and maxnum_per_data < len(data): + print(f'original data: {len(data)}, sample: {maxnum_per_data}') + data = random.sample(data, maxnum_per_data) + dataset_data = [] + for line in tqdm(data): + if "image" not in line: + line["image"] = [] + # Ensure `image` is a list + if isinstance(line["image"], str): + line["image"] = [line["image"]] + assert isinstance(line["image"], list), ( + "`image` must be a str or a list." + ) + + # Convert image path to absolute path + line["need_weight"] = need_weight + line["image"] = [ + os.path.join(image_root, image_path) for image_path in line["image"] + ] + dataset_data.append(line) + + print(f"Load {len(dataset_data)} data from {json_file}.") + self.data.extend(dataset_data) + + def __len__(self): + return len(self.data) + + def _get_random_data(self, ): + + prompt = self.prompter( + [ + {"from": "system", "value": "You are a helpful assistant."}, + { + "from": "user", + "value": f"test an image {self.image_token}", + }, + ] + ) + input_ids = self.tokenizer.batch_encode_plus( + [prompt], return_tensors="pt", truncation=False, + ).input_ids + labels = input_ids + + width, height = 448, 448 + random_data = np.random.randint(0, 256, (height, width, 3), dtype=np.uint8) + image = Image.fromarray(random_data, 'RGB') + + image_slice = [image] + image_dict = self._load_image( + image_slice, self.max_pixels, self.min_pixels, + processor=self.processor, image_token=self.image_token, + factor=self.factor, + last_image=image, + vae_image_transform=self.transform, + drop_prompt=False, + prompt=prompt, + mask_weight_type=self.mask_weight_type, + siglip_processor=self.siglip_processor, + ) + + image_token_lengths = image_dict['image_token_lengths'] + pixel_values = image_dict['pixel_values'] + image_grid_thw = image_dict['image_grid_thw'] + ref_pixel_values = image_dict['ref_pixel_values'] + pil_pixel_values = image_dict['pil_pixel_values'] + siglip_pixel_values = image_dict['siglip_pixel_values'] + weights = image_dict['weights'] + + input_ids, labels, image_position = self._process_image_token( + input_ids, + labels=labels, + image_token_id=self.image_token_id, + image_begin_token_id=self.image_begin_token_id, + image_end_token_id=self.image_end_token_id, + image_token_lengths=image_token_lengths, + ) + + generated_image = torch.randn(3, 512, 512) + + return_data = { + "input_ids": input_ids, + "labels": labels, + "pixel_values": pixel_values, + "image_position": image_position, + "image_grid_thw": image_grid_thw, + "prompt": prompt, + "ref_pixel_values": ref_pixel_values, + "pil_pixel_values": pil_pixel_values, + "siglip_pixel_values": siglip_pixel_values, + "weights": weights, + "generated_image": generated_image, + } + return return_data + + def getitem(self, data): + # Reformat the conversation to the format of prompter + conversations = [] + prompt = "" + for item in data["conversations"]: + if item["from"] == "human": + role = self.prompter.user_role + prompt = item["value"] + elif item["from"] == "gpt": + role = self.prompter.assistant_role + else: + raise ValueError(f"Unknown role: {item['from']}") + conversations.append({"from": role, "value": item["value"]}) + assert prompt != "", "prompt != ''" + # The last turn instruction will be used for t5_embed + prompt = prompt.replace('', '').replace('\n', '') + + # Make prompt + drop_prompt = False + if self.only_generated_task: + if self.drop_prompt_rate < random.random(): # Randomly drop the prompt + prompt_list = self.prompter.get_train_prompt(conversations) + else: + drop_prompt = True + num_images = (''.join([i['value'] for i in conversations])).count('') + # Drop the prompt + prompt_list = [ + { + "from": self.prompter.system_role, + "value": "You are a helpful assistant.", + }, + { + "from": self.prompter.user_role, + # "value": f"{num_images * ''} Generate an image.", + "value": "Generate an image.", + }, + { + "from": self.prompter.assistant_role, + "value": self.generated_image_token, + }, + ] + prompt_list = self.prompter.get_train_prompt(prompt_list) + else: + prompt_list = self.prompter.get_train_prompt(conversations) + + input_ids = [] + labels = [] + has_generated_image = False + cur_i = 0 + for item in prompt_list: + item["prompt"] = item["prompt"].replace('', self.image_token) + + if self.generated_image_token in item["prompt"]: # Check if self.generated_image_token in prompt + assert item["from"] == self.prompter.assistant_role, ( + "Generated image token must be in assistant role" + ) + assert ( + f"{self.generated_image_token}{self.prompter.eos_token}" + in item["prompt"] + ), "Generated image token must in end of prompt" + + # Replace the generated image token with image begin token and without eos token + item["prompt"] = item["prompt"].replace( + f"{self.generated_image_token}{self.prompter.eos_token}", + self.image_begin_token, + ) + has_generated_image = True + + if self.ocr_enhancer and (self.image_token in item["prompt"]): + # print('item["prompt"]', item["prompt"]) + if not has_generated_image: + num_img = item["prompt"].count(self.image_token) + ocr_sentences = [] + for i in range(num_img): + ocr_sentences.append(get_ocr_result(data["image"][cur_i], cur_i)) + cur_i += 1 + ocr_sentences = '\n'.join(ocr_sentences) + if len(ocr_sentences.split()) > 256: + print(f'ocr_sentences too long, total len {len(ocr_sentences.split())} trunk first 256') + ocr_sentences = ' '.join(ocr_sentences.split()[:256]) + # ocr_sentences = '' + assert item['prompt'][-len(self.prompter.eos_token):] == self.prompter.eos_token, \ + "item['prompt'][-len(self.prompter.eos_token):] == self.prompter.eos_token" + assert item['prompt'].count(self.prompter.eos_token) == 1, \ + "item['prompt'].count(self.prompter.eos_token) == 1" + item["prompt"] = item["prompt"].replace(self.prompter.eos_token, f'{ocr_sentences} {self.prompter.eos_token}') + + tokenized_item = self.tokenizer( + item["prompt"], + return_tensors="pt", + truncation=True, + max_length=1024, + ) + if item["is_labels"]: # If this prompt is labels + labels.append(tokenized_item.input_ids) + else: + labels.append(torch.full_like(tokenized_item.input_ids, -100)) + input_ids.append(tokenized_item.input_ids) + + if ( + self.only_generated_task and not has_generated_image + ): # For denoiser training + raise ValueError( + f"Only generated task is not supported. But this prompt not contains generated image token: {prompt_list[0]['prompt']}" + ) + + input_ids = torch.cat(input_ids, dim=1) + labels = torch.cat(labels, dim=1) + + # Load images + if has_generated_image: + # generate task + # process images but exclude the last image, which need to generate + image_slice = data["image"][:-1] + else: + # understanding task + image_slice = data["image"] + + + image_dict = self._load_image( + image_slice, self.max_pixels, self.min_pixels, + processor=self.processor, image_token=self.image_token, + factor=self.factor, + last_image=data["image"][-1] if has_generated_image else None, + vae_image_transform=self.transform, + drop_prompt=drop_prompt, + prompt=prompt, + mask_weight_type=self.mask_weight_type, + siglip_processor=self.siglip_processor, + need_weight=data['need_weight'], + ) + + image_token_lengths = image_dict['image_token_lengths'] + pixel_values = image_dict['pixel_values'] + image_grid_thw = image_dict['image_grid_thw'] + ref_pixel_values = image_dict['ref_pixel_values'] + pil_pixel_values = image_dict['pil_pixel_values'] + siglip_pixel_values = image_dict['siglip_pixel_values'] + weights = image_dict['weights'] + + input_ids, labels, image_position = self._process_image_token( + input_ids, + labels=labels, + image_token_id=self.image_token_id, + image_begin_token_id=self.image_begin_token_id, + image_end_token_id=self.image_end_token_id, + image_token_lengths=image_token_lengths, + ) + + + return_data = { + "input_ids": input_ids, + "labels": labels, + "pixel_values": pixel_values, + "image_position": image_position, + "image_grid_thw": image_grid_thw, + "prompt": prompt, + "ref_pixel_values": ref_pixel_values, + "pil_pixel_values": pil_pixel_values, + "siglip_pixel_values": siglip_pixel_values, + "weights": weights, + } + + if has_generated_image: # If this item is a generation task + image = Image.open(data["image"][-1]).convert("RGB") + # if self.anyres: + # image = image.resize(pil_pixel_values[-1].size) + image_tensor = torch.tensor(np.array(image)) / 255.0 # scale to 0-1 + image_tensor = rearrange(image_tensor, "h w c -> c h w") + return_data["generated_image"] = self.transform(image_tensor) + else: + return_data["generated_image"] = [] + return return_data + + def __getitem__(self, idx): + if self.random_data: + return self._get_random_data() + + data: Any = self.data[idx] + if self.notry: + return self.getitem(data) + try: + return self.getitem(data) + except Exception as e: + print(f'Error with {e}') + return self.__getitem__(random.randint(0, self.__len__()-1)) + + @staticmethod + def _load_image( + image_slice: List[str], + max_pixels: int = 448*448, + min_pixels: int = 448*448, + processor: Callable = None, + image_processor: Callable = None, + image_token_lengths: int = 729, + image_token: str = '<|image_pad|>', + factor: int = 1, + last_image: Optional[str] = None, + vae_image_transform: Callable = None, + drop_prompt: bool = False, + prompt: str = '', + mask_weight_type: str = None, + siglip_processor: Callable = None, + need_weight: str = 'true', + ): + resize_ref_image = False + pil_pixel_values_last = [] + if last_image is not None: + last_vision_infos = dict( + image=last_image, min_pixels=min_pixels, max_pixels=max_pixels + ) + # last_image will be resize by qwenvl-processor automatically + # generated variable resolution + last_image_inputs, last_video_inputs = process_vision_info([last_vision_infos], factor=factor) + + # logging what size will be process when use qwenvl-processor + pil_pixel_values_last.append(last_image_inputs[0]) + + # not all reference images are same resolution + # if multiple reference images and they have different resolution, resize it depend on last_image (generated_image) + if not all([has_same_resolution(image_path, last_image) for image_path in image_slice]): + resize_ref_image = True + resize_w, resize_h = last_image_inputs[0].size + + image_token_lengths = [] + pixel_values = [] + image_grid_thw = [] + ref_pixel_values = [] + pil_pixel_values = [] + siglip_pixel_values = [] + # Ignore the last image (generated image) + for image_path in image_slice: + vision_infos = dict(image=image_path, min_pixels=min_pixels, max_pixels=max_pixels) + + # if multiple reference images and they have different aspect ratio, resize it depend on generated_image (last_image) + if resize_ref_image: + vision_infos.update( + dict(resized_height=resize_h, resized_width=resize_w) + ) + image_inputs, video_inputs = process_vision_info([vision_infos], factor=factor) + inputs = processor(text=[f'dummy {image_token}'], images=image_inputs, videos=video_inputs, padding=True, return_tensors="pt") + + if not drop_prompt: + pixel_values.append(inputs.pixel_values) # inputs.pixel_values shape is (token, dim) + image_grid_thw.append(inputs.image_grid_thw) # image_grid_thw List[int, int, int] + image_token_length = (inputs.input_ids[0] == processor.tokenizer.convert_tokens_to_ids(image_token)).sum() + image_token_lengths.append(image_token_length) + + image_tensor = torch.tensor(np.array(image_inputs[0])) / 255.0 # scale to 0-1 + image_tensor = rearrange(image_tensor, "h w c -> 1 c h w") + if vae_image_transform is not None: + # image_tensor has been resized by qwenvl-processor + image_tensor = (image_tensor - 0.5) / 0.5 # shift [0, 1] to [-1, 1] + pil_pixel_values.append(image_inputs[0]) + + if siglip_processor is not None: + siglip_pixel_value = siglip_processor.preprocess( + images=Image.open(image_path).convert('RGB') if isinstance(image_path, str) else image_path, + do_resize=True, return_tensors="pt", do_convert_rgb=True + ).pixel_values # 1 c h w + if drop_prompt: + siglip_pixel_values.append(torch.zeros_like(siglip_pixel_value)) + else: + siglip_pixel_values.append(siglip_pixel_value) + # use zero_image as uncondition reference image + if drop_prompt: + ref_pixel_values.append(torch.zeros_like(image_tensor)) + else: + ref_pixel_values.append(image_tensor) + + + + # if multi-image in a sample, concat them + # assume pixel_values[0] (n1, 1176), pixel_values[1] (n2, 1176), pixel_values will be (n1+n2, 1176) + if len(pixel_values) > 0: + pixel_values = torch.concat(pixel_values) + image_grid_thw = torch.concat(image_grid_thw) # (b, 3), 3 mean the grid of t, h, w + # if len(ref_pixel_values) > 0: + # ref_pixel_values = torch.concat(ref_pixel_values) # b c h w + ref_pixel_values = [] + if len(siglip_pixel_values) > 0: + siglip_pixel_values = torch.concat(siglip_pixel_values) # b c h w + + pil_pixel_values = pil_pixel_values + pil_pixel_values_last + + if mask_weight_type is not None: + _, weights = get_weight_mask(pil_pixel_values, prompt, mask_weight_type, need_weight) + if need_weight.lower() == 'false': + assert torch.all(weights == 1) + else: + weights = [] + return { + 'pixel_values': pixel_values, + 'image_grid_thw': image_grid_thw, + 'image_token_lengths': image_token_lengths, + 'ref_pixel_values': ref_pixel_values, + 'pil_pixel_values': pil_pixel_values, + 'siglip_pixel_values': siglip_pixel_values, + 'weights': weights, + } + + @staticmethod + def _process_image_token( + input_ids: torch.Tensor, + image_token_id: int, + image_begin_token_id: int, + image_end_token_id: int, + image_token_lengths: List[int], + labels: Optional[torch.Tensor] = None, + ): + # Find the indices of the image token + image_token_indices = (input_ids == image_token_id).nonzero(as_tuple=True) + # assert len(image_token_lengths) == image_token_indices[1].numel() + image_position = [] + offset = 0 + cur_i = 0 + if isinstance(image_token_lengths, int): + image_token_lengths = [image_token_lengths] * len(image_token_indices[1]) + for idx in image_token_indices[1]: + image_token_length = image_token_lengths[cur_i] + adjusted_idx = idx + offset + assert input_ids[0, adjusted_idx] == image_token_id, "assert input_ids[0, adjusted_idx] == image_token_id" + + # Add image begin and end token + input_ids = torch.cat( + [ + input_ids[:, :adjusted_idx], + input_ids.new_full( + (1, 1), image_begin_token_id + ), # image begin token + input_ids.new_full( + (1, image_token_length), image_token_id + ), # Repeat the image token to the length of image_token_length + input_ids.new_full((1, 1), image_end_token_id), # image end token + input_ids[:, adjusted_idx + 1 :], + ], + dim=1, + ) + if labels is not None: + labels = torch.cat( + [ + labels[:, :adjusted_idx], + labels.new_full( + (1, 1), image_begin_token_id + ), # Make begin token as label + labels.new_full((1, image_token_length), -100), + labels.new_full((1, 1), -100), + labels[:, adjusted_idx + 1 :], + ], + dim=1, + ) + + adjusted_idx += 1 # skip the image begin token + image_position.append(adjusted_idx.item()) + offset += image_token_length - 1 + offset += 2 # begin and end token + + cur_i += 1 + + return input_ids, labels, image_position + + +def fetch_image(ele: dict[str, str | Image.Image], size_factor: int = 28) -> Image.Image: + if "image" in ele: + image = ele["image"] + else: + image = ele["image_url"] + image_obj = None + if isinstance(image, Image.Image): + image_obj = image + elif image.startswith("http://") or image.startswith("https://"): + response = requests.get(image, stream=True) + image_obj = Image.open(BytesIO(response.content)) + elif image.startswith("file://"): + image_obj = Image.open(image[7:]) + elif image.startswith("data:image"): + if "base64," in image: + _, base64_data = image.split("base64,", 1) + data = base64.b64decode(base64_data) + image_obj = Image.open(BytesIO(data)) + else: + image_obj = Image.open(image) + if image_obj is None: + raise ValueError(f"Unrecognized image input, support local path, http url, base64 and PIL.Image, got {image}") + image = to_rgb(image_obj) + ## resize + if "resized_height" in ele and "resized_width" in ele: + resized_height, resized_width = smart_resize( + ele["resized_height"], + ele["resized_width"], + factor=size_factor, + ) + else: + width, height = image.size + min_pixels = ele.get("min_pixels") + max_pixels = ele.get("max_pixels") + resized_height, resized_width = smart_resize( + height, + width, + factor=size_factor, + min_pixels=min_pixels, + max_pixels=max_pixels, + ) + image = image.resize((resized_width, resized_height), resample=Image.Resampling.BICUBIC) + + return image + +def process_vision_info( + vision_infos: list, + return_video_kwargs: bool = False, + factor: int = 1, +) -> tuple[list[Image.Image] | None, list[torch.Tensor | list[Image.Image]] | None, Optional[dict]]: + + ## Read images or videos + image_inputs = [] + video_inputs = [] + video_sample_fps_list = [] + for vision_info in vision_infos: + if "image" in vision_info or "image_url" in vision_info: + image_inputs.append(fetch_image(vision_info, size_factor=28*factor)) + elif "video" in vision_info: + video_input, video_sample_fps = fetch_video(vision_info, return_video_sample_fps=True) + video_sample_fps_list.append(video_sample_fps) + video_inputs.append(video_input) + else: + raise ValueError("image, image_url or video should in content.") + if len(image_inputs) == 0: + image_inputs = None + if len(video_inputs) == 0: + video_inputs = None + if return_video_kwargs: + return image_inputs, video_inputs, {'fps': video_sample_fps_list} + return image_inputs, video_inputs \ No newline at end of file diff --git a/univa/eval/__init__.py b/univa/eval/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/univa/eval/configuration_eval.py b/univa/eval/configuration_eval.py new file mode 100644 index 0000000000000000000000000000000000000000..3967733bcd64911835f8361d77b65c3dd7117a14 --- /dev/null +++ b/univa/eval/configuration_eval.py @@ -0,0 +1,55 @@ +from dataclasses import dataclass +from typing import Optional, List + +@dataclass +class EvalConfig: + pretrained_lvlm_name_or_path: str + pretrained_denoiser_name_or_path: str + pretrained_siglip_name_or_path: str + + ocr_enhancer: bool = False + joint_with_t5: bool = False + only_use_t5: bool = False + + seed: int = 42 + allow_tf32: bool = False + + output_dir: str = "./output" + + num_images_per_prompt: int = 1 + num_inference_steps: int = 32 + guidance_scale: float = 3.5 # Used in Flux + num_samples_per_prompt: int = 1 + height: int = 1024 + width: int = 1024 + min_pixels: int = 448*448 + max_pixels: int = 448*448 + anyres: str = 'any_11ratio' + padding_side: str = 'right' + + + local_rank: int = 0 + world_size: int = 1 + + # genai + genai_prompt_path: str = "univa/eval/genai/eval_prompts/genai527/genai_image.json" + + # geneval + n_samples: int = 4 + geneval_prompt_path: str = "univa/eval/geneval/evaluation_metadata.jsonl" + resized_height: int = 1024 + resized_width: int = 1024 + + # dpgbench + dpgbench_prompt_path: str = "univa/eval/dpgbench/dpgbench_prompts.json" + + # wise + wise_prompt_path: str = "univa/eval/wise/data" + + # imgedit + imgedit_prompt_path: str = "univa/eval/imgedit/basic_edit.json" + imgedit_image_dir: str = "/mnt/data/lb/Remake/imgedit_bench_eval_images" + + # gedit + gedit_prompt_path: str = "univa/eval/gedit/basic_edit.json" + gedit_image_dir: str = "/mnt/data/lb/Remake/gedit_bench_eval_images" \ No newline at end of file diff --git a/univa/eval/dpgbench/README.md b/univa/eval/dpgbench/README.md new file mode 100644 index 0000000000000000000000000000000000000000..3ad85bb4f0e4799aba29080f68c0e4a728769953 --- /dev/null +++ b/univa/eval/dpgbench/README.md @@ -0,0 +1,65 @@ + +The original code is from [DPG-Bench](https://github.com/TencentQQGYLab/ELLA). + + +## Requirements and Installation + +> Official environment is **NOT** recommended. + +Prepare conda environment: + +```bash +conda create -n dpgbench_eval python=3.10 -y +conda activate geneval_eval +``` + +Install package: + +```bash +pip install torch==2.5.1 torchvision==0.20.1 torchaudio==2.5.1 --index-url https://download.pytorch.org/whl/cu124 +pip install "pip<24.1" +pip install -r requirements.txt +``` + +## Eval + +### Generate samples + +```bash +# switch to univa env +MODEL_PATH='path/to/model' +OUTPUT_DIR='path/to/eval_output/dpgbench' +CUDA_VISIBLE_DEVICES=0,1,2,3,4,5,6,7 torchrun \ + --nproc_per_node 8 \ + -m step1_gen_samples \ + dpgbench.yaml \ + --pretrained_lvlm_name_or_path ${MODEL_PATH} \ + --output_dir ${OUTPUT_DIR} +``` + +### Evaluation & Summary + + +Download mplug model to `$MPLUG_LOCAL_PATH`: + +```bash +conda activate dpgbench_eval +modelscope download --model 'iic/mplug_visual-question-answering_coco_large_en' --local_dir ${MPLUG_LOCAL_PATH} +``` + +```bash +conda activate dpgbench_eval +export CUDA_VISIBLE_DEVICES=0,1,2,3,4,5,6,7 +IMAGE_DIR=${OUTPUT_DIR} +accelerate launch --num_machines 1 --num_processes 8 \ + --multi_gpu --mixed_precision "fp16" \ + step2_compute_dpg_bench.py \ + --image_root_path ${IMAGE_DIR} \ + --resolution 1024 \ + --pic_num 4 \ + --res_path ${IMAGE_DIR}.txt \ + --vqa_model mplug \ + --mplug_local_path ${MPLUG_LOCAL_PATH} \ + --csv eval_prompts/dpgbench.csv +cat ${IMAGE_DIR}.txt +``` diff --git a/univa/eval/dpgbench/__init__.py b/univa/eval/dpgbench/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/univa/eval/dpgbench/dpgbench.yaml b/univa/eval/dpgbench/dpgbench.yaml new file mode 100644 index 0000000000000000000000000000000000000000..ddfaaad3344f1d5e35dbde5c98b9b2d381790181 --- /dev/null +++ b/univa/eval/dpgbench/dpgbench.yaml @@ -0,0 +1,18 @@ + +pretrained_lvlm_name_or_path: /mnt/data/lb/Remake/UniWorld//checkpoints/flux_qwen2p5vl_7b_vlm_mlp_siglip_stage2_ts_1024_bs42x8x1_fa_any_11ratio_ema999_ocr_adamw_t5_1p0_lr5e-6_mask_refstyle_extract/checkpoint-20000/model_ema +pretrained_denoiser_name_or_path: /mnt/data/checkpoints/black-forest-labs/FLUX.1-dev/ +pretrained_siglip_name_or_path: /mnt/data/checkpoints/google/siglip2-so400m-patch16-512 +joint_with_t5: true + +seed: 42 +allow_tf32: false + +output_dir: /mnt/data/lb/Remake/UniWorld//eval_output/dpgbench + +num_images_per_prompt: 4 +num_inference_steps: 28 +guidance_scale: 2.5 +height: 1024 +width: 1024 + +dpgbench_prompt_path: /mnt/data/lb/Remake/UniWorld//univa/eval/dpgbench/eval_prompts/dpgbench_prompts.json \ No newline at end of file diff --git a/univa/eval/dpgbench/eval_prompts/dpgbench.csv b/univa/eval/dpgbench/eval_prompts/dpgbench.csv new file mode 100644 index 0000000000000000000000000000000000000000..d8e3f6f4d898f88554a119ace3ce2dc0563ac2dc --- /dev/null +++ b/univa/eval/dpgbench/eval_prompts/dpgbench.csv @@ -0,0 +1,14393 @@ +item_id,text,keywords,proposition_id,dependency,category_broad,category_detailed,tuple,question_natural_language +partiprompts97,"An empty space where an invisible man would be, with a pair of horn-rimmed glasses seemingly floating in mid-air, and a pearl bead necklace draped in the space below them. In the space where his hands would be, a smartphone is held, as if being operated by the unseen figure. Around this curious scene, the room appears ordinary, with a couch and a coffee table nearby, upon which rests a scattering of magazines and a remote control.",,1,0,entity,whole,entity - whole (space),Is there an empty space? +partiprompts97,"An empty space where an invisible man would be, with a pair of horn-rimmed glasses seemingly floating in mid-air, and a pearl bead necklace draped in the space below them. In the space where his hands would be, a smartphone is held, as if being operated by the unseen figure. Around this curious scene, the room appears ordinary, with a couch and a coffee table nearby, upon which rests a scattering of magazines and a remote control.",,2,1,entity,whole,entity - whole (man),Is there an invisible man? +partiprompts97,"An empty space where an invisible man would be, with a pair of horn-rimmed glasses seemingly floating in mid-air, and a pearl bead necklace draped in the space below them. In the space where his hands would be, a smartphone is held, as if being operated by the unseen figure. Around this curious scene, the room appears ordinary, with a couch and a coffee table nearby, upon which rests a scattering of magazines and a remote control.",,3,1,entity,whole,entity - whole (glasses),Are there glasses? +partiprompts97,"An empty space where an invisible man would be, with a pair of horn-rimmed glasses seemingly floating in mid-air, and a pearl bead necklace draped in the space below them. In the space where his hands would be, a smartphone is held, as if being operated by the unseen figure. Around this curious scene, the room appears ordinary, with a couch and a coffee table nearby, upon which rests a scattering of magazines and a remote control.",,4,1,entity,whole,entity - whole (necklace),Is there a necklace? +partiprompts97,"An empty space where an invisible man would be, with a pair of horn-rimmed glasses seemingly floating in mid-air, and a pearl bead necklace draped in the space below them. In the space where his hands would be, a smartphone is held, as if being operated by the unseen figure. Around this curious scene, the room appears ordinary, with a couch and a coffee table nearby, upon which rests a scattering of magazines and a remote control.",,5,1,entity,whole,entity - whole (smartphone),Is there a smartphone? +partiprompts97,"An empty space where an invisible man would be, with a pair of horn-rimmed glasses seemingly floating in mid-air, and a pearl bead necklace draped in the space below them. In the space where his hands would be, a smartphone is held, as if being operated by the unseen figure. Around this curious scene, the room appears ordinary, with a couch and a coffee table nearby, upon which rests a scattering of magazines and a remote control.",,6,0,entity,whole,entity - whole (room),Is there a room? +partiprompts97,"An empty space where an invisible man would be, with a pair of horn-rimmed glasses seemingly floating in mid-air, and a pearl bead necklace draped in the space below them. In the space where his hands would be, a smartphone is held, as if being operated by the unseen figure. Around this curious scene, the room appears ordinary, with a couch and a coffee table nearby, upon which rests a scattering of magazines and a remote control.",,7,6,entity,whole,entity - whole (couch),Is there a couch? +partiprompts97,"An empty space where an invisible man would be, with a pair of horn-rimmed glasses seemingly floating in mid-air, and a pearl bead necklace draped in the space below them. In the space where his hands would be, a smartphone is held, as if being operated by the unseen figure. Around this curious scene, the room appears ordinary, with a couch and a coffee table nearby, upon which rests a scattering of magazines and a remote control.",,8,6,entity,whole,entity - whole (coffee table),Is there a coffee table? +partiprompts97,"An empty space where an invisible man would be, with a pair of horn-rimmed glasses seemingly floating in mid-air, and a pearl bead necklace draped in the space below them. In the space where his hands would be, a smartphone is held, as if being operated by the unseen figure. Around this curious scene, the room appears ordinary, with a couch and a coffee table nearby, upon which rests a scattering of magazines and a remote control.",,9,6,entity,whole,entity - whole (magazines),Are there magazines? +partiprompts97,"An empty space where an invisible man would be, with a pair of horn-rimmed glasses seemingly floating in mid-air, and a pearl bead necklace draped in the space below them. In the space where his hands would be, a smartphone is held, as if being operated by the unseen figure. Around this curious scene, the room appears ordinary, with a couch and a coffee table nearby, upon which rests a scattering of magazines and a remote control.",,10,6,entity,whole,entity - whole (remote control),Is there a remote control? +partiprompts97,"An empty space where an invisible man would be, with a pair of horn-rimmed glasses seemingly floating in mid-air, and a pearl bead necklace draped in the space below them. In the space where his hands would be, a smartphone is held, as if being operated by the unseen figure. Around this curious scene, the room appears ordinary, with a couch and a coffee table nearby, upon which rests a scattering of magazines and a remote control.",,11,3,attribute,other,"attribute - other (glasses, horn-rimmed)",Are the glasses horn-rimmed? +partiprompts97,"An empty space where an invisible man would be, with a pair of horn-rimmed glasses seemingly floating in mid-air, and a pearl bead necklace draped in the space below them. In the space where his hands would be, a smartphone is held, as if being operated by the unseen figure. Around this curious scene, the room appears ordinary, with a couch and a coffee table nearby, upon which rests a scattering of magazines and a remote control.",,12,1,relation,spatial,"relation - spatial (glasses, space, floating)",Are the glasses floating in the space? +partiprompts97,"An empty space where an invisible man would be, with a pair of horn-rimmed glasses seemingly floating in mid-air, and a pearl bead necklace draped in the space below them. In the space where his hands would be, a smartphone is held, as if being operated by the unseen figure. Around this curious scene, the room appears ordinary, with a couch and a coffee table nearby, upon which rests a scattering of magazines and a remote control.",,13,1,relation,spatial,"relation - spatial (necklace, space, draped)",Is the necklace draped in the space? +partiprompts97,"An empty space where an invisible man would be, with a pair of horn-rimmed glasses seemingly floating in mid-air, and a pearl bead necklace draped in the space below them. In the space where his hands would be, a smartphone is held, as if being operated by the unseen figure. Around this curious scene, the room appears ordinary, with a couch and a coffee table nearby, upon which rests a scattering of magazines and a remote control.",,14,1,relation,spatial,"relation - spatial (smartphone, space, held)",Is the smartphone held in the space? +partiprompts97,"An empty space where an invisible man would be, with a pair of horn-rimmed glasses seemingly floating in mid-air, and a pearl bead necklace draped in the space below them. In the space where his hands would be, a smartphone is held, as if being operated by the unseen figure. Around this curious scene, the room appears ordinary, with a couch and a coffee table nearby, upon which rests a scattering of magazines and a remote control.",,15,1,relation,spatial,"relation - spatial (room, space, around)",Is the room around the space? +partiprompts97,"An empty space where an invisible man would be, with a pair of horn-rimmed glasses seemingly floating in mid-air, and a pearl bead necklace draped in the space below them. In the space where his hands would be, a smartphone is held, as if being operated by the unseen figure. Around this curious scene, the room appears ordinary, with a couch and a coffee table nearby, upon which rests a scattering of magazines and a remote control.",,16,6,relation,spatial,"relation - spatial (couch, room, nearby)",Is the couch nearby the room? +partiprompts97,"An empty space where an invisible man would be, with a pair of horn-rimmed glasses seemingly floating in mid-air, and a pearl bead necklace draped in the space below them. In the space where his hands would be, a smartphone is held, as if being operated by the unseen figure. Around this curious scene, the room appears ordinary, with a couch and a coffee table nearby, upon which rests a scattering of magazines and a remote control.",,17,6,relation,spatial,"relation - spatial (coffee table, couch, near)",Is the coffee table near the couch? +partiprompts97,"An empty space where an invisible man would be, with a pair of horn-rimmed glasses seemingly floating in mid-air, and a pearl bead necklace draped in the space below them. In the space where his hands would be, a smartphone is held, as if being operated by the unseen figure. Around this curious scene, the room appears ordinary, with a couch and a coffee table nearby, upon which rests a scattering of magazines and a remote control.",,18,9,relation,spatial,"relation - spatial (magazines, coffee table, on)",Are the magazines on the coffee table? +partiprompts97,"An empty space where an invisible man would be, with a pair of horn-rimmed glasses seemingly floating in mid-air, and a pearl bead necklace draped in the space below them. In the space where his hands would be, a smartphone is held, as if being operated by the unseen figure. Around this curious scene, the room appears ordinary, with a couch and a coffee table nearby, upon which rests a scattering of magazines and a remote control.",,19,10,relation,spatial,"relation - spatial (remote control, coffee table, on)",Is the remote control on the coffee table? +partiprompts301,"a potted plant with delicate small flowers featuring vibrant purple petals sits on a wooden windowsill. the plant's green leaves are lush and interspersed among the flowers, creating a contrast against the light-colored wall behind it. sunlight filters through the window, casting a soft glow on the plant's foliage and petals.",,1,0,entity,whole,entity - whole (potted plant),Is there a potted plant? +partiprompts301,"a potted plant with delicate small flowers featuring vibrant purple petals sits on a wooden windowsill. the plant's green leaves are lush and interspersed among the flowers, creating a contrast against the light-colored wall behind it. sunlight filters through the window, casting a soft glow on the plant's foliage and petals.",,2,1,entity,whole,entity - whole (flowers),Are there flowers? +partiprompts301,"a potted plant with delicate small flowers featuring vibrant purple petals sits on a wooden windowsill. the plant's green leaves are lush and interspersed among the flowers, creating a contrast against the light-colored wall behind it. sunlight filters through the window, casting a soft glow on the plant's foliage and petals.",,3,2,entity,whole,entity - whole (petals),Are there petals? +partiprompts301,"a potted plant with delicate small flowers featuring vibrant purple petals sits on a wooden windowsill. the plant's green leaves are lush and interspersed among the flowers, creating a contrast against the light-colored wall behind it. sunlight filters through the window, casting a soft glow on the plant's foliage and petals.",,4,1,entity,whole,entity - whole (leaves),Are there leaves? +partiprompts301,"a potted plant with delicate small flowers featuring vibrant purple petals sits on a wooden windowsill. the plant's green leaves are lush and interspersed among the flowers, creating a contrast against the light-colored wall behind it. sunlight filters through the window, casting a soft glow on the plant's foliage and petals.",,5,2,attribute,size,"attribute - size (flowers, delicate, small)",Are the flowers delicate and small? +partiprompts301,"a potted plant with delicate small flowers featuring vibrant purple petals sits on a wooden windowsill. the plant's green leaves are lush and interspersed among the flowers, creating a contrast against the light-colored wall behind it. sunlight filters through the window, casting a soft glow on the plant's foliage and petals.",,6,3,attribute,color,"attribute - color (petals, vibrant purple)",Are the petals vibrant purple? +partiprompts301,"a potted plant with delicate small flowers featuring vibrant purple petals sits on a wooden windowsill. the plant's green leaves are lush and interspersed among the flowers, creating a contrast against the light-colored wall behind it. sunlight filters through the window, casting a soft glow on the plant's foliage and petals.",,7,4,attribute,color,"attribute - color (leaves, green)",Are the leaves green? +partiprompts301,"a potted plant with delicate small flowers featuring vibrant purple petals sits on a wooden windowsill. the plant's green leaves are lush and interspersed among the flowers, creating a contrast against the light-colored wall behind it. sunlight filters through the window, casting a soft glow on the plant's foliage and petals.",,8,4,attribute,texture,"attribute - texture (leaves, lush)",Are the leaves lush? +partiprompts301,"a potted plant with delicate small flowers featuring vibrant purple petals sits on a wooden windowsill. the plant's green leaves are lush and interspersed among the flowers, creating a contrast against the light-colored wall behind it. sunlight filters through the window, casting a soft glow on the plant's foliage and petals.",,9,9,attribute,texture,"attribute - texture (wall, light-colored)",Is the wall light-colored? +partiprompts301,"a potted plant with delicate small flowers featuring vibrant purple petals sits on a wooden windowsill. the plant's green leaves are lush and interspersed among the flowers, creating a contrast against the light-colored wall behind it. sunlight filters through the window, casting a soft glow on the plant's foliage and petals.",,10,1,relation,spatial,"relation - spatial (plant, windowsill, on)",Is the plant on a wooden windowsill? +partiprompts301,"a potted plant with delicate small flowers featuring vibrant purple petals sits on a wooden windowsill. the plant's green leaves are lush and interspersed among the flowers, creating a contrast against the light-colored wall behind it. sunlight filters through the window, casting a soft glow on the plant's foliage and petals.",,11,1,relation,spatial,"relation - spatial (flowers, plant, featuring)",Are the flowers featured on the plant? +partiprompts301,"a potted plant with delicate small flowers featuring vibrant purple petals sits on a wooden windowsill. the plant's green leaves are lush and interspersed among the flowers, creating a contrast against the light-colored wall behind it. sunlight filters through the window, casting a soft glow on the plant's foliage and petals.",,12,2,attribute,color,"attribute - color (petals, flowers, vibrant purple)",Are the petals vibrant purple? +partiprompts301,"a potted plant with delicate small flowers featuring vibrant purple petals sits on a wooden windowsill. the plant's green leaves are lush and interspersed among the flowers, creating a contrast against the light-colored wall behind it. sunlight filters through the window, casting a soft glow on the plant's foliage and petals.",,13,4,relation,spatial,"relation - spatial (leaves, plant, interspersed)",Are the leaves interspersed among the flowers? +partiprompts301,"a potted plant with delicate small flowers featuring vibrant purple petals sits on a wooden windowsill. the plant's green leaves are lush and interspersed among the flowers, creating a contrast against the light-colored wall behind it. sunlight filters through the window, casting a soft glow on the plant's foliage and petals.",,14,10,relation,spatial,"relation - spatial (sunlight, window, through)",Is sunlight filtering through the window? +partiprompts301,"a potted plant with delicate small flowers featuring vibrant purple petals sits on a wooden windowsill. the plant's green leaves are lush and interspersed among the flowers, creating a contrast against the light-colored wall behind it. sunlight filters through the window, casting a soft glow on the plant's foliage and petals.",,15,"1,10",relation,spatial,"relation - spatial (sunlight, plant, on)",Is the sunlight on the plant? +partiprompts301,"a potted plant with delicate small flowers featuring vibrant purple petals sits on a wooden windowsill. the plant's green leaves are lush and interspersed among the flowers, creating a contrast against the light-colored wall behind it. sunlight filters through the window, casting a soft glow on the plant's foliage and petals.",,16,"1,4",relation,spatial,"relation - spatial (glow, foliage, soft)",Is there a soft glow on the foliage? +partiprompts301,"a potted plant with delicate small flowers featuring vibrant purple petals sits on a wooden windowsill. the plant's green leaves are lush and interspersed among the flowers, creating a contrast against the light-colored wall behind it. sunlight filters through the window, casting a soft glow on the plant's foliage and petals.",,17,"2,4",relation,spatial,"relation - spatial (glow, petals, soft)",Is there a soft glow on the petals? +partiprompts306,"A lush green ivy plant with broad leaves, creeping up the side of a weathered red brick wall. The wall has a rough texture, and the plant's tendrils are firmly attached, showcasing the contrast between the organic growth and the man-made structure. Small patches of moss can also be seen interspersed between the bricks, adding to the visual diversity of the scene.",,1,0,entity,whole,entity - whole (ivy plant),Is there an ivy plant? +partiprompts306,"A lush green ivy plant with broad leaves, creeping up the side of a weathered red brick wall. The wall has a rough texture, and the plant's tendrils are firmly attached, showcasing the contrast between the organic growth and the man-made structure. Small patches of moss can also be seen interspersed between the bricks, adding to the visual diversity of the scene.",,2,1,entity,whole,entity - whole (leaves),Are there leaves? +partiprompts306,"A lush green ivy plant with broad leaves, creeping up the side of a weathered red brick wall. The wall has a rough texture, and the plant's tendrils are firmly attached, showcasing the contrast between the organic growth and the man-made structure. Small patches of moss can also be seen interspersed between the bricks, adding to the visual diversity of the scene.",,3,0,entity,whole,entity - whole (wall),Is there a wall? +partiprompts306,"A lush green ivy plant with broad leaves, creeping up the side of a weathered red brick wall. The wall has a rough texture, and the plant's tendrils are firmly attached, showcasing the contrast between the organic growth and the man-made structure. Small patches of moss can also be seen interspersed between the bricks, adding to the visual diversity of the scene.",,4,0,entity,whole,entity - whole (bricks),Are there bricks? +partiprompts306,"A lush green ivy plant with broad leaves, creeping up the side of a weathered red brick wall. The wall has a rough texture, and the plant's tendrils are firmly attached, showcasing the contrast between the organic growth and the man-made structure. Small patches of moss can also be seen interspersed between the bricks, adding to the visual diversity of the scene.",,5,1,entity,whole,entity - whole (tendrils),Are there tendrils? +partiprompts306,"A lush green ivy plant with broad leaves, creeping up the side of a weathered red brick wall. The wall has a rough texture, and the plant's tendrils are firmly attached, showcasing the contrast between the organic growth and the man-made structure. Small patches of moss can also be seen interspersed between the bricks, adding to the visual diversity of the scene.",,6,1,entity,whole,entity - whole (patches of moss),Are there patches of moss? +partiprompts306,"A lush green ivy plant with broad leaves, creeping up the side of a weathered red brick wall. The wall has a rough texture, and the plant's tendrils are firmly attached, showcasing the contrast between the organic growth and the man-made structure. Small patches of moss can also be seen interspersed between the bricks, adding to the visual diversity of the scene.",,7,1,attribute,color,"attribute - color (ivy plant, green)",Is the ivy plant green? +partiprompts306,"A lush green ivy plant with broad leaves, creeping up the side of a weathered red brick wall. The wall has a rough texture, and the plant's tendrils are firmly attached, showcasing the contrast between the organic growth and the man-made structure. Small patches of moss can also be seen interspersed between the bricks, adding to the visual diversity of the scene.",,8,3,attribute,color,"attribute - color (wall, red)",Is the wall red? +partiprompts306,"A lush green ivy plant with broad leaves, creeping up the side of a weathered red brick wall. The wall has a rough texture, and the plant's tendrils are firmly attached, showcasing the contrast between the organic growth and the man-made structure. Small patches of moss can also be seen interspersed between the bricks, adding to the visual diversity of the scene.",,9,3,attribute,texture,"attribute - texture (wall, weathered)",Is the wall weathered? +partiprompts306,"A lush green ivy plant with broad leaves, creeping up the side of a weathered red brick wall. The wall has a rough texture, and the plant's tendrils are firmly attached, showcasing the contrast between the organic growth and the man-made structure. Small patches of moss can also be seen interspersed between the bricks, adding to the visual diversity of the scene.",,10,3,attribute,texture,"attribute - texture (wall, rough)",Is the wall rough? +partiprompts306,"A lush green ivy plant with broad leaves, creeping up the side of a weathered red brick wall. The wall has a rough texture, and the plant's tendrils are firmly attached, showcasing the contrast between the organic growth and the man-made structure. Small patches of moss can also be seen interspersed between the bricks, adding to the visual diversity of the scene.",,11,5,attribute,texture,"attribute - texture (tendrils, firmly attached)",Are the tendrils firmly attached? +partiprompts306,"A lush green ivy plant with broad leaves, creeping up the side of a weathered red brick wall. The wall has a rough texture, and the plant's tendrils are firmly attached, showcasing the contrast between the organic growth and the man-made structure. Small patches of moss can also be seen interspersed between the bricks, adding to the visual diversity of the scene.",,12,4,attribute,texture,"attribute - texture (bricks, rough)",Are the bricks rough? +partiprompts306,"A lush green ivy plant with broad leaves, creeping up the side of a weathered red brick wall. The wall has a rough texture, and the plant's tendrils are firmly attached, showcasing the contrast between the organic growth and the man-made structure. Small patches of moss can also be seen interspersed between the bricks, adding to the visual diversity of the scene.",,13,6,attribute,texture,"attribute - texture (moss, small patches)",Are there small patches of moss? +partiprompts306,"A lush green ivy plant with broad leaves, creeping up the side of a weathered red brick wall. The wall has a rough texture, and the plant's tendrils are firmly attached, showcasing the contrast between the organic growth and the man-made structure. Small patches of moss can also be seen interspersed between the bricks, adding to the visual diversity of the scene.",,14,"1,3",relation,spatial,"relation - spatial (ivy plant, wall, up)",Is the ivy plant creeping up the wall? +partiprompts306,"A lush green ivy plant with broad leaves, creeping up the side of a weathered red brick wall. The wall has a rough texture, and the plant's tendrils are firmly attached, showcasing the contrast between the organic growth and the man-made structure. Small patches of moss can also be seen interspersed between the bricks, adding to the visual diversity of the scene.",,15,"1,4",relation,spatial,"relation - spatial (ivy plant, bricks, on)",Is the ivy plant on the bricks? +partiprompts306,"A lush green ivy plant with broad leaves, creeping up the side of a weathered red brick wall. The wall has a rough texture, and the plant's tendrils are firmly attached, showcasing the contrast between the organic growth and the man-made structure. Small patches of moss can also be seen interspersed between the bricks, adding to the visual diversity of the scene.",,16,"4,6",relation,spatial,"relation - spatial (moss, bricks, interspersed)",Are the patches of moss interspersed between the bricks? +partiprompts161,"a detailed oil painting that captures the essence of an elderly raccoon adorned with a distinguished black top hat. The raccoon's fur is depicted with textured, swirling strokes reminiscent of Van Gogh's signature style, and it clutches a bright red apple in its paws. The background swirls with vibrant colors, giving the impression of movement around the still figure of the raccoon.",,1,0,global,,global - (detailed),Is this a detailed painting? +partiprompts161,"a detailed oil painting that captures the essence of an elderly raccoon adorned with a distinguished black top hat. The raccoon's fur is depicted with textured, swirling strokes reminiscent of Van Gogh's signature style, and it clutches a bright red apple in its paws. The background swirls with vibrant colors, giving the impression of movement around the still figure of the raccoon.",,2,0,global,,global - (oil painting),Is this an oil painting? +partiprompts161,"a detailed oil painting that captures the essence of an elderly raccoon adorned with a distinguished black top hat. The raccoon's fur is depicted with textured, swirling strokes reminiscent of Van Gogh's signature style, and it clutches a bright red apple in its paws. The background swirls with vibrant colors, giving the impression of movement around the still figure of the raccoon.",,3,0,entity,whole,entity - whole (raccoon),Is there a raccoon? +partiprompts161,"a detailed oil painting that captures the essence of an elderly raccoon adorned with a distinguished black top hat. The raccoon's fur is depicted with textured, swirling strokes reminiscent of Van Gogh's signature style, and it clutches a bright red apple in its paws. The background swirls with vibrant colors, giving the impression of movement around the still figure of the raccoon.",,4,3,entity,part,entity - part (raccoon's top hat),Does the raccoon have a top hat? +partiprompts161,"a detailed oil painting that captures the essence of an elderly raccoon adorned with a distinguished black top hat. The raccoon's fur is depicted with textured, swirling strokes reminiscent of Van Gogh's signature style, and it clutches a bright red apple in its paws. The background swirls with vibrant colors, giving the impression of movement around the still figure of the raccoon.",,5,3,entity,part,entity - part (raccoon's fur),Is the raccoon's fur textured? +partiprompts161,"a detailed oil painting that captures the essence of an elderly raccoon adorned with a distinguished black top hat. The raccoon's fur is depicted with textured, swirling strokes reminiscent of Van Gogh's signature style, and it clutches a bright red apple in its paws. The background swirls with vibrant colors, giving the impression of movement around the still figure of the raccoon.",,6,3,entity,part,entity - part (raccoon's paws),Are the raccoon's paws holding an apple? +partiprompts161,"a detailed oil painting that captures the essence of an elderly raccoon adorned with a distinguished black top hat. The raccoon's fur is depicted with textured, swirling strokes reminiscent of Van Gogh's signature style, and it clutches a bright red apple in its paws. The background swirls with vibrant colors, giving the impression of movement around the still figure of the raccoon.",,7,0,entity,whole,entity - whole (apple),Is there an apple? +partiprompts161,"a detailed oil painting that captures the essence of an elderly raccoon adorned with a distinguished black top hat. The raccoon's fur is depicted with textured, swirling strokes reminiscent of Van Gogh's signature style, and it clutches a bright red apple in its paws. The background swirls with vibrant colors, giving the impression of movement around the still figure of the raccoon.",,8,4,attribute,color,"attribute - color (top hat, black)",Is the top hat black? +partiprompts161,"a detailed oil painting that captures the essence of an elderly raccoon adorned with a distinguished black top hat. The raccoon's fur is depicted with textured, swirling strokes reminiscent of Van Gogh's signature style, and it clutches a bright red apple in its paws. The background swirls with vibrant colors, giving the impression of movement around the still figure of the raccoon.",,9,5,attribute,color,"attribute - color (fur, varied)",Is the fur of the raccoon varied in color? +partiprompts161,"a detailed oil painting that captures the essence of an elderly raccoon adorned with a distinguished black top hat. The raccoon's fur is depicted with textured, swirling strokes reminiscent of Van Gogh's signature style, and it clutches a bright red apple in its paws. The background swirls with vibrant colors, giving the impression of movement around the still figure of the raccoon.",,10,5,attribute,texture,"attribute - texture (fur, textured)",Is the fur of the raccoon textured? +partiprompts161,"a detailed oil painting that captures the essence of an elderly raccoon adorned with a distinguished black top hat. The raccoon's fur is depicted with textured, swirling strokes reminiscent of Van Gogh's signature style, and it clutches a bright red apple in its paws. The background swirls with vibrant colors, giving the impression of movement around the still figure of the raccoon.",,11,5,attribute,texture,"attribute - texture (background, swirling)",Is the background swirling? +partiprompts161,"a detailed oil painting that captures the essence of an elderly raccoon adorned with a distinguished black top hat. The raccoon's fur is depicted with textured, swirling strokes reminiscent of Van Gogh's signature style, and it clutches a bright red apple in its paws. The background swirls with vibrant colors, giving the impression of movement around the still figure of the raccoon.",,12,5,attribute,texture,"attribute - texture (background, vibrant)",Is the background vibrant? +partiprompts161,"a detailed oil painting that captures the essence of an elderly raccoon adorned with a distinguished black top hat. The raccoon's fur is depicted with textured, swirling strokes reminiscent of Van Gogh's signature style, and it clutches a bright red apple in its paws. The background swirls with vibrant colors, giving the impression of movement around the still figure of the raccoon.",,13,5,attribute,texture,"attribute - texture (background, movement)",Does the background give the impression of movement? +partiprompts161,"a detailed oil painting that captures the essence of an elderly raccoon adorned with a distinguished black top hat. The raccoon's fur is depicted with textured, swirling strokes reminiscent of Van Gogh's signature style, and it clutches a bright red apple in its paws. The background swirls with vibrant colors, giving the impression of movement around the still figure of the raccoon.",,14,"3,7",relation,spatial,"relation - spatial (raccoon, apple, clutch)",Is the raccoon clutching the apple? +partiprompts161,"a detailed oil painting that captures the essence of an elderly raccoon adorned with a distinguished black top hat. The raccoon's fur is depicted with textured, swirling strokes reminiscent of Van Gogh's signature style, and it clutches a bright red apple in its paws. The background swirls with vibrant colors, giving the impression of movement around the still figure of the raccoon.",,15,"3,11",relation,spatial,"relation - spatial (raccoon, background, in)",Is the raccoon in the background? +partiprompts161,"a detailed oil painting that captures the essence of an elderly raccoon adorned with a distinguished black top hat. The raccoon's fur is depicted with textured, swirling strokes reminiscent of Van Gogh's signature style, and it clutches a bright red apple in its paws. The background swirls with vibrant colors, giving the impression of movement around the still figure of the raccoon.",,16,3,entity,state,"entity - state (raccoon, elderly)",Is the raccoon elderly? +partiprompts161,"a detailed oil painting that captures the essence of an elderly raccoon adorned with a distinguished black top hat. The raccoon's fur is depicted with textured, swirling strokes reminiscent of Van Gogh's signature style, and it clutches a bright red apple in its paws. The background swirls with vibrant colors, giving the impression of movement around the still figure of the raccoon.",,17,3,entity,state,"entity - state (raccoon, adorned)",Is the raccoon adorned? +partiprompts161,"a detailed oil painting that captures the essence of an elderly raccoon adorned with a distinguished black top hat. The raccoon's fur is depicted with textured, swirling strokes reminiscent of Van Gogh's signature style, and it clutches a bright red apple in its paws. The background swirls with vibrant colors, giving the impression of movement around the still figure of the raccoon.",,18,3,entity,state,"entity - state (raccoon, distinguished)",Is the raccoon distinguished? +partiprompts231,"a precarious stack of three pickup trucks with the bottom one painted red, the middle one a faded blue, and the top one a dusty white. Each truck is dented and scratched, suggesting they've been through rough conditions. The trucks are set against a backdrop of a clear sky, and they cast long shadows on the gravel lot where they are stacked.",,1,0,entity,whole,entity - whole (pickup trucks),Are there pickup trucks? +partiprompts231,"a precarious stack of three pickup trucks with the bottom one painted red, the middle one a faded blue, and the top one a dusty white. Each truck is dented and scratched, suggesting they've been through rough conditions. The trucks are set against a backdrop of a clear sky, and they cast long shadows on the gravel lot where they are stacked.",,2,1,other,count,"other - count (pickup trucks, ==3)",Are there three pickup trucks? +partiprompts231,"a precarious stack of three pickup trucks with the bottom one painted red, the middle one a faded blue, and the top one a dusty white. Each truck is dented and scratched, suggesting they've been through rough conditions. The trucks are set against a backdrop of a clear sky, and they cast long shadows on the gravel lot where they are stacked.",,3,2,attribute,color,"attribute - color (bottom truck, red)",Is the bottom truck red? +partiprompts231,"a precarious stack of three pickup trucks with the bottom one painted red, the middle one a faded blue, and the top one a dusty white. Each truck is dented and scratched, suggesting they've been through rough conditions. The trucks are set against a backdrop of a clear sky, and they cast long shadows on the gravel lot where they are stacked.",,4,2,attribute,color,"attribute - color (middle truck, faded blue)",Is the middle truck faded blue? +partiprompts231,"a precarious stack of three pickup trucks with the bottom one painted red, the middle one a faded blue, and the top one a dusty white. Each truck is dented and scratched, suggesting they've been through rough conditions. The trucks are set against a backdrop of a clear sky, and they cast long shadows on the gravel lot where they are stacked.",,5,2,attribute,color,"attribute - color (top truck, dusty white)",Is the top truck dusty white? +partiprompts231,"a precarious stack of three pickup trucks with the bottom one painted red, the middle one a faded blue, and the top one a dusty white. Each truck is dented and scratched, suggesting they've been through rough conditions. The trucks are set against a backdrop of a clear sky, and they cast long shadows on the gravel lot where they are stacked.",,6,1,attribute,texture,"attribute - texture (trucks, dented and scratched)",Are the trucks dented and scratched? +partiprompts231,"a precarious stack of three pickup trucks with the bottom one painted red, the middle one a faded blue, and the top one a dusty white. Each truck is dented and scratched, suggesting they've been through rough conditions. The trucks are set against a backdrop of a clear sky, and they cast long shadows on the gravel lot where they are stacked.",,7,1,attribute,other,"attribute - other (trucks, precarious stack)",Are the trucks in a precarious stack? +partiprompts231,"a precarious stack of three pickup trucks with the bottom one painted red, the middle one a faded blue, and the top one a dusty white. Each truck is dented and scratched, suggesting they've been through rough conditions. The trucks are set against a backdrop of a clear sky, and they cast long shadows on the gravel lot where they are stacked.",,8,1,attribute,other,"attribute - other (trucks, rough conditions)",Have the trucks been through rough conditions? +partiprompts231,"a precarious stack of three pickup trucks with the bottom one painted red, the middle one a faded blue, and the top one a dusty white. Each truck is dented and scratched, suggesting they've been through rough conditions. The trucks are set against a backdrop of a clear sky, and they cast long shadows on the gravel lot where they are stacked.",,9,0,entity,whole,entity - whole (sky),Is there a sky? +partiprompts231,"a precarious stack of three pickup trucks with the bottom one painted red, the middle one a faded blue, and the top one a dusty white. Each truck is dented and scratched, suggesting they've been through rough conditions. The trucks are set against a backdrop of a clear sky, and they cast long shadows on the gravel lot where they are stacked.",,10,9,attribute,other,"attribute - other (sky, clear)",Is the sky clear? +partiprompts231,"a precarious stack of three pickup trucks with the bottom one painted red, the middle one a faded blue, and the top one a dusty white. Each truck is dented and scratched, suggesting they've been through rough conditions. The trucks are set against a backdrop of a clear sky, and they cast long shadows on the gravel lot where they are stacked.",,11,0,entity,whole,entity - whole (gravel lot),Is there a gravel lot? +partiprompts231,"a precarious stack of three pickup trucks with the bottom one painted red, the middle one a faded blue, and the top one a dusty white. Each truck is dented and scratched, suggesting they've been through rough conditions. The trucks are set against a backdrop of a clear sky, and they cast long shadows on the gravel lot where they are stacked.",,12,"1,9",relation,spatial,"relation - spatial (trucks, sky, against)",Are the trucks against the sky? +partiprompts231,"a precarious stack of three pickup trucks with the bottom one painted red, the middle one a faded blue, and the top one a dusty white. Each truck is dented and scratched, suggesting they've been through rough conditions. The trucks are set against a backdrop of a clear sky, and they cast long shadows on the gravel lot where they are stacked.",,13,"1,11",relation,spatial,"relation - spatial (trucks, gravel lot, on)",Are the trucks on the gravel lot? +partiprompts231,"a precarious stack of three pickup trucks with the bottom one painted red, the middle one a faded blue, and the top one a dusty white. Each truck is dented and scratched, suggesting they've been through rough conditions. The trucks are set against a backdrop of a clear sky, and they cast long shadows on the gravel lot where they are stacked.",,14,1,relation,spatial,"relation - spatial (trucks, shadows, cast)",Are shadows cast by the trucks? +partiprompts63,"A playful collection of 2x2 emoji icons, each resembling a vibrant macaron with a distinct facial expression. The top left macaron is a sunny yellow with a beaming smile, while the top right is a fiery red with furrowed brows and an angry scowl. Below them, the bottom left is a bright blue with wide, surprised eyes, and the bottom right is a soft lavender with a tearful, sobbing face. Each of the macaron emojis is whimsically topped with a miniature brown cowboy hat, adding a touch of whimsy to their appearance.",,1,0,entity,whole,entity - whole (emoji icons),Are there emoji icons? +partiprompts63,"A playful collection of 2x2 emoji icons, each resembling a vibrant macaron with a distinct facial expression. The top left macaron is a sunny yellow with a beaming smile, while the top right is a fiery red with furrowed brows and an angry scowl. Below them, the bottom left is a bright blue with wide, surprised eyes, and the bottom right is a soft lavender with a tearful, sobbing face. Each of the macaron emojis is whimsically topped with a miniature brown cowboy hat, adding a touch of whimsy to their appearance.",,2,1,other,count,"other - count (emoji icons, ==4)",Are there four emoji icons? +partiprompts63,"A playful collection of 2x2 emoji icons, each resembling a vibrant macaron with a distinct facial expression. The top left macaron is a sunny yellow with a beaming smile, while the top right is a fiery red with furrowed brows and an angry scowl. Below them, the bottom left is a bright blue with wide, surprised eyes, and the bottom right is a soft lavender with a tearful, sobbing face. Each of the macaron emojis is whimsically topped with a miniature brown cowboy hat, adding a touch of whimsy to their appearance.",,3,1,global,,"global - (emoji icons, playful collection)",Is this a playful collection of emoji icons? +partiprompts63,"A playful collection of 2x2 emoji icons, each resembling a vibrant macaron with a distinct facial expression. The top left macaron is a sunny yellow with a beaming smile, while the top right is a fiery red with furrowed brows and an angry scowl. Below them, the bottom left is a bright blue with wide, surprised eyes, and the bottom right is a soft lavender with a tearful, sobbing face. Each of the macaron emojis is whimsically topped with a miniature brown cowboy hat, adding a touch of whimsy to their appearance.",,4,1,global,,"global - (emoji icons, 2x2 grid)",Are the emoji icons arranged in a 2x2 grid? +partiprompts63,"A playful collection of 2x2 emoji icons, each resembling a vibrant macaron with a distinct facial expression. The top left macaron is a sunny yellow with a beaming smile, while the top right is a fiery red with furrowed brows and an angry scowl. Below them, the bottom left is a bright blue with wide, surprised eyes, and the bottom right is a soft lavender with a tearful, sobbing face. Each of the macaron emojis is whimsically topped with a miniature brown cowboy hat, adding a touch of whimsy to their appearance.",,5,1,entity,whole,entity - whole (macaron),Are there macarons? +partiprompts63,"A playful collection of 2x2 emoji icons, each resembling a vibrant macaron with a distinct facial expression. The top left macaron is a sunny yellow with a beaming smile, while the top right is a fiery red with furrowed brows and an angry scowl. Below them, the bottom left is a bright blue with wide, surprised eyes, and the bottom right is a soft lavender with a tearful, sobbing face. Each of the macaron emojis is whimsically topped with a miniature brown cowboy hat, adding a touch of whimsy to their appearance.",,6,5,entity,state,"entity - state (macaron_1, sunny yellow)",Is one macaron sunny yellow? +partiprompts63,"A playful collection of 2x2 emoji icons, each resembling a vibrant macaron with a distinct facial expression. The top left macaron is a sunny yellow with a beaming smile, while the top right is a fiery red with furrowed brows and an angry scowl. Below them, the bottom left is a bright blue with wide, surprised eyes, and the bottom right is a soft lavender with a tearful, sobbing face. Each of the macaron emojis is whimsically topped with a miniature brown cowboy hat, adding a touch of whimsy to their appearance.",,7,5,entity,state,"entity - state (macaron_2, fiery red)",Is one macaron fiery red? +partiprompts63,"A playful collection of 2x2 emoji icons, each resembling a vibrant macaron with a distinct facial expression. The top left macaron is a sunny yellow with a beaming smile, while the top right is a fiery red with furrowed brows and an angry scowl. Below them, the bottom left is a bright blue with wide, surprised eyes, and the bottom right is a soft lavender with a tearful, sobbing face. Each of the macaron emojis is whimsically topped with a miniature brown cowboy hat, adding a touch of whimsy to their appearance.",,8,5,entity,state,"entity - state (macaron_3, bright blue)",Is one macaron bright blue? +partiprompts63,"A playful collection of 2x2 emoji icons, each resembling a vibrant macaron with a distinct facial expression. The top left macaron is a sunny yellow with a beaming smile, while the top right is a fiery red with furrowed brows and an angry scowl. Below them, the bottom left is a bright blue with wide, surprised eyes, and the bottom right is a soft lavender with a tearful, sobbing face. Each of the macaron emojis is whimsically topped with a miniature brown cowboy hat, adding a touch of whimsy to their appearance.",,9,5,entity,state,"entity - state (macaron_4, soft lavender)",Is one macaron soft lavender? +partiprompts63,"A playful collection of 2x2 emoji icons, each resembling a vibrant macaron with a distinct facial expression. The top left macaron is a sunny yellow with a beaming smile, while the top right is a fiery red with furrowed brows and an angry scowl. Below them, the bottom left is a bright blue with wide, surprised eyes, and the bottom right is a soft lavender with a tearful, sobbing face. Each of the macaron emojis is whimsically topped with a miniature brown cowboy hat, adding a touch of whimsy to their appearance.",,10,6,entity,state,"entity - state (macaron_1, beaming smile)",Does the sunny yellow macaron have a beaming smile? +partiprompts63,"A playful collection of 2x2 emoji icons, each resembling a vibrant macaron with a distinct facial expression. The top left macaron is a sunny yellow with a beaming smile, while the top right is a fiery red with furrowed brows and an angry scowl. Below them, the bottom left is a bright blue with wide, surprised eyes, and the bottom right is a soft lavender with a tearful, sobbing face. Each of the macaron emojis is whimsically topped with a miniature brown cowboy hat, adding a touch of whimsy to their appearance.",,11,7,entity,state,"entity - state (macaron_2, angry scowl)",Does the fiery red macaron have an angry scowl? +partiprompts63,"A playful collection of 2x2 emoji icons, each resembling a vibrant macaron with a distinct facial expression. The top left macaron is a sunny yellow with a beaming smile, while the top right is a fiery red with furrowed brows and an angry scowl. Below them, the bottom left is a bright blue with wide, surprised eyes, and the bottom right is a soft lavender with a tearful, sobbing face. Each of the macaron emojis is whimsically topped with a miniature brown cowboy hat, adding a touch of whimsy to their appearance.",,12,8,entity,state,"entity - state (macaron_3, wide, surprised eyes)","Does the bright blue macaron have wide, surprised eyes?" +partiprompts63,"A playful collection of 2x2 emoji icons, each resembling a vibrant macaron with a distinct facial expression. The top left macaron is a sunny yellow with a beaming smile, while the top right is a fiery red with furrowed brows and an angry scowl. Below them, the bottom left is a bright blue with wide, surprised eyes, and the bottom right is a soft lavender with a tearful, sobbing face. Each of the macaron emojis is whimsically topped with a miniature brown cowboy hat, adding a touch of whimsy to their appearance.",,13,9,entity,state,"entity - state (macaron_4, tearful, sobbing face)","Does the soft lavender macaron have a tearful, sobbing face?" +partiprompts63,"A playful collection of 2x2 emoji icons, each resembling a vibrant macaron with a distinct facial expression. The top left macaron is a sunny yellow with a beaming smile, while the top right is a fiery red with furrowed brows and an angry scowl. Below them, the bottom left is a bright blue with wide, surprised eyes, and the bottom right is a soft lavender with a tearful, sobbing face. Each of the macaron emojis is whimsically topped with a miniature brown cowboy hat, adding a touch of whimsy to their appearance.",,14,5,entity,part,entity - part (macaron's cowboy hat),Are the macarons whimsically topped with miniature brown cowboy hats? +partiprompts63,"A playful collection of 2x2 emoji icons, each resembling a vibrant macaron with a distinct facial expression. The top left macaron is a sunny yellow with a beaming smile, while the top right is a fiery red with furrowed brows and an angry scowl. Below them, the bottom left is a bright blue with wide, surprised eyes, and the bottom right is a soft lavender with a tearful, sobbing face. Each of the macaron emojis is whimsically topped with a miniature brown cowboy hat, adding a touch of whimsy to their appearance.",,15,6,attribute,color,"attribute - color (macaron_1, sunny yellow)",Is the sunny yellow macaron colored sunny yellow? +partiprompts63,"A playful collection of 2x2 emoji icons, each resembling a vibrant macaron with a distinct facial expression. The top left macaron is a sunny yellow with a beaming smile, while the top right is a fiery red with furrowed brows and an angry scowl. Below them, the bottom left is a bright blue with wide, surprised eyes, and the bottom right is a soft lavender with a tearful, sobbing face. Each of the macaron emojis is whimsically topped with a miniature brown cowboy hat, adding a touch of whimsy to their appearance.",,16,7,attribute,color,"attribute - color (macaron_2, fiery red)",Is the fiery red macaron colored fiery red? +partiprompts63,"A playful collection of 2x2 emoji icons, each resembling a vibrant macaron with a distinct facial expression. The top left macaron is a sunny yellow with a beaming smile, while the top right is a fiery red with furrowed brows and an angry scowl. Below them, the bottom left is a bright blue with wide, surprised eyes, and the bottom right is a soft lavender with a tearful, sobbing face. Each of the macaron emojis is whimsically topped with a miniature brown cowboy hat, adding a touch of whimsy to their appearance.",,17,8,attribute,color,"attribute - color (macaron_3, bright blue)",Is the bright blue macaron colored bright blue? +partiprompts63,"A playful collection of 2x2 emoji icons, each resembling a vibrant macaron with a distinct facial expression. The top left macaron is a sunny yellow with a beaming smile, while the top right is a fiery red with furrowed brows and an angry scowl. Below them, the bottom left is a bright blue with wide, surprised eyes, and the bottom right is a soft lavender with a tearful, sobbing face. Each of the macaron emojis is whimsically topped with a miniature brown cowboy hat, adding a touch of whimsy to their appearance.",,18,9,attribute,color,"attribute - color (macaron_4, soft lavender)",Is the soft lavender macaron colored soft lavender? +partiprompts63,"A playful collection of 2x2 emoji icons, each resembling a vibrant macaron with a distinct facial expression. The top left macaron is a sunny yellow with a beaming smile, while the top right is a fiery red with furrowed brows and an angry scowl. Below them, the bottom left is a bright blue with wide, surprised eyes, and the bottom right is a soft lavender with a tearful, sobbing face. Each of the macaron emojis is whimsically topped with a miniature brown cowboy hat, adding a touch of whimsy to their appearance.",,19,14,attribute,other,"attribute - other (macaron's cowboy hat, miniature brown)",Are the cowboy hats miniature brown? +partiprompts63,"A playful collection of 2x2 emoji icons, each resembling a vibrant macaron with a distinct facial expression. The top left macaron is a sunny yellow with a beaming smile, while the top right is a fiery red with furrowed brows and an angry scowl. Below them, the bottom left is a bright blue with wide, surprised eyes, and the bottom right is a soft lavender with a tearful, sobbing face. Each of the macaron emojis is whimsically topped with a miniature brown cowboy hat, adding a touch of whimsy to their appearance.",,20,5,attribute,other,"attribute - other (macaron emojis, whimsical)",Are the macaron emojis whimsical? +partiprompts258,"a spacious kitchen featuring a large stainless steel refrigerator with a double-door design. The refrigerator stands next to sleek, dark wooden cabinets that reach up to the ceiling. In front of the refrigerator, there is a kitchen island with a white marble countertop, and hanging above are three modern pendant lights with a brushed metal finish.",,1,0,entity,whole,entity - whole (kitchen),Is there a kitchen? +partiprompts258,"a spacious kitchen featuring a large stainless steel refrigerator with a double-door design. The refrigerator stands next to sleek, dark wooden cabinets that reach up to the ceiling. In front of the refrigerator, there is a kitchen island with a white marble countertop, and hanging above are three modern pendant lights with a brushed metal finish.",,2,1,entity,whole,entity - whole (refrigerator),Is there a refrigerator? +partiprompts258,"a spacious kitchen featuring a large stainless steel refrigerator with a double-door design. The refrigerator stands next to sleek, dark wooden cabinets that reach up to the ceiling. In front of the refrigerator, there is a kitchen island with a white marble countertop, and hanging above are three modern pendant lights with a brushed metal finish.",,3,1,entity,whole,entity - whole (cabinets),Are there cabinets? +partiprompts258,"a spacious kitchen featuring a large stainless steel refrigerator with a double-door design. The refrigerator stands next to sleek, dark wooden cabinets that reach up to the ceiling. In front of the refrigerator, there is a kitchen island with a white marble countertop, and hanging above are three modern pendant lights with a brushed metal finish.",,4,1,entity,whole,entity - whole (kitchen island),Is there a kitchen island? +partiprompts258,"a spacious kitchen featuring a large stainless steel refrigerator with a double-door design. The refrigerator stands next to sleek, dark wooden cabinets that reach up to the ceiling. In front of the refrigerator, there is a kitchen island with a white marble countertop, and hanging above are three modern pendant lights with a brushed metal finish.",,5,1,entity,whole,entity - whole (countertop),Is there a countertop? +partiprompts258,"a spacious kitchen featuring a large stainless steel refrigerator with a double-door design. The refrigerator stands next to sleek, dark wooden cabinets that reach up to the ceiling. In front of the refrigerator, there is a kitchen island with a white marble countertop, and hanging above are three modern pendant lights with a brushed metal finish.",,6,1,entity,whole,entity - whole (pendant lights),Are there pendant lights? +partiprompts258,"a spacious kitchen featuring a large stainless steel refrigerator with a double-door design. The refrigerator stands next to sleek, dark wooden cabinets that reach up to the ceiling. In front of the refrigerator, there is a kitchen island with a white marble countertop, and hanging above are three modern pendant lights with a brushed metal finish.",,7,2,attribute,size,"attribute - size (refrigerator, large)",Is the refrigerator large? +partiprompts258,"a spacious kitchen featuring a large stainless steel refrigerator with a double-door design. The refrigerator stands next to sleek, dark wooden cabinets that reach up to the ceiling. In front of the refrigerator, there is a kitchen island with a white marble countertop, and hanging above are three modern pendant lights with a brushed metal finish.",,8,2,attribute,texture,"attribute - texture (refrigerator, stainless steel)",Is the refrigerator made of stainless steel? +partiprompts258,"a spacious kitchen featuring a large stainless steel refrigerator with a double-door design. The refrigerator stands next to sleek, dark wooden cabinets that reach up to the ceiling. In front of the refrigerator, there is a kitchen island with a white marble countertop, and hanging above are three modern pendant lights with a brushed metal finish.",,9,3,attribute,texture,"attribute - texture (cabinets, dark wooden)",Are the cabinets made of dark wood? +partiprompts258,"a spacious kitchen featuring a large stainless steel refrigerator with a double-door design. The refrigerator stands next to sleek, dark wooden cabinets that reach up to the ceiling. In front of the refrigerator, there is a kitchen island with a white marble countertop, and hanging above are three modern pendant lights with a brushed metal finish.",,10,5,attribute,texture,"attribute - texture (countertop, white marble)",Is the countertop made of white marble? +partiprompts258,"a spacious kitchen featuring a large stainless steel refrigerator with a double-door design. The refrigerator stands next to sleek, dark wooden cabinets that reach up to the ceiling. In front of the refrigerator, there is a kitchen island with a white marble countertop, and hanging above are three modern pendant lights with a brushed metal finish.",,11,6,attribute,texture,"attribute - texture (pendant lights, brushed metal)",Are the pendant lights made of brushed metal? +partiprompts258,"a spacious kitchen featuring a large stainless steel refrigerator with a double-door design. The refrigerator stands next to sleek, dark wooden cabinets that reach up to the ceiling. In front of the refrigerator, there is a kitchen island with a white marble countertop, and hanging above are three modern pendant lights with a brushed metal finish.",,12,3,attribute,other,"attribute - other (cabinets, sleek)",Are the cabinets sleek? +partiprompts258,"a spacious kitchen featuring a large stainless steel refrigerator with a double-door design. The refrigerator stands next to sleek, dark wooden cabinets that reach up to the ceiling. In front of the refrigerator, there is a kitchen island with a white marble countertop, and hanging above are three modern pendant lights with a brushed metal finish.",,13,"2,3",relation,spatial,"relation - spatial (refrigerator, cabinets, next to)",Is the refrigerator next to the cabinets? +partiprompts258,"a spacious kitchen featuring a large stainless steel refrigerator with a double-door design. The refrigerator stands next to sleek, dark wooden cabinets that reach up to the ceiling. In front of the refrigerator, there is a kitchen island with a white marble countertop, and hanging above are three modern pendant lights with a brushed metal finish.",,14,"2,4",relation,spatial,"relation - spatial (refrigerator, kitchen island, in front of)",Is the refrigerator in front of the kitchen island? +partiprompts258,"a spacious kitchen featuring a large stainless steel refrigerator with a double-door design. The refrigerator stands next to sleek, dark wooden cabinets that reach up to the ceiling. In front of the refrigerator, there is a kitchen island with a white marble countertop, and hanging above are three modern pendant lights with a brushed metal finish.",,15,"6,4",relation,spatial,"relation - spatial (pendant lights, kitchen island, above)",Are the pendant lights above the kitchen island? +partiprompts261,"A sleek black grand piano sits majestically in the center of the room, its polished surface reflecting the overhead lights. Adjacent to it is a white bench with curved legs, positioned perfectly for a pianist to sit and play. The piano's open lid reveals the intricate strings and hammers inside, ready to produce melodious sounds.",,1,0,entity,whole,entity - whole (grand piano),Is there a grand piano? +partiprompts261,"A sleek black grand piano sits majestically in the center of the room, its polished surface reflecting the overhead lights. Adjacent to it is a white bench with curved legs, positioned perfectly for a pianist to sit and play. The piano's open lid reveals the intricate strings and hammers inside, ready to produce melodious sounds.",,2,0,entity,whole,entity - whole (room),Is there a room? +partiprompts261,"A sleek black grand piano sits majestically in the center of the room, its polished surface reflecting the overhead lights. Adjacent to it is a white bench with curved legs, positioned perfectly for a pianist to sit and play. The piano's open lid reveals the intricate strings and hammers inside, ready to produce melodious sounds.",,3,0,entity,whole,entity - whole (surface),Is there a surface? +partiprompts261,"A sleek black grand piano sits majestically in the center of the room, its polished surface reflecting the overhead lights. Adjacent to it is a white bench with curved legs, positioned perfectly for a pianist to sit and play. The piano's open lid reveals the intricate strings and hammers inside, ready to produce melodious sounds.",,4,0,entity,whole,entity - whole (lights),Are there lights? +partiprompts261,"A sleek black grand piano sits majestically in the center of the room, its polished surface reflecting the overhead lights. Adjacent to it is a white bench with curved legs, positioned perfectly for a pianist to sit and play. The piano's open lid reveals the intricate strings and hammers inside, ready to produce melodious sounds.",,5,0,entity,whole,entity - whole (bench),Is there a bench? +partiprompts261,"A sleek black grand piano sits majestically in the center of the room, its polished surface reflecting the overhead lights. Adjacent to it is a white bench with curved legs, positioned perfectly for a pianist to sit and play. The piano's open lid reveals the intricate strings and hammers inside, ready to produce melodious sounds.",,6,5,entity,whole,entity - whole (legs),Are there legs? +partiprompts261,"A sleek black grand piano sits majestically in the center of the room, its polished surface reflecting the overhead lights. Adjacent to it is a white bench with curved legs, positioned perfectly for a pianist to sit and play. The piano's open lid reveals the intricate strings and hammers inside, ready to produce melodious sounds.",,7,1,entity,whole,entity - whole (lid),Is there a lid? +partiprompts261,"A sleek black grand piano sits majestically in the center of the room, its polished surface reflecting the overhead lights. Adjacent to it is a white bench with curved legs, positioned perfectly for a pianist to sit and play. The piano's open lid reveals the intricate strings and hammers inside, ready to produce melodious sounds.",,8,1,entity,whole,entity - whole (strings),Are there strings? +partiprompts261,"A sleek black grand piano sits majestically in the center of the room, its polished surface reflecting the overhead lights. Adjacent to it is a white bench with curved legs, positioned perfectly for a pianist to sit and play. The piano's open lid reveals the intricate strings and hammers inside, ready to produce melodious sounds.",,9,1,entity,whole,entity - whole (hammers),Are there hammers? +partiprompts261,"A sleek black grand piano sits majestically in the center of the room, its polished surface reflecting the overhead lights. Adjacent to it is a white bench with curved legs, positioned perfectly for a pianist to sit and play. The piano's open lid reveals the intricate strings and hammers inside, ready to produce melodious sounds.",,10,1,attribute,color,"attribute - color (piano, black)",Is the piano black? +partiprompts261,"A sleek black grand piano sits majestically in the center of the room, its polished surface reflecting the overhead lights. Adjacent to it is a white bench with curved legs, positioned perfectly for a pianist to sit and play. The piano's open lid reveals the intricate strings and hammers inside, ready to produce melodious sounds.",,11,1,attribute,texture,"attribute - texture (piano, sleek)",Is the piano sleek? +partiprompts261,"A sleek black grand piano sits majestically in the center of the room, its polished surface reflecting the overhead lights. Adjacent to it is a white bench with curved legs, positioned perfectly for a pianist to sit and play. The piano's open lid reveals the intricate strings and hammers inside, ready to produce melodious sounds.",,12,3,attribute,texture,"attribute - texture (surface, polished)",Is the surface polished? +partiprompts261,"A sleek black grand piano sits majestically in the center of the room, its polished surface reflecting the overhead lights. Adjacent to it is a white bench with curved legs, positioned perfectly for a pianist to sit and play. The piano's open lid reveals the intricate strings and hammers inside, ready to produce melodious sounds.",,13,5,attribute,texture,"attribute - texture (bench, white)",Is the bench white? +partiprompts261,"A sleek black grand piano sits majestically in the center of the room, its polished surface reflecting the overhead lights. Adjacent to it is a white bench with curved legs, positioned perfectly for a pianist to sit and play. The piano's open lid reveals the intricate strings and hammers inside, ready to produce melodious sounds.",,14,5,attribute,shape,"attribute - shape (bench, curved)",Are the bench legs curved? +partiprompts261,"A sleek black grand piano sits majestically in the center of the room, its polished surface reflecting the overhead lights. Adjacent to it is a white bench with curved legs, positioned perfectly for a pianist to sit and play. The piano's open lid reveals the intricate strings and hammers inside, ready to produce melodious sounds.",,15,"1,2",relation,spatial,"relation - spatial (piano, room, in)",Is the piano in the center of the room? +partiprompts261,"A sleek black grand piano sits majestically in the center of the room, its polished surface reflecting the overhead lights. Adjacent to it is a white bench with curved legs, positioned perfectly for a pianist to sit and play. The piano's open lid reveals the intricate strings and hammers inside, ready to produce melodious sounds.",,16,"1,5",relation,spatial,"relation - spatial (bench, piano, adjacent to)",Is the bench adjacent to the piano? +partiprompts261,"A sleek black grand piano sits majestically in the center of the room, its polished surface reflecting the overhead lights. Adjacent to it is a white bench with curved legs, positioned perfectly for a pianist to sit and play. The piano's open lid reveals the intricate strings and hammers inside, ready to produce melodious sounds.",,17,"5,6",relation,spatial,"relation - spatial (bench, legs, positioned perfectly)",Are the bench legs positioned perfectly? +partiprompts261,"A sleek black grand piano sits majestically in the center of the room, its polished surface reflecting the overhead lights. Adjacent to it is a white bench with curved legs, positioned perfectly for a pianist to sit and play. The piano's open lid reveals the intricate strings and hammers inside, ready to produce melodious sounds.",,18,5,relation,spatial,"relation - spatial (pianist, bench, sit)",Is the bench positioned for a pianist to sit? +partiprompts261,"A sleek black grand piano sits majestically in the center of the room, its polished surface reflecting the overhead lights. Adjacent to it is a white bench with curved legs, positioned perfectly for a pianist to sit and play. The piano's open lid reveals the intricate strings and hammers inside, ready to produce melodious sounds.",,19,"1,7",relation,non-spatial,"relation - non-spatial (piano, lid, open)",Is the piano's lid open? +partiprompts261,"A sleek black grand piano sits majestically in the center of the room, its polished surface reflecting the overhead lights. Adjacent to it is a white bench with curved legs, positioned perfectly for a pianist to sit and play. The piano's open lid reveals the intricate strings and hammers inside, ready to produce melodious sounds.",,20,"7,8",relation,non-spatial,"relation - non-spatial (lid, strings, reveal)",Do the lid reveal intricate strings? +partiprompts261,"A sleek black grand piano sits majestically in the center of the room, its polished surface reflecting the overhead lights. Adjacent to it is a white bench with curved legs, positioned perfectly for a pianist to sit and play. The piano's open lid reveals the intricate strings and hammers inside, ready to produce melodious sounds.",,21,"7,9",relation,non-spatial,"relation - non-spatial (lid, hammers, reveal)",Do the lid reveal hammers? +partiprompts261,"A sleek black grand piano sits majestically in the center of the room, its polished surface reflecting the overhead lights. Adjacent to it is a white bench with curved legs, positioned perfectly for a pianist to sit and play. The piano's open lid reveals the intricate strings and hammers inside, ready to produce melodious sounds.",,22,8,entity,state,"entity - state (strings, ready)",Are the strings ready? +partiprompts261,"A sleek black grand piano sits majestically in the center of the room, its polished surface reflecting the overhead lights. Adjacent to it is a white bench with curved legs, positioned perfectly for a pianist to sit and play. The piano's open lid reveals the intricate strings and hammers inside, ready to produce melodious sounds.",,23,9,entity,state,"entity - state (hammers, ready)",Are the hammers ready? +partiprompts261,"A sleek black grand piano sits majestically in the center of the room, its polished surface reflecting the overhead lights. Adjacent to it is a white bench with curved legs, positioned perfectly for a pianist to sit and play. The piano's open lid reveals the intricate strings and hammers inside, ready to produce melodious sounds.",,24,7,entity,state,"entity - state (lid, reveal)",Is the lid revealing? +partiprompts261,"A sleek black grand piano sits majestically in the center of the room, its polished surface reflecting the overhead lights. Adjacent to it is a white bench with curved legs, positioned perfectly for a pianist to sit and play. The piano's open lid reveals the intricate strings and hammers inside, ready to produce melodious sounds.",,25,1,entity,state,"entity - state (piano, produce)",Is the piano ready to produce sounds? +partiprompts261,"A sleek black grand piano sits majestically in the center of the room, its polished surface reflecting the overhead lights. Adjacent to it is a white bench with curved legs, positioned perfectly for a pianist to sit and play. The piano's open lid reveals the intricate strings and hammers inside, ready to produce melodious sounds.",,26,25,entity,state,"entity - state (sounds, melodious)",Are the sounds melodious? +partiprompts169,"a detailed watercolor painting that captures a majestic snowy owl with its pristine white feathers standing in the midst of a lush green field. The owl's bright yellow eyes are a stark contrast to the soft hues of the grass, and its feathers are intricately detailed, giving a sense of texture to the artwork. The field is dotted with wildflowers and the occasional blade of grass that sways gently, suggesting a light breeze in this tranquil scene.",,1,0,global,,global - (detailed watercolor painting),Is this a detailed watercolor painting? +partiprompts169,"a detailed watercolor painting that captures a majestic snowy owl with its pristine white feathers standing in the midst of a lush green field. The owl's bright yellow eyes are a stark contrast to the soft hues of the grass, and its feathers are intricately detailed, giving a sense of texture to the artwork. The field is dotted with wildflowers and the occasional blade of grass that sways gently, suggesting a light breeze in this tranquil scene.",,2,1,entity,whole,entity - whole (owl),Is there an owl? +partiprompts169,"a detailed watercolor painting that captures a majestic snowy owl with its pristine white feathers standing in the midst of a lush green field. The owl's bright yellow eyes are a stark contrast to the soft hues of the grass, and its feathers are intricately detailed, giving a sense of texture to the artwork. The field is dotted with wildflowers and the occasional blade of grass that sways gently, suggesting a light breeze in this tranquil scene.",,3,2,entity,whole,entity - whole (feathers),Are there feathers? +partiprompts169,"a detailed watercolor painting that captures a majestic snowy owl with its pristine white feathers standing in the midst of a lush green field. The owl's bright yellow eyes are a stark contrast to the soft hues of the grass, and its feathers are intricately detailed, giving a sense of texture to the artwork. The field is dotted with wildflowers and the occasional blade of grass that sways gently, suggesting a light breeze in this tranquil scene.",,4,0,entity,whole,entity - whole (field),Is there a field? +partiprompts169,"a detailed watercolor painting that captures a majestic snowy owl with its pristine white feathers standing in the midst of a lush green field. The owl's bright yellow eyes are a stark contrast to the soft hues of the grass, and its feathers are intricately detailed, giving a sense of texture to the artwork. The field is dotted with wildflowers and the occasional blade of grass that sways gently, suggesting a light breeze in this tranquil scene.",,5,0,entity,whole,entity - whole (eyes),Are there eyes? +partiprompts169,"a detailed watercolor painting that captures a majestic snowy owl with its pristine white feathers standing in the midst of a lush green field. The owl's bright yellow eyes are a stark contrast to the soft hues of the grass, and its feathers are intricately detailed, giving a sense of texture to the artwork. The field is dotted with wildflowers and the occasional blade of grass that sways gently, suggesting a light breeze in this tranquil scene.",,6,0,entity,whole,entity - whole (grass),Is there grass? +partiprompts169,"a detailed watercolor painting that captures a majestic snowy owl with its pristine white feathers standing in the midst of a lush green field. The owl's bright yellow eyes are a stark contrast to the soft hues of the grass, and its feathers are intricately detailed, giving a sense of texture to the artwork. The field is dotted with wildflowers and the occasional blade of grass that sways gently, suggesting a light breeze in this tranquil scene.",,7,0,entity,whole,entity - whole (wildflowers),Are there wildflowers? +partiprompts169,"a detailed watercolor painting that captures a majestic snowy owl with its pristine white feathers standing in the midst of a lush green field. The owl's bright yellow eyes are a stark contrast to the soft hues of the grass, and its feathers are intricately detailed, giving a sense of texture to the artwork. The field is dotted with wildflowers and the occasional blade of grass that sways gently, suggesting a light breeze in this tranquil scene.",,8,0,entity,whole,entity - whole (blade of grass),Is there a blade of grass? +partiprompts169,"a detailed watercolor painting that captures a majestic snowy owl with its pristine white feathers standing in the midst of a lush green field. The owl's bright yellow eyes are a stark contrast to the soft hues of the grass, and its feathers are intricately detailed, giving a sense of texture to the artwork. The field is dotted with wildflowers and the occasional blade of grass that sways gently, suggesting a light breeze in this tranquil scene.",,9,3,attribute,texture,"attribute - texture (feathers, intricate)",Are the feathers intricate? +partiprompts169,"a detailed watercolor painting that captures a majestic snowy owl with its pristine white feathers standing in the midst of a lush green field. The owl's bright yellow eyes are a stark contrast to the soft hues of the grass, and its feathers are intricately detailed, giving a sense of texture to the artwork. The field is dotted with wildflowers and the occasional blade of grass that sways gently, suggesting a light breeze in this tranquil scene.",,10,5,attribute,color,"attribute - color (eyes, bright yellow)",Are the eyes bright yellow? +partiprompts169,"a detailed watercolor painting that captures a majestic snowy owl with its pristine white feathers standing in the midst of a lush green field. The owl's bright yellow eyes are a stark contrast to the soft hues of the grass, and its feathers are intricately detailed, giving a sense of texture to the artwork. The field is dotted with wildflowers and the occasional blade of grass that sways gently, suggesting a light breeze in this tranquil scene.",,11,2,attribute,color,"attribute - color (feathers, white)",Are the feathers white? +partiprompts169,"a detailed watercolor painting that captures a majestic snowy owl with its pristine white feathers standing in the midst of a lush green field. The owl's bright yellow eyes are a stark contrast to the soft hues of the grass, and its feathers are intricately detailed, giving a sense of texture to the artwork. The field is dotted with wildflowers and the occasional blade of grass that sways gently, suggesting a light breeze in this tranquil scene.",,12,6,attribute,color,"attribute - color (grass, lush green)",Is the grass lush green? +partiprompts169,"a detailed watercolor painting that captures a majestic snowy owl with its pristine white feathers standing in the midst of a lush green field. The owl's bright yellow eyes are a stark contrast to the soft hues of the grass, and its feathers are intricately detailed, giving a sense of texture to the artwork. The field is dotted with wildflowers and the occasional blade of grass that sways gently, suggesting a light breeze in this tranquil scene.",,13,7,attribute,color,"attribute - color (wildflowers, various)",Are the wildflowers various in color? +partiprompts169,"a detailed watercolor painting that captures a majestic snowy owl with its pristine white feathers standing in the midst of a lush green field. The owl's bright yellow eyes are a stark contrast to the soft hues of the grass, and its feathers are intricately detailed, giving a sense of texture to the artwork. The field is dotted with wildflowers and the occasional blade of grass that sways gently, suggesting a light breeze in this tranquil scene.",,14,8,attribute,color,"attribute - color (blade of grass, green)",Is the blade of grass green? +partiprompts169,"a detailed watercolor painting that captures a majestic snowy owl with its pristine white feathers standing in the midst of a lush green field. The owl's bright yellow eyes are a stark contrast to the soft hues of the grass, and its feathers are intricately detailed, giving a sense of texture to the artwork. The field is dotted with wildflowers and the occasional blade of grass that sways gently, suggesting a light breeze in this tranquil scene.",,15,5,attribute,other,"attribute - other (eyes, stark contrast)",Do the eyes create a stark contrast? +partiprompts169,"a detailed watercolor painting that captures a majestic snowy owl with its pristine white feathers standing in the midst of a lush green field. The owl's bright yellow eyes are a stark contrast to the soft hues of the grass, and its feathers are intricately detailed, giving a sense of texture to the artwork. The field is dotted with wildflowers and the occasional blade of grass that sways gently, suggesting a light breeze in this tranquil scene.",,16,6,attribute,other,"attribute - other (grass, soft hues)",Does the grass have soft hues? +partiprompts169,"a detailed watercolor painting that captures a majestic snowy owl with its pristine white feathers standing in the midst of a lush green field. The owl's bright yellow eyes are a stark contrast to the soft hues of the grass, and its feathers are intricately detailed, giving a sense of texture to the artwork. The field is dotted with wildflowers and the occasional blade of grass that sways gently, suggesting a light breeze in this tranquil scene.",,17,4,attribute,other,"attribute - other (field, tranquil)",Does the field have a tranquil feel? +partiprompts169,"a detailed watercolor painting that captures a majestic snowy owl with its pristine white feathers standing in the midst of a lush green field. The owl's bright yellow eyes are a stark contrast to the soft hues of the grass, and its feathers are intricately detailed, giving a sense of texture to the artwork. The field is dotted with wildflowers and the occasional blade of grass that sways gently, suggesting a light breeze in this tranquil scene.",,18,6,attribute,other,"attribute - other (grass, gentle swaying)",Is the grass gently swaying? +partiprompts169,"a detailed watercolor painting that captures a majestic snowy owl with its pristine white feathers standing in the midst of a lush green field. The owl's bright yellow eyes are a stark contrast to the soft hues of the grass, and its feathers are intricately detailed, giving a sense of texture to the artwork. The field is dotted with wildflowers and the occasional blade of grass that sways gently, suggesting a light breeze in this tranquil scene.",,19,"2,4",relation,spatial,"relation - spatial (owl, field, in)",Is the owl in the field? +partiprompts169,"a detailed watercolor painting that captures a majestic snowy owl with its pristine white feathers standing in the midst of a lush green field. The owl's bright yellow eyes are a stark contrast to the soft hues of the grass, and its feathers are intricately detailed, giving a sense of texture to the artwork. The field is dotted with wildflowers and the occasional blade of grass that sways gently, suggesting a light breeze in this tranquil scene.",,20,"2,5",relation,spatial,"relation - spatial (eyes, owl, on)",Are the eyes on the owl? +partiprompts169,"a detailed watercolor painting that captures a majestic snowy owl with its pristine white feathers standing in the midst of a lush green field. The owl's bright yellow eyes are a stark contrast to the soft hues of the grass, and its feathers are intricately detailed, giving a sense of texture to the artwork. The field is dotted with wildflowers and the occasional blade of grass that sways gently, suggesting a light breeze in this tranquil scene.",,21,"2,3",relation,spatial,"relation - spatial (feathers, owl, on)",Are the feathers on the owl? +partiprompts169,"a detailed watercolor painting that captures a majestic snowy owl with its pristine white feathers standing in the midst of a lush green field. The owl's bright yellow eyes are a stark contrast to the soft hues of the grass, and its feathers are intricately detailed, giving a sense of texture to the artwork. The field is dotted with wildflowers and the occasional blade of grass that sways gently, suggesting a light breeze in this tranquil scene.",,22,"4,7",relation,spatial,"relation - spatial (wildflowers, field, dotted with)",Are the wildflowers dotted throughout the field? +partiprompts169,"a detailed watercolor painting that captures a majestic snowy owl with its pristine white feathers standing in the midst of a lush green field. The owl's bright yellow eyes are a stark contrast to the soft hues of the grass, and its feathers are intricately detailed, giving a sense of texture to the artwork. The field is dotted with wildflowers and the occasional blade of grass that sways gently, suggesting a light breeze in this tranquil scene.",,23,"4,8",relation,spatial,"relation - spatial (blade of grass, field, occasional)",Is the field occasionally with a blade of grass? +partiprompts165,"an abstract oil painting dominated by deep red and black hues, with thick, textured patches of white creating a stark contrast. The canvas is stretched over a sturdy wooden frame, and the paint appears to be applied with vigorous, impasto techniques. This piece of art is hung on a neutral-colored wall, allowing the vibrant colors and bold textures to stand out prominently.",,1,0,entity,whole,entity - whole (oil painting),Is there an oil painting? +partiprompts165,"an abstract oil painting dominated by deep red and black hues, with thick, textured patches of white creating a stark contrast. The canvas is stretched over a sturdy wooden frame, and the paint appears to be applied with vigorous, impasto techniques. This piece of art is hung on a neutral-colored wall, allowing the vibrant colors and bold textures to stand out prominently.",,2,1,attribute,color,"attribute - color (oil painting, deep red)",Is the oil painting dominated by deep red hues? +partiprompts165,"an abstract oil painting dominated by deep red and black hues, with thick, textured patches of white creating a stark contrast. The canvas is stretched over a sturdy wooden frame, and the paint appears to be applied with vigorous, impasto techniques. This piece of art is hung on a neutral-colored wall, allowing the vibrant colors and bold textures to stand out prominently.",,3,1,attribute,color,"attribute - color (oil painting, black)",Is the oil painting dominated by black hues? +partiprompts165,"an abstract oil painting dominated by deep red and black hues, with thick, textured patches of white creating a stark contrast. The canvas is stretched over a sturdy wooden frame, and the paint appears to be applied with vigorous, impasto techniques. This piece of art is hung on a neutral-colored wall, allowing the vibrant colors and bold textures to stand out prominently.",,4,1,attribute,color,"attribute - color (oil painting, white)",Is the oil painting dominated by white hues? +partiprompts165,"an abstract oil painting dominated by deep red and black hues, with thick, textured patches of white creating a stark contrast. The canvas is stretched over a sturdy wooden frame, and the paint appears to be applied with vigorous, impasto techniques. This piece of art is hung on a neutral-colored wall, allowing the vibrant colors and bold textures to stand out prominently.",,5,1,attribute,texture,"attribute - texture (oil painting, thick)",Are there thick patches of white creating a stark contrast? +partiprompts165,"an abstract oil painting dominated by deep red and black hues, with thick, textured patches of white creating a stark contrast. The canvas is stretched over a sturdy wooden frame, and the paint appears to be applied with vigorous, impasto techniques. This piece of art is hung on a neutral-colored wall, allowing the vibrant colors and bold textures to stand out prominently.",,6,1,attribute,texture,"attribute - texture (oil painting, textured)",Are there textured patches of white creating a stark contrast? +partiprompts165,"an abstract oil painting dominated by deep red and black hues, with thick, textured patches of white creating a stark contrast. The canvas is stretched over a sturdy wooden frame, and the paint appears to be applied with vigorous, impasto techniques. This piece of art is hung on a neutral-colored wall, allowing the vibrant colors and bold textures to stand out prominently.",,7,1,attribute,texture,"attribute - texture (oil painting, impasto)",Are there impasto techniques used in the painting? +partiprompts165,"an abstract oil painting dominated by deep red and black hues, with thick, textured patches of white creating a stark contrast. The canvas is stretched over a sturdy wooden frame, and the paint appears to be applied with vigorous, impasto techniques. This piece of art is hung on a neutral-colored wall, allowing the vibrant colors and bold textures to stand out prominently.",,8,1,entity,whole,entity - whole (canvas),Is there a canvas? +partiprompts165,"an abstract oil painting dominated by deep red and black hues, with thick, textured patches of white creating a stark contrast. The canvas is stretched over a sturdy wooden frame, and the paint appears to be applied with vigorous, impasto techniques. This piece of art is hung on a neutral-colored wall, allowing the vibrant colors and bold textures to stand out prominently.",,9,8,attribute,texture,"attribute - texture (canvas, stretched)",Is the canvas stretched? +partiprompts165,"an abstract oil painting dominated by deep red and black hues, with thick, textured patches of white creating a stark contrast. The canvas is stretched over a sturdy wooden frame, and the paint appears to be applied with vigorous, impasto techniques. This piece of art is hung on a neutral-colored wall, allowing the vibrant colors and bold textures to stand out prominently.",,10,1,entity,whole,entity - whole (wooden frame),Is there a wooden frame? +partiprompts165,"an abstract oil painting dominated by deep red and black hues, with thick, textured patches of white creating a stark contrast. The canvas is stretched over a sturdy wooden frame, and the paint appears to be applied with vigorous, impasto techniques. This piece of art is hung on a neutral-colored wall, allowing the vibrant colors and bold textures to stand out prominently.",,11,8,relation,spatial,"relation - spatial (canvas, wooden frame, over)",Is the canvas stretched over the wooden frame? +partiprompts165,"an abstract oil painting dominated by deep red and black hues, with thick, textured patches of white creating a stark contrast. The canvas is stretched over a sturdy wooden frame, and the paint appears to be applied with vigorous, impasto techniques. This piece of art is hung on a neutral-colored wall, allowing the vibrant colors and bold textures to stand out prominently.",,12,"1,11",relation,spatial,"relation - spatial (oil painting, wall, hung on)",Is the oil painting hung on the wall? +partiprompts165,"an abstract oil painting dominated by deep red and black hues, with thick, textured patches of white creating a stark contrast. The canvas is stretched over a sturdy wooden frame, and the paint appears to be applied with vigorous, impasto techniques. This piece of art is hung on a neutral-colored wall, allowing the vibrant colors and bold textures to stand out prominently.",,13,1,attribute,color,"attribute - color (wall, neutral-colored)",Is the wall neutral-colored? +partiprompts165,"an abstract oil painting dominated by deep red and black hues, with thick, textured patches of white creating a stark contrast. The canvas is stretched over a sturdy wooden frame, and the paint appears to be applied with vigorous, impasto techniques. This piece of art is hung on a neutral-colored wall, allowing the vibrant colors and bold textures to stand out prominently.",,14,1,attribute,color,"attribute - color (paint, vibrant)",Are the colors vibrant? +partiprompts165,"an abstract oil painting dominated by deep red and black hues, with thick, textured patches of white creating a stark contrast. The canvas is stretched over a sturdy wooden frame, and the paint appears to be applied with vigorous, impasto techniques. This piece of art is hung on a neutral-colored wall, allowing the vibrant colors and bold textures to stand out prominently.",,15,1,attribute,texture,"attribute - texture (paint, bold)",Are the textures bold? +partiprompts252,"a rustic wood cabin nestled in a clearing, its dark brown logs contrasting with the bright green of the surrounding grass. In front of the cabin, there's a circular fire pit made of stacked stones, with a few wooden benches arranged around it. The fire pit is currently unlit, and a stack of chopped firewood is neatly piled to one side, ready for use.",,1,0,entity,whole,entity - whole (cabin),Is there a cabin? +partiprompts252,"a rustic wood cabin nestled in a clearing, its dark brown logs contrasting with the bright green of the surrounding grass. In front of the cabin, there's a circular fire pit made of stacked stones, with a few wooden benches arranged around it. The fire pit is currently unlit, and a stack of chopped firewood is neatly piled to one side, ready for use.",,2,0,entity,whole,entity - whole (clearing),Is there a clearing? +partiprompts252,"a rustic wood cabin nestled in a clearing, its dark brown logs contrasting with the bright green of the surrounding grass. In front of the cabin, there's a circular fire pit made of stacked stones, with a few wooden benches arranged around it. The fire pit is currently unlit, and a stack of chopped firewood is neatly piled to one side, ready for use.",,3,0,entity,whole,entity - whole (logs),Are there logs? +partiprompts252,"a rustic wood cabin nestled in a clearing, its dark brown logs contrasting with the bright green of the surrounding grass. In front of the cabin, there's a circular fire pit made of stacked stones, with a few wooden benches arranged around it. The fire pit is currently unlit, and a stack of chopped firewood is neatly piled to one side, ready for use.",,4,0,entity,whole,entity - whole (grass),Is there grass? +partiprompts252,"a rustic wood cabin nestled in a clearing, its dark brown logs contrasting with the bright green of the surrounding grass. In front of the cabin, there's a circular fire pit made of stacked stones, with a few wooden benches arranged around it. The fire pit is currently unlit, and a stack of chopped firewood is neatly piled to one side, ready for use.",,5,0,entity,whole,entity - whole (fire pit),Is there a fire pit? +partiprompts252,"a rustic wood cabin nestled in a clearing, its dark brown logs contrasting with the bright green of the surrounding grass. In front of the cabin, there's a circular fire pit made of stacked stones, with a few wooden benches arranged around it. The fire pit is currently unlit, and a stack of chopped firewood is neatly piled to one side, ready for use.",,6,5,entity,whole,entity - whole (stones),Are there stones? +partiprompts252,"a rustic wood cabin nestled in a clearing, its dark brown logs contrasting with the bright green of the surrounding grass. In front of the cabin, there's a circular fire pit made of stacked stones, with a few wooden benches arranged around it. The fire pit is currently unlit, and a stack of chopped firewood is neatly piled to one side, ready for use.",,7,5,entity,whole,entity - whole (benches),Are there benches? +partiprompts252,"a rustic wood cabin nestled in a clearing, its dark brown logs contrasting with the bright green of the surrounding grass. In front of the cabin, there's a circular fire pit made of stacked stones, with a few wooden benches arranged around it. The fire pit is currently unlit, and a stack of chopped firewood is neatly piled to one side, ready for use.",,8,0,entity,whole,entity - whole (firewood),Is there firewood? +partiprompts252,"a rustic wood cabin nestled in a clearing, its dark brown logs contrasting with the bright green of the surrounding grass. In front of the cabin, there's a circular fire pit made of stacked stones, with a few wooden benches arranged around it. The fire pit is currently unlit, and a stack of chopped firewood is neatly piled to one side, ready for use.",,9,1,attribute,texture,"attribute - texture (cabin, rustic wood)",Is the cabin made of rustic wood? +partiprompts252,"a rustic wood cabin nestled in a clearing, its dark brown logs contrasting with the bright green of the surrounding grass. In front of the cabin, there's a circular fire pit made of stacked stones, with a few wooden benches arranged around it. The fire pit is currently unlit, and a stack of chopped firewood is neatly piled to one side, ready for use.",,10,3,attribute,color,"attribute - color (logs, dark brown)",Are the logs dark brown? +partiprompts252,"a rustic wood cabin nestled in a clearing, its dark brown logs contrasting with the bright green of the surrounding grass. In front of the cabin, there's a circular fire pit made of stacked stones, with a few wooden benches arranged around it. The fire pit is currently unlit, and a stack of chopped firewood is neatly piled to one side, ready for use.",,11,4,attribute,color,"attribute - color (grass, bright green)",Is the grass bright green? +partiprompts252,"a rustic wood cabin nestled in a clearing, its dark brown logs contrasting with the bright green of the surrounding grass. In front of the cabin, there's a circular fire pit made of stacked stones, with a few wooden benches arranged around it. The fire pit is currently unlit, and a stack of chopped firewood is neatly piled to one side, ready for use.",,12,6,attribute,color,"attribute - color (stones, stacked)",Are the stones stacked? +partiprompts252,"a rustic wood cabin nestled in a clearing, its dark brown logs contrasting with the bright green of the surrounding grass. In front of the cabin, there's a circular fire pit made of stacked stones, with a few wooden benches arranged around it. The fire pit is currently unlit, and a stack of chopped firewood is neatly piled to one side, ready for use.",,13,5,attribute,other,"attribute - other (fire pit, circular)",Is the fire pit circular? +partiprompts252,"a rustic wood cabin nestled in a clearing, its dark brown logs contrasting with the bright green of the surrounding grass. In front of the cabin, there's a circular fire pit made of stacked stones, with a few wooden benches arranged around it. The fire pit is currently unlit, and a stack of chopped firewood is neatly piled to one side, ready for use.",,14,7,attribute,other,"attribute - other (benches, wooden)",Are the benches wooden? +partiprompts252,"a rustic wood cabin nestled in a clearing, its dark brown logs contrasting with the bright green of the surrounding grass. In front of the cabin, there's a circular fire pit made of stacked stones, with a few wooden benches arranged around it. The fire pit is currently unlit, and a stack of chopped firewood is neatly piled to one side, ready for use.",,15,8,attribute,other,"attribute - other (firewood, chopped)",Is the firewood chopped? +partiprompts252,"a rustic wood cabin nestled in a clearing, its dark brown logs contrasting with the bright green of the surrounding grass. In front of the cabin, there's a circular fire pit made of stacked stones, with a few wooden benches arranged around it. The fire pit is currently unlit, and a stack of chopped firewood is neatly piled to one side, ready for use.",,16,8,attribute,other,"attribute - other (firewood, neatly piled)",Is the firewood neatly piled? +partiprompts252,"a rustic wood cabin nestled in a clearing, its dark brown logs contrasting with the bright green of the surrounding grass. In front of the cabin, there's a circular fire pit made of stacked stones, with a few wooden benches arranged around it. The fire pit is currently unlit, and a stack of chopped firewood is neatly piled to one side, ready for use.",,17,5,entity,state,"entity - state (fire pit, unlit)",Is the fire pit unlit? +partiprompts252,"a rustic wood cabin nestled in a clearing, its dark brown logs contrasting with the bright green of the surrounding grass. In front of the cabin, there's a circular fire pit made of stacked stones, with a few wooden benches arranged around it. The fire pit is currently unlit, and a stack of chopped firewood is neatly piled to one side, ready for use.",,18,"1,2",relation,spatial,"relation - spatial (cabin, clearing, nestled in)",Is the cabin nestled in the clearing? +partiprompts252,"a rustic wood cabin nestled in a clearing, its dark brown logs contrasting with the bright green of the surrounding grass. In front of the cabin, there's a circular fire pit made of stacked stones, with a few wooden benches arranged around it. The fire pit is currently unlit, and a stack of chopped firewood is neatly piled to one side, ready for use.",,19,"5,1",relation,spatial,"relation - spatial (fire pit, cabin, in front of)",Is the fire pit in front of the cabin? +partiprompts252,"a rustic wood cabin nestled in a clearing, its dark brown logs contrasting with the bright green of the surrounding grass. In front of the cabin, there's a circular fire pit made of stacked stones, with a few wooden benches arranged around it. The fire pit is currently unlit, and a stack of chopped firewood is neatly piled to one side, ready for use.",,20,"7,5",relation,spatial,"relation - spatial (benches, fire pit, arranged around)",Are the benches arranged around the fire pit? +partiprompts252,"a rustic wood cabin nestled in a clearing, its dark brown logs contrasting with the bright green of the surrounding grass. In front of the cabin, there's a circular fire pit made of stacked stones, with a few wooden benches arranged around it. The fire pit is currently unlit, and a stack of chopped firewood is neatly piled to one side, ready for use.",,21,"8,5",relation,spatial,"relation - spatial (firewood, fire pit, piled to one side)",Is the firewood piled to one side of the fire pit? +partiprompts53,"A tall glass filled with a vibrant red Bloody Mary cocktail, garnished with a green celery stick and a skewered olive. The glass is beaded with condensation and sits on a small white plate beside a folded white napkin. The cocktail is placed on a dark wooden bar counter, illuminated by warm overhead lighting.",,1,0,entity,whole,entity - whole (glass),Is there a glass? +partiprompts53,"A tall glass filled with a vibrant red Bloody Mary cocktail, garnished with a green celery stick and a skewered olive. The glass is beaded with condensation and sits on a small white plate beside a folded white napkin. The cocktail is placed on a dark wooden bar counter, illuminated by warm overhead lighting.",,2,1,entity,whole,entity - whole (cocktail),Is there a cocktail? +partiprompts53,"A tall glass filled with a vibrant red Bloody Mary cocktail, garnished with a green celery stick and a skewered olive. The glass is beaded with condensation and sits on a small white plate beside a folded white napkin. The cocktail is placed on a dark wooden bar counter, illuminated by warm overhead lighting.",,3,2,entity,whole,entity - whole (celery stick),Is there a celery stick? +partiprompts53,"A tall glass filled with a vibrant red Bloody Mary cocktail, garnished with a green celery stick and a skewered olive. The glass is beaded with condensation and sits on a small white plate beside a folded white napkin. The cocktail is placed on a dark wooden bar counter, illuminated by warm overhead lighting.",,4,2,entity,whole,entity - whole (olive),Is there an olive? +partiprompts53,"A tall glass filled with a vibrant red Bloody Mary cocktail, garnished with a green celery stick and a skewered olive. The glass is beaded with condensation and sits on a small white plate beside a folded white napkin. The cocktail is placed on a dark wooden bar counter, illuminated by warm overhead lighting.",,5,0,entity,whole,entity - whole (plate),Is there a plate? +partiprompts53,"A tall glass filled with a vibrant red Bloody Mary cocktail, garnished with a green celery stick and a skewered olive. The glass is beaded with condensation and sits on a small white plate beside a folded white napkin. The cocktail is placed on a dark wooden bar counter, illuminated by warm overhead lighting.",,6,0,entity,whole,entity - whole (napkin),Is there a napkin? +partiprompts53,"A tall glass filled with a vibrant red Bloody Mary cocktail, garnished with a green celery stick and a skewered olive. The glass is beaded with condensation and sits on a small white plate beside a folded white napkin. The cocktail is placed on a dark wooden bar counter, illuminated by warm overhead lighting.",,7,0,entity,whole,entity - whole (bar counter),Is there a bar counter? +partiprompts53,"A tall glass filled with a vibrant red Bloody Mary cocktail, garnished with a green celery stick and a skewered olive. The glass is beaded with condensation and sits on a small white plate beside a folded white napkin. The cocktail is placed on a dark wooden bar counter, illuminated by warm overhead lighting.",,8,1,attribute,size,"attribute - size (glass, tall)",Is the glass tall? +partiprompts53,"A tall glass filled with a vibrant red Bloody Mary cocktail, garnished with a green celery stick and a skewered olive. The glass is beaded with condensation and sits on a small white plate beside a folded white napkin. The cocktail is placed on a dark wooden bar counter, illuminated by warm overhead lighting.",,9,2,attribute,color,"attribute - color (cocktail, red)",Is the cocktail red? +partiprompts53,"A tall glass filled with a vibrant red Bloody Mary cocktail, garnished with a green celery stick and a skewered olive. The glass is beaded with condensation and sits on a small white plate beside a folded white napkin. The cocktail is placed on a dark wooden bar counter, illuminated by warm overhead lighting.",,10,3,attribute,color,"attribute - color (celery stick, green)",Is the celery stick green? +partiprompts53,"A tall glass filled with a vibrant red Bloody Mary cocktail, garnished with a green celery stick and a skewered olive. The glass is beaded with condensation and sits on a small white plate beside a folded white napkin. The cocktail is placed on a dark wooden bar counter, illuminated by warm overhead lighting.",,11,4,attribute,color,"attribute - color (olive, skewered)",Is the olive skewered? +partiprompts53,"A tall glass filled with a vibrant red Bloody Mary cocktail, garnished with a green celery stick and a skewered olive. The glass is beaded with condensation and sits on a small white plate beside a folded white napkin. The cocktail is placed on a dark wooden bar counter, illuminated by warm overhead lighting.",,12,1,attribute,texture,"attribute - texture (glass, beaded with condensation)",Is the glass beaded with condensation? +partiprompts53,"A tall glass filled with a vibrant red Bloody Mary cocktail, garnished with a green celery stick and a skewered olive. The glass is beaded with condensation and sits on a small white plate beside a folded white napkin. The cocktail is placed on a dark wooden bar counter, illuminated by warm overhead lighting.",,13,5,attribute,texture,"attribute - texture (plate, white)",Is the plate white? +partiprompts53,"A tall glass filled with a vibrant red Bloody Mary cocktail, garnished with a green celery stick and a skewered olive. The glass is beaded with condensation and sits on a small white plate beside a folded white napkin. The cocktail is placed on a dark wooden bar counter, illuminated by warm overhead lighting.",,14,6,attribute,texture,"attribute - texture (napkin, folded white)",Is the napkin folded and white? +partiprompts53,"A tall glass filled with a vibrant red Bloody Mary cocktail, garnished with a green celery stick and a skewered olive. The glass is beaded with condensation and sits on a small white plate beside a folded white napkin. The cocktail is placed on a dark wooden bar counter, illuminated by warm overhead lighting.",,15,7,attribute,texture,"attribute - texture (bar counter, dark wooden)",Is the bar counter made of dark wood? +partiprompts53,"A tall glass filled with a vibrant red Bloody Mary cocktail, garnished with a green celery stick and a skewered olive. The glass is beaded with condensation and sits on a small white plate beside a folded white napkin. The cocktail is placed on a dark wooden bar counter, illuminated by warm overhead lighting.",,16,0,attribute,texture,"attribute - texture (lighting, warm overhead)",Is the lighting warm and overhead? +partiprompts53,"A tall glass filled with a vibrant red Bloody Mary cocktail, garnished with a green celery stick and a skewered olive. The glass is beaded with condensation and sits on a small white plate beside a folded white napkin. The cocktail is placed on a dark wooden bar counter, illuminated by warm overhead lighting.",,17,"1,5",relation,spatial,"relation - spatial (glass, plate, on)",Is the glass on the plate? +partiprompts53,"A tall glass filled with a vibrant red Bloody Mary cocktail, garnished with a green celery stick and a skewered olive. The glass is beaded with condensation and sits on a small white plate beside a folded white napkin. The cocktail is placed on a dark wooden bar counter, illuminated by warm overhead lighting.",,18,"5,6",relation,spatial,"relation - spatial (plate, napkin, beside)",Is the plate beside the napkin? +partiprompts53,"A tall glass filled with a vibrant red Bloody Mary cocktail, garnished with a green celery stick and a skewered olive. The glass is beaded with condensation and sits on a small white plate beside a folded white napkin. The cocktail is placed on a dark wooden bar counter, illuminated by warm overhead lighting.",,19,"2,1",relation,spatial,"relation - spatial (cocktail, glass, filled with)",Is the glass filled with the cocktail? +partiprompts53,"A tall glass filled with a vibrant red Bloody Mary cocktail, garnished with a green celery stick and a skewered olive. The glass is beaded with condensation and sits on a small white plate beside a folded white napkin. The cocktail is placed on a dark wooden bar counter, illuminated by warm overhead lighting.",,20,"1,7",relation,spatial,"relation - spatial (glass, bar counter, on)",Is the glass on the bar counter? +partiprompts53,"A tall glass filled with a vibrant red Bloody Mary cocktail, garnished with a green celery stick and a skewered olive. The glass is beaded with condensation and sits on a small white plate beside a folded white napkin. The cocktail is placed on a dark wooden bar counter, illuminated by warm overhead lighting.",,21,"7,16",relation,non-spatial,"relation - non-spatial (bar counter, lighting, illuminated by)",Is the bar counter illuminated by warm overhead lighting? +partiprompts320,"a whimsical scene featuring a bright orange fruit donning a miniature brown cowboy hat with intricate stitching. The orange sits atop a wooden table, its textured peel contrasting with the smooth surface beneath. To the side of the orange, there's a small cactus in a terracotta pot, completing the playful western theme.",,1,0,entity,whole,entity - whole (orange),Is there an orange? +partiprompts320,"a whimsical scene featuring a bright orange fruit donning a miniature brown cowboy hat with intricate stitching. The orange sits atop a wooden table, its textured peel contrasting with the smooth surface beneath. To the side of the orange, there's a small cactus in a terracotta pot, completing the playful western theme.",,2,0,entity,whole,entity - whole (hat),Is there a hat? +partiprompts320,"a whimsical scene featuring a bright orange fruit donning a miniature brown cowboy hat with intricate stitching. The orange sits atop a wooden table, its textured peel contrasting with the smooth surface beneath. To the side of the orange, there's a small cactus in a terracotta pot, completing the playful western theme.",,3,0,entity,whole,entity - whole (table),Is there a table? +partiprompts320,"a whimsical scene featuring a bright orange fruit donning a miniature brown cowboy hat with intricate stitching. The orange sits atop a wooden table, its textured peel contrasting with the smooth surface beneath. To the side of the orange, there's a small cactus in a terracotta pot, completing the playful western theme.",,4,1,entity,whole,entity - whole (peel),Is there a peel? +partiprompts320,"a whimsical scene featuring a bright orange fruit donning a miniature brown cowboy hat with intricate stitching. The orange sits atop a wooden table, its textured peel contrasting with the smooth surface beneath. To the side of the orange, there's a small cactus in a terracotta pot, completing the playful western theme.",,5,3,entity,whole,entity - whole (surface),Is there a surface? +partiprompts320,"a whimsical scene featuring a bright orange fruit donning a miniature brown cowboy hat with intricate stitching. The orange sits atop a wooden table, its textured peel contrasting with the smooth surface beneath. To the side of the orange, there's a small cactus in a terracotta pot, completing the playful western theme.",,6,0,entity,whole,entity - whole (cactus),Is there a cactus? +partiprompts320,"a whimsical scene featuring a bright orange fruit donning a miniature brown cowboy hat with intricate stitching. The orange sits atop a wooden table, its textured peel contrasting with the smooth surface beneath. To the side of the orange, there's a small cactus in a terracotta pot, completing the playful western theme.",,7,0,entity,whole,entity - whole (pot),Is there a pot? +partiprompts320,"a whimsical scene featuring a bright orange fruit donning a miniature brown cowboy hat with intricate stitching. The orange sits atop a wooden table, its textured peel contrasting with the smooth surface beneath. To the side of the orange, there's a small cactus in a terracotta pot, completing the playful western theme.",,8,1,attribute,color,"attribute - color (orange, bright orange)",Is the orange bright orange? +partiprompts320,"a whimsical scene featuring a bright orange fruit donning a miniature brown cowboy hat with intricate stitching. The orange sits atop a wooden table, its textured peel contrasting with the smooth surface beneath. To the side of the orange, there's a small cactus in a terracotta pot, completing the playful western theme.",,9,2,attribute,color,"attribute - color (hat, brown)",Is the hat brown? +partiprompts320,"a whimsical scene featuring a bright orange fruit donning a miniature brown cowboy hat with intricate stitching. The orange sits atop a wooden table, its textured peel contrasting with the smooth surface beneath. To the side of the orange, there's a small cactus in a terracotta pot, completing the playful western theme.",,10,4,attribute,texture,"attribute - texture (peel, textured)",Is the peel textured? +partiprompts320,"a whimsical scene featuring a bright orange fruit donning a miniature brown cowboy hat with intricate stitching. The orange sits atop a wooden table, its textured peel contrasting with the smooth surface beneath. To the side of the orange, there's a small cactus in a terracotta pot, completing the playful western theme.",,11,5,attribute,texture,"attribute - texture (surface, smooth)",Is the surface smooth? +partiprompts320,"a whimsical scene featuring a bright orange fruit donning a miniature brown cowboy hat with intricate stitching. The orange sits atop a wooden table, its textured peel contrasting with the smooth surface beneath. To the side of the orange, there's a small cactus in a terracotta pot, completing the playful western theme.",,12,7,attribute,texture,"attribute - texture (pot, terracotta)",Is the pot terracotta? +partiprompts320,"a whimsical scene featuring a bright orange fruit donning a miniature brown cowboy hat with intricate stitching. The orange sits atop a wooden table, its textured peel contrasting with the smooth surface beneath. To the side of the orange, there's a small cactus in a terracotta pot, completing the playful western theme.",,13,2,attribute,other,"attribute - other (hat, miniature)",Is the hat miniature? +partiprompts320,"a whimsical scene featuring a bright orange fruit donning a miniature brown cowboy hat with intricate stitching. The orange sits atop a wooden table, its textured peel contrasting with the smooth surface beneath. To the side of the orange, there's a small cactus in a terracotta pot, completing the playful western theme.",,14,2,attribute,other,"attribute - other (hat, intricate stitching)",Does the hat have intricate stitching? +partiprompts320,"a whimsical scene featuring a bright orange fruit donning a miniature brown cowboy hat with intricate stitching. The orange sits atop a wooden table, its textured peel contrasting with the smooth surface beneath. To the side of the orange, there's a small cactus in a terracotta pot, completing the playful western theme.",,15,"1,2",relation,non-spatial,"relation - non-spatial (orange, hat, donning)",Is the orange donning the hat? +partiprompts320,"a whimsical scene featuring a bright orange fruit donning a miniature brown cowboy hat with intricate stitching. The orange sits atop a wooden table, its textured peel contrasting with the smooth surface beneath. To the side of the orange, there's a small cactus in a terracotta pot, completing the playful western theme.",,16,"1,3",relation,spatial,"relation - spatial (orange, table, atop)",Is the orange atop the table? +partiprompts320,"a whimsical scene featuring a bright orange fruit donning a miniature brown cowboy hat with intricate stitching. The orange sits atop a wooden table, its textured peel contrasting with the smooth surface beneath. To the side of the orange, there's a small cactus in a terracotta pot, completing the playful western theme.",,17,"1,5",relation,spatial,"relation - spatial (orange, surface, beneath)",Is the orange beneath the smooth surface? +partiprompts320,"a whimsical scene featuring a bright orange fruit donning a miniature brown cowboy hat with intricate stitching. The orange sits atop a wooden table, its textured peel contrasting with the smooth surface beneath. To the side of the orange, there's a small cactus in a terracotta pot, completing the playful western theme.",,18,"6,7",relation,spatial,"relation - spatial (cactus, pot, in)",Is the cactus in the pot? +partiprompts320,"a whimsical scene featuring a bright orange fruit donning a miniature brown cowboy hat with intricate stitching. The orange sits atop a wooden table, its textured peel contrasting with the smooth surface beneath. To the side of the orange, there's a small cactus in a terracotta pot, completing the playful western theme.",,19,"1,6",relation,spatial,"relation - spatial (cactus, side of orange)",Is the cactus on the side of the orange? +partiprompts320,"a whimsical scene featuring a bright orange fruit donning a miniature brown cowboy hat with intricate stitching. The orange sits atop a wooden table, its textured peel contrasting with the smooth surface beneath. To the side of the orange, there's a small cactus in a terracotta pot, completing the playful western theme.",,20,"1,3",relation,spatial,"relation - spatial (orange, table, on)",Is the orange on the table? +partiprompts87,"An array of geometric shapes arranged on a dark, matte black surface. There are ten triangles, each with a different hue ranging from vibrant red to deep blue, and five squares that are uniformly white. The shapes are scattered in no particular order, creating a visually striking contrast against the black background.",,1,0,entity,whole,entity - whole (geometric shapes),Are there geometric shapes? +partiprompts87,"An array of geometric shapes arranged on a dark, matte black surface. There are ten triangles, each with a different hue ranging from vibrant red to deep blue, and five squares that are uniformly white. The shapes are scattered in no particular order, creating a visually striking contrast against the black background.",,2,1,attribute,texture,"attribute - texture (surface, matte black)",Is the surface dark and matte black? +partiprompts87,"An array of geometric shapes arranged on a dark, matte black surface. There are ten triangles, each with a different hue ranging from vibrant red to deep blue, and five squares that are uniformly white. The shapes are scattered in no particular order, creating a visually striking contrast against the black background.",,3,1,other,count,"other - count (triangles, ==10)",Are there ten triangles? +partiprompts87,"An array of geometric shapes arranged on a dark, matte black surface. There are ten triangles, each with a different hue ranging from vibrant red to deep blue, and five squares that are uniformly white. The shapes are scattered in no particular order, creating a visually striking contrast against the black background.",,4,1,other,count,"other - count (squares, ==5)",Are there five squares? +partiprompts87,"An array of geometric shapes arranged on a dark, matte black surface. There are ten triangles, each with a different hue ranging from vibrant red to deep blue, and five squares that are uniformly white. The shapes are scattered in no particular order, creating a visually striking contrast against the black background.",,5,1,attribute,shape,"attribute - shape (triangles, geometric)",Are the triangles geometric shapes? +partiprompts87,"An array of geometric shapes arranged on a dark, matte black surface. There are ten triangles, each with a different hue ranging from vibrant red to deep blue, and five squares that are uniformly white. The shapes are scattered in no particular order, creating a visually striking contrast against the black background.",,6,1,attribute,shape,"attribute - shape (squares, geometric)",Are the squares geometric shapes? +partiprompts87,"An array of geometric shapes arranged on a dark, matte black surface. There are ten triangles, each with a different hue ranging from vibrant red to deep blue, and five squares that are uniformly white. The shapes are scattered in no particular order, creating a visually striking contrast against the black background.",,7,3,attribute,color,"attribute - color (triangles, vibrant red)",Are the triangles vibrant red? +partiprompts87,"An array of geometric shapes arranged on a dark, matte black surface. There are ten triangles, each with a different hue ranging from vibrant red to deep blue, and five squares that are uniformly white. The shapes are scattered in no particular order, creating a visually striking contrast against the black background.",,8,3,attribute,color,"attribute - color (triangles, deep blue)",Are the triangles deep blue? +partiprompts87,"An array of geometric shapes arranged on a dark, matte black surface. There are ten triangles, each with a different hue ranging from vibrant red to deep blue, and five squares that are uniformly white. The shapes are scattered in no particular order, creating a visually striking contrast against the black background.",,9,4,attribute,color,"attribute - color (squares, white)",Are the squares white? +partiprompts87,"An array of geometric shapes arranged on a dark, matte black surface. There are ten triangles, each with a different hue ranging from vibrant red to deep blue, and five squares that are uniformly white. The shapes are scattered in no particular order, creating a visually striking contrast against the black background.",,10,"1,2",relation,spatial,"relation - spatial (geometric shapes, surface, on)",Are the geometric shapes on the surface? +partiprompts87,"An array of geometric shapes arranged on a dark, matte black surface. There are ten triangles, each with a different hue ranging from vibrant red to deep blue, and five squares that are uniformly white. The shapes are scattered in no particular order, creating a visually striking contrast against the black background.",,11,"3,4",relation,spatial,"relation - non-spatial (triangles, squares, contrast)",Do the triangles and squares create a contrast? +partiprompts0,"A cheerful sloth, adorned with a black leather jacket and a brown cowboy hat, stands confidently on a patch of green grass. Its attire is completed with a red tartan kilt and a neatly tied bowtie. In one claw, it grasps a sturdy quarterstaff, while the other holds a large, ancient-looking book. Positioned a short distance behind the sloth, there is a gleaming Volkswagen van, its exterior decorated with vibrant flower patterns. The entire whimsical scene is captured through a wide-angle lens from a low vantage point, emphasizing the sloth's stature and the van's presence.",,1,0,entity,whole,entity - whole (sloth),Is there a sloth? +partiprompts0,"A cheerful sloth, adorned with a black leather jacket and a brown cowboy hat, stands confidently on a patch of green grass. Its attire is completed with a red tartan kilt and a neatly tied bowtie. In one claw, it grasps a sturdy quarterstaff, while the other holds a large, ancient-looking book. Positioned a short distance behind the sloth, there is a gleaming Volkswagen van, its exterior decorated with vibrant flower patterns. The entire whimsical scene is captured through a wide-angle lens from a low vantage point, emphasizing the sloth's stature and the van's presence.",,2,1,entity,part,entity - part (sloth's attire),Is the sloth wearing attire? +partiprompts0,"A cheerful sloth, adorned with a black leather jacket and a brown cowboy hat, stands confidently on a patch of green grass. Its attire is completed with a red tartan kilt and a neatly tied bowtie. In one claw, it grasps a sturdy quarterstaff, while the other holds a large, ancient-looking book. Positioned a short distance behind the sloth, there is a gleaming Volkswagen van, its exterior decorated with vibrant flower patterns. The entire whimsical scene is captured through a wide-angle lens from a low vantage point, emphasizing the sloth's stature and the van's presence.",,3,1,entity,part,entity - part (sloth's claw),Is the sloth holding a quarterstaff in one claw? +partiprompts0,"A cheerful sloth, adorned with a black leather jacket and a brown cowboy hat, stands confidently on a patch of green grass. Its attire is completed with a red tartan kilt and a neatly tied bowtie. In one claw, it grasps a sturdy quarterstaff, while the other holds a large, ancient-looking book. Positioned a short distance behind the sloth, there is a gleaming Volkswagen van, its exterior decorated with vibrant flower patterns. The entire whimsical scene is captured through a wide-angle lens from a low vantage point, emphasizing the sloth's stature and the van's presence.",,4,2,entity,part,entity - part (sloth's other claw),Is the sloth holding a book in the other claw? +partiprompts0,"A cheerful sloth, adorned with a black leather jacket and a brown cowboy hat, stands confidently on a patch of green grass. Its attire is completed with a red tartan kilt and a neatly tied bowtie. In one claw, it grasps a sturdy quarterstaff, while the other holds a large, ancient-looking book. Positioned a short distance behind the sloth, there is a gleaming Volkswagen van, its exterior decorated with vibrant flower patterns. The entire whimsical scene is captured through a wide-angle lens from a low vantage point, emphasizing the sloth's stature and the van's presence.",,5,1,entity,whole,entity - whole (jacket),Is there a jacket? +partiprompts0,"A cheerful sloth, adorned with a black leather jacket and a brown cowboy hat, stands confidently on a patch of green grass. Its attire is completed with a red tartan kilt and a neatly tied bowtie. In one claw, it grasps a sturdy quarterstaff, while the other holds a large, ancient-looking book. Positioned a short distance behind the sloth, there is a gleaming Volkswagen van, its exterior decorated with vibrant flower patterns. The entire whimsical scene is captured through a wide-angle lens from a low vantage point, emphasizing the sloth's stature and the van's presence.",,6,1,entity,whole,entity - whole (hat),Is there a hat? +partiprompts0,"A cheerful sloth, adorned with a black leather jacket and a brown cowboy hat, stands confidently on a patch of green grass. Its attire is completed with a red tartan kilt and a neatly tied bowtie. In one claw, it grasps a sturdy quarterstaff, while the other holds a large, ancient-looking book. Positioned a short distance behind the sloth, there is a gleaming Volkswagen van, its exterior decorated with vibrant flower patterns. The entire whimsical scene is captured through a wide-angle lens from a low vantage point, emphasizing the sloth's stature and the van's presence.",,7,1,entity,whole,entity - whole (kilt),Is there a kilt? +partiprompts0,"A cheerful sloth, adorned with a black leather jacket and a brown cowboy hat, stands confidently on a patch of green grass. Its attire is completed with a red tartan kilt and a neatly tied bowtie. In one claw, it grasps a sturdy quarterstaff, while the other holds a large, ancient-looking book. Positioned a short distance behind the sloth, there is a gleaming Volkswagen van, its exterior decorated with vibrant flower patterns. The entire whimsical scene is captured through a wide-angle lens from a low vantage point, emphasizing the sloth's stature and the van's presence.",,8,1,entity,whole,entity - whole (bowtie),Is there a bowtie? +partiprompts0,"A cheerful sloth, adorned with a black leather jacket and a brown cowboy hat, stands confidently on a patch of green grass. Its attire is completed with a red tartan kilt and a neatly tied bowtie. In one claw, it grasps a sturdy quarterstaff, while the other holds a large, ancient-looking book. Positioned a short distance behind the sloth, there is a gleaming Volkswagen van, its exterior decorated with vibrant flower patterns. The entire whimsical scene is captured through a wide-angle lens from a low vantage point, emphasizing the sloth's stature and the van's presence.",,9,1,entity,whole,entity - whole (quarterstaff),Is there a quarterstaff? +partiprompts0,"A cheerful sloth, adorned with a black leather jacket and a brown cowboy hat, stands confidently on a patch of green grass. Its attire is completed with a red tartan kilt and a neatly tied bowtie. In one claw, it grasps a sturdy quarterstaff, while the other holds a large, ancient-looking book. Positioned a short distance behind the sloth, there is a gleaming Volkswagen van, its exterior decorated with vibrant flower patterns. The entire whimsical scene is captured through a wide-angle lens from a low vantage point, emphasizing the sloth's stature and the van's presence.",,10,1,entity,whole,entity - whole (book),Is there a book? +partiprompts0,"A cheerful sloth, adorned with a black leather jacket and a brown cowboy hat, stands confidently on a patch of green grass. Its attire is completed with a red tartan kilt and a neatly tied bowtie. In one claw, it grasps a sturdy quarterstaff, while the other holds a large, ancient-looking book. Positioned a short distance behind the sloth, there is a gleaming Volkswagen van, its exterior decorated with vibrant flower patterns. The entire whimsical scene is captured through a wide-angle lens from a low vantage point, emphasizing the sloth's stature and the van's presence.",,11,0,entity,whole,entity - whole (Volkswagen van),Is there a Volkswagen van? +partiprompts0,"A cheerful sloth, adorned with a black leather jacket and a brown cowboy hat, stands confidently on a patch of green grass. Its attire is completed with a red tartan kilt and a neatly tied bowtie. In one claw, it grasps a sturdy quarterstaff, while the other holds a large, ancient-looking book. Positioned a short distance behind the sloth, there is a gleaming Volkswagen van, its exterior decorated with vibrant flower patterns. The entire whimsical scene is captured through a wide-angle lens from a low vantage point, emphasizing the sloth's stature and the van's presence.",,12,5,attribute,color,"attribute - color (jacket, black)",Is the jacket black? +partiprompts0,"A cheerful sloth, adorned with a black leather jacket and a brown cowboy hat, stands confidently on a patch of green grass. Its attire is completed with a red tartan kilt and a neatly tied bowtie. In one claw, it grasps a sturdy quarterstaff, while the other holds a large, ancient-looking book. Positioned a short distance behind the sloth, there is a gleaming Volkswagen van, its exterior decorated with vibrant flower patterns. The entire whimsical scene is captured through a wide-angle lens from a low vantage point, emphasizing the sloth's stature and the van's presence.",,13,6,attribute,color,"attribute - color (hat, brown)",Is the hat brown? +partiprompts0,"A cheerful sloth, adorned with a black leather jacket and a brown cowboy hat, stands confidently on a patch of green grass. Its attire is completed with a red tartan kilt and a neatly tied bowtie. In one claw, it grasps a sturdy quarterstaff, while the other holds a large, ancient-looking book. Positioned a short distance behind the sloth, there is a gleaming Volkswagen van, its exterior decorated with vibrant flower patterns. The entire whimsical scene is captured through a wide-angle lens from a low vantage point, emphasizing the sloth's stature and the van's presence.",,14,7,attribute,color,"attribute - color (kilt, red tartan)",Is the kilt red tartan? +partiprompts0,"A cheerful sloth, adorned with a black leather jacket and a brown cowboy hat, stands confidently on a patch of green grass. Its attire is completed with a red tartan kilt and a neatly tied bowtie. In one claw, it grasps a sturdy quarterstaff, while the other holds a large, ancient-looking book. Positioned a short distance behind the sloth, there is a gleaming Volkswagen van, its exterior decorated with vibrant flower patterns. The entire whimsical scene is captured through a wide-angle lens from a low vantage point, emphasizing the sloth's stature and the van's presence.",,15,5,attribute,texture,"attribute - texture (jacket, leather)",Is the jacket made of leather? +partiprompts0,"A cheerful sloth, adorned with a black leather jacket and a brown cowboy hat, stands confidently on a patch of green grass. Its attire is completed with a red tartan kilt and a neatly tied bowtie. In one claw, it grasps a sturdy quarterstaff, while the other holds a large, ancient-looking book. Positioned a short distance behind the sloth, there is a gleaming Volkswagen van, its exterior decorated with vibrant flower patterns. The entire whimsical scene is captured through a wide-angle lens from a low vantage point, emphasizing the sloth's stature and the van's presence.",,16,7,attribute,texture,"attribute - texture (kilt, tartan)",Is the kilt tartan? +partiprompts0,"A cheerful sloth, adorned with a black leather jacket and a brown cowboy hat, stands confidently on a patch of green grass. Its attire is completed with a red tartan kilt and a neatly tied bowtie. In one claw, it grasps a sturdy quarterstaff, while the other holds a large, ancient-looking book. Positioned a short distance behind the sloth, there is a gleaming Volkswagen van, its exterior decorated with vibrant flower patterns. The entire whimsical scene is captured through a wide-angle lens from a low vantage point, emphasizing the sloth's stature and the van's presence.",,17,10,attribute,other,"attribute - other (book, ancient-looking)",Is the book ancient-looking? +partiprompts0,"A cheerful sloth, adorned with a black leather jacket and a brown cowboy hat, stands confidently on a patch of green grass. Its attire is completed with a red tartan kilt and a neatly tied bowtie. In one claw, it grasps a sturdy quarterstaff, while the other holds a large, ancient-looking book. Positioned a short distance behind the sloth, there is a gleaming Volkswagen van, its exterior decorated with vibrant flower patterns. The entire whimsical scene is captured through a wide-angle lens from a low vantage point, emphasizing the sloth's stature and the van's presence.",,18,11,attribute,other,"attribute - other (van, gleaming)",Is the van gleaming? +partiprompts0,"A cheerful sloth, adorned with a black leather jacket and a brown cowboy hat, stands confidently on a patch of green grass. Its attire is completed with a red tartan kilt and a neatly tied bowtie. In one claw, it grasps a sturdy quarterstaff, while the other holds a large, ancient-looking book. Positioned a short distance behind the sloth, there is a gleaming Volkswagen van, its exterior decorated with vibrant flower patterns. The entire whimsical scene is captured through a wide-angle lens from a low vantage point, emphasizing the sloth's stature and the van's presence.",,19,11,attribute,other,"attribute - other (van, decorated with vibrant flower patterns)",Is the van decorated with vibrant flower patterns? +partiprompts0,"A cheerful sloth, adorned with a black leather jacket and a brown cowboy hat, stands confidently on a patch of green grass. Its attire is completed with a red tartan kilt and a neatly tied bowtie. In one claw, it grasps a sturdy quarterstaff, while the other holds a large, ancient-looking book. Positioned a short distance behind the sloth, there is a gleaming Volkswagen van, its exterior decorated with vibrant flower patterns. The entire whimsical scene is captured through a wide-angle lens from a low vantage point, emphasizing the sloth's stature and the van's presence.",,20,1,global,,global - (cheerful),Is the sloth cheerful? +partiprompts0,"A cheerful sloth, adorned with a black leather jacket and a brown cowboy hat, stands confidently on a patch of green grass. Its attire is completed with a red tartan kilt and a neatly tied bowtie. In one claw, it grasps a sturdy quarterstaff, while the other holds a large, ancient-looking book. Positioned a short distance behind the sloth, there is a gleaming Volkswagen van, its exterior decorated with vibrant flower patterns. The entire whimsical scene is captured through a wide-angle lens from a low vantage point, emphasizing the sloth's stature and the van's presence.",,21,1,global,,global - (whimsical),Is the scene whimsical? +partiprompts0,"A cheerful sloth, adorned with a black leather jacket and a brown cowboy hat, stands confidently on a patch of green grass. Its attire is completed with a red tartan kilt and a neatly tied bowtie. In one claw, it grasps a sturdy quarterstaff, while the other holds a large, ancient-looking book. Positioned a short distance behind the sloth, there is a gleaming Volkswagen van, its exterior decorated with vibrant flower patterns. The entire whimsical scene is captured through a wide-angle lens from a low vantage point, emphasizing the sloth's stature and the van's presence.",,22,1,global,,global - (wide-angle lens),Was the scene captured with a wide-angle lens? +partiprompts0,"A cheerful sloth, adorned with a black leather jacket and a brown cowboy hat, stands confidently on a patch of green grass. Its attire is completed with a red tartan kilt and a neatly tied bowtie. In one claw, it grasps a sturdy quarterstaff, while the other holds a large, ancient-looking book. Positioned a short distance behind the sloth, there is a gleaming Volkswagen van, its exterior decorated with vibrant flower patterns. The entire whimsical scene is captured through a wide-angle lens from a low vantage point, emphasizing the sloth's stature and the van's presence.",,23,1,global,,global - (low vantage point),Was the scene captured from a low vantage point? +partiprompts0,"A cheerful sloth, adorned with a black leather jacket and a brown cowboy hat, stands confidently on a patch of green grass. Its attire is completed with a red tartan kilt and a neatly tied bowtie. In one claw, it grasps a sturdy quarterstaff, while the other holds a large, ancient-looking book. Positioned a short distance behind the sloth, there is a gleaming Volkswagen van, its exterior decorated with vibrant flower patterns. The entire whimsical scene is captured through a wide-angle lens from a low vantage point, emphasizing the sloth's stature and the van's presence.",,24,"1,24",relation,spatial,"relation - spatial (sloth, grass, on)",Is the sloth standing on a patch of green grass? +partiprompts0,"A cheerful sloth, adorned with a black leather jacket and a brown cowboy hat, stands confidently on a patch of green grass. Its attire is completed with a red tartan kilt and a neatly tied bowtie. In one claw, it grasps a sturdy quarterstaff, while the other holds a large, ancient-looking book. Positioned a short distance behind the sloth, there is a gleaming Volkswagen van, its exterior decorated with vibrant flower patterns. The entire whimsical scene is captured through a wide-angle lens from a low vantage point, emphasizing the sloth's stature and the van's presence.",,25,"1,11",relation,spatial,"relation - spatial (sloth, van, behind)",Is the van positioned behind the sloth? +partiprompts0,"A cheerful sloth, adorned with a black leather jacket and a brown cowboy hat, stands confidently on a patch of green grass. Its attire is completed with a red tartan kilt and a neatly tied bowtie. In one claw, it grasps a sturdy quarterstaff, while the other holds a large, ancient-looking book. Positioned a short distance behind the sloth, there is a gleaming Volkswagen van, its exterior decorated with vibrant flower patterns. The entire whimsical scene is captured through a wide-angle lens from a low vantage point, emphasizing the sloth's stature and the van's presence.",,26,"11,24",relation,spatial,"relation - spatial (van, grass, on)",Is the van also on the grass? +partiprompts216,"A vibrant underwater scene where a yellow dump truck, brimming with black and white soccer balls, is whimsically placed among the colorful coral reef. The truck appears to be 'scuba diving' in the clear blue waters, surrounded by schools of tropical fish and intricate sea life. The coral formations exhibit a multitude of hues, from bright pinks to deep purples, creating a playful contrast with the artificiality of the submerged vehicle.",,1,0,global,,global - (underwater scene),Is this an underwater scene? +partiprompts216,"A vibrant underwater scene where a yellow dump truck, brimming with black and white soccer balls, is whimsically placed among the colorful coral reef. The truck appears to be 'scuba diving' in the clear blue waters, surrounded by schools of tropical fish and intricate sea life. The coral formations exhibit a multitude of hues, from bright pinks to deep purples, creating a playful contrast with the artificiality of the submerged vehicle.",,2,0,entity,whole,entity - whole (dump truck),Is there a dump truck? +partiprompts216,"A vibrant underwater scene where a yellow dump truck, brimming with black and white soccer balls, is whimsically placed among the colorful coral reef. The truck appears to be 'scuba diving' in the clear blue waters, surrounded by schools of tropical fish and intricate sea life. The coral formations exhibit a multitude of hues, from bright pinks to deep purples, creating a playful contrast with the artificiality of the submerged vehicle.",,3,0,entity,whole,entity - whole (soccer balls),Are there soccer balls? +partiprompts216,"A vibrant underwater scene where a yellow dump truck, brimming with black and white soccer balls, is whimsically placed among the colorful coral reef. The truck appears to be 'scuba diving' in the clear blue waters, surrounded by schools of tropical fish and intricate sea life. The coral formations exhibit a multitude of hues, from bright pinks to deep purples, creating a playful contrast with the artificiality of the submerged vehicle.",,4,0,entity,whole,entity - whole (coral reef),Is there a coral reef? +partiprompts216,"A vibrant underwater scene where a yellow dump truck, brimming with black and white soccer balls, is whimsically placed among the colorful coral reef. The truck appears to be 'scuba diving' in the clear blue waters, surrounded by schools of tropical fish and intricate sea life. The coral formations exhibit a multitude of hues, from bright pinks to deep purples, creating a playful contrast with the artificiality of the submerged vehicle.",,5,0,entity,whole,entity - whole (clear blue waters),Are there clear blue waters? +partiprompts216,"A vibrant underwater scene where a yellow dump truck, brimming with black and white soccer balls, is whimsically placed among the colorful coral reef. The truck appears to be 'scuba diving' in the clear blue waters, surrounded by schools of tropical fish and intricate sea life. The coral formations exhibit a multitude of hues, from bright pinks to deep purples, creating a playful contrast with the artificiality of the submerged vehicle.",,6,0,entity,whole,entity - whole (schools of tropical fish),Are there schools of tropical fish? +partiprompts216,"A vibrant underwater scene where a yellow dump truck, brimming with black and white soccer balls, is whimsically placed among the colorful coral reef. The truck appears to be 'scuba diving' in the clear blue waters, surrounded by schools of tropical fish and intricate sea life. The coral formations exhibit a multitude of hues, from bright pinks to deep purples, creating a playful contrast with the artificiality of the submerged vehicle.",,7,0,entity,whole,entity - whole (intricate sea life),Is there intricate sea life? +partiprompts216,"A vibrant underwater scene where a yellow dump truck, brimming with black and white soccer balls, is whimsically placed among the colorful coral reef. The truck appears to be 'scuba diving' in the clear blue waters, surrounded by schools of tropical fish and intricate sea life. The coral formations exhibit a multitude of hues, from bright pinks to deep purples, creating a playful contrast with the artificiality of the submerged vehicle.",,8,2,attribute,color,"attribute - color (dump truck, yellow)",Is the dump truck yellow? +partiprompts216,"A vibrant underwater scene where a yellow dump truck, brimming with black and white soccer balls, is whimsically placed among the colorful coral reef. The truck appears to be 'scuba diving' in the clear blue waters, surrounded by schools of tropical fish and intricate sea life. The coral formations exhibit a multitude of hues, from bright pinks to deep purples, creating a playful contrast with the artificiality of the submerged vehicle.",,9,3,attribute,color,"attribute - color (soccer balls, black and white)",Are the soccer balls black and white? +partiprompts216,"A vibrant underwater scene where a yellow dump truck, brimming with black and white soccer balls, is whimsically placed among the colorful coral reef. The truck appears to be 'scuba diving' in the clear blue waters, surrounded by schools of tropical fish and intricate sea life. The coral formations exhibit a multitude of hues, from bright pinks to deep purples, creating a playful contrast with the artificiality of the submerged vehicle.",,10,4,attribute,texture,"attribute - texture (coral formations, colorful)",Are the coral formations colorful? +partiprompts216,"A vibrant underwater scene where a yellow dump truck, brimming with black and white soccer balls, is whimsically placed among the colorful coral reef. The truck appears to be 'scuba diving' in the clear blue waters, surrounded by schools of tropical fish and intricate sea life. The coral formations exhibit a multitude of hues, from bright pinks to deep purples, creating a playful contrast with the artificiality of the submerged vehicle.",,11,5,attribute,texture,"attribute - texture (clear blue waters, clear)",Are the clear blue waters clear? +partiprompts216,"A vibrant underwater scene where a yellow dump truck, brimming with black and white soccer balls, is whimsically placed among the colorful coral reef. The truck appears to be 'scuba diving' in the clear blue waters, surrounded by schools of tropical fish and intricate sea life. The coral formations exhibit a multitude of hues, from bright pinks to deep purples, creating a playful contrast with the artificiality of the submerged vehicle.",,12,"2,4",relation,spatial,"relation - spatial (dump truck, coral reef, among)",Is the dump truck among the coral reef? +partiprompts216,"A vibrant underwater scene where a yellow dump truck, brimming with black and white soccer balls, is whimsically placed among the colorful coral reef. The truck appears to be 'scuba diving' in the clear blue waters, surrounded by schools of tropical fish and intricate sea life. The coral formations exhibit a multitude of hues, from bright pinks to deep purples, creating a playful contrast with the artificiality of the submerged vehicle.",,13,"2,5",relation,spatial,"relation - spatial (dump truck, clear blue waters, in)",Is the dump truck in the clear blue waters? +partiprompts216,"A vibrant underwater scene where a yellow dump truck, brimming with black and white soccer balls, is whimsically placed among the colorful coral reef. The truck appears to be 'scuba diving' in the clear blue waters, surrounded by schools of tropical fish and intricate sea life. The coral formations exhibit a multitude of hues, from bright pinks to deep purples, creating a playful contrast with the artificiality of the submerged vehicle.",,14,"2,6",relation,spatial,"relation - spatial (dump truck, schools of tropical fish, surrounded by)",Is the dump truck surrounded by schools of tropical fish? +partiprompts216,"A vibrant underwater scene where a yellow dump truck, brimming with black and white soccer balls, is whimsically placed among the colorful coral reef. The truck appears to be 'scuba diving' in the clear blue waters, surrounded by schools of tropical fish and intricate sea life. The coral formations exhibit a multitude of hues, from bright pinks to deep purples, creating a playful contrast with the artificiality of the submerged vehicle.",,15,"2,7",relation,spatial,"relation - spatial (dump truck, intricate sea life, surrounded by)",Is the dump truck surrounded by intricate sea life? +partiprompts216,"A vibrant underwater scene where a yellow dump truck, brimming with black and white soccer balls, is whimsically placed among the colorful coral reef. The truck appears to be 'scuba diving' in the clear blue waters, surrounded by schools of tropical fish and intricate sea life. The coral formations exhibit a multitude of hues, from bright pinks to deep purples, creating a playful contrast with the artificiality of the submerged vehicle.",,16,"4,2",relation,spatial,"relation - spatial (coral formations, dump truck, contrast with)",Do the coral formations create a contrast with the dump truck? +partiprompts265,"a metallic humanoid robot with a sleek silver finish is captured in mid-air, its limbs splayed out in a dramatic fashion. the robot is surrounded by a vibrant array of Easter eggs, each painted in bright, glossy hues of pink, blue, yellow, and green. the eggs are scattered haphazardly on the lush green grass beneath the robot, creating a stark contrast with the android's chrome appearance.",,1,0,entity,whole,entity - whole (robot),Is there a robot? +partiprompts265,"a metallic humanoid robot with a sleek silver finish is captured in mid-air, its limbs splayed out in a dramatic fashion. the robot is surrounded by a vibrant array of Easter eggs, each painted in bright, glossy hues of pink, blue, yellow, and green. the eggs are scattered haphazardly on the lush green grass beneath the robot, creating a stark contrast with the android's chrome appearance.",,2,1,attribute,texture,"attribute - texture (robot, metallic)",Is the robot metallic? +partiprompts265,"a metallic humanoid robot with a sleek silver finish is captured in mid-air, its limbs splayed out in a dramatic fashion. the robot is surrounded by a vibrant array of Easter eggs, each painted in bright, glossy hues of pink, blue, yellow, and green. the eggs are scattered haphazardly on the lush green grass beneath the robot, creating a stark contrast with the android's chrome appearance.",,3,1,attribute,color,"attribute - color (robot, silver)",Is the robot silver? +partiprompts265,"a metallic humanoid robot with a sleek silver finish is captured in mid-air, its limbs splayed out in a dramatic fashion. the robot is surrounded by a vibrant array of Easter eggs, each painted in bright, glossy hues of pink, blue, yellow, and green. the eggs are scattered haphazardly on the lush green grass beneath the robot, creating a stark contrast with the android's chrome appearance.",,4,1,entity,state,"entity - state (robot, mid-air)",Is the robot captured in mid-air? +partiprompts265,"a metallic humanoid robot with a sleek silver finish is captured in mid-air, its limbs splayed out in a dramatic fashion. the robot is surrounded by a vibrant array of Easter eggs, each painted in bright, glossy hues of pink, blue, yellow, and green. the eggs are scattered haphazardly on the lush green grass beneath the robot, creating a stark contrast with the android's chrome appearance.",,5,1,entity,state,"entity - state (robot's limbs, splayed out)",Are the robot's limbs splayed out? +partiprompts265,"a metallic humanoid robot with a sleek silver finish is captured in mid-air, its limbs splayed out in a dramatic fashion. the robot is surrounded by a vibrant array of Easter eggs, each painted in bright, glossy hues of pink, blue, yellow, and green. the eggs are scattered haphazardly on the lush green grass beneath the robot, creating a stark contrast with the android's chrome appearance.",,6,0,entity,whole,entity - whole (Easter eggs),Are there Easter eggs? +partiprompts265,"a metallic humanoid robot with a sleek silver finish is captured in mid-air, its limbs splayed out in a dramatic fashion. the robot is surrounded by a vibrant array of Easter eggs, each painted in bright, glossy hues of pink, blue, yellow, and green. the eggs are scattered haphazardly on the lush green grass beneath the robot, creating a stark contrast with the android's chrome appearance.",,7,6,other,count,"other - count (Easter eggs, ==4)",Are there four Easter eggs? +partiprompts265,"a metallic humanoid robot with a sleek silver finish is captured in mid-air, its limbs splayed out in a dramatic fashion. the robot is surrounded by a vibrant array of Easter eggs, each painted in bright, glossy hues of pink, blue, yellow, and green. the eggs are scattered haphazardly on the lush green grass beneath the robot, creating a stark contrast with the android's chrome appearance.",,8,6,attribute,color,"attribute - color (Easter eggs, pink)",Are the Easter eggs pink? +partiprompts265,"a metallic humanoid robot with a sleek silver finish is captured in mid-air, its limbs splayed out in a dramatic fashion. the robot is surrounded by a vibrant array of Easter eggs, each painted in bright, glossy hues of pink, blue, yellow, and green. the eggs are scattered haphazardly on the lush green grass beneath the robot, creating a stark contrast with the android's chrome appearance.",,9,6,attribute,color,"attribute - color (Easter eggs, blue)",Are the Easter eggs blue? +partiprompts265,"a metallic humanoid robot with a sleek silver finish is captured in mid-air, its limbs splayed out in a dramatic fashion. the robot is surrounded by a vibrant array of Easter eggs, each painted in bright, glossy hues of pink, blue, yellow, and green. the eggs are scattered haphazardly on the lush green grass beneath the robot, creating a stark contrast with the android's chrome appearance.",,10,6,attribute,color,"attribute - color (Easter eggs, yellow)",Are the Easter eggs yellow? +partiprompts265,"a metallic humanoid robot with a sleek silver finish is captured in mid-air, its limbs splayed out in a dramatic fashion. the robot is surrounded by a vibrant array of Easter eggs, each painted in bright, glossy hues of pink, blue, yellow, and green. the eggs are scattered haphazardly on the lush green grass beneath the robot, creating a stark contrast with the android's chrome appearance.",,11,6,attribute,color,"attribute - color (Easter eggs, green)",Are the Easter eggs green? +partiprompts265,"a metallic humanoid robot with a sleek silver finish is captured in mid-air, its limbs splayed out in a dramatic fashion. the robot is surrounded by a vibrant array of Easter eggs, each painted in bright, glossy hues of pink, blue, yellow, and green. the eggs are scattered haphazardly on the lush green grass beneath the robot, creating a stark contrast with the android's chrome appearance.",,12,6,attribute,texture,"attribute - texture (Easter eggs, glossy)",Are the Easter eggs glossy? +partiprompts265,"a metallic humanoid robot with a sleek silver finish is captured in mid-air, its limbs splayed out in a dramatic fashion. the robot is surrounded by a vibrant array of Easter eggs, each painted in bright, glossy hues of pink, blue, yellow, and green. the eggs are scattered haphazardly on the lush green grass beneath the robot, creating a stark contrast with the android's chrome appearance.",,13,6,relation,spatial,"relation - spatial (Easter eggs, grass, on)",Are the Easter eggs on the grass? +partiprompts265,"a metallic humanoid robot with a sleek silver finish is captured in mid-air, its limbs splayed out in a dramatic fashion. the robot is surrounded by a vibrant array of Easter eggs, each painted in bright, glossy hues of pink, blue, yellow, and green. the eggs are scattered haphazardly on the lush green grass beneath the robot, creating a stark contrast with the android's chrome appearance.",,14,13,attribute,color,"attribute - color (grass, lush green)",Is the grass lush green? +partiprompts265,"a metallic humanoid robot with a sleek silver finish is captured in mid-air, its limbs splayed out in a dramatic fashion. the robot is surrounded by a vibrant array of Easter eggs, each painted in bright, glossy hues of pink, blue, yellow, and green. the eggs are scattered haphazardly on the lush green grass beneath the robot, creating a stark contrast with the android's chrome appearance.",,15,"1,6",relation,spatial,"relation - spatial (robot, Easter eggs, surrounded by)",Is the robot surrounded by Easter eggs? +partiprompts265,"a metallic humanoid robot with a sleek silver finish is captured in mid-air, its limbs splayed out in a dramatic fashion. the robot is surrounded by a vibrant array of Easter eggs, each painted in bright, glossy hues of pink, blue, yellow, and green. the eggs are scattered haphazardly on the lush green grass beneath the robot, creating a stark contrast with the android's chrome appearance.",,16,"6,1",relation,spatial,"relation - spatial (Easter eggs, robot, surrounded by)",Are the Easter eggs surrounded by the robot? +partiprompts265,"a metallic humanoid robot with a sleek silver finish is captured in mid-air, its limbs splayed out in a dramatic fashion. the robot is surrounded by a vibrant array of Easter eggs, each painted in bright, glossy hues of pink, blue, yellow, and green. the eggs are scattered haphazardly on the lush green grass beneath the robot, creating a stark contrast with the android's chrome appearance.",,17,6,attribute,other,"attribute - other (Easter eggs, haphazardly scattered)",Are the Easter eggs scattered haphazardly? +partiprompts265,"a metallic humanoid robot with a sleek silver finish is captured in mid-air, its limbs splayed out in a dramatic fashion. the robot is surrounded by a vibrant array of Easter eggs, each painted in bright, glossy hues of pink, blue, yellow, and green. the eggs are scattered haphazardly on the lush green grass beneath the robot, creating a stark contrast with the android's chrome appearance.",,18,6,attribute,other,"attribute - other (Easter eggs, bright)",Are the Easter eggs bright? +partiprompts265,"a metallic humanoid robot with a sleek silver finish is captured in mid-air, its limbs splayed out in a dramatic fashion. the robot is surrounded by a vibrant array of Easter eggs, each painted in bright, glossy hues of pink, blue, yellow, and green. the eggs are scattered haphazardly on the lush green grass beneath the robot, creating a stark contrast with the android's chrome appearance.",,19,1,attribute,other,"attribute - other (robot, chrome appearance)",Does the robot have a chrome appearance? +partiprompts265,"a metallic humanoid robot with a sleek silver finish is captured in mid-air, its limbs splayed out in a dramatic fashion. the robot is surrounded by a vibrant array of Easter eggs, each painted in bright, glossy hues of pink, blue, yellow, and green. the eggs are scattered haphazardly on the lush green grass beneath the robot, creating a stark contrast with the android's chrome appearance.",,20,6,attribute,other,"attribute - other (Easter eggs, stark contrast)",Do the Easter eggs create a stark contrast with the robot? +partiprompts67,"A minimalist vector art logo, where the letters P, A, and X are creatively arranged to form the simple outline of an elephant facing left. The elephant silhouette is depicted in a vibrant orange hue against a clean, white background. The design is sleek and modern, with the negative space around the letters contributing to the overall elephant shape.",,1,0,global,,global - (minimalist),Is this a minimalist design? +partiprompts67,"A minimalist vector art logo, where the letters P, A, and X are creatively arranged to form the simple outline of an elephant facing left. The elephant silhouette is depicted in a vibrant orange hue against a clean, white background. The design is sleek and modern, with the negative space around the letters contributing to the overall elephant shape.",,2,0,global,,global - (vector art),Is this vector art? +partiprompts67,"A minimalist vector art logo, where the letters P, A, and X are creatively arranged to form the simple outline of an elephant facing left. The elephant silhouette is depicted in a vibrant orange hue against a clean, white background. The design is sleek and modern, with the negative space around the letters contributing to the overall elephant shape.",,3,0,entity,whole,entity - whole (logo),Is there a logo? +partiprompts67,"A minimalist vector art logo, where the letters P, A, and X are creatively arranged to form the simple outline of an elephant facing left. The elephant silhouette is depicted in a vibrant orange hue against a clean, white background. The design is sleek and modern, with the negative space around the letters contributing to the overall elephant shape.",,4,3,entity,whole,entity - whole (letters),Are there letters? +partiprompts67,"A minimalist vector art logo, where the letters P, A, and X are creatively arranged to form the simple outline of an elephant facing left. The elephant silhouette is depicted in a vibrant orange hue against a clean, white background. The design is sleek and modern, with the negative space around the letters contributing to the overall elephant shape.",,5,3,entity,whole,entity - whole (elephant),Is there an elephant? +partiprompts67,"A minimalist vector art logo, where the letters P, A, and X are creatively arranged to form the simple outline of an elephant facing left. The elephant silhouette is depicted in a vibrant orange hue against a clean, white background. The design is sleek and modern, with the negative space around the letters contributing to the overall elephant shape.",,6,5,attribute,shape,"attribute - shape (elephant, silhouette)",Is the elephant's shape a silhouette? +partiprompts67,"A minimalist vector art logo, where the letters P, A, and X are creatively arranged to form the simple outline of an elephant facing left. The elephant silhouette is depicted in a vibrant orange hue against a clean, white background. The design is sleek and modern, with the negative space around the letters contributing to the overall elephant shape.",,7,5,attribute,color,"attribute - color (elephant, vibrant orange)",Is the elephant orange? +partiprompts67,"A minimalist vector art logo, where the letters P, A, and X are creatively arranged to form the simple outline of an elephant facing left. The elephant silhouette is depicted in a vibrant orange hue against a clean, white background. The design is sleek and modern, with the negative space around the letters contributing to the overall elephant shape.",,8,3,attribute,color,"attribute - color (background, white)",Is the background white? +partiprompts67,"A minimalist vector art logo, where the letters P, A, and X are creatively arranged to form the simple outline of an elephant facing left. The elephant silhouette is depicted in a vibrant orange hue against a clean, white background. The design is sleek and modern, with the negative space around the letters contributing to the overall elephant shape.",,9,3,attribute,texture,"attribute - texture (design, sleek and modern)",Is the design sleek and modern? +partiprompts67,"A minimalist vector art logo, where the letters P, A, and X are creatively arranged to form the simple outline of an elephant facing left. The elephant silhouette is depicted in a vibrant orange hue against a clean, white background. The design is sleek and modern, with the negative space around the letters contributing to the overall elephant shape.",,10,3,attribute,texture,"attribute - texture (negative space, around letters)",Is there negative space around the letters? +partiprompts67,"A minimalist vector art logo, where the letters P, A, and X are creatively arranged to form the simple outline of an elephant facing left. The elephant silhouette is depicted in a vibrant orange hue against a clean, white background. The design is sleek and modern, with the negative space around the letters contributing to the overall elephant shape.",,11,"4,5",relation,spatial,"relation - spatial (letters, elephant, creatively arranged)",Are the letters creatively arranged to form the elephant? +partiprompts67,"A minimalist vector art logo, where the letters P, A, and X are creatively arranged to form the simple outline of an elephant facing left. The elephant silhouette is depicted in a vibrant orange hue against a clean, white background. The design is sleek and modern, with the negative space around the letters contributing to the overall elephant shape.",,12,"5,8",relation,spatial,"relation - spatial (elephant, background, against)",Is the elephant depicted against the background? +partiprompts185,"A picturesque painting depicting a charming white country home with a spacious wrap-around porch adorned with hanging flower baskets. The house is set against a backdrop of lush greenery, with a cobblestone pathway leading to its welcoming front steps. The porch railing is intricately designed, and the home's windows boast traditional shutters, adding to the quaint aesthetic of the scene.",,1,0,entity,whole,entity - whole (painting),Is there a painting? +partiprompts185,"A picturesque painting depicting a charming white country home with a spacious wrap-around porch adorned with hanging flower baskets. The house is set against a backdrop of lush greenery, with a cobblestone pathway leading to its welcoming front steps. The porch railing is intricately designed, and the home's windows boast traditional shutters, adding to the quaint aesthetic of the scene.",,2,1,entity,whole,entity - whole (country home),Is there a country home? +partiprompts185,"A picturesque painting depicting a charming white country home with a spacious wrap-around porch adorned with hanging flower baskets. The house is set against a backdrop of lush greenery, with a cobblestone pathway leading to its welcoming front steps. The porch railing is intricately designed, and the home's windows boast traditional shutters, adding to the quaint aesthetic of the scene.",,3,2,entity,whole,entity - whole (porch),Is there a porch? +partiprompts185,"A picturesque painting depicting a charming white country home with a spacious wrap-around porch adorned with hanging flower baskets. The house is set against a backdrop of lush greenery, with a cobblestone pathway leading to its welcoming front steps. The porch railing is intricately designed, and the home's windows boast traditional shutters, adding to the quaint aesthetic of the scene.",,4,3,entity,whole,entity - whole (flower baskets),Are there flower baskets? +partiprompts185,"A picturesque painting depicting a charming white country home with a spacious wrap-around porch adorned with hanging flower baskets. The house is set against a backdrop of lush greenery, with a cobblestone pathway leading to its welcoming front steps. The porch railing is intricately designed, and the home's windows boast traditional shutters, adding to the quaint aesthetic of the scene.",,5,1,entity,whole,entity - whole (greenery),Is there greenery? +partiprompts185,"A picturesque painting depicting a charming white country home with a spacious wrap-around porch adorned with hanging flower baskets. The house is set against a backdrop of lush greenery, with a cobblestone pathway leading to its welcoming front steps. The porch railing is intricately designed, and the home's windows boast traditional shutters, adding to the quaint aesthetic of the scene.",,6,1,entity,whole,entity - whole (cobblestone pathway),Is there a cobblestone pathway? +partiprompts185,"A picturesque painting depicting a charming white country home with a spacious wrap-around porch adorned with hanging flower baskets. The house is set against a backdrop of lush greenery, with a cobblestone pathway leading to its welcoming front steps. The porch railing is intricately designed, and the home's windows boast traditional shutters, adding to the quaint aesthetic of the scene.",,7,1,entity,whole,entity - whole (front steps),Are there front steps? +partiprompts185,"A picturesque painting depicting a charming white country home with a spacious wrap-around porch adorned with hanging flower baskets. The house is set against a backdrop of lush greenery, with a cobblestone pathway leading to its welcoming front steps. The porch railing is intricately designed, and the home's windows boast traditional shutters, adding to the quaint aesthetic of the scene.",,8,3,entity,whole,entity - whole (porch railing),Is there a porch railing? +partiprompts185,"A picturesque painting depicting a charming white country home with a spacious wrap-around porch adorned with hanging flower baskets. The house is set against a backdrop of lush greenery, with a cobblestone pathway leading to its welcoming front steps. The porch railing is intricately designed, and the home's windows boast traditional shutters, adding to the quaint aesthetic of the scene.",,9,1,entity,whole,entity - whole (windows),Are there windows? +partiprompts185,"A picturesque painting depicting a charming white country home with a spacious wrap-around porch adorned with hanging flower baskets. The house is set against a backdrop of lush greenery, with a cobblestone pathway leading to its welcoming front steps. The porch railing is intricately designed, and the home's windows boast traditional shutters, adding to the quaint aesthetic of the scene.",,10,9,entity,whole,entity - whole (shutters),Are there shutters? +partiprompts185,"A picturesque painting depicting a charming white country home with a spacious wrap-around porch adorned with hanging flower baskets. The house is set against a backdrop of lush greenery, with a cobblestone pathway leading to its welcoming front steps. The porch railing is intricately designed, and the home's windows boast traditional shutters, adding to the quaint aesthetic of the scene.",,11,2,attribute,color,"attribute - color (home, white)",Is the home white? +partiprompts185,"A picturesque painting depicting a charming white country home with a spacious wrap-around porch adorned with hanging flower baskets. The house is set against a backdrop of lush greenery, with a cobblestone pathway leading to its welcoming front steps. The porch railing is intricately designed, and the home's windows boast traditional shutters, adding to the quaint aesthetic of the scene.",,12,3,attribute,texture,"attribute - texture (porch, spacious)",Is the porch spacious? +partiprompts185,"A picturesque painting depicting a charming white country home with a spacious wrap-around porch adorned with hanging flower baskets. The house is set against a backdrop of lush greenery, with a cobblestone pathway leading to its welcoming front steps. The porch railing is intricately designed, and the home's windows boast traditional shutters, adding to the quaint aesthetic of the scene.",,13,4,attribute,texture,"attribute - texture (flower baskets, hanging)",Are the flower baskets hanging? +partiprompts185,"A picturesque painting depicting a charming white country home with a spacious wrap-around porch adorned with hanging flower baskets. The house is set against a backdrop of lush greenery, with a cobblestone pathway leading to its welcoming front steps. The porch railing is intricately designed, and the home's windows boast traditional shutters, adding to the quaint aesthetic of the scene.",,14,5,attribute,texture,"attribute - texture (greenery, lush)",Is the greenery lush? +partiprompts185,"A picturesque painting depicting a charming white country home with a spacious wrap-around porch adorned with hanging flower baskets. The house is set against a backdrop of lush greenery, with a cobblestone pathway leading to its welcoming front steps. The porch railing is intricately designed, and the home's windows boast traditional shutters, adding to the quaint aesthetic of the scene.",,15,6,attribute,texture,"attribute - texture (pathway, cobblestone)",Is the pathway cobblestone? +partiprompts185,"A picturesque painting depicting a charming white country home with a spacious wrap-around porch adorned with hanging flower baskets. The house is set against a backdrop of lush greenery, with a cobblestone pathway leading to its welcoming front steps. The porch railing is intricately designed, and the home's windows boast traditional shutters, adding to the quaint aesthetic of the scene.",,16,3,attribute,texture,"attribute - texture (front steps, welcoming)",Are the front steps welcoming? +partiprompts185,"A picturesque painting depicting a charming white country home with a spacious wrap-around porch adorned with hanging flower baskets. The house is set against a backdrop of lush greenery, with a cobblestone pathway leading to its welcoming front steps. The porch railing is intricately designed, and the home's windows boast traditional shutters, adding to the quaint aesthetic of the scene.",,17,8,attribute,texture,"attribute - texture (porch railing, intricately designed)",Is the porch railing intricately designed? +partiprompts185,"A picturesque painting depicting a charming white country home with a spacious wrap-around porch adorned with hanging flower baskets. The house is set against a backdrop of lush greenery, with a cobblestone pathway leading to its welcoming front steps. The porch railing is intricately designed, and the home's windows boast traditional shutters, adding to the quaint aesthetic of the scene.",,18,9,attribute,texture,"attribute - texture (windows, traditional)",Are the windows traditional? +partiprompts185,"A picturesque painting depicting a charming white country home with a spacious wrap-around porch adorned with hanging flower baskets. The house is set against a backdrop of lush greenery, with a cobblestone pathway leading to its welcoming front steps. The porch railing is intricately designed, and the home's windows boast traditional shutters, adding to the quaint aesthetic of the scene.",,19,9,attribute,texture,"attribute - texture (shutters, quaint)",Are the shutters quaint? +partiprompts185,"A picturesque painting depicting a charming white country home with a spacious wrap-around porch adorned with hanging flower baskets. The house is set against a backdrop of lush greenery, with a cobblestone pathway leading to its welcoming front steps. The porch railing is intricately designed, and the home's windows boast traditional shutters, adding to the quaint aesthetic of the scene.",,20,"1,2",relation,spatial,"relation - spatial (home, porch, with)",Is the home with a porch? +partiprompts185,"A picturesque painting depicting a charming white country home with a spacious wrap-around porch adorned with hanging flower baskets. The house is set against a backdrop of lush greenery, with a cobblestone pathway leading to its welcoming front steps. The porch railing is intricately designed, and the home's windows boast traditional shutters, adding to the quaint aesthetic of the scene.",,21,"3,4",relation,spatial,"relation - spatial (porch, flower baskets, adorned with)",Is the porch adorned with flower baskets? +partiprompts185,"A picturesque painting depicting a charming white country home with a spacious wrap-around porch adorned with hanging flower baskets. The house is set against a backdrop of lush greenery, with a cobblestone pathway leading to its welcoming front steps. The porch railing is intricately designed, and the home's windows boast traditional shutters, adding to the quaint aesthetic of the scene.",,22,"1,5",relation,spatial,"relation - spatial (home, greenery, against)",Is the home set against greenery? +partiprompts185,"A picturesque painting depicting a charming white country home with a spacious wrap-around porch adorned with hanging flower baskets. The house is set against a backdrop of lush greenery, with a cobblestone pathway leading to its welcoming front steps. The porch railing is intricately designed, and the home's windows boast traditional shutters, adding to the quaint aesthetic of the scene.",,23,"1,6",relation,non-spatial,"relation - non-spatial (home, pathway, leading to)",Does the pathway lead to the front steps? +partiprompts185,"A picturesque painting depicting a charming white country home with a spacious wrap-around porch adorned with hanging flower baskets. The house is set against a backdrop of lush greenery, with a cobblestone pathway leading to its welcoming front steps. The porch railing is intricately designed, and the home's windows boast traditional shutters, adding to the quaint aesthetic of the scene.",,24,"1,9",relation,non-spatial,"relation - non-spatial (home, windows, boast)",Do the windows boast shutters? +partiprompts185,"A picturesque painting depicting a charming white country home with a spacious wrap-around porch adorned with hanging flower baskets. The house is set against a backdrop of lush greenery, with a cobblestone pathway leading to its welcoming front steps. The porch railing is intricately designed, and the home's windows boast traditional shutters, adding to the quaint aesthetic of the scene.",,25,"9,10",relation,spatial,"relation - spatial (windows, shutters, with)",Do the windows have shutters? +partiprompts183,"a concrete sidewalk running alongside a weathered wooden post, which has a bright blue '5' prominently painted on its flat top surface. The post is planted firmly in the ground, with patches of green grass sprouting around its base. To the side of the sidewalk, there's a neatly trimmed hedge that stretches out of view.",,1,0,entity,whole,entity - whole (sidewalk),Is there a sidewalk? +partiprompts183,"a concrete sidewalk running alongside a weathered wooden post, which has a bright blue '5' prominently painted on its flat top surface. The post is planted firmly in the ground, with patches of green grass sprouting around its base. To the side of the sidewalk, there's a neatly trimmed hedge that stretches out of view.",,2,0,entity,whole,entity - whole (wooden post),Is there a wooden post? +partiprompts183,"a concrete sidewalk running alongside a weathered wooden post, which has a bright blue '5' prominently painted on its flat top surface. The post is planted firmly in the ground, with patches of green grass sprouting around its base. To the side of the sidewalk, there's a neatly trimmed hedge that stretches out of view.",,3,0,entity,whole,entity - whole (grass),Is there grass? +partiprompts183,"a concrete sidewalk running alongside a weathered wooden post, which has a bright blue '5' prominently painted on its flat top surface. The post is planted firmly in the ground, with patches of green grass sprouting around its base. To the side of the sidewalk, there's a neatly trimmed hedge that stretches out of view.",,4,0,entity,whole,entity - whole (hedge),Is there a hedge? +partiprompts183,"a concrete sidewalk running alongside a weathered wooden post, which has a bright blue '5' prominently painted on its flat top surface. The post is planted firmly in the ground, with patches of green grass sprouting around its base. To the side of the sidewalk, there's a neatly trimmed hedge that stretches out of view.",,5,1,attribute,texture,"attribute - texture (sidewalk, concrete)",Is the sidewalk made of concrete? +partiprompts183,"a concrete sidewalk running alongside a weathered wooden post, which has a bright blue '5' prominently painted on its flat top surface. The post is planted firmly in the ground, with patches of green grass sprouting around its base. To the side of the sidewalk, there's a neatly trimmed hedge that stretches out of view.",,6,2,attribute,texture,"attribute - texture (post, weathered wood)",Is the wooden post weathered wood? +partiprompts183,"a concrete sidewalk running alongside a weathered wooden post, which has a bright blue '5' prominently painted on its flat top surface. The post is planted firmly in the ground, with patches of green grass sprouting around its base. To the side of the sidewalk, there's a neatly trimmed hedge that stretches out of view.",,7,2,attribute,color,"attribute - color (post, bright blue)",Is the wooden post bright blue? +partiprompts183,"a concrete sidewalk running alongside a weathered wooden post, which has a bright blue '5' prominently painted on its flat top surface. The post is planted firmly in the ground, with patches of green grass sprouting around its base. To the side of the sidewalk, there's a neatly trimmed hedge that stretches out of view.",,8,2,attribute,other,"attribute - other (post, prominently painted '5')",Is the number '5' prominently painted on the top of the post? +partiprompts183,"a concrete sidewalk running alongside a weathered wooden post, which has a bright blue '5' prominently painted on its flat top surface. The post is planted firmly in the ground, with patches of green grass sprouting around its base. To the side of the sidewalk, there's a neatly trimmed hedge that stretches out of view.",,9,2,attribute,other,"attribute - other (post, firmly planted)",Is the post firmly planted in the ground? +partiprompts183,"a concrete sidewalk running alongside a weathered wooden post, which has a bright blue '5' prominently painted on its flat top surface. The post is planted firmly in the ground, with patches of green grass sprouting around its base. To the side of the sidewalk, there's a neatly trimmed hedge that stretches out of view.",,10,3,attribute,other,"attribute - other (grass, patches of green)",Are there patches of green grass around the base of the post? +partiprompts183,"a concrete sidewalk running alongside a weathered wooden post, which has a bright blue '5' prominently painted on its flat top surface. The post is planted firmly in the ground, with patches of green grass sprouting around its base. To the side of the sidewalk, there's a neatly trimmed hedge that stretches out of view.",,11,"1,2",relation,spatial,"relation - spatial (sidewalk, post, alongside)",Is the sidewalk alongside the post? +partiprompts183,"a concrete sidewalk running alongside a weathered wooden post, which has a bright blue '5' prominently painted on its flat top surface. The post is planted firmly in the ground, with patches of green grass sprouting around its base. To the side of the sidewalk, there's a neatly trimmed hedge that stretches out of view.",,12,"2,3",relation,spatial,"relation - spatial (post, grass, around)",Is the grass around the post? +partiprompts183,"a concrete sidewalk running alongside a weathered wooden post, which has a bright blue '5' prominently painted on its flat top surface. The post is planted firmly in the ground, with patches of green grass sprouting around its base. To the side of the sidewalk, there's a neatly trimmed hedge that stretches out of view.",,13,"1,4",relation,spatial,"relation - spatial (sidewalk, hedge, to the side of)",Is the hedge to the side of the sidewalk? +partiprompts295,"a vibrant flower with large, crimson petals and a bright yellow center, standing in stark contrast to the moon's barren, grey surface. The flower's delicate texture is a surprising sight amidst the moon's craters and dust. In the background, the Earth can be seen rising, a swirl of blue and white, providing a breathtaking backdrop to this surreal lunar scene.",,1,0,entity,whole,entity - whole (flower),Is there a flower? +partiprompts295,"a vibrant flower with large, crimson petals and a bright yellow center, standing in stark contrast to the moon's barren, grey surface. The flower's delicate texture is a surprising sight amidst the moon's craters and dust. In the background, the Earth can be seen rising, a swirl of blue and white, providing a breathtaking backdrop to this surreal lunar scene.",,2,1,attribute,color,"attribute - color (flower, vibrant)",Is the flower vibrant? +partiprompts295,"a vibrant flower with large, crimson petals and a bright yellow center, standing in stark contrast to the moon's barren, grey surface. The flower's delicate texture is a surprising sight amidst the moon's craters and dust. In the background, the Earth can be seen rising, a swirl of blue and white, providing a breathtaking backdrop to this surreal lunar scene.",,3,1,attribute,size,"attribute - size (petals, large)",Are the petals large? +partiprompts295,"a vibrant flower with large, crimson petals and a bright yellow center, standing in stark contrast to the moon's barren, grey surface. The flower's delicate texture is a surprising sight amidst the moon's craters and dust. In the background, the Earth can be seen rising, a swirl of blue and white, providing a breathtaking backdrop to this surreal lunar scene.",,4,1,attribute,color,"attribute - color (petals, crimson)",Are the petals crimson? +partiprompts295,"a vibrant flower with large, crimson petals and a bright yellow center, standing in stark contrast to the moon's barren, grey surface. The flower's delicate texture is a surprising sight amidst the moon's craters and dust. In the background, the Earth can be seen rising, a swirl of blue and white, providing a breathtaking backdrop to this surreal lunar scene.",,5,1,attribute,color,"attribute - color (center, bright yellow)",Is the center bright yellow? +partiprompts295,"a vibrant flower with large, crimson petals and a bright yellow center, standing in stark contrast to the moon's barren, grey surface. The flower's delicate texture is a surprising sight amidst the moon's craters and dust. In the background, the Earth can be seen rising, a swirl of blue and white, providing a breathtaking backdrop to this surreal lunar scene.",,6,1,attribute,color,"attribute - color (moon's surface, barren grey)",Is the moon's surface barren and grey? +partiprompts295,"a vibrant flower with large, crimson petals and a bright yellow center, standing in stark contrast to the moon's barren, grey surface. The flower's delicate texture is a surprising sight amidst the moon's craters and dust. In the background, the Earth can be seen rising, a swirl of blue and white, providing a breathtaking backdrop to this surreal lunar scene.",,7,1,attribute,texture,"attribute - texture (flower, delicate)",Is the flower's texture delicate? +partiprompts295,"a vibrant flower with large, crimson petals and a bright yellow center, standing in stark contrast to the moon's barren, grey surface. The flower's delicate texture is a surprising sight amidst the moon's craters and dust. In the background, the Earth can be seen rising, a swirl of blue and white, providing a breathtaking backdrop to this surreal lunar scene.",,8,1,attribute,texture,"attribute - texture (moon's surface, craters and dust)",Is the moon's surface full of craters and dust? +partiprompts295,"a vibrant flower with large, crimson petals and a bright yellow center, standing in stark contrast to the moon's barren, grey surface. The flower's delicate texture is a surprising sight amidst the moon's craters and dust. In the background, the Earth can be seen rising, a swirl of blue and white, providing a breathtaking backdrop to this surreal lunar scene.",,9,"1,6",relation,spatial,"relation - spatial (flower, moon's surface, in contrast to)",Is the flower in contrast to the moon's surface? +partiprompts295,"a vibrant flower with large, crimson petals and a bright yellow center, standing in stark contrast to the moon's barren, grey surface. The flower's delicate texture is a surprising sight amidst the moon's craters and dust. In the background, the Earth can be seen rising, a swirl of blue and white, providing a breathtaking backdrop to this surreal lunar scene.",,10,0,relation,spatial,"relation - spatial (Earth, background, rising)",Is the Earth rising in the background? +partiprompts228,"a sleek black Harley-Davidson motorcycle, its chrome accents gleaming in the light, adorned with an intricate flame decal in hues of red and orange. The motorcycle is parked on a smooth concrete surface, and its polished wheels reflect the surrounding environment. The handlebars are equipped with leather grips, and the seat is crafted from a rich, black leather that looks both comfortable and stylish.",,1,0,entity,whole,entity - whole (motorcycle),Is there a motorcycle? +partiprompts228,"a sleek black Harley-Davidson motorcycle, its chrome accents gleaming in the light, adorned with an intricate flame decal in hues of red and orange. The motorcycle is parked on a smooth concrete surface, and its polished wheels reflect the surrounding environment. The handlebars are equipped with leather grips, and the seat is crafted from a rich, black leather that looks both comfortable and stylish.",,2,1,attribute,color,"attribute - color (motorcycle, black)",Is the motorcycle black? +partiprompts228,"a sleek black Harley-Davidson motorcycle, its chrome accents gleaming in the light, adorned with an intricate flame decal in hues of red and orange. The motorcycle is parked on a smooth concrete surface, and its polished wheels reflect the surrounding environment. The handlebars are equipped with leather grips, and the seat is crafted from a rich, black leather that looks both comfortable and stylish.",,3,1,attribute,texture,"attribute - texture (motorcycle's chrome accents, gleaming)",Are the chrome accents gleaming? +partiprompts228,"a sleek black Harley-Davidson motorcycle, its chrome accents gleaming in the light, adorned with an intricate flame decal in hues of red and orange. The motorcycle is parked on a smooth concrete surface, and its polished wheels reflect the surrounding environment. The handlebars are equipped with leather grips, and the seat is crafted from a rich, black leather that looks both comfortable and stylish.",,4,1,attribute,texture,"attribute - texture (motorcycle's flame decal, intricate)",Is the flame decal intricate? +partiprompts228,"a sleek black Harley-Davidson motorcycle, its chrome accents gleaming in the light, adorned with an intricate flame decal in hues of red and orange. The motorcycle is parked on a smooth concrete surface, and its polished wheels reflect the surrounding environment. The handlebars are equipped with leather grips, and the seat is crafted from a rich, black leather that looks both comfortable and stylish.",,5,4,attribute,color,"attribute - color (flame decal, red)",Is the flame decal red? +partiprompts228,"a sleek black Harley-Davidson motorcycle, its chrome accents gleaming in the light, adorned with an intricate flame decal in hues of red and orange. The motorcycle is parked on a smooth concrete surface, and its polished wheels reflect the surrounding environment. The handlebars are equipped with leather grips, and the seat is crafted from a rich, black leather that looks both comfortable and stylish.",,6,4,attribute,color,"attribute - color (flame decal, orange)",Is the flame decal orange? +partiprompts228,"a sleek black Harley-Davidson motorcycle, its chrome accents gleaming in the light, adorned with an intricate flame decal in hues of red and orange. The motorcycle is parked on a smooth concrete surface, and its polished wheels reflect the surrounding environment. The handlebars are equipped with leather grips, and the seat is crafted from a rich, black leather that looks both comfortable and stylish.",,7,1,attribute,texture,"attribute - texture (concrete surface, smooth)",Is the surface smooth? +partiprompts228,"a sleek black Harley-Davidson motorcycle, its chrome accents gleaming in the light, adorned with an intricate flame decal in hues of red and orange. The motorcycle is parked on a smooth concrete surface, and its polished wheels reflect the surrounding environment. The handlebars are equipped with leather grips, and the seat is crafted from a rich, black leather that looks both comfortable and stylish.",,8,1,attribute,texture,"attribute - texture (wheels, polished)",Are the wheels polished? +partiprompts228,"a sleek black Harley-Davidson motorcycle, its chrome accents gleaming in the light, adorned with an intricate flame decal in hues of red and orange. The motorcycle is parked on a smooth concrete surface, and its polished wheels reflect the surrounding environment. The handlebars are equipped with leather grips, and the seat is crafted from a rich, black leather that looks both comfortable and stylish.",,9,1,attribute,texture,"attribute - texture (handlebars, leather)",Are the handlebars made of leather? +partiprompts228,"a sleek black Harley-Davidson motorcycle, its chrome accents gleaming in the light, adorned with an intricate flame decal in hues of red and orange. The motorcycle is parked on a smooth concrete surface, and its polished wheels reflect the surrounding environment. The handlebars are equipped with leather grips, and the seat is crafted from a rich, black leather that looks both comfortable and stylish.",,10,1,attribute,texture,"attribute - texture (seat, leather)",Is the seat made of leather? +partiprompts228,"a sleek black Harley-Davidson motorcycle, its chrome accents gleaming in the light, adorned with an intricate flame decal in hues of red and orange. The motorcycle is parked on a smooth concrete surface, and its polished wheels reflect the surrounding environment. The handlebars are equipped with leather grips, and the seat is crafted from a rich, black leather that looks both comfortable and stylish.",,11,10,attribute,other,"attribute - other (seat, comfortable)",Is the seat comfortable? +partiprompts228,"a sleek black Harley-Davidson motorcycle, its chrome accents gleaming in the light, adorned with an intricate flame decal in hues of red and orange. The motorcycle is parked on a smooth concrete surface, and its polished wheels reflect the surrounding environment. The handlebars are equipped with leather grips, and the seat is crafted from a rich, black leather that looks both comfortable and stylish.",,12,10,attribute,other,"attribute - other (seat, stylish)",Is the seat stylish? +partiprompts55,"A stream of white milk flowing gracefully from a clear glass pitcher into a deep blue ceramic bowl. The bowl is sitting on a marble countertop, surrounded by a scattering of fresh strawberries and a box of cereal. Sunlight filters through a nearby window, casting a warm glow on the scene and highlighting the smooth texture of the milk's surface.",,1,0,entity,whole,entity - whole (milk),Is there milk? +partiprompts55,"A stream of white milk flowing gracefully from a clear glass pitcher into a deep blue ceramic bowl. The bowl is sitting on a marble countertop, surrounded by a scattering of fresh strawberries and a box of cereal. Sunlight filters through a nearby window, casting a warm glow on the scene and highlighting the smooth texture of the milk's surface.",,2,0,entity,whole,entity - whole (pitcher),Is there a pitcher? +partiprompts55,"A stream of white milk flowing gracefully from a clear glass pitcher into a deep blue ceramic bowl. The bowl is sitting on a marble countertop, surrounded by a scattering of fresh strawberries and a box of cereal. Sunlight filters through a nearby window, casting a warm glow on the scene and highlighting the smooth texture of the milk's surface.",,3,0,entity,whole,entity - whole (bowl),Is there a bowl? +partiprompts55,"A stream of white milk flowing gracefully from a clear glass pitcher into a deep blue ceramic bowl. The bowl is sitting on a marble countertop, surrounded by a scattering of fresh strawberries and a box of cereal. Sunlight filters through a nearby window, casting a warm glow on the scene and highlighting the smooth texture of the milk's surface.",,4,0,entity,whole,entity - whole (countertop),Is there a countertop? +partiprompts55,"A stream of white milk flowing gracefully from a clear glass pitcher into a deep blue ceramic bowl. The bowl is sitting on a marble countertop, surrounded by a scattering of fresh strawberries and a box of cereal. Sunlight filters through a nearby window, casting a warm glow on the scene and highlighting the smooth texture of the milk's surface.",,5,0,entity,whole,entity - whole (strawberries),Are there strawberries? +partiprompts55,"A stream of white milk flowing gracefully from a clear glass pitcher into a deep blue ceramic bowl. The bowl is sitting on a marble countertop, surrounded by a scattering of fresh strawberries and a box of cereal. Sunlight filters through a nearby window, casting a warm glow on the scene and highlighting the smooth texture of the milk's surface.",,6,0,entity,whole,entity - whole (cereal),Is there cereal? +partiprompts55,"A stream of white milk flowing gracefully from a clear glass pitcher into a deep blue ceramic bowl. The bowl is sitting on a marble countertop, surrounded by a scattering of fresh strawberries and a box of cereal. Sunlight filters through a nearby window, casting a warm glow on the scene and highlighting the smooth texture of the milk's surface.",,7,0,entity,whole,entity - whole (window),Is there a window? +partiprompts55,"A stream of white milk flowing gracefully from a clear glass pitcher into a deep blue ceramic bowl. The bowl is sitting on a marble countertop, surrounded by a scattering of fresh strawberries and a box of cereal. Sunlight filters through a nearby window, casting a warm glow on the scene and highlighting the smooth texture of the milk's surface.",,8,1,attribute,color,"attribute - color (milk, white)",Is the milk white? +partiprompts55,"A stream of white milk flowing gracefully from a clear glass pitcher into a deep blue ceramic bowl. The bowl is sitting on a marble countertop, surrounded by a scattering of fresh strawberries and a box of cereal. Sunlight filters through a nearby window, casting a warm glow on the scene and highlighting the smooth texture of the milk's surface.",,9,3,attribute,color,"attribute - color (bowl, deep blue)",Is the bowl deep blue? +partiprompts55,"A stream of white milk flowing gracefully from a clear glass pitcher into a deep blue ceramic bowl. The bowl is sitting on a marble countertop, surrounded by a scattering of fresh strawberries and a box of cereal. Sunlight filters through a nearby window, casting a warm glow on the scene and highlighting the smooth texture of the milk's surface.",,10,1,attribute,texture,"attribute - texture (milk, smooth)",Is the milk's texture smooth? +partiprompts55,"A stream of white milk flowing gracefully from a clear glass pitcher into a deep blue ceramic bowl. The bowl is sitting on a marble countertop, surrounded by a scattering of fresh strawberries and a box of cereal. Sunlight filters through a nearby window, casting a warm glow on the scene and highlighting the smooth texture of the milk's surface.",,11,"1,2",relation,spatial,"relation - spatial (milk, pitcher, flowing from)",Is the milk flowing from the pitcher? +partiprompts55,"A stream of white milk flowing gracefully from a clear glass pitcher into a deep blue ceramic bowl. The bowl is sitting on a marble countertop, surrounded by a scattering of fresh strawberries and a box of cereal. Sunlight filters through a nearby window, casting a warm glow on the scene and highlighting the smooth texture of the milk's surface.",,12,"2,3",relation,spatial,"relation - spatial (pitcher, bowl, into)",Is the milk flowing into the bowl? +partiprompts55,"A stream of white milk flowing gracefully from a clear glass pitcher into a deep blue ceramic bowl. The bowl is sitting on a marble countertop, surrounded by a scattering of fresh strawberries and a box of cereal. Sunlight filters through a nearby window, casting a warm glow on the scene and highlighting the smooth texture of the milk's surface.",,13,"3,4",relation,spatial,"relation - spatial (bowl, countertop, on)",Is the bowl on the countertop? +partiprompts55,"A stream of white milk flowing gracefully from a clear glass pitcher into a deep blue ceramic bowl. The bowl is sitting on a marble countertop, surrounded by a scattering of fresh strawberries and a box of cereal. Sunlight filters through a nearby window, casting a warm glow on the scene and highlighting the smooth texture of the milk's surface.",,14,"5,3",relation,spatial,"relation - spatial (strawberries, bowl, surrounding)",Are the strawberries surrounding the bowl? +partiprompts55,"A stream of white milk flowing gracefully from a clear glass pitcher into a deep blue ceramic bowl. The bowl is sitting on a marble countertop, surrounded by a scattering of fresh strawberries and a box of cereal. Sunlight filters through a nearby window, casting a warm glow on the scene and highlighting the smooth texture of the milk's surface.",,15,"6,3",relation,spatial,"relation - spatial (cereal, bowl, surrounding)",Is the cereal surrounding the bowl? +partiprompts55,"A stream of white milk flowing gracefully from a clear glass pitcher into a deep blue ceramic bowl. The bowl is sitting on a marble countertop, surrounded by a scattering of fresh strawberries and a box of cereal. Sunlight filters through a nearby window, casting a warm glow on the scene and highlighting the smooth texture of the milk's surface.",,16,"7,1",relation,spatial,"relation - spatial (window, scene, nearby)",Is the window nearby? +partiprompts55,"A stream of white milk flowing gracefully from a clear glass pitcher into a deep blue ceramic bowl. The bowl is sitting on a marble countertop, surrounded by a scattering of fresh strawberries and a box of cereal. Sunlight filters through a nearby window, casting a warm glow on the scene and highlighting the smooth texture of the milk's surface.",,17,"7,1",relation,spatial,"relation - spatial (sunlight, scene, through)",Is the sunlight filtering through the scene? +partiprompts55,"A stream of white milk flowing gracefully from a clear glass pitcher into a deep blue ceramic bowl. The bowl is sitting on a marble countertop, surrounded by a scattering of fresh strawberries and a box of cereal. Sunlight filters through a nearby window, casting a warm glow on the scene and highlighting the smooth texture of the milk's surface.",,18,"7,1",relation,spatial,"relation - spatial (sunlight, window, on)",Is the sunlight on the window? +partiprompts55,"A stream of white milk flowing gracefully from a clear glass pitcher into a deep blue ceramic bowl. The bowl is sitting on a marble countertop, surrounded by a scattering of fresh strawberries and a box of cereal. Sunlight filters through a nearby window, casting a warm glow on the scene and highlighting the smooth texture of the milk's surface.",,19,"1,10",relation,spatial,"relation - spatial (milk, surface, smooth)",Is the milk's surface smooth? +partiprompts59,"A whimsical dessert creation, an orange jello molded into the shape of a small man, stands proudly on a white ceramic plate. The jello figure is translucent with a glossy sheen, capturing the light in its wobbly form. Around it, there are scattered mint leaves for decoration, providing a contrast to the vibrant orange color of the gelatin.",,1,0,entity,whole,entity - whole (dessert creation),Is there a whimsical dessert creation? +partiprompts59,"A whimsical dessert creation, an orange jello molded into the shape of a small man, stands proudly on a white ceramic plate. The jello figure is translucent with a glossy sheen, capturing the light in its wobbly form. Around it, there are scattered mint leaves for decoration, providing a contrast to the vibrant orange color of the gelatin.",,2,1,entity,whole,entity - whole (jello),Is there jello? +partiprompts59,"A whimsical dessert creation, an orange jello molded into the shape of a small man, stands proudly on a white ceramic plate. The jello figure is translucent with a glossy sheen, capturing the light in its wobbly form. Around it, there are scattered mint leaves for decoration, providing a contrast to the vibrant orange color of the gelatin.",,3,2,entity,whole,entity - whole (man),Is there a small man? +partiprompts59,"A whimsical dessert creation, an orange jello molded into the shape of a small man, stands proudly on a white ceramic plate. The jello figure is translucent with a glossy sheen, capturing the light in its wobbly form. Around it, there are scattered mint leaves for decoration, providing a contrast to the vibrant orange color of the gelatin.",,4,0,entity,whole,entity - whole (plate),Is there a plate? +partiprompts59,"A whimsical dessert creation, an orange jello molded into the shape of a small man, stands proudly on a white ceramic plate. The jello figure is translucent with a glossy sheen, capturing the light in its wobbly form. Around it, there are scattered mint leaves for decoration, providing a contrast to the vibrant orange color of the gelatin.",,5,2,entity,whole,entity - whole (jello figure),Is there a jello figure? +partiprompts59,"A whimsical dessert creation, an orange jello molded into the shape of a small man, stands proudly on a white ceramic plate. The jello figure is translucent with a glossy sheen, capturing the light in its wobbly form. Around it, there are scattered mint leaves for decoration, providing a contrast to the vibrant orange color of the gelatin.",,6,0,entity,whole,entity - whole (mint leaves),Are there mint leaves? +partiprompts59,"A whimsical dessert creation, an orange jello molded into the shape of a small man, stands proudly on a white ceramic plate. The jello figure is translucent with a glossy sheen, capturing the light in its wobbly form. Around it, there are scattered mint leaves for decoration, providing a contrast to the vibrant orange color of the gelatin.",,7,2,attribute,color,"attribute - color (jello, orange)",Is the jello orange? +partiprompts59,"A whimsical dessert creation, an orange jello molded into the shape of a small man, stands proudly on a white ceramic plate. The jello figure is translucent with a glossy sheen, capturing the light in its wobbly form. Around it, there are scattered mint leaves for decoration, providing a contrast to the vibrant orange color of the gelatin.",,8,5,attribute,texture,"attribute - texture (jello figure, translucent)",Is the jello figure translucent? +partiprompts59,"A whimsical dessert creation, an orange jello molded into the shape of a small man, stands proudly on a white ceramic plate. The jello figure is translucent with a glossy sheen, capturing the light in its wobbly form. Around it, there are scattered mint leaves for decoration, providing a contrast to the vibrant orange color of the gelatin.",,9,5,attribute,texture,"attribute - texture (jello figure, glossy)",Is the jello figure glossy? +partiprompts59,"A whimsical dessert creation, an orange jello molded into the shape of a small man, stands proudly on a white ceramic plate. The jello figure is translucent with a glossy sheen, capturing the light in its wobbly form. Around it, there are scattered mint leaves for decoration, providing a contrast to the vibrant orange color of the gelatin.",,10,6,attribute,texture,"attribute - texture (mint leaves, scattered)",Are the mint leaves scattered? +partiprompts59,"A whimsical dessert creation, an orange jello molded into the shape of a small man, stands proudly on a white ceramic plate. The jello figure is translucent with a glossy sheen, capturing the light in its wobbly form. Around it, there are scattered mint leaves for decoration, providing a contrast to the vibrant orange color of the gelatin.",,11,6,attribute,texture,"attribute - texture (mint leaves, fresh)",Are the mint leaves fresh? +partiprompts59,"A whimsical dessert creation, an orange jello molded into the shape of a small man, stands proudly on a white ceramic plate. The jello figure is translucent with a glossy sheen, capturing the light in its wobbly form. Around it, there are scattered mint leaves for decoration, providing a contrast to the vibrant orange color of the gelatin.",,12,6,attribute,color,"attribute - color (mint leaves, green)",Are the mint leaves green? +partiprompts59,"A whimsical dessert creation, an orange jello molded into the shape of a small man, stands proudly on a white ceramic plate. The jello figure is translucent with a glossy sheen, capturing the light in its wobbly form. Around it, there are scattered mint leaves for decoration, providing a contrast to the vibrant orange color of the gelatin.",,13,"2,4",relation,spatial,"relation - spatial (jello, plate, on)",Is the jello on the plate? +partiprompts59,"A whimsical dessert creation, an orange jello molded into the shape of a small man, stands proudly on a white ceramic plate. The jello figure is translucent with a glossy sheen, capturing the light in its wobbly form. Around it, there are scattered mint leaves for decoration, providing a contrast to the vibrant orange color of the gelatin.",,14,"2,3",relation,spatial,"relation - spatial (jello figure, jello, molded into)",Is the jello figure molded into the jello? +partiprompts59,"A whimsical dessert creation, an orange jello molded into the shape of a small man, stands proudly on a white ceramic plate. The jello figure is translucent with a glossy sheen, capturing the light in its wobbly form. Around it, there are scattered mint leaves for decoration, providing a contrast to the vibrant orange color of the gelatin.",,15,"6,5",relation,spatial,"relation - spatial (mint leaves, around jello figure)",Are the mint leaves around the jello figure? +partiprompts59,"A whimsical dessert creation, an orange jello molded into the shape of a small man, stands proudly on a white ceramic plate. The jello figure is translucent with a glossy sheen, capturing the light in its wobbly form. Around it, there are scattered mint leaves for decoration, providing a contrast to the vibrant orange color of the gelatin.",,16,"6,7",relation,spatial,"relation - spatial (mint leaves, provide contrast to jello color)",Do the mint leaves provide contrast to the jello color? +partiprompts24,"A surreal landscape where the iconic skyline of downtown Manhattan, with its towering skyscrapers and bustling streets, is juxtaposed against the majestic backdrop of Mount Everest, its peak shrouded in snow and clouds. In the foreground, the ancient Great Pyramid of Giza stands solitary, its limestone blocks weathered to a golden hue, casting a long shadow in the direction of the urban architecture. This unusual combination of human-made wonders spans different continents and eras, creating a striking and imaginative scene.",,1,0,global,,global - (surreal landscape),Is this a surreal landscape? +partiprompts24,"A surreal landscape where the iconic skyline of downtown Manhattan, with its towering skyscrapers and bustling streets, is juxtaposed against the majestic backdrop of Mount Everest, its peak shrouded in snow and clouds. In the foreground, the ancient Great Pyramid of Giza stands solitary, its limestone blocks weathered to a golden hue, casting a long shadow in the direction of the urban architecture. This unusual combination of human-made wonders spans different continents and eras, creating a striking and imaginative scene.",,2,1,entity,whole,entity - whole (skyline of downtown Manhattan),Is there a skyline of downtown Manhattan? +partiprompts24,"A surreal landscape where the iconic skyline of downtown Manhattan, with its towering skyscrapers and bustling streets, is juxtaposed against the majestic backdrop of Mount Everest, its peak shrouded in snow and clouds. In the foreground, the ancient Great Pyramid of Giza stands solitary, its limestone blocks weathered to a golden hue, casting a long shadow in the direction of the urban architecture. This unusual combination of human-made wonders spans different continents and eras, creating a striking and imaginative scene.",,3,2,entity,whole,entity - whole (skyscrapers),Are there skyscrapers? +partiprompts24,"A surreal landscape where the iconic skyline of downtown Manhattan, with its towering skyscrapers and bustling streets, is juxtaposed against the majestic backdrop of Mount Everest, its peak shrouded in snow and clouds. In the foreground, the ancient Great Pyramid of Giza stands solitary, its limestone blocks weathered to a golden hue, casting a long shadow in the direction of the urban architecture. This unusual combination of human-made wonders spans different continents and eras, creating a striking and imaginative scene.",,4,3,entity,whole,entity - whole (streets),Are there streets? +partiprompts24,"A surreal landscape where the iconic skyline of downtown Manhattan, with its towering skyscrapers and bustling streets, is juxtaposed against the majestic backdrop of Mount Everest, its peak shrouded in snow and clouds. In the foreground, the ancient Great Pyramid of Giza stands solitary, its limestone blocks weathered to a golden hue, casting a long shadow in the direction of the urban architecture. This unusual combination of human-made wonders spans different continents and eras, creating a striking and imaginative scene.",,5,0,entity,whole,entity - whole (Mount Everest),Is there Mount Everest? +partiprompts24,"A surreal landscape where the iconic skyline of downtown Manhattan, with its towering skyscrapers and bustling streets, is juxtaposed against the majestic backdrop of Mount Everest, its peak shrouded in snow and clouds. In the foreground, the ancient Great Pyramid of Giza stands solitary, its limestone blocks weathered to a golden hue, casting a long shadow in the direction of the urban architecture. This unusual combination of human-made wonders spans different continents and eras, creating a striking and imaginative scene.",,6,5,entity,whole,entity - whole (peak),Is there a peak? +partiprompts24,"A surreal landscape where the iconic skyline of downtown Manhattan, with its towering skyscrapers and bustling streets, is juxtaposed against the majestic backdrop of Mount Everest, its peak shrouded in snow and clouds. In the foreground, the ancient Great Pyramid of Giza stands solitary, its limestone blocks weathered to a golden hue, casting a long shadow in the direction of the urban architecture. This unusual combination of human-made wonders spans different continents and eras, creating a striking and imaginative scene.",,7,5,entity,whole,entity - whole (snow),Is there snow? +partiprompts24,"A surreal landscape where the iconic skyline of downtown Manhattan, with its towering skyscrapers and bustling streets, is juxtaposed against the majestic backdrop of Mount Everest, its peak shrouded in snow and clouds. In the foreground, the ancient Great Pyramid of Giza stands solitary, its limestone blocks weathered to a golden hue, casting a long shadow in the direction of the urban architecture. This unusual combination of human-made wonders spans different continents and eras, creating a striking and imaginative scene.",,8,5,entity,whole,entity - whole (clouds),Are there clouds? +partiprompts24,"A surreal landscape where the iconic skyline of downtown Manhattan, with its towering skyscrapers and bustling streets, is juxtaposed against the majestic backdrop of Mount Everest, its peak shrouded in snow and clouds. In the foreground, the ancient Great Pyramid of Giza stands solitary, its limestone blocks weathered to a golden hue, casting a long shadow in the direction of the urban architecture. This unusual combination of human-made wonders spans different continents and eras, creating a striking and imaginative scene.",,9,0,entity,whole,entity - whole (Great Pyramid of Giza),Is there the Great Pyramid of Giza? +partiprompts24,"A surreal landscape where the iconic skyline of downtown Manhattan, with its towering skyscrapers and bustling streets, is juxtaposed against the majestic backdrop of Mount Everest, its peak shrouded in snow and clouds. In the foreground, the ancient Great Pyramid of Giza stands solitary, its limestone blocks weathered to a golden hue, casting a long shadow in the direction of the urban architecture. This unusual combination of human-made wonders spans different continents and eras, creating a striking and imaginative scene.",,10,9,entity,whole,entity - whole (limestone blocks),Are there limestone blocks? +partiprompts24,"A surreal landscape where the iconic skyline of downtown Manhattan, with its towering skyscrapers and bustling streets, is juxtaposed against the majestic backdrop of Mount Everest, its peak shrouded in snow and clouds. In the foreground, the ancient Great Pyramid of Giza stands solitary, its limestone blocks weathered to a golden hue, casting a long shadow in the direction of the urban architecture. This unusual combination of human-made wonders spans different continents and eras, creating a striking and imaginative scene.",,11,10,attribute,texture,"attribute - texture (limestone blocks, weathered)",Are the limestone blocks weathered? +partiprompts24,"A surreal landscape where the iconic skyline of downtown Manhattan, with its towering skyscrapers and bustling streets, is juxtaposed against the majestic backdrop of Mount Everest, its peak shrouded in snow and clouds. In the foreground, the ancient Great Pyramid of Giza stands solitary, its limestone blocks weathered to a golden hue, casting a long shadow in the direction of the urban architecture. This unusual combination of human-made wonders spans different continents and eras, creating a striking and imaginative scene.",,12,10,attribute,color,"attribute - color (limestone blocks, golden)",Are the limestone blocks golden? +partiprompts24,"A surreal landscape where the iconic skyline of downtown Manhattan, with its towering skyscrapers and bustling streets, is juxtaposed against the majestic backdrop of Mount Everest, its peak shrouded in snow and clouds. In the foreground, the ancient Great Pyramid of Giza stands solitary, its limestone blocks weathered to a golden hue, casting a long shadow in the direction of the urban architecture. This unusual combination of human-made wonders spans different continents and eras, creating a striking and imaginative scene.",,13,10,entity,state,"entity - state (limestone blocks, weathered)",Are the limestone blocks weathered? +partiprompts24,"A surreal landscape where the iconic skyline of downtown Manhattan, with its towering skyscrapers and bustling streets, is juxtaposed against the majestic backdrop of Mount Everest, its peak shrouded in snow and clouds. In the foreground, the ancient Great Pyramid of Giza stands solitary, its limestone blocks weathered to a golden hue, casting a long shadow in the direction of the urban architecture. This unusual combination of human-made wonders spans different continents and eras, creating a striking and imaginative scene.",,14,9,entity,state,"entity - state (Great Pyramid of Giza, stand solitary)",Is the Great Pyramid of Giza standing solitary? +partiprompts24,"A surreal landscape where the iconic skyline of downtown Manhattan, with its towering skyscrapers and bustling streets, is juxtaposed against the majestic backdrop of Mount Everest, its peak shrouded in snow and clouds. In the foreground, the ancient Great Pyramid of Giza stands solitary, its limestone blocks weathered to a golden hue, casting a long shadow in the direction of the urban architecture. This unusual combination of human-made wonders spans different continents and eras, creating a striking and imaginative scene.",,15,9,entity,state,"entity - state (Great Pyramid of Giza, weathered to a golden hue)",Is the Great Pyramid of Giza weathered to a golden hue? +partiprompts24,"A surreal landscape where the iconic skyline of downtown Manhattan, with its towering skyscrapers and bustling streets, is juxtaposed against the majestic backdrop of Mount Everest, its peak shrouded in snow and clouds. In the foreground, the ancient Great Pyramid of Giza stands solitary, its limestone blocks weathered to a golden hue, casting a long shadow in the direction of the urban architecture. This unusual combination of human-made wonders spans different continents and eras, creating a striking and imaginative scene.",,16,9,entity,state,"entity - state (Great Pyramid of Giza, cast a long shadow)",Is the Great Pyramid of Giza casting a long shadow? +partiprompts24,"A surreal landscape where the iconic skyline of downtown Manhattan, with its towering skyscrapers and bustling streets, is juxtaposed against the majestic backdrop of Mount Everest, its peak shrouded in snow and clouds. In the foreground, the ancient Great Pyramid of Giza stands solitary, its limestone blocks weathered to a golden hue, casting a long shadow in the direction of the urban architecture. This unusual combination of human-made wonders spans different continents and eras, creating a striking and imaginative scene.",,17,"2,5",relation,spatial,"relation - spatial (skyline of downtown Manhattan, Mount Everest, juxtaposed against)",Is the skyline of downtown Manhattan juxtaposed against Mount Everest? +partiprompts24,"A surreal landscape where the iconic skyline of downtown Manhattan, with its towering skyscrapers and bustling streets, is juxtaposed against the majestic backdrop of Mount Everest, its peak shrouded in snow and clouds. In the foreground, the ancient Great Pyramid of Giza stands solitary, its limestone blocks weathered to a golden hue, casting a long shadow in the direction of the urban architecture. This unusual combination of human-made wonders spans different continents and eras, creating a striking and imaginative scene.",,18,"5,9",relation,spatial,"relation - spatial (Mount Everest, Great Pyramid of Giza, in the backdrop)",Is Mount Everest in the backdrop of the Great Pyramid of Giza? +partiprompts24,"A surreal landscape where the iconic skyline of downtown Manhattan, with its towering skyscrapers and bustling streets, is juxtaposed against the majestic backdrop of Mount Everest, its peak shrouded in snow and clouds. In the foreground, the ancient Great Pyramid of Giza stands solitary, its limestone blocks weathered to a golden hue, casting a long shadow in the direction of the urban architecture. This unusual combination of human-made wonders spans different continents and eras, creating a striking and imaginative scene.",,19,"9,2",relation,spatial,"relation - spatial (Great Pyramid of Giza, urban architecture, in the direction)",Is the Great Pyramid of Giza in the direction of the urban architecture? +partiprompts24,"A surreal landscape where the iconic skyline of downtown Manhattan, with its towering skyscrapers and bustling streets, is juxtaposed against the majestic backdrop of Mount Everest, its peak shrouded in snow and clouds. In the foreground, the ancient Great Pyramid of Giza stands solitary, its limestone blocks weathered to a golden hue, casting a long shadow in the direction of the urban architecture. This unusual combination of human-made wonders spans different continents and eras, creating a striking and imaginative scene.",,20,"9,2",relation,spatial,"relation - spatial (Great Pyramid of Giza, urban architecture, in the direction)",Is the Great Pyramid of Giza casting a long shadow towards the urban architecture? +partiprompts214,"A sleek motorcycle with the word ""BUZZ"" emblazoned in bold letters on its side is parked inside an ornate bank lobby. The lobby features marble floors and intricate gold trimmings along the walls. The motorcycle's chrome accents gleam under the soft glow of the chandelier overhead, contrasting with the rich, dark wood of the bank's counters.",,1,0,entity,whole,entity - whole (motorcycle),Is there a motorcycle? +partiprompts214,"A sleek motorcycle with the word ""BUZZ"" emblazoned in bold letters on its side is parked inside an ornate bank lobby. The lobby features marble floors and intricate gold trimmings along the walls. The motorcycle's chrome accents gleam under the soft glow of the chandelier overhead, contrasting with the rich, dark wood of the bank's counters.",,2,0,entity,whole,entity - whole (lobby),Is there a lobby? +partiprompts214,"A sleek motorcycle with the word ""BUZZ"" emblazoned in bold letters on its side is parked inside an ornate bank lobby. The lobby features marble floors and intricate gold trimmings along the walls. The motorcycle's chrome accents gleam under the soft glow of the chandelier overhead, contrasting with the rich, dark wood of the bank's counters.",,3,0,entity,whole,entity - whole (word),Is there a word? +partiprompts214,"A sleek motorcycle with the word ""BUZZ"" emblazoned in bold letters on its side is parked inside an ornate bank lobby. The lobby features marble floors and intricate gold trimmings along the walls. The motorcycle's chrome accents gleam under the soft glow of the chandelier overhead, contrasting with the rich, dark wood of the bank's counters.",,4,3,attribute,other,"attribute - other (word, ""BUZZ"")","Does the word say ""BUZZ""?" +partiprompts214,"A sleek motorcycle with the word ""BUZZ"" emblazoned in bold letters on its side is parked inside an ornate bank lobby. The lobby features marble floors and intricate gold trimmings along the walls. The motorcycle's chrome accents gleam under the soft glow of the chandelier overhead, contrasting with the rich, dark wood of the bank's counters.",,5,3,attribute,other,"attribute - other (word, bold)",Is the word bold? +partiprompts214,"A sleek motorcycle with the word ""BUZZ"" emblazoned in bold letters on its side is parked inside an ornate bank lobby. The lobby features marble floors and intricate gold trimmings along the walls. The motorcycle's chrome accents gleam under the soft glow of the chandelier overhead, contrasting with the rich, dark wood of the bank's counters.",,6,2,attribute,texture,"attribute - texture (lobby, marble)",Are the lobby floors made of marble? +partiprompts214,"A sleek motorcycle with the word ""BUZZ"" emblazoned in bold letters on its side is parked inside an ornate bank lobby. The lobby features marble floors and intricate gold trimmings along the walls. The motorcycle's chrome accents gleam under the soft glow of the chandelier overhead, contrasting with the rich, dark wood of the bank's counters.",,7,2,attribute,texture,"attribute - texture (lobby, gold)",Are there gold trimmings on the lobby walls? +partiprompts214,"A sleek motorcycle with the word ""BUZZ"" emblazoned in bold letters on its side is parked inside an ornate bank lobby. The lobby features marble floors and intricate gold trimmings along the walls. The motorcycle's chrome accents gleam under the soft glow of the chandelier overhead, contrasting with the rich, dark wood of the bank's counters.",,8,1,attribute,texture,"attribute - texture (motorcycle, chrome)",Are there chrome accents on the motorcycle? +partiprompts214,"A sleek motorcycle with the word ""BUZZ"" emblazoned in bold letters on its side is parked inside an ornate bank lobby. The lobby features marble floors and intricate gold trimmings along the walls. The motorcycle's chrome accents gleam under the soft glow of the chandelier overhead, contrasting with the rich, dark wood of the bank's counters.",,9,2,attribute,texture,"attribute - texture (counter, dark wood)",Is the counter made of dark wood? +partiprompts214,"A sleek motorcycle with the word ""BUZZ"" emblazoned in bold letters on its side is parked inside an ornate bank lobby. The lobby features marble floors and intricate gold trimmings along the walls. The motorcycle's chrome accents gleam under the soft glow of the chandelier overhead, contrasting with the rich, dark wood of the bank's counters.",,10,1,entity,state,"entity - state (motorcycle, park)",Is the motorcycle parked? +partiprompts214,"A sleek motorcycle with the word ""BUZZ"" emblazoned in bold letters on its side is parked inside an ornate bank lobby. The lobby features marble floors and intricate gold trimmings along the walls. The motorcycle's chrome accents gleam under the soft glow of the chandelier overhead, contrasting with the rich, dark wood of the bank's counters.",,11,"1,2",relation,spatial,"relation - spatial (motorcycle, lobby, inside)",Is the motorcycle inside the lobby? +partiprompts214,"A sleek motorcycle with the word ""BUZZ"" emblazoned in bold letters on its side is parked inside an ornate bank lobby. The lobby features marble floors and intricate gold trimmings along the walls. The motorcycle's chrome accents gleam under the soft glow of the chandelier overhead, contrasting with the rich, dark wood of the bank's counters.",,12,"1,2",relation,spatial,"relation - spatial (motorcycle, lobby, parked)",Is the motorcycle parked inside the lobby? +partiprompts214,"A sleek motorcycle with the word ""BUZZ"" emblazoned in bold letters on its side is parked inside an ornate bank lobby. The lobby features marble floors and intricate gold trimmings along the walls. The motorcycle's chrome accents gleam under the soft glow of the chandelier overhead, contrasting with the rich, dark wood of the bank's counters.",,13,"2,3",relation,spatial,"relation - spatial (lobby, chandelier, overhead)",Is there a chandelier overhead in the lobby? +partiprompts214,"A sleek motorcycle with the word ""BUZZ"" emblazoned in bold letters on its side is parked inside an ornate bank lobby. The lobby features marble floors and intricate gold trimmings along the walls. The motorcycle's chrome accents gleam under the soft glow of the chandelier overhead, contrasting with the rich, dark wood of the bank's counters.",,14,"3,1",relation,spatial,"relation - spatial (chandelier, motorcycle, overhead)",Is the chandelier overhead the motorcycle? +partiprompts214,"A sleek motorcycle with the word ""BUZZ"" emblazoned in bold letters on its side is parked inside an ornate bank lobby. The lobby features marble floors and intricate gold trimmings along the walls. The motorcycle's chrome accents gleam under the soft glow of the chandelier overhead, contrasting with the rich, dark wood of the bank's counters.",,15,"2,9",relation,spatial,"relation - spatial (lobby, counter, along)",Are there counters along the walls of the lobby? +partiprompts214,"A sleek motorcycle with the word ""BUZZ"" emblazoned in bold letters on its side is parked inside an ornate bank lobby. The lobby features marble floors and intricate gold trimmings along the walls. The motorcycle's chrome accents gleam under the soft glow of the chandelier overhead, contrasting with the rich, dark wood of the bank's counters.",,16,"9,1",relation,spatial,"relation - spatial (counter, motorcycle, along)",Is the motorcycle along the counters? +partiprompts274,"A unique, high-contrast painting depicting an espresso machine with a dark, almost sinister appearance, as if it were crafted from shadows and whispers. The machine stands out against a stark white background, its spouts resembling outstretched hands, ready to brew a concoction from the very essence of human souls. The artwork conveys a surreal and eerie atmosphere, where the machine becomes an otherworldly artifact with a power beyond mere coffee making.",,1,0,global,,global - (painting),Is this a painting? +partiprompts274,"A unique, high-contrast painting depicting an espresso machine with a dark, almost sinister appearance, as if it were crafted from shadows and whispers. The machine stands out against a stark white background, its spouts resembling outstretched hands, ready to brew a concoction from the very essence of human souls. The artwork conveys a surreal and eerie atmosphere, where the machine becomes an otherworldly artifact with a power beyond mere coffee making.",,2,1,attribute,other,"attribute - other (painting, unique)",Is the painting unique? +partiprompts274,"A unique, high-contrast painting depicting an espresso machine with a dark, almost sinister appearance, as if it were crafted from shadows and whispers. The machine stands out against a stark white background, its spouts resembling outstretched hands, ready to brew a concoction from the very essence of human souls. The artwork conveys a surreal and eerie atmosphere, where the machine becomes an otherworldly artifact with a power beyond mere coffee making.",,3,1,attribute,other,"attribute - other (painting, high-contrast)",Is the painting high-contrast? +partiprompts274,"A unique, high-contrast painting depicting an espresso machine with a dark, almost sinister appearance, as if it were crafted from shadows and whispers. The machine stands out against a stark white background, its spouts resembling outstretched hands, ready to brew a concoction from the very essence of human souls. The artwork conveys a surreal and eerie atmosphere, where the machine becomes an otherworldly artifact with a power beyond mere coffee making.",,4,0,entity,whole,entity - whole (espresso machine),Is there an espresso machine? +partiprompts274,"A unique, high-contrast painting depicting an espresso machine with a dark, almost sinister appearance, as if it were crafted from shadows and whispers. The machine stands out against a stark white background, its spouts resembling outstretched hands, ready to brew a concoction from the very essence of human souls. The artwork conveys a surreal and eerie atmosphere, where the machine becomes an otherworldly artifact with a power beyond mere coffee making.",,5,4,attribute,other,"attribute - other (espresso machine, dark)",Is the espresso machine dark? +partiprompts274,"A unique, high-contrast painting depicting an espresso machine with a dark, almost sinister appearance, as if it were crafted from shadows and whispers. The machine stands out against a stark white background, its spouts resembling outstretched hands, ready to brew a concoction from the very essence of human souls. The artwork conveys a surreal and eerie atmosphere, where the machine becomes an otherworldly artifact with a power beyond mere coffee making.",,6,4,attribute,other,"attribute - other (espresso machine, sinister)",Is the espresso machine sinister? +partiprompts274,"A unique, high-contrast painting depicting an espresso machine with a dark, almost sinister appearance, as if it were crafted from shadows and whispers. The machine stands out against a stark white background, its spouts resembling outstretched hands, ready to brew a concoction from the very essence of human souls. The artwork conveys a surreal and eerie atmosphere, where the machine becomes an otherworldly artifact with a power beyond mere coffee making.",,7,4,attribute,other,"attribute - other (espresso machine, crafted from shadows and whispers)",Is the espresso machine crafted from shadows and whispers? +partiprompts274,"A unique, high-contrast painting depicting an espresso machine with a dark, almost sinister appearance, as if it were crafted from shadows and whispers. The machine stands out against a stark white background, its spouts resembling outstretched hands, ready to brew a concoction from the very essence of human souls. The artwork conveys a surreal and eerie atmosphere, where the machine becomes an otherworldly artifact with a power beyond mere coffee making.",,8,4,attribute,other,"attribute - other (espresso machine, outstretched hands)",Do the spouts of the espresso machine resemble outstretched hands? +partiprompts274,"A unique, high-contrast painting depicting an espresso machine with a dark, almost sinister appearance, as if it were crafted from shadows and whispers. The machine stands out against a stark white background, its spouts resembling outstretched hands, ready to brew a concoction from the very essence of human souls. The artwork conveys a surreal and eerie atmosphere, where the machine becomes an otherworldly artifact with a power beyond mere coffee making.",,9,4,attribute,other,"attribute - other (espresso machine, ready to brew)",Is the espresso machine ready to brew? +partiprompts274,"A unique, high-contrast painting depicting an espresso machine with a dark, almost sinister appearance, as if it were crafted from shadows and whispers. The machine stands out against a stark white background, its spouts resembling outstretched hands, ready to brew a concoction from the very essence of human souls. The artwork conveys a surreal and eerie atmosphere, where the machine becomes an otherworldly artifact with a power beyond mere coffee making.",,10,4,attribute,other,"attribute - other (espresso machine, essence of human souls)",Is the espresso machine using the essence of human souls? +partiprompts274,"A unique, high-contrast painting depicting an espresso machine with a dark, almost sinister appearance, as if it were crafted from shadows and whispers. The machine stands out against a stark white background, its spouts resembling outstretched hands, ready to brew a concoction from the very essence of human souls. The artwork conveys a surreal and eerie atmosphere, where the machine becomes an otherworldly artifact with a power beyond mere coffee making.",,11,4,attribute,other,"attribute - other (espresso machine, otherworldly artifact)",Is the espresso machine an otherworldly artifact? +partiprompts274,"A unique, high-contrast painting depicting an espresso machine with a dark, almost sinister appearance, as if it were crafted from shadows and whispers. The machine stands out against a stark white background, its spouts resembling outstretched hands, ready to brew a concoction from the very essence of human souls. The artwork conveys a surreal and eerie atmosphere, where the machine becomes an otherworldly artifact with a power beyond mere coffee making.",,12,4,attribute,other,"attribute - other (espresso machine, powerful)",Is the espresso machine powerful? +partiprompts274,"A unique, high-contrast painting depicting an espresso machine with a dark, almost sinister appearance, as if it were crafted from shadows and whispers. The machine stands out against a stark white background, its spouts resembling outstretched hands, ready to brew a concoction from the very essence of human souls. The artwork conveys a surreal and eerie atmosphere, where the machine becomes an otherworldly artifact with a power beyond mere coffee making.",,13,4,attribute,other,"attribute - other (espresso machine, beyond mere coffee making)",Is the espresso machine beyond mere coffee making? +partiprompts274,"A unique, high-contrast painting depicting an espresso machine with a dark, almost sinister appearance, as if it were crafted from shadows and whispers. The machine stands out against a stark white background, its spouts resembling outstretched hands, ready to brew a concoction from the very essence of human souls. The artwork conveys a surreal and eerie atmosphere, where the machine becomes an otherworldly artifact with a power beyond mere coffee making.",,14,1,attribute,color,"attribute - color (background, stark white)",Is the background stark white? +partiprompts274,"A unique, high-contrast painting depicting an espresso machine with a dark, almost sinister appearance, as if it were crafted from shadows and whispers. The machine stands out against a stark white background, its spouts resembling outstretched hands, ready to brew a concoction from the very essence of human souls. The artwork conveys a surreal and eerie atmosphere, where the machine becomes an otherworldly artifact with a power beyond mere coffee making.",,15,1,attribute,other,"attribute - other (artwork, surreal)",Is the artwork surreal? +partiprompts274,"A unique, high-contrast painting depicting an espresso machine with a dark, almost sinister appearance, as if it were crafted from shadows and whispers. The machine stands out against a stark white background, its spouts resembling outstretched hands, ready to brew a concoction from the very essence of human souls. The artwork conveys a surreal and eerie atmosphere, where the machine becomes an otherworldly artifact with a power beyond mere coffee making.",,16,1,attribute,other,"attribute - other (artwork, eerie)",Is the artwork eerie? +partiprompts274,"A unique, high-contrast painting depicting an espresso machine with a dark, almost sinister appearance, as if it were crafted from shadows and whispers. The machine stands out against a stark white background, its spouts resembling outstretched hands, ready to brew a concoction from the very essence of human souls. The artwork conveys a surreal and eerie atmosphere, where the machine becomes an otherworldly artifact with a power beyond mere coffee making.",,17,"4,14",relation,spatial,"relation - spatial (espresso machine, background, stand out against)",Does the espresso machine stand out against the background? +partiprompts78,"a striking painting dominated by shades of black and white, creating a stark contrast on the canvas. In the right corner, a vivid red flower stands out, adding a pop of color to the monochromatic background. The texture of the brush strokes is visible, giving the painting a dynamic and tactile quality.",,1,0,entity,whole,entity - whole (painting),Is there a painting? +partiprompts78,"a striking painting dominated by shades of black and white, creating a stark contrast on the canvas. In the right corner, a vivid red flower stands out, adding a pop of color to the monochromatic background. The texture of the brush strokes is visible, giving the painting a dynamic and tactile quality.",,2,1,attribute,color,"attribute - color (painting, black and white)",Is the painting dominated by shades of black and white? +partiprompts78,"a striking painting dominated by shades of black and white, creating a stark contrast on the canvas. In the right corner, a vivid red flower stands out, adding a pop of color to the monochromatic background. The texture of the brush strokes is visible, giving the painting a dynamic and tactile quality.",,3,1,attribute,color,"attribute - color (flower, red)",Is there a red flower in the painting? +partiprompts78,"a striking painting dominated by shades of black and white, creating a stark contrast on the canvas. In the right corner, a vivid red flower stands out, adding a pop of color to the monochromatic background. The texture of the brush strokes is visible, giving the painting a dynamic and tactile quality.",,4,4,attribute,texture,"attribute - texture (brush strokes, visible)",Are the brush strokes visible in the painting? +partiprompts78,"a striking painting dominated by shades of black and white, creating a stark contrast on the canvas. In the right corner, a vivid red flower stands out, adding a pop of color to the monochromatic background. The texture of the brush strokes is visible, giving the painting a dynamic and tactile quality.",,5,4,attribute,texture,"attribute - texture (canvas, stark)",Is the canvas stark? +partiprompts78,"a striking painting dominated by shades of black and white, creating a stark contrast on the canvas. In the right corner, a vivid red flower stands out, adding a pop of color to the monochromatic background. The texture of the brush strokes is visible, giving the painting a dynamic and tactile quality.",,6,4,attribute,texture,"attribute - texture (painting, dynamic and tactile)",Is the painting dynamic and tactile? +partiprompts78,"a striking painting dominated by shades of black and white, creating a stark contrast on the canvas. In the right corner, a vivid red flower stands out, adding a pop of color to the monochromatic background. The texture of the brush strokes is visible, giving the painting a dynamic and tactile quality.",,7,4,attribute,other,"attribute - other (contrast, stark)",Does the painting have a stark contrast? +partiprompts78,"a striking painting dominated by shades of black and white, creating a stark contrast on the canvas. In the right corner, a vivid red flower stands out, adding a pop of color to the monochromatic background. The texture of the brush strokes is visible, giving the painting a dynamic and tactile quality.",,8,1,entity,part,entity - part (flower),Is there a flower in the painting? +partiprompts78,"a striking painting dominated by shades of black and white, creating a stark contrast on the canvas. In the right corner, a vivid red flower stands out, adding a pop of color to the monochromatic background. The texture of the brush strokes is visible, giving the painting a dynamic and tactile quality.",,9,1,relation,spatial,"relation - spatial (flower, right corner, in)",Is the flower in the right corner? +partiprompts78,"a striking painting dominated by shades of black and white, creating a stark contrast on the canvas. In the right corner, a vivid red flower stands out, adding a pop of color to the monochromatic background. The texture of the brush strokes is visible, giving the painting a dynamic and tactile quality.",,10,"1,8",relation,spatial,"relation - spatial (flower, background, stand out)",Does the flower stand out from the background? +partiprompts14,"A surreal lunar landscape unfolds with the iconic Great Pyramids and the Sphinx, all replicated in meticulous detail on the moon's dusty, grey surface. In the foreground, the silhouette of an astronaut, clad in a pearly white spacesuit, is captured from behind, gazing upon the ancient wonders. Above this otherworldly scene, the Earth hangs majestically in the dark expanse of space, its blue and white visage a stark contrast to the barren moonscape.",,1,0,global,,global - (surreal),Is this a surreal scene? +partiprompts14,"A surreal lunar landscape unfolds with the iconic Great Pyramids and the Sphinx, all replicated in meticulous detail on the moon's dusty, grey surface. In the foreground, the silhouette of an astronaut, clad in a pearly white spacesuit, is captured from behind, gazing upon the ancient wonders. Above this otherworldly scene, the Earth hangs majestically in the dark expanse of space, its blue and white visage a stark contrast to the barren moonscape.",,2,0,global,,global - (lunar landscape),Is this a lunar landscape? +partiprompts14,"A surreal lunar landscape unfolds with the iconic Great Pyramids and the Sphinx, all replicated in meticulous detail on the moon's dusty, grey surface. In the foreground, the silhouette of an astronaut, clad in a pearly white spacesuit, is captured from behind, gazing upon the ancient wonders. Above this otherworldly scene, the Earth hangs majestically in the dark expanse of space, its blue and white visage a stark contrast to the barren moonscape.",,3,2,entity,whole,entity - whole (Great Pyramids),Are there Great Pyramids? +partiprompts14,"A surreal lunar landscape unfolds with the iconic Great Pyramids and the Sphinx, all replicated in meticulous detail on the moon's dusty, grey surface. In the foreground, the silhouette of an astronaut, clad in a pearly white spacesuit, is captured from behind, gazing upon the ancient wonders. Above this otherworldly scene, the Earth hangs majestically in the dark expanse of space, its blue and white visage a stark contrast to the barren moonscape.",,4,2,entity,whole,entity - whole (Sphinx),Is there a Sphinx? +partiprompts14,"A surreal lunar landscape unfolds with the iconic Great Pyramids and the Sphinx, all replicated in meticulous detail on the moon's dusty, grey surface. In the foreground, the silhouette of an astronaut, clad in a pearly white spacesuit, is captured from behind, gazing upon the ancient wonders. Above this otherworldly scene, the Earth hangs majestically in the dark expanse of space, its blue and white visage a stark contrast to the barren moonscape.",,5,0,entity,whole,entity - whole (moon),Is there a moon? +partiprompts14,"A surreal lunar landscape unfolds with the iconic Great Pyramids and the Sphinx, all replicated in meticulous detail on the moon's dusty, grey surface. In the foreground, the silhouette of an astronaut, clad in a pearly white spacesuit, is captured from behind, gazing upon the ancient wonders. Above this otherworldly scene, the Earth hangs majestically in the dark expanse of space, its blue and white visage a stark contrast to the barren moonscape.",,6,5,entity,whole,entity - whole (surface),Is there a surface? +partiprompts14,"A surreal lunar landscape unfolds with the iconic Great Pyramids and the Sphinx, all replicated in meticulous detail on the moon's dusty, grey surface. In the foreground, the silhouette of an astronaut, clad in a pearly white spacesuit, is captured from behind, gazing upon the ancient wonders. Above this otherworldly scene, the Earth hangs majestically in the dark expanse of space, its blue and white visage a stark contrast to the barren moonscape.",,7,0,entity,whole,entity - whole (astronaut),Is there an astronaut? +partiprompts14,"A surreal lunar landscape unfolds with the iconic Great Pyramids and the Sphinx, all replicated in meticulous detail on the moon's dusty, grey surface. In the foreground, the silhouette of an astronaut, clad in a pearly white spacesuit, is captured from behind, gazing upon the ancient wonders. Above this otherworldly scene, the Earth hangs majestically in the dark expanse of space, its blue and white visage a stark contrast to the barren moonscape.",,8,0,entity,whole,entity - whole (spacesuit),Is there a spacesuit? +partiprompts14,"A surreal lunar landscape unfolds with the iconic Great Pyramids and the Sphinx, all replicated in meticulous detail on the moon's dusty, grey surface. In the foreground, the silhouette of an astronaut, clad in a pearly white spacesuit, is captured from behind, gazing upon the ancient wonders. Above this otherworldly scene, the Earth hangs majestically in the dark expanse of space, its blue and white visage a stark contrast to the barren moonscape.",,9,0,entity,whole,entity - whole (Earth),Is there Earth? +partiprompts14,"A surreal lunar landscape unfolds with the iconic Great Pyramids and the Sphinx, all replicated in meticulous detail on the moon's dusty, grey surface. In the foreground, the silhouette of an astronaut, clad in a pearly white spacesuit, is captured from behind, gazing upon the ancient wonders. Above this otherworldly scene, the Earth hangs majestically in the dark expanse of space, its blue and white visage a stark contrast to the barren moonscape.",,10,6,attribute,texture,"attribute - texture (moon's surface, dusty, grey)",Is the moon's surface dusty and grey? +partiprompts14,"A surreal lunar landscape unfolds with the iconic Great Pyramids and the Sphinx, all replicated in meticulous detail on the moon's dusty, grey surface. In the foreground, the silhouette of an astronaut, clad in a pearly white spacesuit, is captured from behind, gazing upon the ancient wonders. Above this otherworldly scene, the Earth hangs majestically in the dark expanse of space, its blue and white visage a stark contrast to the barren moonscape.",,11,8,attribute,color,"attribute - color (spacesuit, pearly white)",Is the spacesuit pearly white? +partiprompts14,"A surreal lunar landscape unfolds with the iconic Great Pyramids and the Sphinx, all replicated in meticulous detail on the moon's dusty, grey surface. In the foreground, the silhouette of an astronaut, clad in a pearly white spacesuit, is captured from behind, gazing upon the ancient wonders. Above this otherworldly scene, the Earth hangs majestically in the dark expanse of space, its blue and white visage a stark contrast to the barren moonscape.",,12,9,attribute,color,"attribute - color (Earth, blue and white)",Is Earth blue and white? +partiprompts14,"A surreal lunar landscape unfolds with the iconic Great Pyramids and the Sphinx, all replicated in meticulous detail on the moon's dusty, grey surface. In the foreground, the silhouette of an astronaut, clad in a pearly white spacesuit, is captured from behind, gazing upon the ancient wonders. Above this otherworldly scene, the Earth hangs majestically in the dark expanse of space, its blue and white visage a stark contrast to the barren moonscape.",,13,"5,6",relation,spatial,"relation - spatial (Great Pyramids, moon's surface, on)",Are the Great Pyramids on the moon's surface? +partiprompts14,"A surreal lunar landscape unfolds with the iconic Great Pyramids and the Sphinx, all replicated in meticulous detail on the moon's dusty, grey surface. In the foreground, the silhouette of an astronaut, clad in a pearly white spacesuit, is captured from behind, gazing upon the ancient wonders. Above this otherworldly scene, the Earth hangs majestically in the dark expanse of space, its blue and white visage a stark contrast to the barren moonscape.",,14,"5,6",relation,spatial,"relation - spatial (Sphinx, moon's surface, on)",Is the Sphinx on the moon's surface? +partiprompts14,"A surreal lunar landscape unfolds with the iconic Great Pyramids and the Sphinx, all replicated in meticulous detail on the moon's dusty, grey surface. In the foreground, the silhouette of an astronaut, clad in a pearly white spacesuit, is captured from behind, gazing upon the ancient wonders. Above this otherworldly scene, the Earth hangs majestically in the dark expanse of space, its blue and white visage a stark contrast to the barren moonscape.",,15,"7,6",relation,spatial,"relation - spatial (astronaut, moon's surface, in front of)",Is the astronaut in front of the moon's surface? +partiprompts14,"A surreal lunar landscape unfolds with the iconic Great Pyramids and the Sphinx, all replicated in meticulous detail on the moon's dusty, grey surface. In the foreground, the silhouette of an astronaut, clad in a pearly white spacesuit, is captured from behind, gazing upon the ancient wonders. Above this otherworldly scene, the Earth hangs majestically in the dark expanse of space, its blue and white visage a stark contrast to the barren moonscape.",,16,"7,9",relation,spatial,"relation - spatial (astronaut, Earth, gaze upon)",Is the astronaut gazing upon the ancient wonders? +partiprompts14,"A surreal lunar landscape unfolds with the iconic Great Pyramids and the Sphinx, all replicated in meticulous detail on the moon's dusty, grey surface. In the foreground, the silhouette of an astronaut, clad in a pearly white spacesuit, is captured from behind, gazing upon the ancient wonders. Above this otherworldly scene, the Earth hangs majestically in the dark expanse of space, its blue and white visage a stark contrast to the barren moonscape.",,17,"5,9",relation,spatial,"relation - spatial (Earth, dark expanse of space, above)",Is Earth above this scene in the dark expanse of space? +partiprompts14,"A surreal lunar landscape unfolds with the iconic Great Pyramids and the Sphinx, all replicated in meticulous detail on the moon's dusty, grey surface. In the foreground, the silhouette of an astronaut, clad in a pearly white spacesuit, is captured from behind, gazing upon the ancient wonders. Above this otherworldly scene, the Earth hangs majestically in the dark expanse of space, its blue and white visage a stark contrast to the barren moonscape.",,18,"5,9",relation,spatial,"relation - spatial (moon, Earth, in)",Is the moon in relation to Earth? +partiprompts298,"A unique tree stands with its branches adorned with leaves that resemble vibrant purple balloons, glistening in the sunlight. The tree's trunk is a deep brown with a rough texture, contrasting sharply with the smooth, balloon-like foliage. Around the base of the tree, a bed of green grass provides a natural carpet, setting off the whimsical appearance of the tree's unusual leaves.",,1,0,entity,whole,entity - whole (tree),Is there a tree? +partiprompts298,"A unique tree stands with its branches adorned with leaves that resemble vibrant purple balloons, glistening in the sunlight. The tree's trunk is a deep brown with a rough texture, contrasting sharply with the smooth, balloon-like foliage. Around the base of the tree, a bed of green grass provides a natural carpet, setting off the whimsical appearance of the tree's unusual leaves.",,2,1,entity,part,entity - part (tree's branches),Are there branches on the tree? +partiprompts298,"A unique tree stands with its branches adorned with leaves that resemble vibrant purple balloons, glistening in the sunlight. The tree's trunk is a deep brown with a rough texture, contrasting sharply with the smooth, balloon-like foliage. Around the base of the tree, a bed of green grass provides a natural carpet, setting off the whimsical appearance of the tree's unusual leaves.",,3,1,entity,part,entity - part (tree's leaves),Are there leaves on the tree? +partiprompts298,"A unique tree stands with its branches adorned with leaves that resemble vibrant purple balloons, glistening in the sunlight. The tree's trunk is a deep brown with a rough texture, contrasting sharply with the smooth, balloon-like foliage. Around the base of the tree, a bed of green grass provides a natural carpet, setting off the whimsical appearance of the tree's unusual leaves.",,4,1,attribute,other,"attribute - other (tree, unique)",Is the tree unique? +partiprompts298,"A unique tree stands with its branches adorned with leaves that resemble vibrant purple balloons, glistening in the sunlight. The tree's trunk is a deep brown with a rough texture, contrasting sharply with the smooth, balloon-like foliage. Around the base of the tree, a bed of green grass provides a natural carpet, setting off the whimsical appearance of the tree's unusual leaves.",,5,3,attribute,color,"attribute - color (leaves, vibrant purple)",Are the leaves vibrant purple? +partiprompts298,"A unique tree stands with its branches adorned with leaves that resemble vibrant purple balloons, glistening in the sunlight. The tree's trunk is a deep brown with a rough texture, contrasting sharply with the smooth, balloon-like foliage. Around the base of the tree, a bed of green grass provides a natural carpet, setting off the whimsical appearance of the tree's unusual leaves.",,6,1,attribute,color,"attribute - color (trunk, deep brown)",Is the trunk deep brown? +partiprompts298,"A unique tree stands with its branches adorned with leaves that resemble vibrant purple balloons, glistening in the sunlight. The tree's trunk is a deep brown with a rough texture, contrasting sharply with the smooth, balloon-like foliage. Around the base of the tree, a bed of green grass provides a natural carpet, setting off the whimsical appearance of the tree's unusual leaves.",,7,1,attribute,texture,"attribute - texture (trunk, rough)",Is the trunk rough? +partiprompts298,"A unique tree stands with its branches adorned with leaves that resemble vibrant purple balloons, glistening in the sunlight. The tree's trunk is a deep brown with a rough texture, contrasting sharply with the smooth, balloon-like foliage. Around the base of the tree, a bed of green grass provides a natural carpet, setting off the whimsical appearance of the tree's unusual leaves.",,8,3,attribute,texture,"attribute - texture (foliage, smooth)",Is the foliage smooth? +partiprompts298,"A unique tree stands with its branches adorned with leaves that resemble vibrant purple balloons, glistening in the sunlight. The tree's trunk is a deep brown with a rough texture, contrasting sharply with the smooth, balloon-like foliage. Around the base of the tree, a bed of green grass provides a natural carpet, setting off the whimsical appearance of the tree's unusual leaves.",,9,1,attribute,texture,"attribute - texture (grass, green)",Is the grass green? +partiprompts298,"A unique tree stands with its branches adorned with leaves that resemble vibrant purple balloons, glistening in the sunlight. The tree's trunk is a deep brown with a rough texture, contrasting sharply with the smooth, balloon-like foliage. Around the base of the tree, a bed of green grass provides a natural carpet, setting off the whimsical appearance of the tree's unusual leaves.",,10,"2,3",relation,spatial,"relation - spatial (branches, leaves, adorned with)",Are the branches adorned with leaves? +partiprompts298,"A unique tree stands with its branches adorned with leaves that resemble vibrant purple balloons, glistening in the sunlight. The tree's trunk is a deep brown with a rough texture, contrasting sharply with the smooth, balloon-like foliage. Around the base of the tree, a bed of green grass provides a natural carpet, setting off the whimsical appearance of the tree's unusual leaves.",,11,"3,2",relation,spatial,"relation - spatial (leaves, sunlight, glistening in)",Are the leaves glistening in the sunlight? +partiprompts298,"A unique tree stands with its branches adorned with leaves that resemble vibrant purple balloons, glistening in the sunlight. The tree's trunk is a deep brown with a rough texture, contrasting sharply with the smooth, balloon-like foliage. Around the base of the tree, a bed of green grass provides a natural carpet, setting off the whimsical appearance of the tree's unusual leaves.",,12,"1,9",relation,spatial,"relation - spatial (tree, grass, around)",Is the tree surrounded by grass? +partiprompts255,"a grand piano, its glossy black surface partially obscured by the warm glow of multicolored Christmas lights draped across it. The piano stands in a room with hardwood floors and a high ceiling, giving it an elegant presence. Nearby, a green potted plant adds a touch of life to the scene, contrasting with the piano's ebony finish.",,1,0,entity,whole,entity - whole (grand piano),Is there a grand piano? +partiprompts255,"a grand piano, its glossy black surface partially obscured by the warm glow of multicolored Christmas lights draped across it. The piano stands in a room with hardwood floors and a high ceiling, giving it an elegant presence. Nearby, a green potted plant adds a touch of life to the scene, contrasting with the piano's ebony finish.",,2,1,attribute,texture,"attribute - texture (piano, glossy)",Is the piano glossy? +partiprompts255,"a grand piano, its glossy black surface partially obscured by the warm glow of multicolored Christmas lights draped across it. The piano stands in a room with hardwood floors and a high ceiling, giving it an elegant presence. Nearby, a green potted plant adds a touch of life to the scene, contrasting with the piano's ebony finish.",,3,1,attribute,color,"attribute - color (piano, black)",Is the piano black? +partiprompts255,"a grand piano, its glossy black surface partially obscured by the warm glow of multicolored Christmas lights draped across it. The piano stands in a room with hardwood floors and a high ceiling, giving it an elegant presence. Nearby, a green potted plant adds a touch of life to the scene, contrasting with the piano's ebony finish.",,4,1,attribute,other,"attribute - other (piano, grand)",Is the piano grand? +partiprompts255,"a grand piano, its glossy black surface partially obscured by the warm glow of multicolored Christmas lights draped across it. The piano stands in a room with hardwood floors and a high ceiling, giving it an elegant presence. Nearby, a green potted plant adds a touch of life to the scene, contrasting with the piano's ebony finish.",,5,1,attribute,other,"attribute - other (piano's surface, partially obscured)",Is the piano's surface partially obscured? +partiprompts255,"a grand piano, its glossy black surface partially obscured by the warm glow of multicolored Christmas lights draped across it. The piano stands in a room with hardwood floors and a high ceiling, giving it an elegant presence. Nearby, a green potted plant adds a touch of life to the scene, contrasting with the piano's ebony finish.",,6,1,attribute,other,"attribute - other (Christmas lights, multicolored)",Are the Christmas lights multicolored? +partiprompts255,"a grand piano, its glossy black surface partially obscured by the warm glow of multicolored Christmas lights draped across it. The piano stands in a room with hardwood floors and a high ceiling, giving it an elegant presence. Nearby, a green potted plant adds a touch of life to the scene, contrasting with the piano's ebony finish.",,7,1,attribute,other,"attribute - other (room, hardwood floors)",Are there hardwood floors in the room? +partiprompts255,"a grand piano, its glossy black surface partially obscured by the warm glow of multicolored Christmas lights draped across it. The piano stands in a room with hardwood floors and a high ceiling, giving it an elegant presence. Nearby, a green potted plant adds a touch of life to the scene, contrasting with the piano's ebony finish.",,8,1,attribute,other,"attribute - other (room, high ceiling)",Is there a high ceiling in the room? +partiprompts255,"a grand piano, its glossy black surface partially obscured by the warm glow of multicolored Christmas lights draped across it. The piano stands in a room with hardwood floors and a high ceiling, giving it an elegant presence. Nearby, a green potted plant adds a touch of life to the scene, contrasting with the piano's ebony finish.",,9,1,attribute,other,"attribute - other (room, elegant)",Is the room elegant? +partiprompts255,"a grand piano, its glossy black surface partially obscured by the warm glow of multicolored Christmas lights draped across it. The piano stands in a room with hardwood floors and a high ceiling, giving it an elegant presence. Nearby, a green potted plant adds a touch of life to the scene, contrasting with the piano's ebony finish.",,10,0,entity,whole,entity - whole (green potted plant),Is there a green potted plant? +partiprompts255,"a grand piano, its glossy black surface partially obscured by the warm glow of multicolored Christmas lights draped across it. The piano stands in a room with hardwood floors and a high ceiling, giving it an elegant presence. Nearby, a green potted plant adds a touch of life to the scene, contrasting with the piano's ebony finish.",,11,10,attribute,color,"attribute - color (plant, green)",Is the plant green? +partiprompts255,"a grand piano, its glossy black surface partially obscured by the warm glow of multicolored Christmas lights draped across it. The piano stands in a room with hardwood floors and a high ceiling, giving it an elegant presence. Nearby, a green potted plant adds a touch of life to the scene, contrasting with the piano's ebony finish.",,12,10,attribute,other,"attribute - other (plant, touch of life)",Does the plant add a touch of life? +partiprompts255,"a grand piano, its glossy black surface partially obscured by the warm glow of multicolored Christmas lights draped across it. The piano stands in a room with hardwood floors and a high ceiling, giving it an elegant presence. Nearby, a green potted plant adds a touch of life to the scene, contrasting with the piano's ebony finish.",,13,1,relation,spatial,"relation - spatial (piano, Christmas lights, draped across)",Are the Christmas lights draped across the piano? +partiprompts255,"a grand piano, its glossy black surface partially obscured by the warm glow of multicolored Christmas lights draped across it. The piano stands in a room with hardwood floors and a high ceiling, giving it an elegant presence. Nearby, a green potted plant adds a touch of life to the scene, contrasting with the piano's ebony finish.",,14,"1,7",relation,spatial,"relation - spatial (piano, room, in)",Is the piano in the room? +partiprompts255,"a grand piano, its glossy black surface partially obscured by the warm glow of multicolored Christmas lights draped across it. The piano stands in a room with hardwood floors and a high ceiling, giving it an elegant presence. Nearby, a green potted plant adds a touch of life to the scene, contrasting with the piano's ebony finish.",,15,"10,1",relation,spatial,"relation - spatial (plant, piano, nearby)",Is the plant nearby the piano? +partiprompts242,"A spacious living room features an unlit fireplace with a sleek, flat-screen television mounted above it. The television screen displays a heartwarming scene of a lion embracing a giraffe in a cartoon animation. The mantle of the fireplace is adorned with decorative items, including a small clock and a couple of framed photographs.",,1,0,entity,whole,entity - whole (living room),Is there a living room? +partiprompts242,"A spacious living room features an unlit fireplace with a sleek, flat-screen television mounted above it. The television screen displays a heartwarming scene of a lion embracing a giraffe in a cartoon animation. The mantle of the fireplace is adorned with decorative items, including a small clock and a couple of framed photographs.",,2,1,entity,whole,entity - whole (fireplace),Is there a fireplace? +partiprompts242,"A spacious living room features an unlit fireplace with a sleek, flat-screen television mounted above it. The television screen displays a heartwarming scene of a lion embracing a giraffe in a cartoon animation. The mantle of the fireplace is adorned with decorative items, including a small clock and a couple of framed photographs.",,3,1,entity,whole,entity - whole (television),Is there a television? +partiprompts242,"A spacious living room features an unlit fireplace with a sleek, flat-screen television mounted above it. The television screen displays a heartwarming scene of a lion embracing a giraffe in a cartoon animation. The mantle of the fireplace is adorned with decorative items, including a small clock and a couple of framed photographs.",,4,3,entity,whole,entity - whole (screen),Is there a screen? +partiprompts242,"A spacious living room features an unlit fireplace with a sleek, flat-screen television mounted above it. The television screen displays a heartwarming scene of a lion embracing a giraffe in a cartoon animation. The mantle of the fireplace is adorned with decorative items, including a small clock and a couple of framed photographs.",,5,0,entity,whole,entity - whole (lion),Is there a lion? +partiprompts242,"A spacious living room features an unlit fireplace with a sleek, flat-screen television mounted above it. The television screen displays a heartwarming scene of a lion embracing a giraffe in a cartoon animation. The mantle of the fireplace is adorned with decorative items, including a small clock and a couple of framed photographs.",,6,0,entity,whole,entity - whole (giraffe),Is there a giraffe? +partiprompts242,"A spacious living room features an unlit fireplace with a sleek, flat-screen television mounted above it. The television screen displays a heartwarming scene of a lion embracing a giraffe in a cartoon animation. The mantle of the fireplace is adorned with decorative items, including a small clock and a couple of framed photographs.",,7,0,entity,whole,entity - whole (cartoon animation),Is there a cartoon animation? +partiprompts242,"A spacious living room features an unlit fireplace with a sleek, flat-screen television mounted above it. The television screen displays a heartwarming scene of a lion embracing a giraffe in a cartoon animation. The mantle of the fireplace is adorned with decorative items, including a small clock and a couple of framed photographs.",,8,2,entity,whole,entity - whole (mantle),Is there a mantle? +partiprompts242,"A spacious living room features an unlit fireplace with a sleek, flat-screen television mounted above it. The television screen displays a heartwarming scene of a lion embracing a giraffe in a cartoon animation. The mantle of the fireplace is adorned with decorative items, including a small clock and a couple of framed photographs.",,9,2,entity,whole,entity - whole (clock),Is there a clock? +partiprompts242,"A spacious living room features an unlit fireplace with a sleek, flat-screen television mounted above it. The television screen displays a heartwarming scene of a lion embracing a giraffe in a cartoon animation. The mantle of the fireplace is adorned with decorative items, including a small clock and a couple of framed photographs.",,10,2,entity,whole,entity - whole (photographs),Are there photographs? +partiprompts242,"A spacious living room features an unlit fireplace with a sleek, flat-screen television mounted above it. The television screen displays a heartwarming scene of a lion embracing a giraffe in a cartoon animation. The mantle of the fireplace is adorned with decorative items, including a small clock and a couple of framed photographs.",,11,2,attribute,other,"attribute - other (fireplace, unlit)",Is the fireplace unlit? +partiprompts242,"A spacious living room features an unlit fireplace with a sleek, flat-screen television mounted above it. The television screen displays a heartwarming scene of a lion embracing a giraffe in a cartoon animation. The mantle of the fireplace is adorned with decorative items, including a small clock and a couple of framed photographs.",,12,3,attribute,other,"attribute - other (television, sleek)",Is the television sleek? +partiprompts242,"A spacious living room features an unlit fireplace with a sleek, flat-screen television mounted above it. The television screen displays a heartwarming scene of a lion embracing a giraffe in a cartoon animation. The mantle of the fireplace is adorned with decorative items, including a small clock and a couple of framed photographs.",,13,3,attribute,other,"attribute - other (television, flat-screen)",Is the television a flat-screen? +partiprompts242,"A spacious living room features an unlit fireplace with a sleek, flat-screen television mounted above it. The television screen displays a heartwarming scene of a lion embracing a giraffe in a cartoon animation. The mantle of the fireplace is adorned with decorative items, including a small clock and a couple of framed photographs.",,14,4,attribute,other,"attribute - other (screen, heartwarming)",Is the screen displaying a heartwarming scene? +partiprompts242,"A spacious living room features an unlit fireplace with a sleek, flat-screen television mounted above it. The television screen displays a heartwarming scene of a lion embracing a giraffe in a cartoon animation. The mantle of the fireplace is adorned with decorative items, including a small clock and a couple of framed photographs.",,15,8,attribute,other,"attribute - other (mantle, adorned)",Is the mantle adorned? +partiprompts242,"A spacious living room features an unlit fireplace with a sleek, flat-screen television mounted above it. The television screen displays a heartwarming scene of a lion embracing a giraffe in a cartoon animation. The mantle of the fireplace is adorned with decorative items, including a small clock and a couple of framed photographs.",,16,9,attribute,size,"attribute - size (clock, small)",Is the clock small? +partiprompts242,"A spacious living room features an unlit fireplace with a sleek, flat-screen television mounted above it. The television screen displays a heartwarming scene of a lion embracing a giraffe in a cartoon animation. The mantle of the fireplace is adorned with decorative items, including a small clock and a couple of framed photographs.",,17,"2,3",relation,spatial,"relation - spatial (television, fireplace, above)",Is the television above the fireplace? +partiprompts242,"A spacious living room features an unlit fireplace with a sleek, flat-screen television mounted above it. The television screen displays a heartwarming scene of a lion embracing a giraffe in a cartoon animation. The mantle of the fireplace is adorned with decorative items, including a small clock and a couple of framed photographs.",,18,"4,3",relation,non-spatial,"relation - non-spatial (screen, television, displays)",Is the screen displaying the lion embracing the giraffe? +partiprompts242,"A spacious living room features an unlit fireplace with a sleek, flat-screen television mounted above it. The television screen displays a heartwarming scene of a lion embracing a giraffe in a cartoon animation. The mantle of the fireplace is adorned with decorative items, including a small clock and a couple of framed photographs.",,19,"5,6",relation,spatial,"relation - spatial (lion, giraffe, embracing)",Are the lion and giraffe embracing? +partiprompts242,"A spacious living room features an unlit fireplace with a sleek, flat-screen television mounted above it. The television screen displays a heartwarming scene of a lion embracing a giraffe in a cartoon animation. The mantle of the fireplace is adorned with decorative items, including a small clock and a couple of framed photographs.",,20,"2,8",relation,spatial,"relation - spatial (fireplace, mantle, adorned with)",Is the fireplace adorned with the mantle? +partiprompts242,"A spacious living room features an unlit fireplace with a sleek, flat-screen television mounted above it. The television screen displays a heartwarming scene of a lion embracing a giraffe in a cartoon animation. The mantle of the fireplace is adorned with decorative items, including a small clock and a couple of framed photographs.",,21,"9,10",relation,spatial,"relation - spatial (mantle, clock, adorned with)",Is the clock adorned on the mantle? +partiprompts242,"A spacious living room features an unlit fireplace with a sleek, flat-screen television mounted above it. The television screen displays a heartwarming scene of a lion embracing a giraffe in a cartoon animation. The mantle of the fireplace is adorned with decorative items, including a small clock and a couple of framed photographs.",,22,"9,10",relation,spatial,"relation - spatial (mantle, photographs, adorned with)",Are the photographs adorned on the mantle? +partiprompts275,"An innovative water sculpture shaped like a flat-screen television stands in the center of a dimly lit room. The liquid crystal display, made entirely of cascading water, presents a luminous cityscape at night, with twinkling lights from skyscrapers and a reflection of the moon on the water's surface. Surrounding the unique installation, the floor is tiled in dark hues, accentuating the ethereal glow of the projected urban scene.",,1,0,entity,whole,entity - whole (water sculpture),Is there a water sculpture? +partiprompts275,"An innovative water sculpture shaped like a flat-screen television stands in the center of a dimly lit room. The liquid crystal display, made entirely of cascading water, presents a luminous cityscape at night, with twinkling lights from skyscrapers and a reflection of the moon on the water's surface. Surrounding the unique installation, the floor is tiled in dark hues, accentuating the ethereal glow of the projected urban scene.",,2,0,entity,whole,entity - whole (room),Is there a room? +partiprompts275,"An innovative water sculpture shaped like a flat-screen television stands in the center of a dimly lit room. The liquid crystal display, made entirely of cascading water, presents a luminous cityscape at night, with twinkling lights from skyscrapers and a reflection of the moon on the water's surface. Surrounding the unique installation, the floor is tiled in dark hues, accentuating the ethereal glow of the projected urban scene.",,3,1,entity,whole,entity - whole (liquid crystal display),Is there a liquid crystal display? +partiprompts275,"An innovative water sculpture shaped like a flat-screen television stands in the center of a dimly lit room. The liquid crystal display, made entirely of cascading water, presents a luminous cityscape at night, with twinkling lights from skyscrapers and a reflection of the moon on the water's surface. Surrounding the unique installation, the floor is tiled in dark hues, accentuating the ethereal glow of the projected urban scene.",,4,3,entity,whole,entity - whole (cityscape),Is there a cityscape? +partiprompts275,"An innovative water sculpture shaped like a flat-screen television stands in the center of a dimly lit room. The liquid crystal display, made entirely of cascading water, presents a luminous cityscape at night, with twinkling lights from skyscrapers and a reflection of the moon on the water's surface. Surrounding the unique installation, the floor is tiled in dark hues, accentuating the ethereal glow of the projected urban scene.",,5,4,entity,whole,entity - whole (skyscrapers),Are there skyscrapers? +partiprompts275,"An innovative water sculpture shaped like a flat-screen television stands in the center of a dimly lit room. The liquid crystal display, made entirely of cascading water, presents a luminous cityscape at night, with twinkling lights from skyscrapers and a reflection of the moon on the water's surface. Surrounding the unique installation, the floor is tiled in dark hues, accentuating the ethereal glow of the projected urban scene.",,6,5,entity,whole,entity - whole (moon),Is there a moon? +partiprompts275,"An innovative water sculpture shaped like a flat-screen television stands in the center of a dimly lit room. The liquid crystal display, made entirely of cascading water, presents a luminous cityscape at night, with twinkling lights from skyscrapers and a reflection of the moon on the water's surface. Surrounding the unique installation, the floor is tiled in dark hues, accentuating the ethereal glow of the projected urban scene.",,7,0,entity,whole,entity - whole (floor),Is there a floor? +partiprompts275,"An innovative water sculpture shaped like a flat-screen television stands in the center of a dimly lit room. The liquid crystal display, made entirely of cascading water, presents a luminous cityscape at night, with twinkling lights from skyscrapers and a reflection of the moon on the water's surface. Surrounding the unique installation, the floor is tiled in dark hues, accentuating the ethereal glow of the projected urban scene.",,8,1,attribute,shape,"attribute - shape (water sculpture, flat-screen television)",Is the water sculpture shaped like a flat-screen television? +partiprompts275,"An innovative water sculpture shaped like a flat-screen television stands in the center of a dimly lit room. The liquid crystal display, made entirely of cascading water, presents a luminous cityscape at night, with twinkling lights from skyscrapers and a reflection of the moon on the water's surface. Surrounding the unique installation, the floor is tiled in dark hues, accentuating the ethereal glow of the projected urban scene.",,9,3,attribute,texture,"attribute - texture (liquid crystal display, cascading water)",Is the liquid crystal display made of cascading water? +partiprompts275,"An innovative water sculpture shaped like a flat-screen television stands in the center of a dimly lit room. The liquid crystal display, made entirely of cascading water, presents a luminous cityscape at night, with twinkling lights from skyscrapers and a reflection of the moon on the water's surface. Surrounding the unique installation, the floor is tiled in dark hues, accentuating the ethereal glow of the projected urban scene.",,10,7,attribute,texture,"attribute - texture (floor, tiled)",Is the floor tiled? +partiprompts275,"An innovative water sculpture shaped like a flat-screen television stands in the center of a dimly lit room. The liquid crystal display, made entirely of cascading water, presents a luminous cityscape at night, with twinkling lights from skyscrapers and a reflection of the moon on the water's surface. Surrounding the unique installation, the floor is tiled in dark hues, accentuating the ethereal glow of the projected urban scene.",,11,7,attribute,color,"attribute - color (floor, dark hues)",Are the floor's hues dark? +partiprompts275,"An innovative water sculpture shaped like a flat-screen television stands in the center of a dimly lit room. The liquid crystal display, made entirely of cascading water, presents a luminous cityscape at night, with twinkling lights from skyscrapers and a reflection of the moon on the water's surface. Surrounding the unique installation, the floor is tiled in dark hues, accentuating the ethereal glow of the projected urban scene.",,12,3,entity,state,"entity - state (liquid crystal display, cityscape, luminous)",Is the cityscape on the liquid crystal display luminous? +partiprompts275,"An innovative water sculpture shaped like a flat-screen television stands in the center of a dimly lit room. The liquid crystal display, made entirely of cascading water, presents a luminous cityscape at night, with twinkling lights from skyscrapers and a reflection of the moon on the water's surface. Surrounding the unique installation, the floor is tiled in dark hues, accentuating the ethereal glow of the projected urban scene.",,13,4,entity,state,"entity - state (cityscape, night)",Is the cityscape set at night? +partiprompts275,"An innovative water sculpture shaped like a flat-screen television stands in the center of a dimly lit room. The liquid crystal display, made entirely of cascading water, presents a luminous cityscape at night, with twinkling lights from skyscrapers and a reflection of the moon on the water's surface. Surrounding the unique installation, the floor is tiled in dark hues, accentuating the ethereal glow of the projected urban scene.",,14,5,entity,state,"entity - state (skyscrapers, twinkling lights)",Are the skyscrapers twinkling lights? +partiprompts275,"An innovative water sculpture shaped like a flat-screen television stands in the center of a dimly lit room. The liquid crystal display, made entirely of cascading water, presents a luminous cityscape at night, with twinkling lights from skyscrapers and a reflection of the moon on the water's surface. Surrounding the unique installation, the floor is tiled in dark hues, accentuating the ethereal glow of the projected urban scene.",,15,6,entity,state,"entity - state (moon, reflection)",Is the moon's reflection visible? +partiprompts275,"An innovative water sculpture shaped like a flat-screen television stands in the center of a dimly lit room. The liquid crystal display, made entirely of cascading water, presents a luminous cityscape at night, with twinkling lights from skyscrapers and a reflection of the moon on the water's surface. Surrounding the unique installation, the floor is tiled in dark hues, accentuating the ethereal glow of the projected urban scene.",,16,2,relation,spatial,"relation - spatial (water sculpture, room, in the center)",Is the water sculpture in the center of the room? +partiprompts275,"An innovative water sculpture shaped like a flat-screen television stands in the center of a dimly lit room. The liquid crystal display, made entirely of cascading water, presents a luminous cityscape at night, with twinkling lights from skyscrapers and a reflection of the moon on the water's surface. Surrounding the unique installation, the floor is tiled in dark hues, accentuating the ethereal glow of the projected urban scene.",,17,"3,1",relation,spatial,"relation - spatial (liquid crystal display, water sculpture, stands)",Does the liquid crystal display stand on the water sculpture? +partiprompts275,"An innovative water sculpture shaped like a flat-screen television stands in the center of a dimly lit room. The liquid crystal display, made entirely of cascading water, presents a luminous cityscape at night, with twinkling lights from skyscrapers and a reflection of the moon on the water's surface. Surrounding the unique installation, the floor is tiled in dark hues, accentuating the ethereal glow of the projected urban scene.",,18,"4,3",relation,spatial,"relation - spatial (cityscape, liquid crystal display, on)",Is the cityscape on the liquid crystal display? +partiprompts275,"An innovative water sculpture shaped like a flat-screen television stands in the center of a dimly lit room. The liquid crystal display, made entirely of cascading water, presents a luminous cityscape at night, with twinkling lights from skyscrapers and a reflection of the moon on the water's surface. Surrounding the unique installation, the floor is tiled in dark hues, accentuating the ethereal glow of the projected urban scene.",,19,"5,4",relation,spatial,"relation - spatial (skyscrapers, cityscape, in)",Are the skyscrapers in the cityscape? +partiprompts275,"An innovative water sculpture shaped like a flat-screen television stands in the center of a dimly lit room. The liquid crystal display, made entirely of cascading water, presents a luminous cityscape at night, with twinkling lights from skyscrapers and a reflection of the moon on the water's surface. Surrounding the unique installation, the floor is tiled in dark hues, accentuating the ethereal glow of the projected urban scene.",,20,"6,4",relation,spatial,"relation - spatial (moon, cityscape, on)",Is the moon on the cityscape? +partiprompts275,"An innovative water sculpture shaped like a flat-screen television stands in the center of a dimly lit room. The liquid crystal display, made entirely of cascading water, presents a luminous cityscape at night, with twinkling lights from skyscrapers and a reflection of the moon on the water's surface. Surrounding the unique installation, the floor is tiled in dark hues, accentuating the ethereal glow of the projected urban scene.",,21,"2,7",relation,spatial,"relation - spatial (floor, room, surrounding)",Is the floor surrounding the unique installation? +partiprompts275,"An innovative water sculpture shaped like a flat-screen television stands in the center of a dimly lit room. The liquid crystal display, made entirely of cascading water, presents a luminous cityscape at night, with twinkling lights from skyscrapers and a reflection of the moon on the water's surface. Surrounding the unique installation, the floor is tiled in dark hues, accentuating the ethereal glow of the projected urban scene.",,22,"2,1",relation,spatial,"relation - spatial (floor, installation, surrounding)",Is the floor surrounding the installation? +partiprompts275,"An innovative water sculpture shaped like a flat-screen television stands in the center of a dimly lit room. The liquid crystal display, made entirely of cascading water, presents a luminous cityscape at night, with twinkling lights from skyscrapers and a reflection of the moon on the water's surface. Surrounding the unique installation, the floor is tiled in dark hues, accentuating the ethereal glow of the projected urban scene.",,23,"7,4",relation,non-spatial,"relation - non-spatial (floor, cityscape, projected)",Is the floor projecting the cityscape? +partiprompts275,"An innovative water sculpture shaped like a flat-screen television stands in the center of a dimly lit room. The liquid crystal display, made entirely of cascading water, presents a luminous cityscape at night, with twinkling lights from skyscrapers and a reflection of the moon on the water's surface. Surrounding the unique installation, the floor is tiled in dark hues, accentuating the ethereal glow of the projected urban scene.",,24,"7,4",relation,non-spatial,"relation - non-spatial (floor, urban scene, glow)",Is the floor glowing with the urban scene? +partiprompts279,"A gleaming golden trophy with intricate engravings stands too tall to fit inside a small, worn brown leather suitcase that lies open on the floor. The suitcase, cluttered with clothes and other personal items, cannot accommodate the trophy's wide base and elongated handles. The surrounding space is cramped, with other travel accessories and a pair of shoes scattered nearby, indicating a packing process interrupted by the realization that the trophy must be transported separately.",,1,0,entity,whole,entity - whole (trophy),Is there a trophy? +partiprompts279,"A gleaming golden trophy with intricate engravings stands too tall to fit inside a small, worn brown leather suitcase that lies open on the floor. The suitcase, cluttered with clothes and other personal items, cannot accommodate the trophy's wide base and elongated handles. The surrounding space is cramped, with other travel accessories and a pair of shoes scattered nearby, indicating a packing process interrupted by the realization that the trophy must be transported separately.",,2,1,attribute,color,"attribute - color (trophy, golden)",Is the trophy golden? +partiprompts279,"A gleaming golden trophy with intricate engravings stands too tall to fit inside a small, worn brown leather suitcase that lies open on the floor. The suitcase, cluttered with clothes and other personal items, cannot accommodate the trophy's wide base and elongated handles. The surrounding space is cramped, with other travel accessories and a pair of shoes scattered nearby, indicating a packing process interrupted by the realization that the trophy must be transported separately.",,3,1,attribute,texture,"attribute - texture (trophy, gleaming)",Is the trophy gleaming? +partiprompts279,"A gleaming golden trophy with intricate engravings stands too tall to fit inside a small, worn brown leather suitcase that lies open on the floor. The suitcase, cluttered with clothes and other personal items, cannot accommodate the trophy's wide base and elongated handles. The surrounding space is cramped, with other travel accessories and a pair of shoes scattered nearby, indicating a packing process interrupted by the realization that the trophy must be transported separately.",,4,1,attribute,other,"attribute - other (trophy, intricate engravings)",Are there intricate engravings on the trophy? +partiprompts279,"A gleaming golden trophy with intricate engravings stands too tall to fit inside a small, worn brown leather suitcase that lies open on the floor. The suitcase, cluttered with clothes and other personal items, cannot accommodate the trophy's wide base and elongated handles. The surrounding space is cramped, with other travel accessories and a pair of shoes scattered nearby, indicating a packing process interrupted by the realization that the trophy must be transported separately.",,5,1,attribute,size,"attribute - size (trophy, too tall)",Is the trophy too tall? +partiprompts279,"A gleaming golden trophy with intricate engravings stands too tall to fit inside a small, worn brown leather suitcase that lies open on the floor. The suitcase, cluttered with clothes and other personal items, cannot accommodate the trophy's wide base and elongated handles. The surrounding space is cramped, with other travel accessories and a pair of shoes scattered nearby, indicating a packing process interrupted by the realization that the trophy must be transported separately.",,6,0,entity,whole,entity - whole (suitcase),Is there a suitcase? +partiprompts279,"A gleaming golden trophy with intricate engravings stands too tall to fit inside a small, worn brown leather suitcase that lies open on the floor. The suitcase, cluttered with clothes and other personal items, cannot accommodate the trophy's wide base and elongated handles. The surrounding space is cramped, with other travel accessories and a pair of shoes scattered nearby, indicating a packing process interrupted by the realization that the trophy must be transported separately.",,7,6,attribute,size,"attribute - size (suitcase, small)",Is the suitcase small? +partiprompts279,"A gleaming golden trophy with intricate engravings stands too tall to fit inside a small, worn brown leather suitcase that lies open on the floor. The suitcase, cluttered with clothes and other personal items, cannot accommodate the trophy's wide base and elongated handles. The surrounding space is cramped, with other travel accessories and a pair of shoes scattered nearby, indicating a packing process interrupted by the realization that the trophy must be transported separately.",,8,6,attribute,texture,"attribute - texture (suitcase, worn brown leather)",Is the suitcase made of worn brown leather? +partiprompts279,"A gleaming golden trophy with intricate engravings stands too tall to fit inside a small, worn brown leather suitcase that lies open on the floor. The suitcase, cluttered with clothes and other personal items, cannot accommodate the trophy's wide base and elongated handles. The surrounding space is cramped, with other travel accessories and a pair of shoes scattered nearby, indicating a packing process interrupted by the realization that the trophy must be transported separately.",,9,6,entity,state,"entity - state (suitcase, lie open)",Is the suitcase lying open? +partiprompts279,"A gleaming golden trophy with intricate engravings stands too tall to fit inside a small, worn brown leather suitcase that lies open on the floor. The suitcase, cluttered with clothes and other personal items, cannot accommodate the trophy's wide base and elongated handles. The surrounding space is cramped, with other travel accessories and a pair of shoes scattered nearby, indicating a packing process interrupted by the realization that the trophy must be transported separately.",,10,6,attribute,other,"attribute - other (suitcase, cluttered with clothes and personal items)",Is the suitcase cluttered with clothes and personal items? +partiprompts279,"A gleaming golden trophy with intricate engravings stands too tall to fit inside a small, worn brown leather suitcase that lies open on the floor. The suitcase, cluttered with clothes and other personal items, cannot accommodate the trophy's wide base and elongated handles. The surrounding space is cramped, with other travel accessories and a pair of shoes scattered nearby, indicating a packing process interrupted by the realization that the trophy must be transported separately.",,11,"1,6",relation,spatial,"relation - spatial (trophy, suitcase, inside)",Is the trophy inside the suitcase? +partiprompts279,"A gleaming golden trophy with intricate engravings stands too tall to fit inside a small, worn brown leather suitcase that lies open on the floor. The suitcase, cluttered with clothes and other personal items, cannot accommodate the trophy's wide base and elongated handles. The surrounding space is cramped, with other travel accessories and a pair of shoes scattered nearby, indicating a packing process interrupted by the realization that the trophy must be transported separately.",,12,"6,2",relation,spatial,"relation - spatial (suitcase, floor, on)",Is the suitcase on the floor? +partiprompts279,"A gleaming golden trophy with intricate engravings stands too tall to fit inside a small, worn brown leather suitcase that lies open on the floor. The suitcase, cluttered with clothes and other personal items, cannot accommodate the trophy's wide base and elongated handles. The surrounding space is cramped, with other travel accessories and a pair of shoes scattered nearby, indicating a packing process interrupted by the realization that the trophy must be transported separately.",,13,"6,1",relation,spatial,"relation - spatial (trophy, suitcase, cannot accommodate)",Can the suitcase accommodate the trophy? +partiprompts279,"A gleaming golden trophy with intricate engravings stands too tall to fit inside a small, worn brown leather suitcase that lies open on the floor. The suitcase, cluttered with clothes and other personal items, cannot accommodate the trophy's wide base and elongated handles. The surrounding space is cramped, with other travel accessories and a pair of shoes scattered nearby, indicating a packing process interrupted by the realization that the trophy must be transported separately.",,14,6,relation,spatial,"relation - spatial (suitcase, space, cramped)",Is the space around the suitcase cramped? +partiprompts279,"A gleaming golden trophy with intricate engravings stands too tall to fit inside a small, worn brown leather suitcase that lies open on the floor. The suitcase, cluttered with clothes and other personal items, cannot accommodate the trophy's wide base and elongated handles. The surrounding space is cramped, with other travel accessories and a pair of shoes scattered nearby, indicating a packing process interrupted by the realization that the trophy must be transported separately.",,15,1,relation,spatial,"relation - spatial (trophy, travel accessories, nearby)",Are there travel accessories near the trophy? +partiprompts279,"A gleaming golden trophy with intricate engravings stands too tall to fit inside a small, worn brown leather suitcase that lies open on the floor. The suitcase, cluttered with clothes and other personal items, cannot accommodate the trophy's wide base and elongated handles. The surrounding space is cramped, with other travel accessories and a pair of shoes scattered nearby, indicating a packing process interrupted by the realization that the trophy must be transported separately.",,16,1,relation,spatial,"relation - spatial (trophy, pair of shoes, nearby)",Are there a pair of shoes near the trophy? +partiprompts279,"A gleaming golden trophy with intricate engravings stands too tall to fit inside a small, worn brown leather suitcase that lies open on the floor. The suitcase, cluttered with clothes and other personal items, cannot accommodate the trophy's wide base and elongated handles. The surrounding space is cramped, with other travel accessories and a pair of shoes scattered nearby, indicating a packing process interrupted by the realization that the trophy must be transported separately.",,17,0,relation,spatial,"relation - non-spatial (packing process, interrupted)",Was the packing process interrupted? +partiprompts279,"A gleaming golden trophy with intricate engravings stands too tall to fit inside a small, worn brown leather suitcase that lies open on the floor. The suitcase, cluttered with clothes and other personal items, cannot accommodate the trophy's wide base and elongated handles. The surrounding space is cramped, with other travel accessories and a pair of shoes scattered nearby, indicating a packing process interrupted by the realization that the trophy must be transported separately.",,18,0,relation,spatial,"relation - non-spatial (realization, trophy must be transported separately)",Was it realized that the trophy must be transported separately? +partiprompts273,"A smooth, rectangular bar of dark chocolate lying on a white marble surface, with the ironic word ""WRAPPER"" embossed on its surface in bold letters. The chocolate bar, with its neatly segmented squares, is unwrapped and ready to be broken apart and enjoyed. Surrounding the bar, there are faint traces of its former gold foil wrapper, crinkled and pushed aside.",,1,0,entity,whole,entity - whole (chocolate bar),Is there a chocolate bar? +partiprompts273,"A smooth, rectangular bar of dark chocolate lying on a white marble surface, with the ironic word ""WRAPPER"" embossed on its surface in bold letters. The chocolate bar, with its neatly segmented squares, is unwrapped and ready to be broken apart and enjoyed. Surrounding the bar, there are faint traces of its former gold foil wrapper, crinkled and pushed aside.",,2,1,attribute,texture,"attribute - texture (chocolate bar, smooth)",Is the chocolate bar smooth? +partiprompts273,"A smooth, rectangular bar of dark chocolate lying on a white marble surface, with the ironic word ""WRAPPER"" embossed on its surface in bold letters. The chocolate bar, with its neatly segmented squares, is unwrapped and ready to be broken apart and enjoyed. Surrounding the bar, there are faint traces of its former gold foil wrapper, crinkled and pushed aside.",,3,1,attribute,shape,"attribute - shape (chocolate bar, rectangular)",Is the chocolate bar rectangular? +partiprompts273,"A smooth, rectangular bar of dark chocolate lying on a white marble surface, with the ironic word ""WRAPPER"" embossed on its surface in bold letters. The chocolate bar, with its neatly segmented squares, is unwrapped and ready to be broken apart and enjoyed. Surrounding the bar, there are faint traces of its former gold foil wrapper, crinkled and pushed aside.",,4,1,attribute,color,"attribute - color (chocolate bar, dark)",Is the chocolate bar dark in color? +partiprompts273,"A smooth, rectangular bar of dark chocolate lying on a white marble surface, with the ironic word ""WRAPPER"" embossed on its surface in bold letters. The chocolate bar, with its neatly segmented squares, is unwrapped and ready to be broken apart and enjoyed. Surrounding the bar, there are faint traces of its former gold foil wrapper, crinkled and pushed aside.",,5,1,attribute,texture,"attribute - texture (surface, white marble)",Is the surface white marble? +partiprompts273,"A smooth, rectangular bar of dark chocolate lying on a white marble surface, with the ironic word ""WRAPPER"" embossed on its surface in bold letters. The chocolate bar, with its neatly segmented squares, is unwrapped and ready to be broken apart and enjoyed. Surrounding the bar, there are faint traces of its former gold foil wrapper, crinkled and pushed aside.",,6,1,attribute,other,"attribute - other (chocolate bar, unwrapped)",Is the chocolate bar unwrapped? +partiprompts273,"A smooth, rectangular bar of dark chocolate lying on a white marble surface, with the ironic word ""WRAPPER"" embossed on its surface in bold letters. The chocolate bar, with its neatly segmented squares, is unwrapped and ready to be broken apart and enjoyed. Surrounding the bar, there are faint traces of its former gold foil wrapper, crinkled and pushed aside.",,7,1,attribute,other,"attribute - other (chocolate bar, segmented squares)",Does the chocolate bar have segmented squares? +partiprompts273,"A smooth, rectangular bar of dark chocolate lying on a white marble surface, with the ironic word ""WRAPPER"" embossed on its surface in bold letters. The chocolate bar, with its neatly segmented squares, is unwrapped and ready to be broken apart and enjoyed. Surrounding the bar, there are faint traces of its former gold foil wrapper, crinkled and pushed aside.",,8,1,attribute,other,"attribute - other (chocolate bar, ready to be broken apart)",Is the chocolate bar ready to be broken apart? +partiprompts273,"A smooth, rectangular bar of dark chocolate lying on a white marble surface, with the ironic word ""WRAPPER"" embossed on its surface in bold letters. The chocolate bar, with its neatly segmented squares, is unwrapped and ready to be broken apart and enjoyed. Surrounding the bar, there are faint traces of its former gold foil wrapper, crinkled and pushed aside.",,9,1,attribute,other,"attribute - other (gold foil wrapper, former)",Was there a gold foil wrapper? +partiprompts273,"A smooth, rectangular bar of dark chocolate lying on a white marble surface, with the ironic word ""WRAPPER"" embossed on its surface in bold letters. The chocolate bar, with its neatly segmented squares, is unwrapped and ready to be broken apart and enjoyed. Surrounding the bar, there are faint traces of its former gold foil wrapper, crinkled and pushed aside.",,10,9,attribute,texture,"attribute - texture (gold foil wrapper, crinkled)",Is the gold foil wrapper crinkled? +partiprompts95,"A detailed oil painting that captures the essence of a smiling businesswoman, her expression warm and inviting. She is depicted holding a sleek, modern cell phone in her right hand, which contrasts with the classical style of the artwork reminiscent of Rembrandt's technique. The rich, golden light highlights the textures of her suit and the soft curls in her hair, while the deep, warm background tones complement her confident stance.",,1,0,global,,global - (detailed oil painting),Is this a detailed oil painting? +partiprompts95,"A detailed oil painting that captures the essence of a smiling businesswoman, her expression warm and inviting. She is depicted holding a sleek, modern cell phone in her right hand, which contrasts with the classical style of the artwork reminiscent of Rembrandt's technique. The rich, golden light highlights the textures of her suit and the soft curls in her hair, while the deep, warm background tones complement her confident stance.",,2,1,entity,whole,entity - whole (businesswoman),Is there a businesswoman? +partiprompts95,"A detailed oil painting that captures the essence of a smiling businesswoman, her expression warm and inviting. She is depicted holding a sleek, modern cell phone in her right hand, which contrasts with the classical style of the artwork reminiscent of Rembrandt's technique. The rich, golden light highlights the textures of her suit and the soft curls in her hair, while the deep, warm background tones complement her confident stance.",,3,0,entity,whole,entity - whole (cell phone),Is there a cell phone? +partiprompts95,"A detailed oil painting that captures the essence of a smiling businesswoman, her expression warm and inviting. She is depicted holding a sleek, modern cell phone in her right hand, which contrasts with the classical style of the artwork reminiscent of Rembrandt's technique. The rich, golden light highlights the textures of her suit and the soft curls in her hair, while the deep, warm background tones complement her confident stance.",,4,2,attribute,other,"attribute - other (businesswoman, smiling)",Is the businesswoman smiling? +partiprompts95,"A detailed oil painting that captures the essence of a smiling businesswoman, her expression warm and inviting. She is depicted holding a sleek, modern cell phone in her right hand, which contrasts with the classical style of the artwork reminiscent of Rembrandt's technique. The rich, golden light highlights the textures of her suit and the soft curls in her hair, while the deep, warm background tones complement her confident stance.",,5,2,attribute,other,"attribute - other (businesswoman, warm and inviting expression)",Does the businesswoman have a warm and inviting expression? +partiprompts95,"A detailed oil painting that captures the essence of a smiling businesswoman, her expression warm and inviting. She is depicted holding a sleek, modern cell phone in her right hand, which contrasts with the classical style of the artwork reminiscent of Rembrandt's technique. The rich, golden light highlights the textures of her suit and the soft curls in her hair, while the deep, warm background tones complement her confident stance.",,6,3,attribute,other,"attribute - other (cell phone, sleek and modern)",Is the cell phone sleek and modern? +partiprompts95,"A detailed oil painting that captures the essence of a smiling businesswoman, her expression warm and inviting. She is depicted holding a sleek, modern cell phone in her right hand, which contrasts with the classical style of the artwork reminiscent of Rembrandt's technique. The rich, golden light highlights the textures of her suit and the soft curls in her hair, while the deep, warm background tones complement her confident stance.",,7,1,attribute,other,"attribute - other (artwork, classical style)",Does the artwork have a classical style? +partiprompts95,"A detailed oil painting that captures the essence of a smiling businesswoman, her expression warm and inviting. She is depicted holding a sleek, modern cell phone in her right hand, which contrasts with the classical style of the artwork reminiscent of Rembrandt's technique. The rich, golden light highlights the textures of her suit and the soft curls in her hair, while the deep, warm background tones complement her confident stance.",,8,1,attribute,other,"attribute - other (artwork, reminiscent of Rembrandt's technique)",Does the artwork remind you of Rembrandt's technique? +partiprompts95,"A detailed oil painting that captures the essence of a smiling businesswoman, her expression warm and inviting. She is depicted holding a sleek, modern cell phone in her right hand, which contrasts with the classical style of the artwork reminiscent of Rembrandt's technique. The rich, golden light highlights the textures of her suit and the soft curls in her hair, while the deep, warm background tones complement her confident stance.",,9,1,attribute,color,"attribute - color (light, golden)",Is the light golden? +partiprompts95,"A detailed oil painting that captures the essence of a smiling businesswoman, her expression warm and inviting. She is depicted holding a sleek, modern cell phone in her right hand, which contrasts with the classical style of the artwork reminiscent of Rembrandt's technique. The rich, golden light highlights the textures of her suit and the soft curls in her hair, while the deep, warm background tones complement her confident stance.",,10,2,attribute,texture,"attribute - texture (businesswoman's suit, rich)",Is the texture of the businesswoman's suit rich? +partiprompts95,"A detailed oil painting that captures the essence of a smiling businesswoman, her expression warm and inviting. She is depicted holding a sleek, modern cell phone in her right hand, which contrasts with the classical style of the artwork reminiscent of Rembrandt's technique. The rich, golden light highlights the textures of her suit and the soft curls in her hair, while the deep, warm background tones complement her confident stance.",,11,2,attribute,texture,"attribute - texture (businesswoman's hair, soft curls)",Are there soft curls in the businesswoman's hair? +partiprompts95,"A detailed oil painting that captures the essence of a smiling businesswoman, her expression warm and inviting. She is depicted holding a sleek, modern cell phone in her right hand, which contrasts with the classical style of the artwork reminiscent of Rembrandt's technique. The rich, golden light highlights the textures of her suit and the soft curls in her hair, while the deep, warm background tones complement her confident stance.",,12,1,attribute,color,"attribute - color (background tones, deep and warm)",Are the background tones deep and warm? +partiprompts95,"A detailed oil painting that captures the essence of a smiling businesswoman, her expression warm and inviting. She is depicted holding a sleek, modern cell phone in her right hand, which contrasts with the classical style of the artwork reminiscent of Rembrandt's technique. The rich, golden light highlights the textures of her suit and the soft curls in her hair, while the deep, warm background tones complement her confident stance.",,13,2,entity,state,"entity - state (businesswoman, hold)",Is the businesswoman holding something? +partiprompts95,"A detailed oil painting that captures the essence of a smiling businesswoman, her expression warm and inviting. She is depicted holding a sleek, modern cell phone in her right hand, which contrasts with the classical style of the artwork reminiscent of Rembrandt's technique. The rich, golden light highlights the textures of her suit and the soft curls in her hair, while the deep, warm background tones complement her confident stance.",,14,2,entity,state,"entity - state (businesswoman, depicted)",Is the businesswoman depicted in the painting? +partiprompts95,"A detailed oil painting that captures the essence of a smiling businesswoman, her expression warm and inviting. She is depicted holding a sleek, modern cell phone in her right hand, which contrasts with the classical style of the artwork reminiscent of Rembrandt's technique. The rich, golden light highlights the textures of her suit and the soft curls in her hair, while the deep, warm background tones complement her confident stance.",,15,2,entity,state,"entity - state (businesswoman, confident stance)",Is the businesswoman in a confident stance? +partiprompts260,"three violins with a glossy finish and delicate strings lying side by side on a polished hardwood floor. the instruments, each with a rich brown color and unique wood grain patterns, are positioned near a black music stand. natural light from a nearby window casts soft shadows around the violins, highlighting their elegant curves.",,1,0,entity,whole,entity - whole (violins),Are there violins? +partiprompts260,"three violins with a glossy finish and delicate strings lying side by side on a polished hardwood floor. the instruments, each with a rich brown color and unique wood grain patterns, are positioned near a black music stand. natural light from a nearby window casts soft shadows around the violins, highlighting their elegant curves.",,2,1,other,count,"other - count (violins, ==3)",Are there three violins? +partiprompts260,"three violins with a glossy finish and delicate strings lying side by side on a polished hardwood floor. the instruments, each with a rich brown color and unique wood grain patterns, are positioned near a black music stand. natural light from a nearby window casts soft shadows around the violins, highlighting their elegant curves.",,3,1,attribute,texture,"attribute - texture (violins, glossy)",Are the violins glossy? +partiprompts260,"three violins with a glossy finish and delicate strings lying side by side on a polished hardwood floor. the instruments, each with a rich brown color and unique wood grain patterns, are positioned near a black music stand. natural light from a nearby window casts soft shadows around the violins, highlighting their elegant curves.",,4,1,attribute,texture,"attribute - texture (strings, delicate)",Are the strings delicate? +partiprompts260,"three violins with a glossy finish and delicate strings lying side by side on a polished hardwood floor. the instruments, each with a rich brown color and unique wood grain patterns, are positioned near a black music stand. natural light from a nearby window casts soft shadows around the violins, highlighting their elegant curves.",,5,1,attribute,texture,"attribute - texture (floor, polished hardwood)",Is the floor polished hardwood? +partiprompts260,"three violins with a glossy finish and delicate strings lying side by side on a polished hardwood floor. the instruments, each with a rich brown color and unique wood grain patterns, are positioned near a black music stand. natural light from a nearby window casts soft shadows around the violins, highlighting their elegant curves.",,6,1,attribute,color,"attribute - color (violins, rich brown)",Are the violins rich brown in color? +partiprompts260,"three violins with a glossy finish and delicate strings lying side by side on a polished hardwood floor. the instruments, each with a rich brown color and unique wood grain patterns, are positioned near a black music stand. natural light from a nearby window casts soft shadows around the violins, highlighting their elegant curves.",,7,1,attribute,other,"attribute - other (violins, unique wood grain patterns)",Do the violins have unique wood grain patterns? +partiprompts260,"three violins with a glossy finish and delicate strings lying side by side on a polished hardwood floor. the instruments, each with a rich brown color and unique wood grain patterns, are positioned near a black music stand. natural light from a nearby window casts soft shadows around the violins, highlighting their elegant curves.",,8,0,entity,whole,entity - whole (music stand),Is there a music stand? +partiprompts260,"three violins with a glossy finish and delicate strings lying side by side on a polished hardwood floor. the instruments, each with a rich brown color and unique wood grain patterns, are positioned near a black music stand. natural light from a nearby window casts soft shadows around the violins, highlighting their elegant curves.",,9,0,attribute,color,"attribute - color (music stand, black)",Is the music stand black? +partiprompts260,"three violins with a glossy finish and delicate strings lying side by side on a polished hardwood floor. the instruments, each with a rich brown color and unique wood grain patterns, are positioned near a black music stand. natural light from a nearby window casts soft shadows around the violins, highlighting their elegant curves.",,10,0,attribute,texture,"attribute - texture (window, nearby)",Is there a nearby window? +partiprompts260,"three violins with a glossy finish and delicate strings lying side by side on a polished hardwood floor. the instruments, each with a rich brown color and unique wood grain patterns, are positioned near a black music stand. natural light from a nearby window casts soft shadows around the violins, highlighting their elegant curves.",,11,2,entity,state,"entity - state (violins, lie)",Are the violins lying down? +partiprompts260,"three violins with a glossy finish and delicate strings lying side by side on a polished hardwood floor. the instruments, each with a rich brown color and unique wood grain patterns, are positioned near a black music stand. natural light from a nearby window casts soft shadows around the violins, highlighting their elegant curves.",,12,"1,5",relation,spatial,"relation - spatial (violins, floor, on)",Are the violins on the polished hardwood floor? +partiprompts260,"three violins with a glossy finish and delicate strings lying side by side on a polished hardwood floor. the instruments, each with a rich brown color and unique wood grain patterns, are positioned near a black music stand. natural light from a nearby window casts soft shadows around the violins, highlighting their elegant curves.",,13,"1,8",relation,spatial,"relation - spatial (violins, music stand, near)",Are the violins near the music stand? +partiprompts260,"three violins with a glossy finish and delicate strings lying side by side on a polished hardwood floor. the instruments, each with a rich brown color and unique wood grain patterns, are positioned near a black music stand. natural light from a nearby window casts soft shadows around the violins, highlighting their elegant curves.",,14,"10,1",relation,spatial,"relation - spatial (window, violins, from)",Are the violins getting light from the window? +partiprompts260,"three violins with a glossy finish and delicate strings lying side by side on a polished hardwood floor. the instruments, each with a rich brown color and unique wood grain patterns, are positioned near a black music stand. natural light from a nearby window casts soft shadows around the violins, highlighting their elegant curves.",,15,1,attribute,other,"attribute - other (shadows, soft)",Are there soft shadows around the violins? +partiprompts260,"three violins with a glossy finish and delicate strings lying side by side on a polished hardwood floor. the instruments, each with a rich brown color and unique wood grain patterns, are positioned near a black music stand. natural light from a nearby window casts soft shadows around the violins, highlighting their elegant curves.",,16,1,attribute,other,"attribute - other (curves, elegant)",Are the curves of the violins elegant? +partiprompts81,"a flag with three distinct vertical stripes prominently displayed against a clear sky. The leftmost stripe is a deep blue, the middle is a crisp white, and the rightmost stripe is a vibrant red. The flag is attached to a silver pole that is mounted on a grey building, fluttering gently in the breeze.",,1,0,entity,whole,entity - whole (flag),Is there a flag? +partiprompts81,"a flag with three distinct vertical stripes prominently displayed against a clear sky. The leftmost stripe is a deep blue, the middle is a crisp white, and the rightmost stripe is a vibrant red. The flag is attached to a silver pole that is mounted on a grey building, fluttering gently in the breeze.",,2,1,attribute,other,"attribute - other (flag, three distinct vertical stripes)",Does the flag have three distinct vertical stripes? +partiprompts81,"a flag with three distinct vertical stripes prominently displayed against a clear sky. The leftmost stripe is a deep blue, the middle is a crisp white, and the rightmost stripe is a vibrant red. The flag is attached to a silver pole that is mounted on a grey building, fluttering gently in the breeze.",,3,2,attribute,color,"attribute - color (leftmost stripe, deep blue)",Is the leftmost stripe deep blue? +partiprompts81,"a flag with three distinct vertical stripes prominently displayed against a clear sky. The leftmost stripe is a deep blue, the middle is a crisp white, and the rightmost stripe is a vibrant red. The flag is attached to a silver pole that is mounted on a grey building, fluttering gently in the breeze.",,4,2,attribute,color,"attribute - color (middle stripe, crisp white)",Is the middle stripe crisp white? +partiprompts81,"a flag with three distinct vertical stripes prominently displayed against a clear sky. The leftmost stripe is a deep blue, the middle is a crisp white, and the rightmost stripe is a vibrant red. The flag is attached to a silver pole that is mounted on a grey building, fluttering gently in the breeze.",,5,2,attribute,color,"attribute - color (rightmost stripe, vibrant red)",Is the rightmost stripe vibrant red? +partiprompts81,"a flag with three distinct vertical stripes prominently displayed against a clear sky. The leftmost stripe is a deep blue, the middle is a crisp white, and the rightmost stripe is a vibrant red. The flag is attached to a silver pole that is mounted on a grey building, fluttering gently in the breeze.",,6,0,entity,whole,entity - whole (sky),Is there a sky? +partiprompts81,"a flag with three distinct vertical stripes prominently displayed against a clear sky. The leftmost stripe is a deep blue, the middle is a crisp white, and the rightmost stripe is a vibrant red. The flag is attached to a silver pole that is mounted on a grey building, fluttering gently in the breeze.",,7,0,entity,whole,entity - whole (pole),Is there a pole? +partiprompts81,"a flag with three distinct vertical stripes prominently displayed against a clear sky. The leftmost stripe is a deep blue, the middle is a crisp white, and the rightmost stripe is a vibrant red. The flag is attached to a silver pole that is mounted on a grey building, fluttering gently in the breeze.",,8,7,attribute,color,"attribute - color (pole, silver)",Is the pole silver? +partiprompts81,"a flag with three distinct vertical stripes prominently displayed against a clear sky. The leftmost stripe is a deep blue, the middle is a crisp white, and the rightmost stripe is a vibrant red. The flag is attached to a silver pole that is mounted on a grey building, fluttering gently in the breeze.",,9,0,entity,whole,entity - whole (building),Is there a building? +partiprompts81,"a flag with three distinct vertical stripes prominently displayed against a clear sky. The leftmost stripe is a deep blue, the middle is a crisp white, and the rightmost stripe is a vibrant red. The flag is attached to a silver pole that is mounted on a grey building, fluttering gently in the breeze.",,10,9,attribute,color,"attribute - color (building, grey)",Is the building grey? +partiprompts81,"a flag with three distinct vertical stripes prominently displayed against a clear sky. The leftmost stripe is a deep blue, the middle is a crisp white, and the rightmost stripe is a vibrant red. The flag is attached to a silver pole that is mounted on a grey building, fluttering gently in the breeze.",,11,1,attribute,texture,"attribute - texture (flag, fluttering)",Is the flag fluttering? +partiprompts81,"a flag with three distinct vertical stripes prominently displayed against a clear sky. The leftmost stripe is a deep blue, the middle is a crisp white, and the rightmost stripe is a vibrant red. The flag is attached to a silver pole that is mounted on a grey building, fluttering gently in the breeze.",,12,"1,6",relation,spatial,"relation - spatial (flag, sky, against)",Is the flag against the sky? +partiprompts81,"a flag with three distinct vertical stripes prominently displayed against a clear sky. The leftmost stripe is a deep blue, the middle is a crisp white, and the rightmost stripe is a vibrant red. The flag is attached to a silver pole that is mounted on a grey building, fluttering gently in the breeze.",,13,"7,9",relation,spatial,"relation - spatial (pole, building, on)",Is the pole on the building? +partiprompts285,"A delicate, spherical glass sculpture with intricate blue and green patterns, previously perched on a wooden shelf, has tumbled to the floor due to the lack of secure anchoring. The shelf, lined with various other art pieces, stands against a pale yellow wall. The fallen sculpture now lies near a potted fern, its position suggesting the quiet aftermath of the incident.",,1,0,entity,whole,entity - whole (glass sculpture),Is there a glass sculpture? +partiprompts285,"A delicate, spherical glass sculpture with intricate blue and green patterns, previously perched on a wooden shelf, has tumbled to the floor due to the lack of secure anchoring. The shelf, lined with various other art pieces, stands against a pale yellow wall. The fallen sculpture now lies near a potted fern, its position suggesting the quiet aftermath of the incident.",,2,1,attribute,shape,"attribute - shape (glass sculpture, spherical)",Is the glass sculpture spherical? +partiprompts285,"A delicate, spherical glass sculpture with intricate blue and green patterns, previously perched on a wooden shelf, has tumbled to the floor due to the lack of secure anchoring. The shelf, lined with various other art pieces, stands against a pale yellow wall. The fallen sculpture now lies near a potted fern, its position suggesting the quiet aftermath of the incident.",,3,1,attribute,texture,"attribute - texture (glass sculpture, delicate)",Is the glass sculpture delicate? +partiprompts285,"A delicate, spherical glass sculpture with intricate blue and green patterns, previously perched on a wooden shelf, has tumbled to the floor due to the lack of secure anchoring. The shelf, lined with various other art pieces, stands against a pale yellow wall. The fallen sculpture now lies near a potted fern, its position suggesting the quiet aftermath of the incident.",,4,1,attribute,color,"attribute - color (glass sculpture, blue)",Is the glass sculpture blue? +partiprompts285,"A delicate, spherical glass sculpture with intricate blue and green patterns, previously perched on a wooden shelf, has tumbled to the floor due to the lack of secure anchoring. The shelf, lined with various other art pieces, stands against a pale yellow wall. The fallen sculpture now lies near a potted fern, its position suggesting the quiet aftermath of the incident.",,5,1,attribute,color,"attribute - color (glass sculpture, green)",Is the glass sculpture green? +partiprompts285,"A delicate, spherical glass sculpture with intricate blue and green patterns, previously perched on a wooden shelf, has tumbled to the floor due to the lack of secure anchoring. The shelf, lined with various other art pieces, stands against a pale yellow wall. The fallen sculpture now lies near a potted fern, its position suggesting the quiet aftermath of the incident.",,6,1,attribute,other,"attribute - other (glass sculpture, intricate patterns)",Does the glass sculpture have intricate patterns? +partiprompts285,"A delicate, spherical glass sculpture with intricate blue and green patterns, previously perched on a wooden shelf, has tumbled to the floor due to the lack of secure anchoring. The shelf, lined with various other art pieces, stands against a pale yellow wall. The fallen sculpture now lies near a potted fern, its position suggesting the quiet aftermath of the incident.",,7,0,entity,whole,entity - whole (wooden shelf),Is there a wooden shelf? +partiprompts285,"A delicate, spherical glass sculpture with intricate blue and green patterns, previously perched on a wooden shelf, has tumbled to the floor due to the lack of secure anchoring. The shelf, lined with various other art pieces, stands against a pale yellow wall. The fallen sculpture now lies near a potted fern, its position suggesting the quiet aftermath of the incident.",,8,7,attribute,texture,"attribute - texture (wooden shelf, lined)",Is the wooden shelf lined? +partiprompts285,"A delicate, spherical glass sculpture with intricate blue and green patterns, previously perched on a wooden shelf, has tumbled to the floor due to the lack of secure anchoring. The shelf, lined with various other art pieces, stands against a pale yellow wall. The fallen sculpture now lies near a potted fern, its position suggesting the quiet aftermath of the incident.",,9,7,attribute,color,"attribute - color (wooden shelf, various)",Is the wooden shelf various in color? +partiprompts285,"A delicate, spherical glass sculpture with intricate blue and green patterns, previously perched on a wooden shelf, has tumbled to the floor due to the lack of secure anchoring. The shelf, lined with various other art pieces, stands against a pale yellow wall. The fallen sculpture now lies near a potted fern, its position suggesting the quiet aftermath of the incident.",,10,0,entity,whole,entity - whole (wall),Is there a wall? +partiprompts285,"A delicate, spherical glass sculpture with intricate blue and green patterns, previously perched on a wooden shelf, has tumbled to the floor due to the lack of secure anchoring. The shelf, lined with various other art pieces, stands against a pale yellow wall. The fallen sculpture now lies near a potted fern, its position suggesting the quiet aftermath of the incident.",,11,10,attribute,color,"attribute - color (wall, pale yellow)",Is the wall pale yellow? +partiprompts285,"A delicate, spherical glass sculpture with intricate blue and green patterns, previously perched on a wooden shelf, has tumbled to the floor due to the lack of secure anchoring. The shelf, lined with various other art pieces, stands against a pale yellow wall. The fallen sculpture now lies near a potted fern, its position suggesting the quiet aftermath of the incident.",,12,0,entity,whole,entity - whole (fern),Is there a fern? +partiprompts285,"A delicate, spherical glass sculpture with intricate blue and green patterns, previously perched on a wooden shelf, has tumbled to the floor due to the lack of secure anchoring. The shelf, lined with various other art pieces, stands against a pale yellow wall. The fallen sculpture now lies near a potted fern, its position suggesting the quiet aftermath of the incident.",,13,0,entity,whole,entity - whole (art pieces),Are there art pieces? +partiprompts285,"A delicate, spherical glass sculpture with intricate blue and green patterns, previously perched on a wooden shelf, has tumbled to the floor due to the lack of secure anchoring. The shelf, lined with various other art pieces, stands against a pale yellow wall. The fallen sculpture now lies near a potted fern, its position suggesting the quiet aftermath of the incident.",,14,"1,7",relation,spatial,"relation - spatial (glass sculpture, wooden shelf, previously perched on)",Was the glass sculpture previously perched on the wooden shelf? +partiprompts285,"A delicate, spherical glass sculpture with intricate blue and green patterns, previously perched on a wooden shelf, has tumbled to the floor due to the lack of secure anchoring. The shelf, lined with various other art pieces, stands against a pale yellow wall. The fallen sculpture now lies near a potted fern, its position suggesting the quiet aftermath of the incident.",,15,"1,15",relation,spatial,"relation - spatial (glass sculpture, floor, tumbled to)",Did the glass sculpture tumble to the floor? +partiprompts285,"A delicate, spherical glass sculpture with intricate blue and green patterns, previously perched on a wooden shelf, has tumbled to the floor due to the lack of secure anchoring. The shelf, lined with various other art pieces, stands against a pale yellow wall. The fallen sculpture now lies near a potted fern, its position suggesting the quiet aftermath of the incident.",,16,"7,10",relation,spatial,"relation - spatial (shelf, wall, against)",Is the shelf against the wall? +partiprompts285,"A delicate, spherical glass sculpture with intricate blue and green patterns, previously perched on a wooden shelf, has tumbled to the floor due to the lack of secure anchoring. The shelf, lined with various other art pieces, stands against a pale yellow wall. The fallen sculpture now lies near a potted fern, its position suggesting the quiet aftermath of the incident.",,17,"1,12",relation,spatial,"relation - spatial (glass sculpture, fern, near)",Is the glass sculpture near the fern? +partiprompts285,"A delicate, spherical glass sculpture with intricate blue and green patterns, previously perched on a wooden shelf, has tumbled to the floor due to the lack of secure anchoring. The shelf, lined with various other art pieces, stands against a pale yellow wall. The fallen sculpture now lies near a potted fern, its position suggesting the quiet aftermath of the incident.",,18,"1,15",relation,spatial,"relation - spatial (glass sculpture, incident, aftermath)",Does the position of the glass sculpture suggest the quiet aftermath of the incident? +partiprompts173,"a detailed sketch of a space shuttle, rendered in the intricate, technical style reminiscent of Leonardo da Vinci's famous drawings. The shuttle is depicted with numerous annotations and measurements, showcasing its complex design and structure. The paper on which it is drawn has an aged, yellowed appearance, adding to the historical feel of the artwork.",,1,0,entity,whole,entity - whole (sketch),Is there a sketch? +partiprompts173,"a detailed sketch of a space shuttle, rendered in the intricate, technical style reminiscent of Leonardo da Vinci's famous drawings. The shuttle is depicted with numerous annotations and measurements, showcasing its complex design and structure. The paper on which it is drawn has an aged, yellowed appearance, adding to the historical feel of the artwork.",,2,0,entity,whole,entity - whole (space shuttle),Is there a space shuttle? +partiprompts173,"a detailed sketch of a space shuttle, rendered in the intricate, technical style reminiscent of Leonardo da Vinci's famous drawings. The shuttle is depicted with numerous annotations and measurements, showcasing its complex design and structure. The paper on which it is drawn has an aged, yellowed appearance, adding to the historical feel of the artwork.",,3,1,global,,global - (detailed),Is the sketch detailed? +partiprompts173,"a detailed sketch of a space shuttle, rendered in the intricate, technical style reminiscent of Leonardo da Vinci's famous drawings. The shuttle is depicted with numerous annotations and measurements, showcasing its complex design and structure. The paper on which it is drawn has an aged, yellowed appearance, adding to the historical feel of the artwork.",,4,1,global,,global - (intricate),Is the sketch intricate? +partiprompts173,"a detailed sketch of a space shuttle, rendered in the intricate, technical style reminiscent of Leonardo da Vinci's famous drawings. The shuttle is depicted with numerous annotations and measurements, showcasing its complex design and structure. The paper on which it is drawn has an aged, yellowed appearance, adding to the historical feel of the artwork.",,5,1,global,,global - (technical style),Is the sketch in a technical style? +partiprompts173,"a detailed sketch of a space shuttle, rendered in the intricate, technical style reminiscent of Leonardo da Vinci's famous drawings. The shuttle is depicted with numerous annotations and measurements, showcasing its complex design and structure. The paper on which it is drawn has an aged, yellowed appearance, adding to the historical feel of the artwork.",,6,1,global,,global - (reminiscent of Leonardo da Vinci's drawings),Does the sketch resemble Leonardo da Vinci's drawings? +partiprompts173,"a detailed sketch of a space shuttle, rendered in the intricate, technical style reminiscent of Leonardo da Vinci's famous drawings. The shuttle is depicted with numerous annotations and measurements, showcasing its complex design and structure. The paper on which it is drawn has an aged, yellowed appearance, adding to the historical feel of the artwork.",,7,1,attribute,other,"attribute - other (sketch, numerous annotations and measurements)",Does the sketch have numerous annotations and measurements? +partiprompts173,"a detailed sketch of a space shuttle, rendered in the intricate, technical style reminiscent of Leonardo da Vinci's famous drawings. The shuttle is depicted with numerous annotations and measurements, showcasing its complex design and structure. The paper on which it is drawn has an aged, yellowed appearance, adding to the historical feel of the artwork.",,8,2,attribute,other,"attribute - other (space shuttle, complex design and structure)",Does the space shuttle have a complex design and structure? +partiprompts173,"a detailed sketch of a space shuttle, rendered in the intricate, technical style reminiscent of Leonardo da Vinci's famous drawings. The shuttle is depicted with numerous annotations and measurements, showcasing its complex design and structure. The paper on which it is drawn has an aged, yellowed appearance, adding to the historical feel of the artwork.",,9,1,attribute,texture,"attribute - texture (paper, aged, yellowed)",Is the paper aged and yellowed? +partiprompts173,"a detailed sketch of a space shuttle, rendered in the intricate, technical style reminiscent of Leonardo da Vinci's famous drawings. The shuttle is depicted with numerous annotations and measurements, showcasing its complex design and structure. The paper on which it is drawn has an aged, yellowed appearance, adding to the historical feel of the artwork.",,10,9,attribute,other,"attribute - other (paper, historical feel)",Does the paper give a historical feel to the artwork? +partiprompts175,"a detailed oil painting depicting a ginger cat with green eyes, intently focused on a game of checkers. The cat is seated at a small wooden table, with the checkerboard laid out in front of it, pieces strategically placed. The painting captures the texture of the cat's fur and the wood grain of the table, set against a soft, neutral background that draws attention to the subject.",,1,0,global,,global - (detailed oil painting),Is this a detailed oil painting? +partiprompts175,"a detailed oil painting depicting a ginger cat with green eyes, intently focused on a game of checkers. The cat is seated at a small wooden table, with the checkerboard laid out in front of it, pieces strategically placed. The painting captures the texture of the cat's fur and the wood grain of the table, set against a soft, neutral background that draws attention to the subject.",,2,0,entity,whole,entity - whole (cat),Is there a cat? +partiprompts175,"a detailed oil painting depicting a ginger cat with green eyes, intently focused on a game of checkers. The cat is seated at a small wooden table, with the checkerboard laid out in front of it, pieces strategically placed. The painting captures the texture of the cat's fur and the wood grain of the table, set against a soft, neutral background that draws attention to the subject.",,3,2,attribute,color,"attribute - color (cat, ginger)",Is the cat ginger? +partiprompts175,"a detailed oil painting depicting a ginger cat with green eyes, intently focused on a game of checkers. The cat is seated at a small wooden table, with the checkerboard laid out in front of it, pieces strategically placed. The painting captures the texture of the cat's fur and the wood grain of the table, set against a soft, neutral background that draws attention to the subject.",,4,2,attribute,color,"attribute - color (cat's eyes, green)",Are the cat's eyes green? +partiprompts175,"a detailed oil painting depicting a ginger cat with green eyes, intently focused on a game of checkers. The cat is seated at a small wooden table, with the checkerboard laid out in front of it, pieces strategically placed. The painting captures the texture of the cat's fur and the wood grain of the table, set against a soft, neutral background that draws attention to the subject.",,5,2,entity,state,"entity - state (cat, focus)",Is the cat intently focused? +partiprompts175,"a detailed oil painting depicting a ginger cat with green eyes, intently focused on a game of checkers. The cat is seated at a small wooden table, with the checkerboard laid out in front of it, pieces strategically placed. The painting captures the texture of the cat's fur and the wood grain of the table, set against a soft, neutral background that draws attention to the subject.",,6,0,entity,whole,entity - whole (game of checkers),Is there a game of checkers? +partiprompts175,"a detailed oil painting depicting a ginger cat with green eyes, intently focused on a game of checkers. The cat is seated at a small wooden table, with the checkerboard laid out in front of it, pieces strategically placed. The painting captures the texture of the cat's fur and the wood grain of the table, set against a soft, neutral background that draws attention to the subject.",,7,0,entity,whole,entity - whole (wooden table),Is there a wooden table? +partiprompts175,"a detailed oil painting depicting a ginger cat with green eyes, intently focused on a game of checkers. The cat is seated at a small wooden table, with the checkerboard laid out in front of it, pieces strategically placed. The painting captures the texture of the cat's fur and the wood grain of the table, set against a soft, neutral background that draws attention to the subject.",,8,0,entity,whole,entity - whole (checkerboard),Is there a checkerboard? +partiprompts175,"a detailed oil painting depicting a ginger cat with green eyes, intently focused on a game of checkers. The cat is seated at a small wooden table, with the checkerboard laid out in front of it, pieces strategically placed. The painting captures the texture of the cat's fur and the wood grain of the table, set against a soft, neutral background that draws attention to the subject.",,9,2,attribute,texture,attribute - texture (cat's fur),Does the painting capture the texture of the cat's fur? +partiprompts175,"a detailed oil painting depicting a ginger cat with green eyes, intently focused on a game of checkers. The cat is seated at a small wooden table, with the checkerboard laid out in front of it, pieces strategically placed. The painting captures the texture of the cat's fur and the wood grain of the table, set against a soft, neutral background that draws attention to the subject.",,10,7,attribute,texture,attribute - texture (wood grain of table),Does the painting capture the texture of the wood grain of the table? +partiprompts175,"a detailed oil painting depicting a ginger cat with green eyes, intently focused on a game of checkers. The cat is seated at a small wooden table, with the checkerboard laid out in front of it, pieces strategically placed. The painting captures the texture of the cat's fur and the wood grain of the table, set against a soft, neutral background that draws attention to the subject.",,11,1,attribute,texture,"attribute - texture (background, soft)",Is the background texture soft? +partiprompts175,"a detailed oil painting depicting a ginger cat with green eyes, intently focused on a game of checkers. The cat is seated at a small wooden table, with the checkerboard laid out in front of it, pieces strategically placed. The painting captures the texture of the cat's fur and the wood grain of the table, set against a soft, neutral background that draws attention to the subject.",,12,1,attribute,texture,"attribute - texture (background, neutral)",Is the background texture neutral? +partiprompts175,"a detailed oil painting depicting a ginger cat with green eyes, intently focused on a game of checkers. The cat is seated at a small wooden table, with the checkerboard laid out in front of it, pieces strategically placed. The painting captures the texture of the cat's fur and the wood grain of the table, set against a soft, neutral background that draws attention to the subject.",,13,"2,7",relation,spatial,"relation - spatial (cat, wooden table, seated at)",Is the cat seated at the wooden table? +partiprompts175,"a detailed oil painting depicting a ginger cat with green eyes, intently focused on a game of checkers. The cat is seated at a small wooden table, with the checkerboard laid out in front of it, pieces strategically placed. The painting captures the texture of the cat's fur and the wood grain of the table, set against a soft, neutral background that draws attention to the subject.",,14,"8,7",relation,spatial,"relation - spatial (checkerboard, wooden table, laid out in front of)",Is the checkerboard laid out in front of the wooden table? +partiprompts175,"a detailed oil painting depicting a ginger cat with green eyes, intently focused on a game of checkers. The cat is seated at a small wooden table, with the checkerboard laid out in front of it, pieces strategically placed. The painting captures the texture of the cat's fur and the wood grain of the table, set against a soft, neutral background that draws attention to the subject.",,15,"8,8",relation,spatial,"relation - spatial (checkerboard, pieces, strategically placed)",Are the checkerboard pieces strategically placed? +partiprompts134,"A whimsical image captures a green frog with a contemplative expression, sitting comfortably on a lily pad while holding a newspaper. The newspaper, humorously titled ""Toaday,"" features a bold headline and an illustration of another frog on its front page. The frog's webbed fingers are spread across the paper, which is slightly crumpled from being held.",,1,0,entity,whole,entity - whole (image),Is there an image? +partiprompts134,"A whimsical image captures a green frog with a contemplative expression, sitting comfortably on a lily pad while holding a newspaper. The newspaper, humorously titled ""Toaday,"" features a bold headline and an illustration of another frog on its front page. The frog's webbed fingers are spread across the paper, which is slightly crumpled from being held.",,2,0,entity,whole,entity - whole (frog),Is there a frog? +partiprompts134,"A whimsical image captures a green frog with a contemplative expression, sitting comfortably on a lily pad while holding a newspaper. The newspaper, humorously titled ""Toaday,"" features a bold headline and an illustration of another frog on its front page. The frog's webbed fingers are spread across the paper, which is slightly crumpled from being held.",,3,0,entity,whole,entity - whole (lily pad),Is there a lily pad? +partiprompts134,"A whimsical image captures a green frog with a contemplative expression, sitting comfortably on a lily pad while holding a newspaper. The newspaper, humorously titled ""Toaday,"" features a bold headline and an illustration of another frog on its front page. The frog's webbed fingers are spread across the paper, which is slightly crumpled from being held.",,4,0,entity,whole,entity - whole (newspaper),Is there a newspaper? +partiprompts134,"A whimsical image captures a green frog with a contemplative expression, sitting comfortably on a lily pad while holding a newspaper. The newspaper, humorously titled ""Toaday,"" features a bold headline and an illustration of another frog on its front page. The frog's webbed fingers are spread across the paper, which is slightly crumpled from being held.",,5,2,attribute,color,"attribute - color (frog, green)",Is the frog green? +partiprompts134,"A whimsical image captures a green frog with a contemplative expression, sitting comfortably on a lily pad while holding a newspaper. The newspaper, humorously titled ""Toaday,"" features a bold headline and an illustration of another frog on its front page. The frog's webbed fingers are spread across the paper, which is slightly crumpled from being held.",,6,4,attribute,other,"attribute - other (newspaper, humorously titled ""Toaday"")","Is the newspaper humorously titled ""Toaday""?" +partiprompts134,"A whimsical image captures a green frog with a contemplative expression, sitting comfortably on a lily pad while holding a newspaper. The newspaper, humorously titled ""Toaday,"" features a bold headline and an illustration of another frog on its front page. The frog's webbed fingers are spread across the paper, which is slightly crumpled from being held.",,7,4,attribute,other,"attribute - other (newspaper, bold headline)",Does the newspaper have a bold headline? +partiprompts134,"A whimsical image captures a green frog with a contemplative expression, sitting comfortably on a lily pad while holding a newspaper. The newspaper, humorously titled ""Toaday,"" features a bold headline and an illustration of another frog on its front page. The frog's webbed fingers are spread across the paper, which is slightly crumpled from being held.",,8,4,attribute,texture,"attribute - texture (newspaper, slightly crumpled)",Is the newspaper slightly crumpled? +partiprompts134,"A whimsical image captures a green frog with a contemplative expression, sitting comfortably on a lily pad while holding a newspaper. The newspaper, humorously titled ""Toaday,"" features a bold headline and an illustration of another frog on its front page. The frog's webbed fingers are spread across the paper, which is slightly crumpled from being held.",,9,2,entity,part,entity - part (frog's fingers),Does the frog have fingers? +partiprompts134,"A whimsical image captures a green frog with a contemplative expression, sitting comfortably on a lily pad while holding a newspaper. The newspaper, humorously titled ""Toaday,"" features a bold headline and an illustration of another frog on its front page. The frog's webbed fingers are spread across the paper, which is slightly crumpled from being held.",,10,2,entity,state,"entity - state (frog, contemplative)",Is the frog contemplative? +partiprompts134,"A whimsical image captures a green frog with a contemplative expression, sitting comfortably on a lily pad while holding a newspaper. The newspaper, humorously titled ""Toaday,"" features a bold headline and an illustration of another frog on its front page. The frog's webbed fingers are spread across the paper, which is slightly crumpled from being held.",,11,2,entity,state,"entity - state (frog, comfortable)",Is the frog comfortable? +partiprompts134,"A whimsical image captures a green frog with a contemplative expression, sitting comfortably on a lily pad while holding a newspaper. The newspaper, humorously titled ""Toaday,"" features a bold headline and an illustration of another frog on its front page. The frog's webbed fingers are spread across the paper, which is slightly crumpled from being held.",,12,"2,3",relation,spatial,"relation - spatial (frog, lily pad, on)",Is the frog on the lily pad? +partiprompts134,"A whimsical image captures a green frog with a contemplative expression, sitting comfortably on a lily pad while holding a newspaper. The newspaper, humorously titled ""Toaday,"" features a bold headline and an illustration of another frog on its front page. The frog's webbed fingers are spread across the paper, which is slightly crumpled from being held.",,13,"2,4",relation,spatial,"relation - spatial (frog, newspaper, hold)",Is the frog holding the newspaper? +partiprompts134,"A whimsical image captures a green frog with a contemplative expression, sitting comfortably on a lily pad while holding a newspaper. The newspaper, humorously titled ""Toaday,"" features a bold headline and an illustration of another frog on its front page. The frog's webbed fingers are spread across the paper, which is slightly crumpled from being held.",,14,"4,2",relation,spatial,"relation - spatial (newspaper, frog, on)",Is the newspaper on the frog? +partiprompts134,"A whimsical image captures a green frog with a contemplative expression, sitting comfortably on a lily pad while holding a newspaper. The newspaper, humorously titled ""Toaday,"" features a bold headline and an illustration of another frog on its front page. The frog's webbed fingers are spread across the paper, which is slightly crumpled from being held.",,15,"4,2",relation,spatial,"relation - spatial (newspaper, front page, illustration of another frog)",Does the front page of the newspaper have an illustration of another frog? +partiprompts246,"a spacious living room featuring a towering Egyptian statue situated in the corner, its surface a blend of gold and azure hues. The room is furnished with a plush beige sofa and a glass coffee table in the center. Along the walls, bookshelves filled with an array of books add a cozy feel to the space.",,1,0,entity,whole,entity - whole (living room),Is there a living room? +partiprompts246,"a spacious living room featuring a towering Egyptian statue situated in the corner, its surface a blend of gold and azure hues. The room is furnished with a plush beige sofa and a glass coffee table in the center. Along the walls, bookshelves filled with an array of books add a cozy feel to the space.",,2,1,entity,whole,entity - whole (Egyptian statue),Is there an Egyptian statue? +partiprompts246,"a spacious living room featuring a towering Egyptian statue situated in the corner, its surface a blend of gold and azure hues. The room is furnished with a plush beige sofa and a glass coffee table in the center. Along the walls, bookshelves filled with an array of books add a cozy feel to the space.",,3,1,entity,whole,entity - whole (sofa),Is there a sofa? +partiprompts246,"a spacious living room featuring a towering Egyptian statue situated in the corner, its surface a blend of gold and azure hues. The room is furnished with a plush beige sofa and a glass coffee table in the center. Along the walls, bookshelves filled with an array of books add a cozy feel to the space.",,4,1,entity,whole,entity - whole (coffee table),Is there a coffee table? +partiprompts246,"a spacious living room featuring a towering Egyptian statue situated in the corner, its surface a blend of gold and azure hues. The room is furnished with a plush beige sofa and a glass coffee table in the center. Along the walls, bookshelves filled with an array of books add a cozy feel to the space.",,5,1,entity,whole,entity - whole (bookshelves),Are there bookshelves? +partiprompts246,"a spacious living room featuring a towering Egyptian statue situated in the corner, its surface a blend of gold and azure hues. The room is furnished with a plush beige sofa and a glass coffee table in the center. Along the walls, bookshelves filled with an array of books add a cozy feel to the space.",,6,5,entity,whole,entity - whole (books),Are there books? +partiprompts246,"a spacious living room featuring a towering Egyptian statue situated in the corner, its surface a blend of gold and azure hues. The room is furnished with a plush beige sofa and a glass coffee table in the center. Along the walls, bookshelves filled with an array of books add a cozy feel to the space.",,7,1,attribute,size,"attribute - size (living room, spacious)",Is the living room spacious? +partiprompts246,"a spacious living room featuring a towering Egyptian statue situated in the corner, its surface a blend of gold and azure hues. The room is furnished with a plush beige sofa and a glass coffee table in the center. Along the walls, bookshelves filled with an array of books add a cozy feel to the space.",,8,2,attribute,size,"attribute - size (statue, towering)",Is the statue towering? +partiprompts246,"a spacious living room featuring a towering Egyptian statue situated in the corner, its surface a blend of gold and azure hues. The room is furnished with a plush beige sofa and a glass coffee table in the center. Along the walls, bookshelves filled with an array of books add a cozy feel to the space.",,9,2,attribute,color,"attribute - color (statue, gold)",Is the statue gold? +partiprompts246,"a spacious living room featuring a towering Egyptian statue situated in the corner, its surface a blend of gold and azure hues. The room is furnished with a plush beige sofa and a glass coffee table in the center. Along the walls, bookshelves filled with an array of books add a cozy feel to the space.",,10,2,attribute,color,"attribute - color (statue, azure)",Is the statue azure? +partiprompts246,"a spacious living room featuring a towering Egyptian statue situated in the corner, its surface a blend of gold and azure hues. The room is furnished with a plush beige sofa and a glass coffee table in the center. Along the walls, bookshelves filled with an array of books add a cozy feel to the space.",,11,3,attribute,texture,"attribute - texture (sofa, plush)",Is the sofa plush? +partiprompts246,"a spacious living room featuring a towering Egyptian statue situated in the corner, its surface a blend of gold and azure hues. The room is furnished with a plush beige sofa and a glass coffee table in the center. Along the walls, bookshelves filled with an array of books add a cozy feel to the space.",,12,3,attribute,color,"attribute - color (sofa, beige)",Is the sofa beige? +partiprompts246,"a spacious living room featuring a towering Egyptian statue situated in the corner, its surface a blend of gold and azure hues. The room is furnished with a plush beige sofa and a glass coffee table in the center. Along the walls, bookshelves filled with an array of books add a cozy feel to the space.",,13,4,attribute,texture,"attribute - texture (coffee table, glass)",Is the coffee table made of glass? +partiprompts246,"a spacious living room featuring a towering Egyptian statue situated in the corner, its surface a blend of gold and azure hues. The room is furnished with a plush beige sofa and a glass coffee table in the center. Along the walls, bookshelves filled with an array of books add a cozy feel to the space.",,14,"2,7",relation,spatial,"relation - spatial (statue, living room, in the corner)",Is the statue in the corner of the living room? +partiprompts246,"a spacious living room featuring a towering Egyptian statue situated in the corner, its surface a blend of gold and azure hues. The room is furnished with a plush beige sofa and a glass coffee table in the center. Along the walls, bookshelves filled with an array of books add a cozy feel to the space.",,15,"3,7",relation,spatial,"relation - spatial (sofa, living room, in the center)",Is the sofa in the center of the living room? +partiprompts246,"a spacious living room featuring a towering Egyptian statue situated in the corner, its surface a blend of gold and azure hues. The room is furnished with a plush beige sofa and a glass coffee table in the center. Along the walls, bookshelves filled with an array of books add a cozy feel to the space.",,16,"4,7",relation,spatial,"relation - spatial (coffee table, living room, in the center)",Is the coffee table in the center of the living room? +partiprompts246,"a spacious living room featuring a towering Egyptian statue situated in the corner, its surface a blend of gold and azure hues. The room is furnished with a plush beige sofa and a glass coffee table in the center. Along the walls, bookshelves filled with an array of books add a cozy feel to the space.",,17,"5,7",relation,spatial,"relation - spatial (bookshelves, living room, along the walls)",Are the bookshelves along the walls of the living room? +partiprompts246,"a spacious living room featuring a towering Egyptian statue situated in the corner, its surface a blend of gold and azure hues. The room is furnished with a plush beige sofa and a glass coffee table in the center. Along the walls, bookshelves filled with an array of books add a cozy feel to the space.",,18,"6,5",relation,spatial,"relation - spatial (books, bookshelves, filled with)",Are the bookshelves filled with books? +partiprompts283,"An intricate oil painting depicting a colossal robot constructed from an assortment of sushi pieces, wielding a pair of oversized wooden chopsticks. The robot stands against a backdrop of a futuristic cityscape, with its sushi components meticulously detailed to show the texture of rice and seaweed. The chopsticks in the robot's grasp are elegantly positioned as if ready to pluck a piece of sushi from a hovering platter.",,1,0,entity,whole,entity - whole (oil painting),Is there an oil painting? +partiprompts283,"An intricate oil painting depicting a colossal robot constructed from an assortment of sushi pieces, wielding a pair of oversized wooden chopsticks. The robot stands against a backdrop of a futuristic cityscape, with its sushi components meticulously detailed to show the texture of rice and seaweed. The chopsticks in the robot's grasp are elegantly positioned as if ready to pluck a piece of sushi from a hovering platter.",,2,1,entity,whole,entity - whole (robot),Is there a robot? +partiprompts283,"An intricate oil painting depicting a colossal robot constructed from an assortment of sushi pieces, wielding a pair of oversized wooden chopsticks. The robot stands against a backdrop of a futuristic cityscape, with its sushi components meticulously detailed to show the texture of rice and seaweed. The chopsticks in the robot's grasp are elegantly positioned as if ready to pluck a piece of sushi from a hovering platter.",,3,2,entity,whole,entity - whole (sushi pieces),Are there sushi pieces? +partiprompts283,"An intricate oil painting depicting a colossal robot constructed from an assortment of sushi pieces, wielding a pair of oversized wooden chopsticks. The robot stands against a backdrop of a futuristic cityscape, with its sushi components meticulously detailed to show the texture of rice and seaweed. The chopsticks in the robot's grasp are elegantly positioned as if ready to pluck a piece of sushi from a hovering platter.",,4,3,entity,whole,entity - whole (wooden chopsticks),Are there wooden chopsticks? +partiprompts283,"An intricate oil painting depicting a colossal robot constructed from an assortment of sushi pieces, wielding a pair of oversized wooden chopsticks. The robot stands against a backdrop of a futuristic cityscape, with its sushi components meticulously detailed to show the texture of rice and seaweed. The chopsticks in the robot's grasp are elegantly positioned as if ready to pluck a piece of sushi from a hovering platter.",,5,0,entity,whole,entity - whole (cityscape),Is there a cityscape? +partiprompts283,"An intricate oil painting depicting a colossal robot constructed from an assortment of sushi pieces, wielding a pair of oversized wooden chopsticks. The robot stands against a backdrop of a futuristic cityscape, with its sushi components meticulously detailed to show the texture of rice and seaweed. The chopsticks in the robot's grasp are elegantly positioned as if ready to pluck a piece of sushi from a hovering platter.",,6,3,attribute,texture,"attribute - texture (sushi pieces, rice and seaweed)",Are the sushi pieces detailed to show the texture of rice and seaweed? +partiprompts283,"An intricate oil painting depicting a colossal robot constructed from an assortment of sushi pieces, wielding a pair of oversized wooden chopsticks. The robot stands against a backdrop of a futuristic cityscape, with its sushi components meticulously detailed to show the texture of rice and seaweed. The chopsticks in the robot's grasp are elegantly positioned as if ready to pluck a piece of sushi from a hovering platter.",,7,4,attribute,texture,"attribute - texture (chopsticks, wooden)",Are the chopsticks made of wood? +partiprompts283,"An intricate oil painting depicting a colossal robot constructed from an assortment of sushi pieces, wielding a pair of oversized wooden chopsticks. The robot stands against a backdrop of a futuristic cityscape, with its sushi components meticulously detailed to show the texture of rice and seaweed. The chopsticks in the robot's grasp are elegantly positioned as if ready to pluck a piece of sushi from a hovering platter.",,8,2,attribute,other,"attribute - other (robot, colossal)",Is the robot colossal? +partiprompts283,"An intricate oil painting depicting a colossal robot constructed from an assortment of sushi pieces, wielding a pair of oversized wooden chopsticks. The robot stands against a backdrop of a futuristic cityscape, with its sushi components meticulously detailed to show the texture of rice and seaweed. The chopsticks in the robot's grasp are elegantly positioned as if ready to pluck a piece of sushi from a hovering platter.",,9,2,attribute,other,"attribute - other (cityscape, futuristic)",Is the cityscape futuristic? +partiprompts283,"An intricate oil painting depicting a colossal robot constructed from an assortment of sushi pieces, wielding a pair of oversized wooden chopsticks. The robot stands against a backdrop of a futuristic cityscape, with its sushi components meticulously detailed to show the texture of rice and seaweed. The chopsticks in the robot's grasp are elegantly positioned as if ready to pluck a piece of sushi from a hovering platter.",,10,2,entity,state,"entity - state (robot, stand)",Is the robot standing? +partiprompts283,"An intricate oil painting depicting a colossal robot constructed from an assortment of sushi pieces, wielding a pair of oversized wooden chopsticks. The robot stands against a backdrop of a futuristic cityscape, with its sushi components meticulously detailed to show the texture of rice and seaweed. The chopsticks in the robot's grasp are elegantly positioned as if ready to pluck a piece of sushi from a hovering platter.",,11,"2,5",relation,spatial,"relation - spatial (robot, cityscape, against)",Is the robot against the cityscape? +partiprompts283,"An intricate oil painting depicting a colossal robot constructed from an assortment of sushi pieces, wielding a pair of oversized wooden chopsticks. The robot stands against a backdrop of a futuristic cityscape, with its sushi components meticulously detailed to show the texture of rice and seaweed. The chopsticks in the robot's grasp are elegantly positioned as if ready to pluck a piece of sushi from a hovering platter.",,12,"2,3",relation,spatial,"relation - spatial (robot, sushi pieces, constructed from)",Is the robot constructed from sushi pieces? +partiprompts283,"An intricate oil painting depicting a colossal robot constructed from an assortment of sushi pieces, wielding a pair of oversized wooden chopsticks. The robot stands against a backdrop of a futuristic cityscape, with its sushi components meticulously detailed to show the texture of rice and seaweed. The chopsticks in the robot's grasp are elegantly positioned as if ready to pluck a piece of sushi from a hovering platter.",,13,"2,4",relation,spatial,"relation - spatial (robot, chopsticks, wield)",Is the robot wielding chopsticks? +partiprompts283,"An intricate oil painting depicting a colossal robot constructed from an assortment of sushi pieces, wielding a pair of oversized wooden chopsticks. The robot stands against a backdrop of a futuristic cityscape, with its sushi components meticulously detailed to show the texture of rice and seaweed. The chopsticks in the robot's grasp are elegantly positioned as if ready to pluck a piece of sushi from a hovering platter.",,14,"4,3",relation,spatial,"relation - spatial (chopsticks, sushi, ready to pluck)",Are the chopsticks positioned as if ready to pluck sushi? +partiprompts7,"A surreal composite image showcasing the iconic Sydney Opera House with its distinctive white sail-like structures, positioned improbably beside the towering Eiffel Tower, its iron lattice work silhouetted against the night. The backdrop is a vibrant blue sky, pulsating with dynamic energy, where yellow stars burst forth in a dazzling display, and swirls of deeper blue spiral outward. The scene is bathed in an ethereal light that highlights the contrasting textures of the smooth, shell-like tiles of the Opera House and the intricate metalwork of the Eiffel Tower.",,1,0,global,,global - (surreal composite image),Is this a surreal composite image? +partiprompts7,"A surreal composite image showcasing the iconic Sydney Opera House with its distinctive white sail-like structures, positioned improbably beside the towering Eiffel Tower, its iron lattice work silhouetted against the night. The backdrop is a vibrant blue sky, pulsating with dynamic energy, where yellow stars burst forth in a dazzling display, and swirls of deeper blue spiral outward. The scene is bathed in an ethereal light that highlights the contrasting textures of the smooth, shell-like tiles of the Opera House and the intricate metalwork of the Eiffel Tower.",,2,0,entity,whole,entity - whole (Sydney Opera House),Is there the Sydney Opera House? +partiprompts7,"A surreal composite image showcasing the iconic Sydney Opera House with its distinctive white sail-like structures, positioned improbably beside the towering Eiffel Tower, its iron lattice work silhouetted against the night. The backdrop is a vibrant blue sky, pulsating with dynamic energy, where yellow stars burst forth in a dazzling display, and swirls of deeper blue spiral outward. The scene is bathed in an ethereal light that highlights the contrasting textures of the smooth, shell-like tiles of the Opera House and the intricate metalwork of the Eiffel Tower.",,3,0,entity,whole,entity - whole (Eiffel Tower),Is there the Eiffel Tower? +partiprompts7,"A surreal composite image showcasing the iconic Sydney Opera House with its distinctive white sail-like structures, positioned improbably beside the towering Eiffel Tower, its iron lattice work silhouetted against the night. The backdrop is a vibrant blue sky, pulsating with dynamic energy, where yellow stars burst forth in a dazzling display, and swirls of deeper blue spiral outward. The scene is bathed in an ethereal light that highlights the contrasting textures of the smooth, shell-like tiles of the Opera House and the intricate metalwork of the Eiffel Tower.",,4,0,entity,whole,entity - whole (sky),Is there a sky? +partiprompts7,"A surreal composite image showcasing the iconic Sydney Opera House with its distinctive white sail-like structures, positioned improbably beside the towering Eiffel Tower, its iron lattice work silhouetted against the night. The backdrop is a vibrant blue sky, pulsating with dynamic energy, where yellow stars burst forth in a dazzling display, and swirls of deeper blue spiral outward. The scene is bathed in an ethereal light that highlights the contrasting textures of the smooth, shell-like tiles of the Opera House and the intricate metalwork of the Eiffel Tower.",,5,0,entity,whole,entity - whole (stars),Are there stars? +partiprompts7,"A surreal composite image showcasing the iconic Sydney Opera House with its distinctive white sail-like structures, positioned improbably beside the towering Eiffel Tower, its iron lattice work silhouetted against the night. The backdrop is a vibrant blue sky, pulsating with dynamic energy, where yellow stars burst forth in a dazzling display, and swirls of deeper blue spiral outward. The scene is bathed in an ethereal light that highlights the contrasting textures of the smooth, shell-like tiles of the Opera House and the intricate metalwork of the Eiffel Tower.",,6,4,attribute,color,"attribute - color (sky, vibrant blue)",Is the sky vibrant blue? +partiprompts7,"A surreal composite image showcasing the iconic Sydney Opera House with its distinctive white sail-like structures, positioned improbably beside the towering Eiffel Tower, its iron lattice work silhouetted against the night. The backdrop is a vibrant blue sky, pulsating with dynamic energy, where yellow stars burst forth in a dazzling display, and swirls of deeper blue spiral outward. The scene is bathed in an ethereal light that highlights the contrasting textures of the smooth, shell-like tiles of the Opera House and the intricate metalwork of the Eiffel Tower.",,7,5,attribute,color,"attribute - color (stars, yellow)",Are the stars yellow? +partiprompts7,"A surreal composite image showcasing the iconic Sydney Opera House with its distinctive white sail-like structures, positioned improbably beside the towering Eiffel Tower, its iron lattice work silhouetted against the night. The backdrop is a vibrant blue sky, pulsating with dynamic energy, where yellow stars burst forth in a dazzling display, and swirls of deeper blue spiral outward. The scene is bathed in an ethereal light that highlights the contrasting textures of the smooth, shell-like tiles of the Opera House and the intricate metalwork of the Eiffel Tower.",,8,0,attribute,color,"attribute - color (swirls, deeper blue)",Are there swirls of deeper blue? +partiprompts7,"A surreal composite image showcasing the iconic Sydney Opera House with its distinctive white sail-like structures, positioned improbably beside the towering Eiffel Tower, its iron lattice work silhouetted against the night. The backdrop is a vibrant blue sky, pulsating with dynamic energy, where yellow stars burst forth in a dazzling display, and swirls of deeper blue spiral outward. The scene is bathed in an ethereal light that highlights the contrasting textures of the smooth, shell-like tiles of the Opera House and the intricate metalwork of the Eiffel Tower.",,9,2,attribute,texture,"attribute - texture (Sydney Opera House, smooth, shell-like tiles)",Are the tiles of the Opera House smooth and shell-like? +partiprompts7,"A surreal composite image showcasing the iconic Sydney Opera House with its distinctive white sail-like structures, positioned improbably beside the towering Eiffel Tower, its iron lattice work silhouetted against the night. The backdrop is a vibrant blue sky, pulsating with dynamic energy, where yellow stars burst forth in a dazzling display, and swirls of deeper blue spiral outward. The scene is bathed in an ethereal light that highlights the contrasting textures of the smooth, shell-like tiles of the Opera House and the intricate metalwork of the Eiffel Tower.",,10,3,attribute,texture,"attribute - texture (Eiffel Tower, intricate metalwork)",Is the metalwork of the Eiffel Tower intricate? +partiprompts7,"A surreal composite image showcasing the iconic Sydney Opera House with its distinctive white sail-like structures, positioned improbably beside the towering Eiffel Tower, its iron lattice work silhouetted against the night. The backdrop is a vibrant blue sky, pulsating with dynamic energy, where yellow stars burst forth in a dazzling display, and swirls of deeper blue spiral outward. The scene is bathed in an ethereal light that highlights the contrasting textures of the smooth, shell-like tiles of the Opera House and the intricate metalwork of the Eiffel Tower.",,11,"2,3",relation,spatial,"relation - spatial (Sydney Opera House, Eiffel Tower, beside)",Is the Sydney Opera House beside the Eiffel Tower? +partiprompts7,"A surreal composite image showcasing the iconic Sydney Opera House with its distinctive white sail-like structures, positioned improbably beside the towering Eiffel Tower, its iron lattice work silhouetted against the night. The backdrop is a vibrant blue sky, pulsating with dynamic energy, where yellow stars burst forth in a dazzling display, and swirls of deeper blue spiral outward. The scene is bathed in an ethereal light that highlights the contrasting textures of the smooth, shell-like tiles of the Opera House and the intricate metalwork of the Eiffel Tower.",,12,"3,4",relation,spatial,"relation - spatial (Eiffel Tower, sky, silhouetted against)",Is the Eiffel Tower silhouetted against the sky? +partiprompts7,"A surreal composite image showcasing the iconic Sydney Opera House with its distinctive white sail-like structures, positioned improbably beside the towering Eiffel Tower, its iron lattice work silhouetted against the night. The backdrop is a vibrant blue sky, pulsating with dynamic energy, where yellow stars burst forth in a dazzling display, and swirls of deeper blue spiral outward. The scene is bathed in an ethereal light that highlights the contrasting textures of the smooth, shell-like tiles of the Opera House and the intricate metalwork of the Eiffel Tower.",,13,"4,5",relation,spatial,"relation - spatial (sky, stars, burst forth)",Do the stars burst forth in the sky? +partiprompts7,"A surreal composite image showcasing the iconic Sydney Opera House with its distinctive white sail-like structures, positioned improbably beside the towering Eiffel Tower, its iron lattice work silhouetted against the night. The backdrop is a vibrant blue sky, pulsating with dynamic energy, where yellow stars burst forth in a dazzling display, and swirls of deeper blue spiral outward. The scene is bathed in an ethereal light that highlights the contrasting textures of the smooth, shell-like tiles of the Opera House and the intricate metalwork of the Eiffel Tower.",,14,"4,5",relation,spatial,"relation - spatial (sky, swirls, spiral outward)",Do the swirls spiral outward in the sky? +partiprompts7,"A surreal composite image showcasing the iconic Sydney Opera House with its distinctive white sail-like structures, positioned improbably beside the towering Eiffel Tower, its iron lattice work silhouetted against the night. The backdrop is a vibrant blue sky, pulsating with dynamic energy, where yellow stars burst forth in a dazzling display, and swirls of deeper blue spiral outward. The scene is bathed in an ethereal light that highlights the contrasting textures of the smooth, shell-like tiles of the Opera House and the intricate metalwork of the Eiffel Tower.",,15,"1,3",entity,state,"entity - state (scene, bathed in ethereal light)",Is the scene bathed in ethereal light? +partiprompts202,"a rustic windmill with weathered wooden blades stands amidst a field of vibrant wildflowers. the structure, painted in faded red and white, towers over the colorful blooms, which include poppies and daisies. the windmill's base is encircled by a low stone wall, and in the background, the clear sky stretches above the pastoral scene.",,1,0,entity,whole,entity - whole (windmill),Is there a windmill? +partiprompts202,"a rustic windmill with weathered wooden blades stands amidst a field of vibrant wildflowers. the structure, painted in faded red and white, towers over the colorful blooms, which include poppies and daisies. the windmill's base is encircled by a low stone wall, and in the background, the clear sky stretches above the pastoral scene.",,2,1,entity,part,entity - part (windmill's blades),Are there blades on the windmill? +partiprompts202,"a rustic windmill with weathered wooden blades stands amidst a field of vibrant wildflowers. the structure, painted in faded red and white, towers over the colorful blooms, which include poppies and daisies. the windmill's base is encircled by a low stone wall, and in the background, the clear sky stretches above the pastoral scene.",,3,0,entity,whole,entity - whole (field),Is there a field? +partiprompts202,"a rustic windmill with weathered wooden blades stands amidst a field of vibrant wildflowers. the structure, painted in faded red and white, towers over the colorful blooms, which include poppies and daisies. the windmill's base is encircled by a low stone wall, and in the background, the clear sky stretches above the pastoral scene.",,4,0,entity,whole,entity - whole (wildflowers),Are there wildflowers? +partiprompts202,"a rustic windmill with weathered wooden blades stands amidst a field of vibrant wildflowers. the structure, painted in faded red and white, towers over the colorful blooms, which include poppies and daisies. the windmill's base is encircled by a low stone wall, and in the background, the clear sky stretches above the pastoral scene.",,5,0,entity,whole,entity - whole (structure),Is there a structure? +partiprompts202,"a rustic windmill with weathered wooden blades stands amidst a field of vibrant wildflowers. the structure, painted in faded red and white, towers over the colorful blooms, which include poppies and daisies. the windmill's base is encircled by a low stone wall, and in the background, the clear sky stretches above the pastoral scene.",,6,2,attribute,texture,"attribute - texture (blades, weathered wood)",Are the blades made of weathered wood? +partiprompts202,"a rustic windmill with weathered wooden blades stands amidst a field of vibrant wildflowers. the structure, painted in faded red and white, towers over the colorful blooms, which include poppies and daisies. the windmill's base is encircled by a low stone wall, and in the background, the clear sky stretches above the pastoral scene.",,7,5,attribute,texture,"attribute - texture (structure, painted)",Is the structure painted? +partiprompts202,"a rustic windmill with weathered wooden blades stands amidst a field of vibrant wildflowers. the structure, painted in faded red and white, towers over the colorful blooms, which include poppies and daisies. the windmill's base is encircled by a low stone wall, and in the background, the clear sky stretches above the pastoral scene.",,8,5,attribute,color,"attribute - color (structure, faded red and white)",Is the structure faded red and white? +partiprompts202,"a rustic windmill with weathered wooden blades stands amidst a field of vibrant wildflowers. the structure, painted in faded red and white, towers over the colorful blooms, which include poppies and daisies. the windmill's base is encircled by a low stone wall, and in the background, the clear sky stretches above the pastoral scene.",,9,4,attribute,color,"attribute - color (wildflowers, vibrant)",Are the wildflowers vibrant? +partiprompts202,"a rustic windmill with weathered wooden blades stands amidst a field of vibrant wildflowers. the structure, painted in faded red and white, towers over the colorful blooms, which include poppies and daisies. the windmill's base is encircled by a low stone wall, and in the background, the clear sky stretches above the pastoral scene.",,10,4,entity,whole,entity - whole (blooms),Are there blooms? +partiprompts202,"a rustic windmill with weathered wooden blades stands amidst a field of vibrant wildflowers. the structure, painted in faded red and white, towers over the colorful blooms, which include poppies and daisies. the windmill's base is encircled by a low stone wall, and in the background, the clear sky stretches above the pastoral scene.",,11,10,entity,whole,entity - whole (poppies),Are there poppies? +partiprompts202,"a rustic windmill with weathered wooden blades stands amidst a field of vibrant wildflowers. the structure, painted in faded red and white, towers over the colorful blooms, which include poppies and daisies. the windmill's base is encircled by a low stone wall, and in the background, the clear sky stretches above the pastoral scene.",,12,10,entity,whole,entity - whole (daisies),Are there daisies? +partiprompts202,"a rustic windmill with weathered wooden blades stands amidst a field of vibrant wildflowers. the structure, painted in faded red and white, towers over the colorful blooms, which include poppies and daisies. the windmill's base is encircled by a low stone wall, and in the background, the clear sky stretches above the pastoral scene.",,13,5,entity,whole,entity - whole (base),Is there a base? +partiprompts202,"a rustic windmill with weathered wooden blades stands amidst a field of vibrant wildflowers. the structure, painted in faded red and white, towers over the colorful blooms, which include poppies and daisies. the windmill's base is encircled by a low stone wall, and in the background, the clear sky stretches above the pastoral scene.",,14,5,entity,whole,entity - whole (stone wall),Is there a stone wall? +partiprompts202,"a rustic windmill with weathered wooden blades stands amidst a field of vibrant wildflowers. the structure, painted in faded red and white, towers over the colorful blooms, which include poppies and daisies. the windmill's base is encircled by a low stone wall, and in the background, the clear sky stretches above the pastoral scene.",,15,"1,3",relation,spatial,"relation - spatial (windmill, field, amidst)",Is the windmill amidst the field? +partiprompts202,"a rustic windmill with weathered wooden blades stands amidst a field of vibrant wildflowers. the structure, painted in faded red and white, towers over the colorful blooms, which include poppies and daisies. the windmill's base is encircled by a low stone wall, and in the background, the clear sky stretches above the pastoral scene.",,16,"1,4",relation,spatial,"relation - spatial (windmill, wildflowers, amidst)",Is the windmill amidst the wildflowers? +partiprompts202,"a rustic windmill with weathered wooden blades stands amidst a field of vibrant wildflowers. the structure, painted in faded red and white, towers over the colorful blooms, which include poppies and daisies. the windmill's base is encircled by a low stone wall, and in the background, the clear sky stretches above the pastoral scene.",,17,"13,1",relation,spatial,"relation - spatial (base, windmill, encircled by)",Is the base encircled by the windmill? +partiprompts202,"a rustic windmill with weathered wooden blades stands amidst a field of vibrant wildflowers. the structure, painted in faded red and white, towers over the colorful blooms, which include poppies and daisies. the windmill's base is encircled by a low stone wall, and in the background, the clear sky stretches above the pastoral scene.",,18,"1,14",relation,spatial,"relation - spatial (windmill, stone wall, encircled by)",Is the windmill encircled by the stone wall? +partiprompts202,"a rustic windmill with weathered wooden blades stands amidst a field of vibrant wildflowers. the structure, painted in faded red and white, towers over the colorful blooms, which include poppies and daisies. the windmill's base is encircled by a low stone wall, and in the background, the clear sky stretches above the pastoral scene.",,19,19,relation,spatial,"relation - spatial (sky, scene, above)",Is the sky above the pastoral scene? +partiprompts76,"A graphic image featuring a stark black background that serves as a canvas for a large, vibrant yellow circle positioned centrally. Below and to the right of the circle, there's a small, matte red square, creating a stark contrast in both color and shape. The simplicity of the composition draws attention to the geometric figures and their bold colors.",,1,0,global,,global - (graphic image),Is this a graphic image? +partiprompts76,"A graphic image featuring a stark black background that serves as a canvas for a large, vibrant yellow circle positioned centrally. Below and to the right of the circle, there's a small, matte red square, creating a stark contrast in both color and shape. The simplicity of the composition draws attention to the geometric figures and their bold colors.",,2,1,attribute,color,"attribute - color (background, black)",Is the background black? +partiprompts76,"A graphic image featuring a stark black background that serves as a canvas for a large, vibrant yellow circle positioned centrally. Below and to the right of the circle, there's a small, matte red square, creating a stark contrast in both color and shape. The simplicity of the composition draws attention to the geometric figures and their bold colors.",,3,1,entity,whole,entity - whole (canvas),Is there a canvas? +partiprompts76,"A graphic image featuring a stark black background that serves as a canvas for a large, vibrant yellow circle positioned centrally. Below and to the right of the circle, there's a small, matte red square, creating a stark contrast in both color and shape. The simplicity of the composition draws attention to the geometric figures and their bold colors.",,4,1,attribute,size,"attribute - size (circle, large)",Is the circle large? +partiprompts76,"A graphic image featuring a stark black background that serves as a canvas for a large, vibrant yellow circle positioned centrally. Below and to the right of the circle, there's a small, matte red square, creating a stark contrast in both color and shape. The simplicity of the composition draws attention to the geometric figures and their bold colors.",,5,4,attribute,color,"attribute - color (circle, vibrant yellow)",Is the circle vibrant yellow? +partiprompts76,"A graphic image featuring a stark black background that serves as a canvas for a large, vibrant yellow circle positioned centrally. Below and to the right of the circle, there's a small, matte red square, creating a stark contrast in both color and shape. The simplicity of the composition draws attention to the geometric figures and their bold colors.",,6,5,relation,spatial,"relation - spatial (circle, canvas, centrally)",Is the circle positioned centrally on the canvas? +partiprompts76,"A graphic image featuring a stark black background that serves as a canvas for a large, vibrant yellow circle positioned centrally. Below and to the right of the circle, there's a small, matte red square, creating a stark contrast in both color and shape. The simplicity of the composition draws attention to the geometric figures and their bold colors.",,7,4,attribute,size,"attribute - size (square, small)",Is the square small? +partiprompts76,"A graphic image featuring a stark black background that serves as a canvas for a large, vibrant yellow circle positioned centrally. Below and to the right of the circle, there's a small, matte red square, creating a stark contrast in both color and shape. The simplicity of the composition draws attention to the geometric figures and their bold colors.",,8,7,attribute,texture,"attribute - texture (square, matte)",Is the square matte? +partiprompts76,"A graphic image featuring a stark black background that serves as a canvas for a large, vibrant yellow circle positioned centrally. Below and to the right of the circle, there's a small, matte red square, creating a stark contrast in both color and shape. The simplicity of the composition draws attention to the geometric figures and their bold colors.",,9,8,attribute,color,"attribute - color (square, red)",Is the square red? +partiprompts76,"A graphic image featuring a stark black background that serves as a canvas for a large, vibrant yellow circle positioned centrally. Below and to the right of the circle, there's a small, matte red square, creating a stark contrast in both color and shape. The simplicity of the composition draws attention to the geometric figures and their bold colors.",,10,"7,5",relation,spatial,"relation - spatial (square, circle, below and to the right)",Is the square below and to the right of the circle? +partiprompts244,"a spacious room featuring a deep blue wall that serves as the backdrop for an expansive framed watercolor painting. The artwork depicts a serene mountain landscape with subtle hues of green and blue, suggesting a peaceful natural setting. Below the painting, a small wooden table holds a decorative vase with dried flowers, complementing the room's aesthetic.",,1,0,entity,whole,entity - whole (room),Is there a room? +partiprompts244,"a spacious room featuring a deep blue wall that serves as the backdrop for an expansive framed watercolor painting. The artwork depicts a serene mountain landscape with subtle hues of green and blue, suggesting a peaceful natural setting. Below the painting, a small wooden table holds a decorative vase with dried flowers, complementing the room's aesthetic.",,2,1,attribute,size,"attribute - size (room, spacious)",Is the room spacious? +partiprompts244,"a spacious room featuring a deep blue wall that serves as the backdrop for an expansive framed watercolor painting. The artwork depicts a serene mountain landscape with subtle hues of green and blue, suggesting a peaceful natural setting. Below the painting, a small wooden table holds a decorative vase with dried flowers, complementing the room's aesthetic.",,3,1,attribute,color,"attribute - color (wall, deep blue)",Is there a deep blue wall? +partiprompts244,"a spacious room featuring a deep blue wall that serves as the backdrop for an expansive framed watercolor painting. The artwork depicts a serene mountain landscape with subtle hues of green and blue, suggesting a peaceful natural setting. Below the painting, a small wooden table holds a decorative vase with dried flowers, complementing the room's aesthetic.",,4,3,entity,whole,entity - whole (backdrop),Does the wall serve as a backdrop? +partiprompts244,"a spacious room featuring a deep blue wall that serves as the backdrop for an expansive framed watercolor painting. The artwork depicts a serene mountain landscape with subtle hues of green and blue, suggesting a peaceful natural setting. Below the painting, a small wooden table holds a decorative vase with dried flowers, complementing the room's aesthetic.",,5,1,entity,whole,entity - whole (painting),Is there a painting? +partiprompts244,"a spacious room featuring a deep blue wall that serves as the backdrop for an expansive framed watercolor painting. The artwork depicts a serene mountain landscape with subtle hues of green and blue, suggesting a peaceful natural setting. Below the painting, a small wooden table holds a decorative vase with dried flowers, complementing the room's aesthetic.",,6,5,attribute,texture,"attribute - texture (painting, watercolor)",Is the painting made of watercolor? +partiprompts244,"a spacious room featuring a deep blue wall that serves as the backdrop for an expansive framed watercolor painting. The artwork depicts a serene mountain landscape with subtle hues of green and blue, suggesting a peaceful natural setting. Below the painting, a small wooden table holds a decorative vase with dried flowers, complementing the room's aesthetic.",,7,5,attribute,other,"attribute - other (painting, expansive)",Is the painting expansive? +partiprompts244,"a spacious room featuring a deep blue wall that serves as the backdrop for an expansive framed watercolor painting. The artwork depicts a serene mountain landscape with subtle hues of green and blue, suggesting a peaceful natural setting. Below the painting, a small wooden table holds a decorative vase with dried flowers, complementing the room's aesthetic.",,8,5,entity,whole,entity - whole (landscape),Is the painting of a landscape? +partiprompts244,"a spacious room featuring a deep blue wall that serves as the backdrop for an expansive framed watercolor painting. The artwork depicts a serene mountain landscape with subtle hues of green and blue, suggesting a peaceful natural setting. Below the painting, a small wooden table holds a decorative vase with dried flowers, complementing the room's aesthetic.",,9,5,attribute,color,"attribute - color (landscape, subtle hues of green and blue)",Are there subtle hues of green and blue in the landscape? +partiprompts244,"a spacious room featuring a deep blue wall that serves as the backdrop for an expansive framed watercolor painting. The artwork depicts a serene mountain landscape with subtle hues of green and blue, suggesting a peaceful natural setting. Below the painting, a small wooden table holds a decorative vase with dried flowers, complementing the room's aesthetic.",,10,5,attribute,other,"attribute - other (landscape, serene)",Is the landscape serene? +partiprompts244,"a spacious room featuring a deep blue wall that serves as the backdrop for an expansive framed watercolor painting. The artwork depicts a serene mountain landscape with subtle hues of green and blue, suggesting a peaceful natural setting. Below the painting, a small wooden table holds a decorative vase with dried flowers, complementing the room's aesthetic.",,11,5,attribute,other,"attribute - other (landscape, peaceful)",Is the landscape peaceful? +partiprompts244,"a spacious room featuring a deep blue wall that serves as the backdrop for an expansive framed watercolor painting. The artwork depicts a serene mountain landscape with subtle hues of green and blue, suggesting a peaceful natural setting. Below the painting, a small wooden table holds a decorative vase with dried flowers, complementing the room's aesthetic.",,12,"5,3",relation,spatial,"relation - spatial (painting, wall, on)",Is the painting on the wall? +partiprompts244,"a spacious room featuring a deep blue wall that serves as the backdrop for an expansive framed watercolor painting. The artwork depicts a serene mountain landscape with subtle hues of green and blue, suggesting a peaceful natural setting. Below the painting, a small wooden table holds a decorative vase with dried flowers, complementing the room's aesthetic.",,13,1,entity,whole,entity - whole (table),Is there a table? +partiprompts244,"a spacious room featuring a deep blue wall that serves as the backdrop for an expansive framed watercolor painting. The artwork depicts a serene mountain landscape with subtle hues of green and blue, suggesting a peaceful natural setting. Below the painting, a small wooden table holds a decorative vase with dried flowers, complementing the room's aesthetic.",,14,13,attribute,size,"attribute - size (table, small)",Is the table small? +partiprompts244,"a spacious room featuring a deep blue wall that serves as the backdrop for an expansive framed watercolor painting. The artwork depicts a serene mountain landscape with subtle hues of green and blue, suggesting a peaceful natural setting. Below the painting, a small wooden table holds a decorative vase with dried flowers, complementing the room's aesthetic.",,15,13,attribute,texture,"attribute - texture (table, wooden)",Is the table wooden? +partiprompts244,"a spacious room featuring a deep blue wall that serves as the backdrop for an expansive framed watercolor painting. The artwork depicts a serene mountain landscape with subtle hues of green and blue, suggesting a peaceful natural setting. Below the painting, a small wooden table holds a decorative vase with dried flowers, complementing the room's aesthetic.",,16,13,entity,whole,entity - whole (vase),Is there a vase? +partiprompts244,"a spacious room featuring a deep blue wall that serves as the backdrop for an expansive framed watercolor painting. The artwork depicts a serene mountain landscape with subtle hues of green and blue, suggesting a peaceful natural setting. Below the painting, a small wooden table holds a decorative vase with dried flowers, complementing the room's aesthetic.",,17,16,entity,whole,entity - whole (flowers),Are there flowers? +partiprompts244,"a spacious room featuring a deep blue wall that serves as the backdrop for an expansive framed watercolor painting. The artwork depicts a serene mountain landscape with subtle hues of green and blue, suggesting a peaceful natural setting. Below the painting, a small wooden table holds a decorative vase with dried flowers, complementing the room's aesthetic.",,18,17,attribute,texture,"attribute - texture (flowers, dried)",Are the flowers dried? +partiprompts244,"a spacious room featuring a deep blue wall that serves as the backdrop for an expansive framed watercolor painting. The artwork depicts a serene mountain landscape with subtle hues of green and blue, suggesting a peaceful natural setting. Below the painting, a small wooden table holds a decorative vase with dried flowers, complementing the room's aesthetic.",,19,16,relation,spatial,"relation - spatial (vase, table, on)",Is the vase on the table? +partiprompts244,"a spacious room featuring a deep blue wall that serves as the backdrop for an expansive framed watercolor painting. The artwork depicts a serene mountain landscape with subtle hues of green and blue, suggesting a peaceful natural setting. Below the painting, a small wooden table holds a decorative vase with dried flowers, complementing the room's aesthetic.",,20,17,relation,spatial,"relation - spatial (flowers, vase, in)",Are the flowers in the vase? +partiprompts197,"In the center of a bustling intersection, a large tree with a thick trunk and sprawling branches stands out amidst the concrete. Its green leaves contrast sharply with the grey asphalt roads that converge around it. Traffic lights and street signs are positioned awkwardly around the tree's base, creating an unusual juxtaposition of nature and urban infrastructure.",,1,0,entity,whole,entity - whole (intersection),Is there an intersection? +partiprompts197,"In the center of a bustling intersection, a large tree with a thick trunk and sprawling branches stands out amidst the concrete. Its green leaves contrast sharply with the grey asphalt roads that converge around it. Traffic lights and street signs are positioned awkwardly around the tree's base, creating an unusual juxtaposition of nature and urban infrastructure.",,2,1,entity,whole,entity - whole (tree),Is there a tree? +partiprompts197,"In the center of a bustling intersection, a large tree with a thick trunk and sprawling branches stands out amidst the concrete. Its green leaves contrast sharply with the grey asphalt roads that converge around it. Traffic lights and street signs are positioned awkwardly around the tree's base, creating an unusual juxtaposition of nature and urban infrastructure.",,3,2,entity,part,entity - part (tree's trunk),Is there a trunk? +partiprompts197,"In the center of a bustling intersection, a large tree with a thick trunk and sprawling branches stands out amidst the concrete. Its green leaves contrast sharply with the grey asphalt roads that converge around it. Traffic lights and street signs are positioned awkwardly around the tree's base, creating an unusual juxtaposition of nature and urban infrastructure.",,4,2,entity,part,entity - part (tree's branches),Are there branches? +partiprompts197,"In the center of a bustling intersection, a large tree with a thick trunk and sprawling branches stands out amidst the concrete. Its green leaves contrast sharply with the grey asphalt roads that converge around it. Traffic lights and street signs are positioned awkwardly around the tree's base, creating an unusual juxtaposition of nature and urban infrastructure.",,5,2,entity,part,entity - part (tree's leaves),Are there leaves? +partiprompts197,"In the center of a bustling intersection, a large tree with a thick trunk and sprawling branches stands out amidst the concrete. Its green leaves contrast sharply with the grey asphalt roads that converge around it. Traffic lights and street signs are positioned awkwardly around the tree's base, creating an unusual juxtaposition of nature and urban infrastructure.",,6,2,attribute,size,"attribute - size (tree, large)",Is the tree large? +partiprompts197,"In the center of a bustling intersection, a large tree with a thick trunk and sprawling branches stands out amidst the concrete. Its green leaves contrast sharply with the grey asphalt roads that converge around it. Traffic lights and street signs are positioned awkwardly around the tree's base, creating an unusual juxtaposition of nature and urban infrastructure.",,7,2,attribute,texture,"attribute - texture (tree, thick trunk)",Is the trunk thick? +partiprompts197,"In the center of a bustling intersection, a large tree with a thick trunk and sprawling branches stands out amidst the concrete. Its green leaves contrast sharply with the grey asphalt roads that converge around it. Traffic lights and street signs are positioned awkwardly around the tree's base, creating an unusual juxtaposition of nature and urban infrastructure.",,8,2,attribute,texture,"attribute - texture (tree, sprawling branches)",Are the branches sprawling? +partiprompts197,"In the center of a bustling intersection, a large tree with a thick trunk and sprawling branches stands out amidst the concrete. Its green leaves contrast sharply with the grey asphalt roads that converge around it. Traffic lights and street signs are positioned awkwardly around the tree's base, creating an unusual juxtaposition of nature and urban infrastructure.",,9,5,attribute,color,"attribute - color (leaves, green)",Are the leaves green? +partiprompts197,"In the center of a bustling intersection, a large tree with a thick trunk and sprawling branches stands out amidst the concrete. Its green leaves contrast sharply with the grey asphalt roads that converge around it. Traffic lights and street signs are positioned awkwardly around the tree's base, creating an unusual juxtaposition of nature and urban infrastructure.",,10,5,attribute,color,"attribute - color (roads, grey)",Are the roads grey? +partiprompts197,"In the center of a bustling intersection, a large tree with a thick trunk and sprawling branches stands out amidst the concrete. Its green leaves contrast sharply with the grey asphalt roads that converge around it. Traffic lights and street signs are positioned awkwardly around the tree's base, creating an unusual juxtaposition of nature and urban infrastructure.",,11,1,relation,spatial,"relation - spatial (tree, intersection, in)",Is the tree in the intersection? +partiprompts197,"In the center of a bustling intersection, a large tree with a thick trunk and sprawling branches stands out amidst the concrete. Its green leaves contrast sharply with the grey asphalt roads that converge around it. Traffic lights and street signs are positioned awkwardly around the tree's base, creating an unusual juxtaposition of nature and urban infrastructure.",,12,5,relation,spatial,"relation - spatial (leaves, tree, contrast sharply with)",Do the leaves contrast sharply with the tree? +partiprompts197,"In the center of a bustling intersection, a large tree with a thick trunk and sprawling branches stands out amidst the concrete. Its green leaves contrast sharply with the grey asphalt roads that converge around it. Traffic lights and street signs are positioned awkwardly around the tree's base, creating an unusual juxtaposition of nature and urban infrastructure.",,13,1,relation,spatial,"relation - spatial (roads, intersection, converge around)",Do the roads converge around the intersection? +partiprompts197,"In the center of a bustling intersection, a large tree with a thick trunk and sprawling branches stands out amidst the concrete. Its green leaves contrast sharply with the grey asphalt roads that converge around it. Traffic lights and street signs are positioned awkwardly around the tree's base, creating an unusual juxtaposition of nature and urban infrastructure.",,14,2,relation,spatial,"relation - spatial (traffic lights, tree's base, awkwardly positioned)",Are the traffic lights awkwardly positioned around the tree's base? +partiprompts197,"In the center of a bustling intersection, a large tree with a thick trunk and sprawling branches stands out amidst the concrete. Its green leaves contrast sharply with the grey asphalt roads that converge around it. Traffic lights and street signs are positioned awkwardly around the tree's base, creating an unusual juxtaposition of nature and urban infrastructure.",,15,2,relation,spatial,"relation - spatial (street signs, tree's base, awkwardly positioned)",Are the street signs awkwardly positioned around the tree's base? +partiprompts47,"A tall, transparent glass filled with the amber-colored Long Island Iced Tea cocktail, garnished with a slice of lemon on the rim. Beside the glass, there's a white napkin folded neatly on a dark wooden bar top. The drink is accompanied by a thin, black straw, and in the background, there are bottles of various liquors lined up against a mirrored wall.",,1,0,entity,whole,entity - whole (glass),Is there a glass? +partiprompts47,"A tall, transparent glass filled with the amber-colored Long Island Iced Tea cocktail, garnished with a slice of lemon on the rim. Beside the glass, there's a white napkin folded neatly on a dark wooden bar top. The drink is accompanied by a thin, black straw, and in the background, there are bottles of various liquors lined up against a mirrored wall.",,2,1,entity,whole,entity - whole (cocktail),Is there a cocktail? +partiprompts47,"A tall, transparent glass filled with the amber-colored Long Island Iced Tea cocktail, garnished with a slice of lemon on the rim. Beside the glass, there's a white napkin folded neatly on a dark wooden bar top. The drink is accompanied by a thin, black straw, and in the background, there are bottles of various liquors lined up against a mirrored wall.",,3,2,entity,whole,entity - whole (slice of lemon),Is there a slice of lemon? +partiprompts47,"A tall, transparent glass filled with the amber-colored Long Island Iced Tea cocktail, garnished with a slice of lemon on the rim. Beside the glass, there's a white napkin folded neatly on a dark wooden bar top. The drink is accompanied by a thin, black straw, and in the background, there are bottles of various liquors lined up against a mirrored wall.",,4,0,entity,whole,entity - whole (napkin),Is there a napkin? +partiprompts47,"A tall, transparent glass filled with the amber-colored Long Island Iced Tea cocktail, garnished with a slice of lemon on the rim. Beside the glass, there's a white napkin folded neatly on a dark wooden bar top. The drink is accompanied by a thin, black straw, and in the background, there are bottles of various liquors lined up against a mirrored wall.",,5,0,entity,whole,entity - whole (bar top),Is there a bar top? +partiprompts47,"A tall, transparent glass filled with the amber-colored Long Island Iced Tea cocktail, garnished with a slice of lemon on the rim. Beside the glass, there's a white napkin folded neatly on a dark wooden bar top. The drink is accompanied by a thin, black straw, and in the background, there are bottles of various liquors lined up against a mirrored wall.",,6,1,entity,whole,entity - whole (straw),Is there a straw? +partiprompts47,"A tall, transparent glass filled with the amber-colored Long Island Iced Tea cocktail, garnished with a slice of lemon on the rim. Beside the glass, there's a white napkin folded neatly on a dark wooden bar top. The drink is accompanied by a thin, black straw, and in the background, there are bottles of various liquors lined up against a mirrored wall.",,7,0,entity,whole,entity - whole (bottles of liquors),Are there bottles of liquors? +partiprompts47,"A tall, transparent glass filled with the amber-colored Long Island Iced Tea cocktail, garnished with a slice of lemon on the rim. Beside the glass, there's a white napkin folded neatly on a dark wooden bar top. The drink is accompanied by a thin, black straw, and in the background, there are bottles of various liquors lined up against a mirrored wall.",,8,0,entity,whole,entity - whole (mirrored wall),Is there a mirrored wall? +partiprompts47,"A tall, transparent glass filled with the amber-colored Long Island Iced Tea cocktail, garnished with a slice of lemon on the rim. Beside the glass, there's a white napkin folded neatly on a dark wooden bar top. The drink is accompanied by a thin, black straw, and in the background, there are bottles of various liquors lined up against a mirrored wall.",,9,1,attribute,size,"attribute - size (glass, tall)",Is the glass tall? +partiprompts47,"A tall, transparent glass filled with the amber-colored Long Island Iced Tea cocktail, garnished with a slice of lemon on the rim. Beside the glass, there's a white napkin folded neatly on a dark wooden bar top. The drink is accompanied by a thin, black straw, and in the background, there are bottles of various liquors lined up against a mirrored wall.",,10,1,attribute,texture,"attribute - texture (glass, transparent)",Is the glass transparent? +partiprompts47,"A tall, transparent glass filled with the amber-colored Long Island Iced Tea cocktail, garnished with a slice of lemon on the rim. Beside the glass, there's a white napkin folded neatly on a dark wooden bar top. The drink is accompanied by a thin, black straw, and in the background, there are bottles of various liquors lined up against a mirrored wall.",,11,2,attribute,color,"attribute - color (cocktail, amber-colored)",Is the cocktail amber-colored? +partiprompts47,"A tall, transparent glass filled with the amber-colored Long Island Iced Tea cocktail, garnished with a slice of lemon on the rim. Beside the glass, there's a white napkin folded neatly on a dark wooden bar top. The drink is accompanied by a thin, black straw, and in the background, there are bottles of various liquors lined up against a mirrored wall.",,12,4,attribute,color,"attribute - color (napkin, white)",Is the napkin white? +partiprompts47,"A tall, transparent glass filled with the amber-colored Long Island Iced Tea cocktail, garnished with a slice of lemon on the rim. Beside the glass, there's a white napkin folded neatly on a dark wooden bar top. The drink is accompanied by a thin, black straw, and in the background, there are bottles of various liquors lined up against a mirrored wall.",,13,5,attribute,color,"attribute - color (bar top, dark wooden)",Is the bar top dark wooden? +partiprompts47,"A tall, transparent glass filled with the amber-colored Long Island Iced Tea cocktail, garnished with a slice of lemon on the rim. Beside the glass, there's a white napkin folded neatly on a dark wooden bar top. The drink is accompanied by a thin, black straw, and in the background, there are bottles of various liquors lined up against a mirrored wall.",,14,6,attribute,color,"attribute - color (straw, black)",Is the straw black? +partiprompts47,"A tall, transparent glass filled with the amber-colored Long Island Iced Tea cocktail, garnished with a slice of lemon on the rim. Beside the glass, there's a white napkin folded neatly on a dark wooden bar top. The drink is accompanied by a thin, black straw, and in the background, there are bottles of various liquors lined up against a mirrored wall.",,15,2,relation,spatial,"relation - spatial (slice of lemon, glass, on the rim)",Is the slice of lemon on the rim of the glass? +partiprompts47,"A tall, transparent glass filled with the amber-colored Long Island Iced Tea cocktail, garnished with a slice of lemon on the rim. Beside the glass, there's a white napkin folded neatly on a dark wooden bar top. The drink is accompanied by a thin, black straw, and in the background, there are bottles of various liquors lined up against a mirrored wall.",,16,4,relation,spatial,"relation - spatial (napkin, bar top, beside)",Is the napkin beside the bar top? +partiprompts47,"A tall, transparent glass filled with the amber-colored Long Island Iced Tea cocktail, garnished with a slice of lemon on the rim. Beside the glass, there's a white napkin folded neatly on a dark wooden bar top. The drink is accompanied by a thin, black straw, and in the background, there are bottles of various liquors lined up against a mirrored wall.",,17,"1,2",relation,spatial,"relation - spatial (straw, glass, accompanied by)",Is the straw accompanied by the glass? +partiprompts47,"A tall, transparent glass filled with the amber-colored Long Island Iced Tea cocktail, garnished with a slice of lemon on the rim. Beside the glass, there's a white napkin folded neatly on a dark wooden bar top. The drink is accompanied by a thin, black straw, and in the background, there are bottles of various liquors lined up against a mirrored wall.",,18,"7,8",relation,spatial,"relation - spatial (bottles of liquors, mirrored wall, against)",Are the bottles of liquors lined up against the mirrored wall? +partiprompts68,"In the center of the composition, there is a neatly arranged stack of three vibrant red cubes, each with a smooth, glossy finish that reflects the ambient light. To the right of this stack, there is a deep blue sphere with a matte texture, providing a stark contrast to the geometric sharpness of the cubes. On the left side, two emerald green cones with a slightly textured surface are positioned, their pointed tips directed upwards, creating a symmetrical balance in the arrangement.",,1,0,global,,global - (composition),Is this a composition? +partiprompts68,"In the center of the composition, there is a neatly arranged stack of three vibrant red cubes, each with a smooth, glossy finish that reflects the ambient light. To the right of this stack, there is a deep blue sphere with a matte texture, providing a stark contrast to the geometric sharpness of the cubes. On the left side, two emerald green cones with a slightly textured surface are positioned, their pointed tips directed upwards, creating a symmetrical balance in the arrangement.",,2,1,entity,whole,entity - whole (stack of cubes),Is there a stack of cubes? +partiprompts68,"In the center of the composition, there is a neatly arranged stack of three vibrant red cubes, each with a smooth, glossy finish that reflects the ambient light. To the right of this stack, there is a deep blue sphere with a matte texture, providing a stark contrast to the geometric sharpness of the cubes. On the left side, two emerald green cones with a slightly textured surface are positioned, their pointed tips directed upwards, creating a symmetrical balance in the arrangement.",,3,2,other,count,"other - count(cubes, ==3)",Are there three cubes? +partiprompts68,"In the center of the composition, there is a neatly arranged stack of three vibrant red cubes, each with a smooth, glossy finish that reflects the ambient light. To the right of this stack, there is a deep blue sphere with a matte texture, providing a stark contrast to the geometric sharpness of the cubes. On the left side, two emerald green cones with a slightly textured surface are positioned, their pointed tips directed upwards, creating a symmetrical balance in the arrangement.",,4,3,attribute,color,"attribute - color (cubes, vibrant red)",Are the cubes vibrant red? +partiprompts68,"In the center of the composition, there is a neatly arranged stack of three vibrant red cubes, each with a smooth, glossy finish that reflects the ambient light. To the right of this stack, there is a deep blue sphere with a matte texture, providing a stark contrast to the geometric sharpness of the cubes. On the left side, two emerald green cones with a slightly textured surface are positioned, their pointed tips directed upwards, creating a symmetrical balance in the arrangement.",,5,3,attribute,texture,"attribute - texture (cubes, smooth, glossy)",Are the cubes smooth and glossy? +partiprompts68,"In the center of the composition, there is a neatly arranged stack of three vibrant red cubes, each with a smooth, glossy finish that reflects the ambient light. To the right of this stack, there is a deep blue sphere with a matte texture, providing a stark contrast to the geometric sharpness of the cubes. On the left side, two emerald green cones with a slightly textured surface are positioned, their pointed tips directed upwards, creating a symmetrical balance in the arrangement.",,6,2,relation,spatial,"relation - spatial (stack of cubes, composition, center)",Is the stack of cubes in the center of the composition? +partiprompts68,"In the center of the composition, there is a neatly arranged stack of three vibrant red cubes, each with a smooth, glossy finish that reflects the ambient light. To the right of this stack, there is a deep blue sphere with a matte texture, providing a stark contrast to the geometric sharpness of the cubes. On the left side, two emerald green cones with a slightly textured surface are positioned, their pointed tips directed upwards, creating a symmetrical balance in the arrangement.",,7,0,entity,whole,entity - whole (sphere),Is there a sphere? +partiprompts68,"In the center of the composition, there is a neatly arranged stack of three vibrant red cubes, each with a smooth, glossy finish that reflects the ambient light. To the right of this stack, there is a deep blue sphere with a matte texture, providing a stark contrast to the geometric sharpness of the cubes. On the left side, two emerald green cones with a slightly textured surface are positioned, their pointed tips directed upwards, creating a symmetrical balance in the arrangement.",,8,7,attribute,color,"attribute - color (sphere, deep blue)",Is the sphere deep blue? +partiprompts68,"In the center of the composition, there is a neatly arranged stack of three vibrant red cubes, each with a smooth, glossy finish that reflects the ambient light. To the right of this stack, there is a deep blue sphere with a matte texture, providing a stark contrast to the geometric sharpness of the cubes. On the left side, two emerald green cones with a slightly textured surface are positioned, their pointed tips directed upwards, creating a symmetrical balance in the arrangement.",,9,8,attribute,texture,"attribute - texture (sphere, matte)",Is the sphere matte? +partiprompts68,"In the center of the composition, there is a neatly arranged stack of three vibrant red cubes, each with a smooth, glossy finish that reflects the ambient light. To the right of this stack, there is a deep blue sphere with a matte texture, providing a stark contrast to the geometric sharpness of the cubes. On the left side, two emerald green cones with a slightly textured surface are positioned, their pointed tips directed upwards, creating a symmetrical balance in the arrangement.",,10,"7,2",relation,spatial,"relation - spatial (sphere, stack of cubes, right of)",Is the sphere to the right of the stack of cubes? +partiprompts68,"In the center of the composition, there is a neatly arranged stack of three vibrant red cubes, each with a smooth, glossy finish that reflects the ambient light. To the right of this stack, there is a deep blue sphere with a matte texture, providing a stark contrast to the geometric sharpness of the cubes. On the left side, two emerald green cones with a slightly textured surface are positioned, their pointed tips directed upwards, creating a symmetrical balance in the arrangement.",,11,0,entity,whole,entity - whole (cones),Are there cones? +partiprompts68,"In the center of the composition, there is a neatly arranged stack of three vibrant red cubes, each with a smooth, glossy finish that reflects the ambient light. To the right of this stack, there is a deep blue sphere with a matte texture, providing a stark contrast to the geometric sharpness of the cubes. On the left side, two emerald green cones with a slightly textured surface are positioned, their pointed tips directed upwards, creating a symmetrical balance in the arrangement.",,12,1,other,count,"other - count (cones, ==2)",Are there two cones? +partiprompts68,"In the center of the composition, there is a neatly arranged stack of three vibrant red cubes, each with a smooth, glossy finish that reflects the ambient light. To the right of this stack, there is a deep blue sphere with a matte texture, providing a stark contrast to the geometric sharpness of the cubes. On the left side, two emerald green cones with a slightly textured surface are positioned, their pointed tips directed upwards, creating a symmetrical balance in the arrangement.",,13,11,attribute,color,"attribute - color (cones, emerald green)",Are the cones emerald green? +partiprompts68,"In the center of the composition, there is a neatly arranged stack of three vibrant red cubes, each with a smooth, glossy finish that reflects the ambient light. To the right of this stack, there is a deep blue sphere with a matte texture, providing a stark contrast to the geometric sharpness of the cubes. On the left side, two emerald green cones with a slightly textured surface are positioned, their pointed tips directed upwards, creating a symmetrical balance in the arrangement.",,14,11,attribute,texture,"attribute - texture (cones, slightly textured)",Are the cones slightly textured? +partiprompts68,"In the center of the composition, there is a neatly arranged stack of three vibrant red cubes, each with a smooth, glossy finish that reflects the ambient light. To the right of this stack, there is a deep blue sphere with a matte texture, providing a stark contrast to the geometric sharpness of the cubes. On the left side, two emerald green cones with a slightly textured surface are positioned, their pointed tips directed upwards, creating a symmetrical balance in the arrangement.",,15,11,attribute,shape,"attribute - shape (cones, pointed, upwards)",Are the cones pointed upwards? +partiprompts68,"In the center of the composition, there is a neatly arranged stack of three vibrant red cubes, each with a smooth, glossy finish that reflects the ambient light. To the right of this stack, there is a deep blue sphere with a matte texture, providing a stark contrast to the geometric sharpness of the cubes. On the left side, two emerald green cones with a slightly textured surface are positioned, their pointed tips directed upwards, creating a symmetrical balance in the arrangement.",,16,"2,11",relation,spatial,"relation - spatial (cones, stack of cubes, left of)",Are the cones to the left of the stack of cubes? +partiprompts68,"In the center of the composition, there is a neatly arranged stack of three vibrant red cubes, each with a smooth, glossy finish that reflects the ambient light. To the right of this stack, there is a deep blue sphere with a matte texture, providing a stark contrast to the geometric sharpness of the cubes. On the left side, two emerald green cones with a slightly textured surface are positioned, their pointed tips directed upwards, creating a symmetrical balance in the arrangement.",,17,11,relation,spatial,"relation - spatial (cones, composition, left side)",Are the cones on the left side of the composition? +partiprompts68,"In the center of the composition, there is a neatly arranged stack of three vibrant red cubes, each with a smooth, glossy finish that reflects the ambient light. To the right of this stack, there is a deep blue sphere with a matte texture, providing a stark contrast to the geometric sharpness of the cubes. On the left side, two emerald green cones with a slightly textured surface are positioned, their pointed tips directed upwards, creating a symmetrical balance in the arrangement.",,18,"11,16",relation,spatial,"relation - spatial (cones, arrangement, symmetrical balance)",Is there a symmetrical balance in the arrangement of the cones? +partiprompts192,"a standard green tennis court with white boundary lines, where numerous bright yellow tennis balls are strewn across the playing surface. Surrounding the court is a tall chain-link fence, and there is a player's bench off to the side with a couple of rackets resting on it. The net is taut and stands prominently in the center of the court, casting a faint shadow on the ground.",,1,0,entity,whole,entity - whole (tennis court),Is there a tennis court? +partiprompts192,"a standard green tennis court with white boundary lines, where numerous bright yellow tennis balls are strewn across the playing surface. Surrounding the court is a tall chain-link fence, and there is a player's bench off to the side with a couple of rackets resting on it. The net is taut and stands prominently in the center of the court, casting a faint shadow on the ground.",,2,1,attribute,color,"attribute - color (tennis court, green)",Is the tennis court green? +partiprompts192,"a standard green tennis court with white boundary lines, where numerous bright yellow tennis balls are strewn across the playing surface. Surrounding the court is a tall chain-link fence, and there is a player's bench off to the side with a couple of rackets resting on it. The net is taut and stands prominently in the center of the court, casting a faint shadow on the ground.",,3,1,attribute,color,"attribute - color (boundary lines, white)",Are there white boundary lines on the court? +partiprompts192,"a standard green tennis court with white boundary lines, where numerous bright yellow tennis balls are strewn across the playing surface. Surrounding the court is a tall chain-link fence, and there is a player's bench off to the side with a couple of rackets resting on it. The net is taut and stands prominently in the center of the court, casting a faint shadow on the ground.",,4,1,attribute,color,"attribute - color (tennis balls, bright yellow)",Are the tennis balls bright yellow? +partiprompts192,"a standard green tennis court with white boundary lines, where numerous bright yellow tennis balls are strewn across the playing surface. Surrounding the court is a tall chain-link fence, and there is a player's bench off to the side with a couple of rackets resting on it. The net is taut and stands prominently in the center of the court, casting a faint shadow on the ground.",,5,1,entity,whole,entity - whole (chain-link fence),Is there a chain-link fence? +partiprompts192,"a standard green tennis court with white boundary lines, where numerous bright yellow tennis balls are strewn across the playing surface. Surrounding the court is a tall chain-link fence, and there is a player's bench off to the side with a couple of rackets resting on it. The net is taut and stands prominently in the center of the court, casting a faint shadow on the ground.",,6,1,entity,whole,entity - whole (player's bench),Is there a player's bench? +partiprompts192,"a standard green tennis court with white boundary lines, where numerous bright yellow tennis balls are strewn across the playing surface. Surrounding the court is a tall chain-link fence, and there is a player's bench off to the side with a couple of rackets resting on it. The net is taut and stands prominently in the center of the court, casting a faint shadow on the ground.",,7,1,other,count,"other - count (tennis balls, ==numerous)",Are there numerous tennis balls? +partiprompts192,"a standard green tennis court with white boundary lines, where numerous bright yellow tennis balls are strewn across the playing surface. Surrounding the court is a tall chain-link fence, and there is a player's bench off to the side with a couple of rackets resting on it. The net is taut and stands prominently in the center of the court, casting a faint shadow on the ground.",,8,1,other,count,"other - count (rackets, ==2)",Are there two rackets? +partiprompts192,"a standard green tennis court with white boundary lines, where numerous bright yellow tennis balls are strewn across the playing surface. Surrounding the court is a tall chain-link fence, and there is a player's bench off to the side with a couple of rackets resting on it. The net is taut and stands prominently in the center of the court, casting a faint shadow on the ground.",,9,6,entity,part,"entity - part (player's bench, rackets)",Are the rackets on the player's bench? +partiprompts192,"a standard green tennis court with white boundary lines, where numerous bright yellow tennis balls are strewn across the playing surface. Surrounding the court is a tall chain-link fence, and there is a player's bench off to the side with a couple of rackets resting on it. The net is taut and stands prominently in the center of the court, casting a faint shadow on the ground.",,10,1,attribute,other,"attribute - other (net, taut)",Is the net taut? +partiprompts192,"a standard green tennis court with white boundary lines, where numerous bright yellow tennis balls are strewn across the playing surface. Surrounding the court is a tall chain-link fence, and there is a player's bench off to the side with a couple of rackets resting on it. The net is taut and stands prominently in the center of the court, casting a faint shadow on the ground.",,11,1,entity,state,"entity - state (net, stand)",Is the net standing? +partiprompts192,"a standard green tennis court with white boundary lines, where numerous bright yellow tennis balls are strewn across the playing surface. Surrounding the court is a tall chain-link fence, and there is a player's bench off to the side with a couple of rackets resting on it. The net is taut and stands prominently in the center of the court, casting a faint shadow on the ground.",,12,"1,2",relation,spatial,"relation - spatial (tennis balls, tennis court, strewn across)",Are the tennis balls strewn across the court? +partiprompts192,"a standard green tennis court with white boundary lines, where numerous bright yellow tennis balls are strewn across the playing surface. Surrounding the court is a tall chain-link fence, and there is a player's bench off to the side with a couple of rackets resting on it. The net is taut and stands prominently in the center of the court, casting a faint shadow on the ground.",,13,"1,5",relation,spatial,"relation - spatial (court, fence, surrounding)",Is the fence surrounding the court? +partiprompts192,"a standard green tennis court with white boundary lines, where numerous bright yellow tennis balls are strewn across the playing surface. Surrounding the court is a tall chain-link fence, and there is a player's bench off to the side with a couple of rackets resting on it. The net is taut and stands prominently in the center of the court, casting a faint shadow on the ground.",,14,"1,6",relation,spatial,"relation - spatial (court, bench, off to the side)",Is the player's bench off to the side? +partiprompts192,"a standard green tennis court with white boundary lines, where numerous bright yellow tennis balls are strewn across the playing surface. Surrounding the court is a tall chain-link fence, and there is a player's bench off to the side with a couple of rackets resting on it. The net is taut and stands prominently in the center of the court, casting a faint shadow on the ground.",,15,"1,2",relation,spatial,"relation - spatial (net, court, in the center)",Is the net in the center of the court? +partiprompts192,"a standard green tennis court with white boundary lines, where numerous bright yellow tennis balls are strewn across the playing surface. Surrounding the court is a tall chain-link fence, and there is a player's bench off to the side with a couple of rackets resting on it. The net is taut and stands prominently in the center of the court, casting a faint shadow on the ground.",,16,10,relation,spatial,"relation - spatial (net, ground, cast faint shadow)",Is the net casting a faint shadow on the ground? +partiprompts225,"A vibrant orange pickup truck parked beside a sleek yellow Porsche 911 on a smooth gray asphalt road. The Porsche's polished surface reflects the sunlight, highlighting its aerodynamic shape and the truck's sturdy, boxy frame. Between the two vehicles, the contrasting sizes and designs are evident, with the pickup's raised suspension towering over the low-profile sports car.",,1,0,entity,whole,entity - whole (pickup truck),Is there a pickup truck? +partiprompts225,"A vibrant orange pickup truck parked beside a sleek yellow Porsche 911 on a smooth gray asphalt road. The Porsche's polished surface reflects the sunlight, highlighting its aerodynamic shape and the truck's sturdy, boxy frame. Between the two vehicles, the contrasting sizes and designs are evident, with the pickup's raised suspension towering over the low-profile sports car.",,2,0,entity,whole,entity - whole (Porsche 911),Is there a Porsche 911? +partiprompts225,"A vibrant orange pickup truck parked beside a sleek yellow Porsche 911 on a smooth gray asphalt road. The Porsche's polished surface reflects the sunlight, highlighting its aerodynamic shape and the truck's sturdy, boxy frame. Between the two vehicles, the contrasting sizes and designs are evident, with the pickup's raised suspension towering over the low-profile sports car.",,3,0,entity,whole,entity - whole (road),Is there a road? +partiprompts225,"A vibrant orange pickup truck parked beside a sleek yellow Porsche 911 on a smooth gray asphalt road. The Porsche's polished surface reflects the sunlight, highlighting its aerodynamic shape and the truck's sturdy, boxy frame. Between the two vehicles, the contrasting sizes and designs are evident, with the pickup's raised suspension towering over the low-profile sports car.",,4,1,attribute,color,"attribute - color (pickup truck, orange)",Is the pickup truck orange? +partiprompts225,"A vibrant orange pickup truck parked beside a sleek yellow Porsche 911 on a smooth gray asphalt road. The Porsche's polished surface reflects the sunlight, highlighting its aerodynamic shape and the truck's sturdy, boxy frame. Between the two vehicles, the contrasting sizes and designs are evident, with the pickup's raised suspension towering over the low-profile sports car.",,5,2,attribute,color,"attribute - color (Porsche 911, yellow)",Is the Porsche 911 yellow? +partiprompts225,"A vibrant orange pickup truck parked beside a sleek yellow Porsche 911 on a smooth gray asphalt road. The Porsche's polished surface reflects the sunlight, highlighting its aerodynamic shape and the truck's sturdy, boxy frame. Between the two vehicles, the contrasting sizes and designs are evident, with the pickup's raised suspension towering over the low-profile sports car.",,6,3,attribute,color,"attribute - color (asphalt road, gray)",Is the road gray? +partiprompts225,"A vibrant orange pickup truck parked beside a sleek yellow Porsche 911 on a smooth gray asphalt road. The Porsche's polished surface reflects the sunlight, highlighting its aerodynamic shape and the truck's sturdy, boxy frame. Between the two vehicles, the contrasting sizes and designs are evident, with the pickup's raised suspension towering over the low-profile sports car.",,7,2,attribute,texture,"attribute - texture (Porsche 911, sleek)",Is the Porsche 911 sleek? +partiprompts225,"A vibrant orange pickup truck parked beside a sleek yellow Porsche 911 on a smooth gray asphalt road. The Porsche's polished surface reflects the sunlight, highlighting its aerodynamic shape and the truck's sturdy, boxy frame. Between the two vehicles, the contrasting sizes and designs are evident, with the pickup's raised suspension towering over the low-profile sports car.",,8,2,attribute,texture,"attribute - texture (Porsche 911, polished)",Is the Porsche 911 polished? +partiprompts225,"A vibrant orange pickup truck parked beside a sleek yellow Porsche 911 on a smooth gray asphalt road. The Porsche's polished surface reflects the sunlight, highlighting its aerodynamic shape and the truck's sturdy, boxy frame. Between the two vehicles, the contrasting sizes and designs are evident, with the pickup's raised suspension towering over the low-profile sports car.",,9,1,attribute,texture,"attribute - texture (pickup truck, sturdy)",Is the pickup truck sturdy? +partiprompts225,"A vibrant orange pickup truck parked beside a sleek yellow Porsche 911 on a smooth gray asphalt road. The Porsche's polished surface reflects the sunlight, highlighting its aerodynamic shape and the truck's sturdy, boxy frame. Between the two vehicles, the contrasting sizes and designs are evident, with the pickup's raised suspension towering over the low-profile sports car.",,10,1,attribute,texture,"attribute - texture (pickup truck, boxy)",Is the pickup truck boxy? +partiprompts225,"A vibrant orange pickup truck parked beside a sleek yellow Porsche 911 on a smooth gray asphalt road. The Porsche's polished surface reflects the sunlight, highlighting its aerodynamic shape and the truck's sturdy, boxy frame. Between the two vehicles, the contrasting sizes and designs are evident, with the pickup's raised suspension towering over the low-profile sports car.",,11,2,attribute,size,"attribute - size (Porsche 911, low-profile)",Is the Porsche 911 low-profile? +partiprompts225,"A vibrant orange pickup truck parked beside a sleek yellow Porsche 911 on a smooth gray asphalt road. The Porsche's polished surface reflects the sunlight, highlighting its aerodynamic shape and the truck's sturdy, boxy frame. Between the two vehicles, the contrasting sizes and designs are evident, with the pickup's raised suspension towering over the low-profile sports car.",,12,1,attribute,size,"attribute - size (pickup truck, raised suspension)",Does the pickup truck have a raised suspension? +partiprompts225,"A vibrant orange pickup truck parked beside a sleek yellow Porsche 911 on a smooth gray asphalt road. The Porsche's polished surface reflects the sunlight, highlighting its aerodynamic shape and the truck's sturdy, boxy frame. Between the two vehicles, the contrasting sizes and designs are evident, with the pickup's raised suspension towering over the low-profile sports car.",,13,"1,3",relation,spatial,"relation - spatial (pickup truck, road, beside)",Is the pickup truck beside the road? +partiprompts225,"A vibrant orange pickup truck parked beside a sleek yellow Porsche 911 on a smooth gray asphalt road. The Porsche's polished surface reflects the sunlight, highlighting its aerodynamic shape and the truck's sturdy, boxy frame. Between the two vehicles, the contrasting sizes and designs are evident, with the pickup's raised suspension towering over the low-profile sports car.",,14,"2,3",relation,spatial,"relation - spatial (Porsche 911, road, beside)",Is the Porsche 911 beside the road? +partiprompts225,"A vibrant orange pickup truck parked beside a sleek yellow Porsche 911 on a smooth gray asphalt road. The Porsche's polished surface reflects the sunlight, highlighting its aerodynamic shape and the truck's sturdy, boxy frame. Between the two vehicles, the contrasting sizes and designs are evident, with the pickup's raised suspension towering over the low-profile sports car.",,15,2,relation,spatial,"relation - spatial (Porsche 911, sunlight, reflect)",Is the sunlight reflecting on the Porsche 911? +partiprompts225,"A vibrant orange pickup truck parked beside a sleek yellow Porsche 911 on a smooth gray asphalt road. The Porsche's polished surface reflects the sunlight, highlighting its aerodynamic shape and the truck's sturdy, boxy frame. Between the two vehicles, the contrasting sizes and designs are evident, with the pickup's raised suspension towering over the low-profile sports car.",,16,"1,2",relation,spatial,"relation - spatial (Porsche 911, pickup truck, between)",Are the Porsche 911 and pickup truck between each other? +partiprompts225,"A vibrant orange pickup truck parked beside a sleek yellow Porsche 911 on a smooth gray asphalt road. The Porsche's polished surface reflects the sunlight, highlighting its aerodynamic shape and the truck's sturdy, boxy frame. Between the two vehicles, the contrasting sizes and designs are evident, with the pickup's raised suspension towering over the low-profile sports car.",,17,"1,2",relation,spatial,"relation - spatial (pickup truck, Porsche 911, between)",Are the Porsche 911 and pickup truck between each other? +partiprompts225,"A vibrant orange pickup truck parked beside a sleek yellow Porsche 911 on a smooth gray asphalt road. The Porsche's polished surface reflects the sunlight, highlighting its aerodynamic shape and the truck's sturdy, boxy frame. Between the two vehicles, the contrasting sizes and designs are evident, with the pickup's raised suspension towering over the low-profile sports car.",,18,"1,2",relation,spatial,"relation - spatial (pickup truck, Porsche 911, contrasting sizes and designs)",Are the sizes and designs of the Porsche 911 and pickup truck contrasting? +partiprompts145,"A majestic brown horse stands in profile, its coat gleaming in the sunlight, with a black saddle securely fastened on its back. The number 55 is prominently displayed in white on the horse's rear flank, indicating its identification or racing number. The horse's mane is neatly combed, and it appears calm and well-trained, ready for a ride or competition.",,1,0,entity,whole,entity - whole (horse),Is there a horse? +partiprompts145,"A majestic brown horse stands in profile, its coat gleaming in the sunlight, with a black saddle securely fastened on its back. The number 55 is prominently displayed in white on the horse's rear flank, indicating its identification or racing number. The horse's mane is neatly combed, and it appears calm and well-trained, ready for a ride or competition.",,2,1,attribute,color,"attribute - color (horse, brown)",Is the horse brown? +partiprompts145,"A majestic brown horse stands in profile, its coat gleaming in the sunlight, with a black saddle securely fastened on its back. The number 55 is prominently displayed in white on the horse's rear flank, indicating its identification or racing number. The horse's mane is neatly combed, and it appears calm and well-trained, ready for a ride or competition.",,3,1,attribute,texture,"attribute - texture (horse's coat, gleaming)",Is the horse's coat gleaming? +partiprompts145,"A majestic brown horse stands in profile, its coat gleaming in the sunlight, with a black saddle securely fastened on its back. The number 55 is prominently displayed in white on the horse's rear flank, indicating its identification or racing number. The horse's mane is neatly combed, and it appears calm and well-trained, ready for a ride or competition.",,4,1,attribute,color,"attribute - color (saddle, black)",Is the saddle black? +partiprompts145,"A majestic brown horse stands in profile, its coat gleaming in the sunlight, with a black saddle securely fastened on its back. The number 55 is prominently displayed in white on the horse's rear flank, indicating its identification or racing number. The horse's mane is neatly combed, and it appears calm and well-trained, ready for a ride or competition.",,5,4,attribute,other,"attribute - other (saddle, securely fastened)",Is the saddle securely fastened? +partiprompts145,"A majestic brown horse stands in profile, its coat gleaming in the sunlight, with a black saddle securely fastened on its back. The number 55 is prominently displayed in white on the horse's rear flank, indicating its identification or racing number. The horse's mane is neatly combed, and it appears calm and well-trained, ready for a ride or competition.",,6,6,attribute,color,"attribute - color (number 55, white)",Is the number 55 white? +partiprompts145,"A majestic brown horse stands in profile, its coat gleaming in the sunlight, with a black saddle securely fastened on its back. The number 55 is prominently displayed in white on the horse's rear flank, indicating its identification or racing number. The horse's mane is neatly combed, and it appears calm and well-trained, ready for a ride or competition.",,7,6,attribute,other,"attribute - other (number 55, prominently displayed)",Is the number 55 prominently displayed? +partiprompts145,"A majestic brown horse stands in profile, its coat gleaming in the sunlight, with a black saddle securely fastened on its back. The number 55 is prominently displayed in white on the horse's rear flank, indicating its identification or racing number. The horse's mane is neatly combed, and it appears calm and well-trained, ready for a ride or competition.",,8,6,attribute,other,"attribute - other (number 55, identification or racing number)",Is the number 55 an identification or racing number? +partiprompts145,"A majestic brown horse stands in profile, its coat gleaming in the sunlight, with a black saddle securely fastened on its back. The number 55 is prominently displayed in white on the horse's rear flank, indicating its identification or racing number. The horse's mane is neatly combed, and it appears calm and well-trained, ready for a ride or competition.",,9,1,attribute,other,"attribute - other (horse's mane, neatly combed)",Is the horse's mane neatly combed? +partiprompts145,"A majestic brown horse stands in profile, its coat gleaming in the sunlight, with a black saddle securely fastened on its back. The number 55 is prominently displayed in white on the horse's rear flank, indicating its identification or racing number. The horse's mane is neatly combed, and it appears calm and well-trained, ready for a ride or competition.",,10,1,entity,state,"entity - state (horse, calm and well-trained)",Is the horse calm and well-trained? +partiprompts145,"A majestic brown horse stands in profile, its coat gleaming in the sunlight, with a black saddle securely fastened on its back. The number 55 is prominently displayed in white on the horse's rear flank, indicating its identification or racing number. The horse's mane is neatly combed, and it appears calm and well-trained, ready for a ride or competition.",,11,1,entity,state,"entity - state (horse, ready for a ride or competition)",Is the horse ready for a ride or competition? +partiprompts186,"A pristine white bird with a long neck and elegant feathers stands in the foreground, with a towering dinosaur sculpture positioned behind it among a grove of trees. The dinosaur, a deep green in color with textured skin, contrasts sharply with the smooth plumage of the bird. The trees cast dappled shadows on the scene, highlighting the intricate details of both the bird and the prehistoric figure.",,1,0,entity,whole,entity - whole (bird),Is there a bird? +partiprompts186,"A pristine white bird with a long neck and elegant feathers stands in the foreground, with a towering dinosaur sculpture positioned behind it among a grove of trees. The dinosaur, a deep green in color with textured skin, contrasts sharply with the smooth plumage of the bird. The trees cast dappled shadows on the scene, highlighting the intricate details of both the bird and the prehistoric figure.",,2,1,entity,whole,entity - whole (neck),Is there a long neck? +partiprompts186,"A pristine white bird with a long neck and elegant feathers stands in the foreground, with a towering dinosaur sculpture positioned behind it among a grove of trees. The dinosaur, a deep green in color with textured skin, contrasts sharply with the smooth plumage of the bird. The trees cast dappled shadows on the scene, highlighting the intricate details of both the bird and the prehistoric figure.",,3,1,entity,whole,entity - whole (feathers),Are there elegant feathers? +partiprompts186,"A pristine white bird with a long neck and elegant feathers stands in the foreground, with a towering dinosaur sculpture positioned behind it among a grove of trees. The dinosaur, a deep green in color with textured skin, contrasts sharply with the smooth plumage of the bird. The trees cast dappled shadows on the scene, highlighting the intricate details of both the bird and the prehistoric figure.",,4,0,entity,whole,entity - whole (dinosaur sculpture),Is there a dinosaur sculpture? +partiprompts186,"A pristine white bird with a long neck and elegant feathers stands in the foreground, with a towering dinosaur sculpture positioned behind it among a grove of trees. The dinosaur, a deep green in color with textured skin, contrasts sharply with the smooth plumage of the bird. The trees cast dappled shadows on the scene, highlighting the intricate details of both the bird and the prehistoric figure.",,5,0,entity,whole,entity - whole (grove of trees),Is there a grove of trees? +partiprompts186,"A pristine white bird with a long neck and elegant feathers stands in the foreground, with a towering dinosaur sculpture positioned behind it among a grove of trees. The dinosaur, a deep green in color with textured skin, contrasts sharply with the smooth plumage of the bird. The trees cast dappled shadows on the scene, highlighting the intricate details of both the bird and the prehistoric figure.",,6,1,attribute,color,"attribute - color (bird, white)",Is the bird white? +partiprompts186,"A pristine white bird with a long neck and elegant feathers stands in the foreground, with a towering dinosaur sculpture positioned behind it among a grove of trees. The dinosaur, a deep green in color with textured skin, contrasts sharply with the smooth plumage of the bird. The trees cast dappled shadows on the scene, highlighting the intricate details of both the bird and the prehistoric figure.",,7,1,attribute,shape,"attribute - shape (bird, elegant)",Is the bird's shape elegant? +partiprompts186,"A pristine white bird with a long neck and elegant feathers stands in the foreground, with a towering dinosaur sculpture positioned behind it among a grove of trees. The dinosaur, a deep green in color with textured skin, contrasts sharply with the smooth plumage of the bird. The trees cast dappled shadows on the scene, highlighting the intricate details of both the bird and the prehistoric figure.",,8,1,attribute,texture,"attribute - texture (bird, smooth)",Is the bird's feathers smooth? +partiprompts186,"A pristine white bird with a long neck and elegant feathers stands in the foreground, with a towering dinosaur sculpture positioned behind it among a grove of trees. The dinosaur, a deep green in color with textured skin, contrasts sharply with the smooth plumage of the bird. The trees cast dappled shadows on the scene, highlighting the intricate details of both the bird and the prehistoric figure.",,9,4,attribute,color,"attribute - color (dinosaur sculpture, deep green)",Is the dinosaur sculpture deep green? +partiprompts186,"A pristine white bird with a long neck and elegant feathers stands in the foreground, with a towering dinosaur sculpture positioned behind it among a grove of trees. The dinosaur, a deep green in color with textured skin, contrasts sharply with the smooth plumage of the bird. The trees cast dappled shadows on the scene, highlighting the intricate details of both the bird and the prehistoric figure.",,10,4,attribute,texture,"attribute - texture (dinosaur sculpture, textured)",Is the dinosaur sculpture textured? +partiprompts186,"A pristine white bird with a long neck and elegant feathers stands in the foreground, with a towering dinosaur sculpture positioned behind it among a grove of trees. The dinosaur, a deep green in color with textured skin, contrasts sharply with the smooth plumage of the bird. The trees cast dappled shadows on the scene, highlighting the intricate details of both the bird and the prehistoric figure.",,11,1,relation,spatial,"relation - spatial (bird, foreground, in)",Is the bird in the foreground? +partiprompts186,"A pristine white bird with a long neck and elegant feathers stands in the foreground, with a towering dinosaur sculpture positioned behind it among a grove of trees. The dinosaur, a deep green in color with textured skin, contrasts sharply with the smooth plumage of the bird. The trees cast dappled shadows on the scene, highlighting the intricate details of both the bird and the prehistoric figure.",,12,1,relation,spatial,"relation - spatial (dinosaur sculpture, behind bird)",Is the dinosaur sculpture positioned behind the bird? +partiprompts186,"A pristine white bird with a long neck and elegant feathers stands in the foreground, with a towering dinosaur sculpture positioned behind it among a grove of trees. The dinosaur, a deep green in color with textured skin, contrasts sharply with the smooth plumage of the bird. The trees cast dappled shadows on the scene, highlighting the intricate details of both the bird and the prehistoric figure.",,13,"4,5",relation,spatial,"relation - spatial (dinosaur sculpture, grove of trees, among)",Is the dinosaur sculpture among the grove of trees? +partiprompts186,"A pristine white bird with a long neck and elegant feathers stands in the foreground, with a towering dinosaur sculpture positioned behind it among a grove of trees. The dinosaur, a deep green in color with textured skin, contrasts sharply with the smooth plumage of the bird. The trees cast dappled shadows on the scene, highlighting the intricate details of both the bird and the prehistoric figure.",,14,5,relation,spatial,"relation - spatial (trees, scene, cast dappled shadows on)",Do the trees cast dappled shadows on the scene? +partiprompts186,"A pristine white bird with a long neck and elegant feathers stands in the foreground, with a towering dinosaur sculpture positioned behind it among a grove of trees. The dinosaur, a deep green in color with textured skin, contrasts sharply with the smooth plumage of the bird. The trees cast dappled shadows on the scene, highlighting the intricate details of both the bird and the prehistoric figure.",,15,"1,5",relation,spatial,"relation - spatial (bird, trees, cast dappled shadows on)",Do the trees cast dappled shadows on the bird? +partiprompts101,"A classic Greek statue carved from white marble, depicting a muscular man with a stern expression as he gently comforts a cat with an unusually large head. The cat, also sculpted from marble, seems to be at ease in the man's strong arms. The statue stands on a stone pedestal, and the intricate details of the man's curly hair and the cat's fur texture are visible, highlighting the sculptor's skilled craftsmanship.",,1,0,entity,whole,entity - whole (Greek statue),Is there a Greek statue? +partiprompts101,"A classic Greek statue carved from white marble, depicting a muscular man with a stern expression as he gently comforts a cat with an unusually large head. The cat, also sculpted from marble, seems to be at ease in the man's strong arms. The statue stands on a stone pedestal, and the intricate details of the man's curly hair and the cat's fur texture are visible, highlighting the sculptor's skilled craftsmanship.",,2,1,attribute,texture,"attribute - texture (Greek statue, white marble)",Is the Greek statue made of white marble? +partiprompts101,"A classic Greek statue carved from white marble, depicting a muscular man with a stern expression as he gently comforts a cat with an unusually large head. The cat, also sculpted from marble, seems to be at ease in the man's strong arms. The statue stands on a stone pedestal, and the intricate details of the man's curly hair and the cat's fur texture are visible, highlighting the sculptor's skilled craftsmanship.",,3,1,entity,whole,entity - whole (man),Is there a man? +partiprompts101,"A classic Greek statue carved from white marble, depicting a muscular man with a stern expression as he gently comforts a cat with an unusually large head. The cat, also sculpted from marble, seems to be at ease in the man's strong arms. The statue stands on a stone pedestal, and the intricate details of the man's curly hair and the cat's fur texture are visible, highlighting the sculptor's skilled craftsmanship.",,4,3,attribute,other,"attribute - other (man, muscular)",Is the man muscular? +partiprompts101,"A classic Greek statue carved from white marble, depicting a muscular man with a stern expression as he gently comforts a cat with an unusually large head. The cat, also sculpted from marble, seems to be at ease in the man's strong arms. The statue stands on a stone pedestal, and the intricate details of the man's curly hair and the cat's fur texture are visible, highlighting the sculptor's skilled craftsmanship.",,5,3,entity,state,"entity - state (man, stern expression)",Does the man have a stern expression? +partiprompts101,"A classic Greek statue carved from white marble, depicting a muscular man with a stern expression as he gently comforts a cat with an unusually large head. The cat, also sculpted from marble, seems to be at ease in the man's strong arms. The statue stands on a stone pedestal, and the intricate details of the man's curly hair and the cat's fur texture are visible, highlighting the sculptor's skilled craftsmanship.",,6,1,entity,whole,entity - whole (cat),Is there a cat? +partiprompts101,"A classic Greek statue carved from white marble, depicting a muscular man with a stern expression as he gently comforts a cat with an unusually large head. The cat, also sculpted from marble, seems to be at ease in the man's strong arms. The statue stands on a stone pedestal, and the intricate details of the man's curly hair and the cat's fur texture are visible, highlighting the sculptor's skilled craftsmanship.",,7,6,attribute,size,"attribute - size (cat's head, unusually large)",Is the cat's head unusually large? +partiprompts101,"A classic Greek statue carved from white marble, depicting a muscular man with a stern expression as he gently comforts a cat with an unusually large head. The cat, also sculpted from marble, seems to be at ease in the man's strong arms. The statue stands on a stone pedestal, and the intricate details of the man's curly hair and the cat's fur texture are visible, highlighting the sculptor's skilled craftsmanship.",,8,6,attribute,texture,"attribute - texture (cat, marble)",Is the cat made of marble? +partiprompts101,"A classic Greek statue carved from white marble, depicting a muscular man with a stern expression as he gently comforts a cat with an unusually large head. The cat, also sculpted from marble, seems to be at ease in the man's strong arms. The statue stands on a stone pedestal, and the intricate details of the man's curly hair and the cat's fur texture are visible, highlighting the sculptor's skilled craftsmanship.",,9,"3,6",entity,state,"entity - state (cat, at ease)",Is the cat at ease? +partiprompts101,"A classic Greek statue carved from white marble, depicting a muscular man with a stern expression as he gently comforts a cat with an unusually large head. The cat, also sculpted from marble, seems to be at ease in the man's strong arms. The statue stands on a stone pedestal, and the intricate details of the man's curly hair and the cat's fur texture are visible, highlighting the sculptor's skilled craftsmanship.",,10,1,entity,whole,entity - whole (stone pedestal),Is there a stone pedestal? +partiprompts101,"A classic Greek statue carved from white marble, depicting a muscular man with a stern expression as he gently comforts a cat with an unusually large head. The cat, also sculpted from marble, seems to be at ease in the man's strong arms. The statue stands on a stone pedestal, and the intricate details of the man's curly hair and the cat's fur texture are visible, highlighting the sculptor's skilled craftsmanship.",,11,10,attribute,texture,"attribute - texture (stone pedestal, stone)",Is the stone pedestal made of stone? +partiprompts101,"A classic Greek statue carved from white marble, depicting a muscular man with a stern expression as he gently comforts a cat with an unusually large head. The cat, also sculpted from marble, seems to be at ease in the man's strong arms. The statue stands on a stone pedestal, and the intricate details of the man's curly hair and the cat's fur texture are visible, highlighting the sculptor's skilled craftsmanship.",,12,3,attribute,texture,"attribute - texture (man's hair, curly)",Is the man's hair curly? +partiprompts101,"A classic Greek statue carved from white marble, depicting a muscular man with a stern expression as he gently comforts a cat with an unusually large head. The cat, also sculpted from marble, seems to be at ease in the man's strong arms. The statue stands on a stone pedestal, and the intricate details of the man's curly hair and the cat's fur texture are visible, highlighting the sculptor's skilled craftsmanship.",,13,6,attribute,texture,"attribute - texture (cat's fur, fur)",Is the cat's fur texture visible? +partiprompts101,"A classic Greek statue carved from white marble, depicting a muscular man with a stern expression as he gently comforts a cat with an unusually large head. The cat, also sculpted from marble, seems to be at ease in the man's strong arms. The statue stands on a stone pedestal, and the intricate details of the man's curly hair and the cat's fur texture are visible, highlighting the sculptor's skilled craftsmanship.",,14,1,attribute,other,"attribute - other (details, intricate)",Are the details intricate? +partiprompts101,"A classic Greek statue carved from white marble, depicting a muscular man with a stern expression as he gently comforts a cat with an unusually large head. The cat, also sculpted from marble, seems to be at ease in the man's strong arms. The statue stands on a stone pedestal, and the intricate details of the man's curly hair and the cat's fur texture are visible, highlighting the sculptor's skilled craftsmanship.",,15,1,attribute,other,"attribute - other (craftsmanship, skilled)",Is the craftsmanship skilled? +partiprompts156,"An oil painting depicting an abstract anime landscape, where a vibrant door stands out amidst a backdrop of shadowy hues. The door, painted in bright, luminescent colors, appears to be a gateway, cutting through the surrounding darkness with its inviting glow. Swirls of contrasting colors give the impression of a mystical portal, beckoning viewers to step through into a realm of knowledge and discovery.",,1,0,entity,whole,entity - whole (oil painting),Is there an oil painting? +partiprompts156,"An oil painting depicting an abstract anime landscape, where a vibrant door stands out amidst a backdrop of shadowy hues. The door, painted in bright, luminescent colors, appears to be a gateway, cutting through the surrounding darkness with its inviting glow. Swirls of contrasting colors give the impression of a mystical portal, beckoning viewers to step through into a realm of knowledge and discovery.",,2,0,entity,whole,entity - whole (landscape),Is there a landscape? +partiprompts156,"An oil painting depicting an abstract anime landscape, where a vibrant door stands out amidst a backdrop of shadowy hues. The door, painted in bright, luminescent colors, appears to be a gateway, cutting through the surrounding darkness with its inviting glow. Swirls of contrasting colors give the impression of a mystical portal, beckoning viewers to step through into a realm of knowledge and discovery.",,3,0,entity,whole,entity - whole (door),Is there a door? +partiprompts156,"An oil painting depicting an abstract anime landscape, where a vibrant door stands out amidst a backdrop of shadowy hues. The door, painted in bright, luminescent colors, appears to be a gateway, cutting through the surrounding darkness with its inviting glow. Swirls of contrasting colors give the impression of a mystical portal, beckoning viewers to step through into a realm of knowledge and discovery.",,4,2,attribute,other,"attribute - other (landscape, abstract anime)",Is the landscape an abstract anime? +partiprompts156,"An oil painting depicting an abstract anime landscape, where a vibrant door stands out amidst a backdrop of shadowy hues. The door, painted in bright, luminescent colors, appears to be a gateway, cutting through the surrounding darkness with its inviting glow. Swirls of contrasting colors give the impression of a mystical portal, beckoning viewers to step through into a realm of knowledge and discovery.",,5,3,attribute,color,"attribute - color (door, vibrant)",Is the door vibrant in color? +partiprompts156,"An oil painting depicting an abstract anime landscape, where a vibrant door stands out amidst a backdrop of shadowy hues. The door, painted in bright, luminescent colors, appears to be a gateway, cutting through the surrounding darkness with its inviting glow. Swirls of contrasting colors give the impression of a mystical portal, beckoning viewers to step through into a realm of knowledge and discovery.",,6,3,attribute,color,"attribute - color (door, bright)",Is the door bright in color? +partiprompts156,"An oil painting depicting an abstract anime landscape, where a vibrant door stands out amidst a backdrop of shadowy hues. The door, painted in bright, luminescent colors, appears to be a gateway, cutting through the surrounding darkness with its inviting glow. Swirls of contrasting colors give the impression of a mystical portal, beckoning viewers to step through into a realm of knowledge and discovery.",,7,3,attribute,texture,"attribute - texture (door, luminescent)",Is the door luminescent in texture? +partiprompts156,"An oil painting depicting an abstract anime landscape, where a vibrant door stands out amidst a backdrop of shadowy hues. The door, painted in bright, luminescent colors, appears to be a gateway, cutting through the surrounding darkness with its inviting glow. Swirls of contrasting colors give the impression of a mystical portal, beckoning viewers to step through into a realm of knowledge and discovery.",,8,2,attribute,texture,"attribute - texture (landscape, shadowy)",Is the landscape shadowy in texture? +partiprompts156,"An oil painting depicting an abstract anime landscape, where a vibrant door stands out amidst a backdrop of shadowy hues. The door, painted in bright, luminescent colors, appears to be a gateway, cutting through the surrounding darkness with its inviting glow. Swirls of contrasting colors give the impression of a mystical portal, beckoning viewers to step through into a realm of knowledge and discovery.",,9,3,attribute,texture,"attribute - texture (portal, mystical)",Is the portal mystical in texture? +partiprompts156,"An oil painting depicting an abstract anime landscape, where a vibrant door stands out amidst a backdrop of shadowy hues. The door, painted in bright, luminescent colors, appears to be a gateway, cutting through the surrounding darkness with its inviting glow. Swirls of contrasting colors give the impression of a mystical portal, beckoning viewers to step through into a realm of knowledge and discovery.",,10,"3,2",relation,spatial,"relation - spatial (door, landscape, stand out amidst)",Does the door stand out amidst the landscape? +partiprompts156,"An oil painting depicting an abstract anime landscape, where a vibrant door stands out amidst a backdrop of shadowy hues. The door, painted in bright, luminescent colors, appears to be a gateway, cutting through the surrounding darkness with its inviting glow. Swirls of contrasting colors give the impression of a mystical portal, beckoning viewers to step through into a realm of knowledge and discovery.",,11,"3,8",relation,spatial,"relation - spatial (door, darkness, cut through)",Does the door cut through the darkness? +partiprompts156,"An oil painting depicting an abstract anime landscape, where a vibrant door stands out amidst a backdrop of shadowy hues. The door, painted in bright, luminescent colors, appears to be a gateway, cutting through the surrounding darkness with its inviting glow. Swirls of contrasting colors give the impression of a mystical portal, beckoning viewers to step through into a realm of knowledge and discovery.",,12,"3,8",relation,spatial,"relation - spatial (portal, viewers, beckon)",Does the portal beckon viewers? +partiprompts100,"An aerial perspective captures three individuals peering down at the bustling city streets from the edge of a skyscraper's rooftop. They are surrounded by a safety barrier, and the rooftop itself is adorned with gravel and small potted plants. Far below, the urban tapestry of roads, vehicles, and pedestrians unfolds in a miniature display, while other tall buildings rise up in the vicinity, creating a canyon of architectural marvels.",,1,0,global,,global - (aerial perspective),Is this an aerial perspective? +partiprompts100,"An aerial perspective captures three individuals peering down at the bustling city streets from the edge of a skyscraper's rooftop. They are surrounded by a safety barrier, and the rooftop itself is adorned with gravel and small potted plants. Far below, the urban tapestry of roads, vehicles, and pedestrians unfolds in a miniature display, while other tall buildings rise up in the vicinity, creating a canyon of architectural marvels.",,2,0,entity,whole,entity - whole (individuals),Are there individuals? +partiprompts100,"An aerial perspective captures three individuals peering down at the bustling city streets from the edge of a skyscraper's rooftop. They are surrounded by a safety barrier, and the rooftop itself is adorned with gravel and small potted plants. Far below, the urban tapestry of roads, vehicles, and pedestrians unfolds in a miniature display, while other tall buildings rise up in the vicinity, creating a canyon of architectural marvels.",,3,0,entity,whole,entity - whole (city streets),Are there city streets? +partiprompts100,"An aerial perspective captures three individuals peering down at the bustling city streets from the edge of a skyscraper's rooftop. They are surrounded by a safety barrier, and the rooftop itself is adorned with gravel and small potted plants. Far below, the urban tapestry of roads, vehicles, and pedestrians unfolds in a miniature display, while other tall buildings rise up in the vicinity, creating a canyon of architectural marvels.",,4,0,entity,whole,entity - whole (skyscraper),Is there a skyscraper? +partiprompts100,"An aerial perspective captures three individuals peering down at the bustling city streets from the edge of a skyscraper's rooftop. They are surrounded by a safety barrier, and the rooftop itself is adorned with gravel and small potted plants. Far below, the urban tapestry of roads, vehicles, and pedestrians unfolds in a miniature display, while other tall buildings rise up in the vicinity, creating a canyon of architectural marvels.",,5,0,entity,whole,entity - whole (rooftop),Is there a rooftop? +partiprompts100,"An aerial perspective captures three individuals peering down at the bustling city streets from the edge of a skyscraper's rooftop. They are surrounded by a safety barrier, and the rooftop itself is adorned with gravel and small potted plants. Far below, the urban tapestry of roads, vehicles, and pedestrians unfolds in a miniature display, while other tall buildings rise up in the vicinity, creating a canyon of architectural marvels.",,6,0,entity,whole,entity - whole (safety barrier),Is there a safety barrier? +partiprompts100,"An aerial perspective captures three individuals peering down at the bustling city streets from the edge of a skyscraper's rooftop. They are surrounded by a safety barrier, and the rooftop itself is adorned with gravel and small potted plants. Far below, the urban tapestry of roads, vehicles, and pedestrians unfolds in a miniature display, while other tall buildings rise up in the vicinity, creating a canyon of architectural marvels.",,7,0,entity,whole,entity - whole (gravel),Is there gravel? +partiprompts100,"An aerial perspective captures three individuals peering down at the bustling city streets from the edge of a skyscraper's rooftop. They are surrounded by a safety barrier, and the rooftop itself is adorned with gravel and small potted plants. Far below, the urban tapestry of roads, vehicles, and pedestrians unfolds in a miniature display, while other tall buildings rise up in the vicinity, creating a canyon of architectural marvels.",,8,0,entity,whole,entity - whole (potted plants),Are there potted plants? +partiprompts100,"An aerial perspective captures three individuals peering down at the bustling city streets from the edge of a skyscraper's rooftop. They are surrounded by a safety barrier, and the rooftop itself is adorned with gravel and small potted plants. Far below, the urban tapestry of roads, vehicles, and pedestrians unfolds in a miniature display, while other tall buildings rise up in the vicinity, creating a canyon of architectural marvels.",,9,0,entity,whole,entity - whole (urban tapestry),Is there an urban tapestry? +partiprompts100,"An aerial perspective captures three individuals peering down at the bustling city streets from the edge of a skyscraper's rooftop. They are surrounded by a safety barrier, and the rooftop itself is adorned with gravel and small potted plants. Far below, the urban tapestry of roads, vehicles, and pedestrians unfolds in a miniature display, while other tall buildings rise up in the vicinity, creating a canyon of architectural marvels.",,10,0,entity,whole,entity - whole (roads),Are there roads? +partiprompts100,"An aerial perspective captures three individuals peering down at the bustling city streets from the edge of a skyscraper's rooftop. They are surrounded by a safety barrier, and the rooftop itself is adorned with gravel and small potted plants. Far below, the urban tapestry of roads, vehicles, and pedestrians unfolds in a miniature display, while other tall buildings rise up in the vicinity, creating a canyon of architectural marvels.",,11,0,entity,whole,entity - whole (vehicles),Are there vehicles? +partiprompts100,"An aerial perspective captures three individuals peering down at the bustling city streets from the edge of a skyscraper's rooftop. They are surrounded by a safety barrier, and the rooftop itself is adorned with gravel and small potted plants. Far below, the urban tapestry of roads, vehicles, and pedestrians unfolds in a miniature display, while other tall buildings rise up in the vicinity, creating a canyon of architectural marvels.",,12,0,entity,whole,entity - whole (pedestrians),Are there pedestrians? +partiprompts100,"An aerial perspective captures three individuals peering down at the bustling city streets from the edge of a skyscraper's rooftop. They are surrounded by a safety barrier, and the rooftop itself is adorned with gravel and small potted plants. Far below, the urban tapestry of roads, vehicles, and pedestrians unfolds in a miniature display, while other tall buildings rise up in the vicinity, creating a canyon of architectural marvels.",,13,0,entity,whole,entity - whole (buildings),Are there buildings? +partiprompts100,"An aerial perspective captures three individuals peering down at the bustling city streets from the edge of a skyscraper's rooftop. They are surrounded by a safety barrier, and the rooftop itself is adorned with gravel and small potted plants. Far below, the urban tapestry of roads, vehicles, and pedestrians unfolds in a miniature display, while other tall buildings rise up in the vicinity, creating a canyon of architectural marvels.",,14,2,attribute,size,"attribute - size (individuals, three)",Are there three individuals? +partiprompts100,"An aerial perspective captures three individuals peering down at the bustling city streets from the edge of a skyscraper's rooftop. They are surrounded by a safety barrier, and the rooftop itself is adorned with gravel and small potted plants. Far below, the urban tapestry of roads, vehicles, and pedestrians unfolds in a miniature display, while other tall buildings rise up in the vicinity, creating a canyon of architectural marvels.",,15,5,attribute,texture,"attribute - texture (rooftop, gravel)",Is the rooftop covered in gravel? +partiprompts100,"An aerial perspective captures three individuals peering down at the bustling city streets from the edge of a skyscraper's rooftop. They are surrounded by a safety barrier, and the rooftop itself is adorned with gravel and small potted plants. Far below, the urban tapestry of roads, vehicles, and pedestrians unfolds in a miniature display, while other tall buildings rise up in the vicinity, creating a canyon of architectural marvels.",,16,5,attribute,texture,"attribute - texture (rooftop, small potted plants)",Are there small potted plants on the rooftop? +partiprompts100,"An aerial perspective captures three individuals peering down at the bustling city streets from the edge of a skyscraper's rooftop. They are surrounded by a safety barrier, and the rooftop itself is adorned with gravel and small potted plants. Far below, the urban tapestry of roads, vehicles, and pedestrians unfolds in a miniature display, while other tall buildings rise up in the vicinity, creating a canyon of architectural marvels.",,17,"2,3",relation,spatial,"relation - spatial (individuals, city streets, peering down at)",Are the individuals peering down at the city streets? +partiprompts100,"An aerial perspective captures three individuals peering down at the bustling city streets from the edge of a skyscraper's rooftop. They are surrounded by a safety barrier, and the rooftop itself is adorned with gravel and small potted plants. Far below, the urban tapestry of roads, vehicles, and pedestrians unfolds in a miniature display, while other tall buildings rise up in the vicinity, creating a canyon of architectural marvels.",,18,"2,4",relation,spatial,"relation - spatial (individuals, skyscraper, edge of)",Are the individuals at the edge of the skyscraper? +partiprompts100,"An aerial perspective captures three individuals peering down at the bustling city streets from the edge of a skyscraper's rooftop. They are surrounded by a safety barrier, and the rooftop itself is adorned with gravel and small potted plants. Far below, the urban tapestry of roads, vehicles, and pedestrians unfolds in a miniature display, while other tall buildings rise up in the vicinity, creating a canyon of architectural marvels.",,19,"2,5",relation,spatial,"relation - spatial (individuals, rooftop, surrounded by)",Are the individuals surrounded by a safety barrier on the rooftop? +partiprompts100,"An aerial perspective captures three individuals peering down at the bustling city streets from the edge of a skyscraper's rooftop. They are surrounded by a safety barrier, and the rooftop itself is adorned with gravel and small potted plants. Far below, the urban tapestry of roads, vehicles, and pedestrians unfolds in a miniature display, while other tall buildings rise up in the vicinity, creating a canyon of architectural marvels.",,20,"5,6",relation,spatial,"relation - spatial (rooftop, safety barrier, adorned with)",Is the rooftop adorned with a safety barrier? +partiprompts100,"An aerial perspective captures three individuals peering down at the bustling city streets from the edge of a skyscraper's rooftop. They are surrounded by a safety barrier, and the rooftop itself is adorned with gravel and small potted plants. Far below, the urban tapestry of roads, vehicles, and pedestrians unfolds in a miniature display, while other tall buildings rise up in the vicinity, creating a canyon of architectural marvels.",,21,"5,7",relation,spatial,"relation - spatial (rooftop, gravel, adorned with)",Is the rooftop adorned with gravel? +partiprompts100,"An aerial perspective captures three individuals peering down at the bustling city streets from the edge of a skyscraper's rooftop. They are surrounded by a safety barrier, and the rooftop itself is adorned with gravel and small potted plants. Far below, the urban tapestry of roads, vehicles, and pedestrians unfolds in a miniature display, while other tall buildings rise up in the vicinity, creating a canyon of architectural marvels.",,22,"5,8",relation,spatial,"relation - spatial (rooftop, potted plants, adorned with)",Is the rooftop adorned with potted plants? +partiprompts100,"An aerial perspective captures three individuals peering down at the bustling city streets from the edge of a skyscraper's rooftop. They are surrounded by a safety barrier, and the rooftop itself is adorned with gravel and small potted plants. Far below, the urban tapestry of roads, vehicles, and pedestrians unfolds in a miniature display, while other tall buildings rise up in the vicinity, creating a canyon of architectural marvels.",,23,"13,4",relation,spatial,"relation - spatial (buildings, skyscraper, rise up in)",Do the buildings rise up in the skyscraper? +partiprompts19,"Inside a temple, a unique wall painting captures the whimsical image of pandas engaged in a game of tennis, rendered in a style reminiscent of ancient Egyptian hieroglyphics. The pandas are depicted with exaggerated, playful expressions, using rackets that are stylistically simplified. The wall on which the painting is displayed has a textured, sandy hue, providing a stark contrast to the dark, bold lines of the painted figures.",,1,0,entity,whole,entity - whole (temple),Is there a temple? +partiprompts19,"Inside a temple, a unique wall painting captures the whimsical image of pandas engaged in a game of tennis, rendered in a style reminiscent of ancient Egyptian hieroglyphics. The pandas are depicted with exaggerated, playful expressions, using rackets that are stylistically simplified. The wall on which the painting is displayed has a textured, sandy hue, providing a stark contrast to the dark, bold lines of the painted figures.",,2,1,entity,whole,entity - whole (wall painting),Is there a wall painting? +partiprompts19,"Inside a temple, a unique wall painting captures the whimsical image of pandas engaged in a game of tennis, rendered in a style reminiscent of ancient Egyptian hieroglyphics. The pandas are depicted with exaggerated, playful expressions, using rackets that are stylistically simplified. The wall on which the painting is displayed has a textured, sandy hue, providing a stark contrast to the dark, bold lines of the painted figures.",,3,2,entity,whole,entity - whole (pandas),Are there pandas? +partiprompts19,"Inside a temple, a unique wall painting captures the whimsical image of pandas engaged in a game of tennis, rendered in a style reminiscent of ancient Egyptian hieroglyphics. The pandas are depicted with exaggerated, playful expressions, using rackets that are stylistically simplified. The wall on which the painting is displayed has a textured, sandy hue, providing a stark contrast to the dark, bold lines of the painted figures.",,4,2,entity,whole,entity - whole (game of tennis),Is there a game of tennis? +partiprompts19,"Inside a temple, a unique wall painting captures the whimsical image of pandas engaged in a game of tennis, rendered in a style reminiscent of ancient Egyptian hieroglyphics. The pandas are depicted with exaggerated, playful expressions, using rackets that are stylistically simplified. The wall on which the painting is displayed has a textured, sandy hue, providing a stark contrast to the dark, bold lines of the painted figures.",,5,2,entity,whole,entity - whole (ancient Egyptian hieroglyphics),Are there ancient Egyptian hieroglyphics? +partiprompts19,"Inside a temple, a unique wall painting captures the whimsical image of pandas engaged in a game of tennis, rendered in a style reminiscent of ancient Egyptian hieroglyphics. The pandas are depicted with exaggerated, playful expressions, using rackets that are stylistically simplified. The wall on which the painting is displayed has a textured, sandy hue, providing a stark contrast to the dark, bold lines of the painted figures.",,6,2,attribute,other,"attribute - other (wall painting, unique)",Is the wall painting unique? +partiprompts19,"Inside a temple, a unique wall painting captures the whimsical image of pandas engaged in a game of tennis, rendered in a style reminiscent of ancient Egyptian hieroglyphics. The pandas are depicted with exaggerated, playful expressions, using rackets that are stylistically simplified. The wall on which the painting is displayed has a textured, sandy hue, providing a stark contrast to the dark, bold lines of the painted figures.",,7,2,attribute,texture,"attribute - texture (wall, sandy)",Is the wall textured with a sandy hue? +partiprompts19,"Inside a temple, a unique wall painting captures the whimsical image of pandas engaged in a game of tennis, rendered in a style reminiscent of ancient Egyptian hieroglyphics. The pandas are depicted with exaggerated, playful expressions, using rackets that are stylistically simplified. The wall on which the painting is displayed has a textured, sandy hue, providing a stark contrast to the dark, bold lines of the painted figures.",,8,2,attribute,color,"attribute - color (lines, dark)",Are the lines dark? +partiprompts19,"Inside a temple, a unique wall painting captures the whimsical image of pandas engaged in a game of tennis, rendered in a style reminiscent of ancient Egyptian hieroglyphics. The pandas are depicted with exaggerated, playful expressions, using rackets that are stylistically simplified. The wall on which the painting is displayed has a textured, sandy hue, providing a stark contrast to the dark, bold lines of the painted figures.",,9,2,attribute,color,"attribute - color (figures, bold)",Are the figures bold? +partiprompts19,"Inside a temple, a unique wall painting captures the whimsical image of pandas engaged in a game of tennis, rendered in a style reminiscent of ancient Egyptian hieroglyphics. The pandas are depicted with exaggerated, playful expressions, using rackets that are stylistically simplified. The wall on which the painting is displayed has a textured, sandy hue, providing a stark contrast to the dark, bold lines of the painted figures.",,10,"3,4",entity,state,"entity - state (pandas, engage in game of tennis)",Are the pandas engaging in a game of tennis? +partiprompts19,"Inside a temple, a unique wall painting captures the whimsical image of pandas engaged in a game of tennis, rendered in a style reminiscent of ancient Egyptian hieroglyphics. The pandas are depicted with exaggerated, playful expressions, using rackets that are stylistically simplified. The wall on which the painting is displayed has a textured, sandy hue, providing a stark contrast to the dark, bold lines of the painted figures.",,11,3,entity,state,"entity - state (pandas, playful expressions)",Do the pandas have playful expressions? +partiprompts19,"Inside a temple, a unique wall painting captures the whimsical image of pandas engaged in a game of tennis, rendered in a style reminiscent of ancient Egyptian hieroglyphics. The pandas are depicted with exaggerated, playful expressions, using rackets that are stylistically simplified. The wall on which the painting is displayed has a textured, sandy hue, providing a stark contrast to the dark, bold lines of the painted figures.",,12,3,attribute,other,"attribute - other (rackets, stylistically simplified)",Are the rackets stylistically simplified? +partiprompts19,"Inside a temple, a unique wall painting captures the whimsical image of pandas engaged in a game of tennis, rendered in a style reminiscent of ancient Egyptian hieroglyphics. The pandas are depicted with exaggerated, playful expressions, using rackets that are stylistically simplified. The wall on which the painting is displayed has a textured, sandy hue, providing a stark contrast to the dark, bold lines of the painted figures.",,13,"3,2",relation,spatial,"relation - spatial (pandas, wall painting, in)",Are the pandas in the wall painting? +partiprompts19,"Inside a temple, a unique wall painting captures the whimsical image of pandas engaged in a game of tennis, rendered in a style reminiscent of ancient Egyptian hieroglyphics. The pandas are depicted with exaggerated, playful expressions, using rackets that are stylistically simplified. The wall on which the painting is displayed has a textured, sandy hue, providing a stark contrast to the dark, bold lines of the painted figures.",,14,"2,1",relation,spatial,"relation - spatial (wall painting, wall, displayed on)",Is the wall painting displayed on the wall? +partiprompts50,"a classic old-fashioned cocktail sits on a polished wooden bar top, its amber liquid gently hugging a large, clear ice cube. next to the glass, a white linen napkin is neatly folded, with a silver cocktail spoon resting atop. the drink is garnished with a vibrant orange peel, adding a pop of color and a hint of citrus aroma to the scene.",,1,0,entity,whole,entity - whole (cocktail),Is there a cocktail? +partiprompts50,"a classic old-fashioned cocktail sits on a polished wooden bar top, its amber liquid gently hugging a large, clear ice cube. next to the glass, a white linen napkin is neatly folded, with a silver cocktail spoon resting atop. the drink is garnished with a vibrant orange peel, adding a pop of color and a hint of citrus aroma to the scene.",,2,0,entity,whole,entity - whole (bar top),Is there a bar top? +partiprompts50,"a classic old-fashioned cocktail sits on a polished wooden bar top, its amber liquid gently hugging a large, clear ice cube. next to the glass, a white linen napkin is neatly folded, with a silver cocktail spoon resting atop. the drink is garnished with a vibrant orange peel, adding a pop of color and a hint of citrus aroma to the scene.",,3,1,entity,whole,entity - whole (liquid),Is there liquid? +partiprompts50,"a classic old-fashioned cocktail sits on a polished wooden bar top, its amber liquid gently hugging a large, clear ice cube. next to the glass, a white linen napkin is neatly folded, with a silver cocktail spoon resting atop. the drink is garnished with a vibrant orange peel, adding a pop of color and a hint of citrus aroma to the scene.",,4,1,entity,whole,entity - whole (ice cube),Is there an ice cube? +partiprompts50,"a classic old-fashioned cocktail sits on a polished wooden bar top, its amber liquid gently hugging a large, clear ice cube. next to the glass, a white linen napkin is neatly folded, with a silver cocktail spoon resting atop. the drink is garnished with a vibrant orange peel, adding a pop of color and a hint of citrus aroma to the scene.",,5,0,entity,whole,entity - whole (napkin),Is there a napkin? +partiprompts50,"a classic old-fashioned cocktail sits on a polished wooden bar top, its amber liquid gently hugging a large, clear ice cube. next to the glass, a white linen napkin is neatly folded, with a silver cocktail spoon resting atop. the drink is garnished with a vibrant orange peel, adding a pop of color and a hint of citrus aroma to the scene.",,6,0,entity,whole,entity - whole (cocktail spoon),Is there a cocktail spoon? +partiprompts50,"a classic old-fashioned cocktail sits on a polished wooden bar top, its amber liquid gently hugging a large, clear ice cube. next to the glass, a white linen napkin is neatly folded, with a silver cocktail spoon resting atop. the drink is garnished with a vibrant orange peel, adding a pop of color and a hint of citrus aroma to the scene.",,7,0,entity,whole,entity - whole (orange peel),Is there an orange peel? +partiprompts50,"a classic old-fashioned cocktail sits on a polished wooden bar top, its amber liquid gently hugging a large, clear ice cube. next to the glass, a white linen napkin is neatly folded, with a silver cocktail spoon resting atop. the drink is garnished with a vibrant orange peel, adding a pop of color and a hint of citrus aroma to the scene.",,8,1,attribute,other,"attribute - other (cocktail, classic old-fashioned)",Is the cocktail a classic old-fashioned? +partiprompts50,"a classic old-fashioned cocktail sits on a polished wooden bar top, its amber liquid gently hugging a large, clear ice cube. next to the glass, a white linen napkin is neatly folded, with a silver cocktail spoon resting atop. the drink is garnished with a vibrant orange peel, adding a pop of color and a hint of citrus aroma to the scene.",,9,2,attribute,texture,"attribute - texture (bar top, polished wooden)",Is the bar top polished wood? +partiprompts50,"a classic old-fashioned cocktail sits on a polished wooden bar top, its amber liquid gently hugging a large, clear ice cube. next to the glass, a white linen napkin is neatly folded, with a silver cocktail spoon resting atop. the drink is garnished with a vibrant orange peel, adding a pop of color and a hint of citrus aroma to the scene.",,10,3,attribute,color,"attribute - color (liquid, amber)",Is the liquid amber in color? +partiprompts50,"a classic old-fashioned cocktail sits on a polished wooden bar top, its amber liquid gently hugging a large, clear ice cube. next to the glass, a white linen napkin is neatly folded, with a silver cocktail spoon resting atop. the drink is garnished with a vibrant orange peel, adding a pop of color and a hint of citrus aroma to the scene.",,11,4,attribute,color,"attribute - color (ice cube, clear)",Is the ice cube clear? +partiprompts50,"a classic old-fashioned cocktail sits on a polished wooden bar top, its amber liquid gently hugging a large, clear ice cube. next to the glass, a white linen napkin is neatly folded, with a silver cocktail spoon resting atop. the drink is garnished with a vibrant orange peel, adding a pop of color and a hint of citrus aroma to the scene.",,12,5,attribute,color,"attribute - color (napkin, white)",Is the napkin white? +partiprompts50,"a classic old-fashioned cocktail sits on a polished wooden bar top, its amber liquid gently hugging a large, clear ice cube. next to the glass, a white linen napkin is neatly folded, with a silver cocktail spoon resting atop. the drink is garnished with a vibrant orange peel, adding a pop of color and a hint of citrus aroma to the scene.",,13,6,attribute,color,"attribute - color (cocktail spoon, silver)",Is the cocktail spoon silver? +partiprompts50,"a classic old-fashioned cocktail sits on a polished wooden bar top, its amber liquid gently hugging a large, clear ice cube. next to the glass, a white linen napkin is neatly folded, with a silver cocktail spoon resting atop. the drink is garnished with a vibrant orange peel, adding a pop of color and a hint of citrus aroma to the scene.",,14,7,attribute,color,"attribute - color (orange peel, vibrant orange)",Is the orange peel vibrant orange? +partiprompts50,"a classic old-fashioned cocktail sits on a polished wooden bar top, its amber liquid gently hugging a large, clear ice cube. next to the glass, a white linen napkin is neatly folded, with a silver cocktail spoon resting atop. the drink is garnished with a vibrant orange peel, adding a pop of color and a hint of citrus aroma to the scene.",,15,7,attribute,other,"attribute - other (orange peel, garnish)",Is the orange peel a garnish? +partiprompts50,"a classic old-fashioned cocktail sits on a polished wooden bar top, its amber liquid gently hugging a large, clear ice cube. next to the glass, a white linen napkin is neatly folded, with a silver cocktail spoon resting atop. the drink is garnished with a vibrant orange peel, adding a pop of color and a hint of citrus aroma to the scene.",,16,7,attribute,other,"attribute - other (orange peel, citrus aroma)",Does the orange peel have a citrus aroma? +partiprompts50,"a classic old-fashioned cocktail sits on a polished wooden bar top, its amber liquid gently hugging a large, clear ice cube. next to the glass, a white linen napkin is neatly folded, with a silver cocktail spoon resting atop. the drink is garnished with a vibrant orange peel, adding a pop of color and a hint of citrus aroma to the scene.",,17,"1,2",relation,spatial,"relation - spatial (cocktail, bar top, on)",Is the cocktail on the bar top? +partiprompts50,"a classic old-fashioned cocktail sits on a polished wooden bar top, its amber liquid gently hugging a large, clear ice cube. next to the glass, a white linen napkin is neatly folded, with a silver cocktail spoon resting atop. the drink is garnished with a vibrant orange peel, adding a pop of color and a hint of citrus aroma to the scene.",,18,"3,4",relation,spatial,"relation - spatial (liquid, ice cube, hug)",Is the liquid gently hugging the ice cube? +partiprompts50,"a classic old-fashioned cocktail sits on a polished wooden bar top, its amber liquid gently hugging a large, clear ice cube. next to the glass, a white linen napkin is neatly folded, with a silver cocktail spoon resting atop. the drink is garnished with a vibrant orange peel, adding a pop of color and a hint of citrus aroma to the scene.",,19,"5,1",relation,spatial,"relation - spatial (napkin, cocktail, next to)",Is the napkin next to the cocktail? +partiprompts50,"a classic old-fashioned cocktail sits on a polished wooden bar top, its amber liquid gently hugging a large, clear ice cube. next to the glass, a white linen napkin is neatly folded, with a silver cocktail spoon resting atop. the drink is garnished with a vibrant orange peel, adding a pop of color and a hint of citrus aroma to the scene.",,20,"5,6",relation,spatial,"relation - spatial (napkin, cocktail spoon, atop)",Is the cocktail spoon resting atop the napkin? +partiprompts50,"a classic old-fashioned cocktail sits on a polished wooden bar top, its amber liquid gently hugging a large, clear ice cube. next to the glass, a white linen napkin is neatly folded, with a silver cocktail spoon resting atop. the drink is garnished with a vibrant orange peel, adding a pop of color and a hint of citrus aroma to the scene.",,21,"1,7",relation,spatial,"relation - spatial (cocktail, orange peel, garnished with)",Is the cocktail garnished with the orange peel? +partiprompts207,"Inside a subway train, the seats are occupied by several red pandas with soft, reddish-brown fur. One particularly curious red panda is engrossed in reading a newspaper, holding it with its black and white paws. Through the train's windows, a dense jungle with lush green foliage can be seen passing by in the background. The interior of the train is a mix of metallic grays and bright artificial lighting, contrasting with the natural colors visible outside.",,1,0,entity,whole,entity - whole (subway train),Is there a subway train? +partiprompts207,"Inside a subway train, the seats are occupied by several red pandas with soft, reddish-brown fur. One particularly curious red panda is engrossed in reading a newspaper, holding it with its black and white paws. Through the train's windows, a dense jungle with lush green foliage can be seen passing by in the background. The interior of the train is a mix of metallic grays and bright artificial lighting, contrasting with the natural colors visible outside.",,2,1,entity,whole,entity - whole (seats),Are the seats occupied? +partiprompts207,"Inside a subway train, the seats are occupied by several red pandas with soft, reddish-brown fur. One particularly curious red panda is engrossed in reading a newspaper, holding it with its black and white paws. Through the train's windows, a dense jungle with lush green foliage can be seen passing by in the background. The interior of the train is a mix of metallic grays and bright artificial lighting, contrasting with the natural colors visible outside.",,3,2,entity,whole,entity - whole (red pandas),Are there red pandas? +partiprompts207,"Inside a subway train, the seats are occupied by several red pandas with soft, reddish-brown fur. One particularly curious red panda is engrossed in reading a newspaper, holding it with its black and white paws. Through the train's windows, a dense jungle with lush green foliage can be seen passing by in the background. The interior of the train is a mix of metallic grays and bright artificial lighting, contrasting with the natural colors visible outside.",,4,3,entity,whole,entity - whole (fur),Is there fur? +partiprompts207,"Inside a subway train, the seats are occupied by several red pandas with soft, reddish-brown fur. One particularly curious red panda is engrossed in reading a newspaper, holding it with its black and white paws. Through the train's windows, a dense jungle with lush green foliage can be seen passing by in the background. The interior of the train is a mix of metallic grays and bright artificial lighting, contrasting with the natural colors visible outside.",,5,0,entity,whole,entity - whole (newspaper),Is there a newspaper? +partiprompts207,"Inside a subway train, the seats are occupied by several red pandas with soft, reddish-brown fur. One particularly curious red panda is engrossed in reading a newspaper, holding it with its black and white paws. Through the train's windows, a dense jungle with lush green foliage can be seen passing by in the background. The interior of the train is a mix of metallic grays and bright artificial lighting, contrasting with the natural colors visible outside.",,6,3,entity,whole,entity - whole (paws),Are there paws? +partiprompts207,"Inside a subway train, the seats are occupied by several red pandas with soft, reddish-brown fur. One particularly curious red panda is engrossed in reading a newspaper, holding it with its black and white paws. Through the train's windows, a dense jungle with lush green foliage can be seen passing by in the background. The interior of the train is a mix of metallic grays and bright artificial lighting, contrasting with the natural colors visible outside.",,7,0,entity,whole,entity - whole (jungle),Is there a jungle? +partiprompts207,"Inside a subway train, the seats are occupied by several red pandas with soft, reddish-brown fur. One particularly curious red panda is engrossed in reading a newspaper, holding it with its black and white paws. Through the train's windows, a dense jungle with lush green foliage can be seen passing by in the background. The interior of the train is a mix of metallic grays and bright artificial lighting, contrasting with the natural colors visible outside.",,8,0,entity,whole,entity - whole (foliage),Is there foliage? +partiprompts207,"Inside a subway train, the seats are occupied by several red pandas with soft, reddish-brown fur. One particularly curious red panda is engrossed in reading a newspaper, holding it with its black and white paws. Through the train's windows, a dense jungle with lush green foliage can be seen passing by in the background. The interior of the train is a mix of metallic grays and bright artificial lighting, contrasting with the natural colors visible outside.",,9,3,attribute,color,"attribute - color (pandas, red)",Are the pandas red? +partiprompts207,"Inside a subway train, the seats are occupied by several red pandas with soft, reddish-brown fur. One particularly curious red panda is engrossed in reading a newspaper, holding it with its black and white paws. Through the train's windows, a dense jungle with lush green foliage can be seen passing by in the background. The interior of the train is a mix of metallic grays and bright artificial lighting, contrasting with the natural colors visible outside.",,10,4,attribute,color,"attribute - color (fur, reddish-brown)",Is the fur reddish-brown? +partiprompts207,"Inside a subway train, the seats are occupied by several red pandas with soft, reddish-brown fur. One particularly curious red panda is engrossed in reading a newspaper, holding it with its black and white paws. Through the train's windows, a dense jungle with lush green foliage can be seen passing by in the background. The interior of the train is a mix of metallic grays and bright artificial lighting, contrasting with the natural colors visible outside.",,11,6,attribute,color,"attribute - color (paws, black and white)",Are the paws black and white? +partiprompts207,"Inside a subway train, the seats are occupied by several red pandas with soft, reddish-brown fur. One particularly curious red panda is engrossed in reading a newspaper, holding it with its black and white paws. Through the train's windows, a dense jungle with lush green foliage can be seen passing by in the background. The interior of the train is a mix of metallic grays and bright artificial lighting, contrasting with the natural colors visible outside.",,12,7,attribute,color,"attribute - color (jungle, green)",Is the jungle green? +partiprompts207,"Inside a subway train, the seats are occupied by several red pandas with soft, reddish-brown fur. One particularly curious red panda is engrossed in reading a newspaper, holding it with its black and white paws. Through the train's windows, a dense jungle with lush green foliage can be seen passing by in the background. The interior of the train is a mix of metallic grays and bright artificial lighting, contrasting with the natural colors visible outside.",,13,4,attribute,texture,"attribute - texture (fur, soft)",Is the fur soft? +partiprompts207,"Inside a subway train, the seats are occupied by several red pandas with soft, reddish-brown fur. One particularly curious red panda is engrossed in reading a newspaper, holding it with its black and white paws. Through the train's windows, a dense jungle with lush green foliage can be seen passing by in the background. The interior of the train is a mix of metallic grays and bright artificial lighting, contrasting with the natural colors visible outside.",,14,2,attribute,texture,attribute - texture (metallic grays),Are there metallic grays? +partiprompts207,"Inside a subway train, the seats are occupied by several red pandas with soft, reddish-brown fur. One particularly curious red panda is engrossed in reading a newspaper, holding it with its black and white paws. Through the train's windows, a dense jungle with lush green foliage can be seen passing by in the background. The interior of the train is a mix of metallic grays and bright artificial lighting, contrasting with the natural colors visible outside.",,15,2,attribute,texture,attribute - texture (bright artificial lighting),Is there bright artificial lighting? +partiprompts207,"Inside a subway train, the seats are occupied by several red pandas with soft, reddish-brown fur. One particularly curious red panda is engrossed in reading a newspaper, holding it with its black and white paws. Through the train's windows, a dense jungle with lush green foliage can be seen passing by in the background. The interior of the train is a mix of metallic grays and bright artificial lighting, contrasting with the natural colors visible outside.",,16,1,relation,spatial,"relation - spatial (seats, subway train, inside)",Are the seats inside the subway train? +partiprompts207,"Inside a subway train, the seats are occupied by several red pandas with soft, reddish-brown fur. One particularly curious red panda is engrossed in reading a newspaper, holding it with its black and white paws. Through the train's windows, a dense jungle with lush green foliage can be seen passing by in the background. The interior of the train is a mix of metallic grays and bright artificial lighting, contrasting with the natural colors visible outside.",,17,"3,2",relation,non-spatial,"relation - non-spatial (red pandas, seats, occupy)",Are the red pandas occupying the seats? +partiprompts207,"Inside a subway train, the seats are occupied by several red pandas with soft, reddish-brown fur. One particularly curious red panda is engrossed in reading a newspaper, holding it with its black and white paws. Through the train's windows, a dense jungle with lush green foliage can be seen passing by in the background. The interior of the train is a mix of metallic grays and bright artificial lighting, contrasting with the natural colors visible outside.",,18,"3,5",relation,non-spatial,"relation - non-spatial (pandas, newspaper, read)",Is a panda reading the newspaper? +partiprompts207,"Inside a subway train, the seats are occupied by several red pandas with soft, reddish-brown fur. One particularly curious red panda is engrossed in reading a newspaper, holding it with its black and white paws. Through the train's windows, a dense jungle with lush green foliage can be seen passing by in the background. The interior of the train is a mix of metallic grays and bright artificial lighting, contrasting with the natural colors visible outside.",,19,"3,6",relation,non-spatial,"relation - non-spatial (pandas, paws, hold)",Is a panda holding the newspaper with its paws? +partiprompts207,"Inside a subway train, the seats are occupied by several red pandas with soft, reddish-brown fur. One particularly curious red panda is engrossed in reading a newspaper, holding it with its black and white paws. Through the train's windows, a dense jungle with lush green foliage can be seen passing by in the background. The interior of the train is a mix of metallic grays and bright artificial lighting, contrasting with the natural colors visible outside.",,20,"1,7",relation,spatial,"relation - spatial (train's windows, jungle, pass by)",Are the train's windows showing a jungle passing by? +partiprompts162,"a surrealistic painting that depicts a vibrant red sports car with its form melting over the curved edges of a large, ornate golden clock. The background of the painting is a desolate landscape with a clear blue sky, reminiscent of Salvador Dali's distinctive style. The car's glossy paint appears to be dripping like liquid, blending the concepts of time and motion in a dreamlike tableau.",,1,0,entity,whole,entity - whole (painting),Is there a painting? +partiprompts162,"a surrealistic painting that depicts a vibrant red sports car with its form melting over the curved edges of a large, ornate golden clock. The background of the painting is a desolate landscape with a clear blue sky, reminiscent of Salvador Dali's distinctive style. The car's glossy paint appears to be dripping like liquid, blending the concepts of time and motion in a dreamlike tableau.",,2,1,entity,whole,entity - whole (sports car),Is there a sports car? +partiprompts162,"a surrealistic painting that depicts a vibrant red sports car with its form melting over the curved edges of a large, ornate golden clock. The background of the painting is a desolate landscape with a clear blue sky, reminiscent of Salvador Dali's distinctive style. The car's glossy paint appears to be dripping like liquid, blending the concepts of time and motion in a dreamlike tableau.",,3,1,entity,whole,entity - whole (clock),Is there a clock? +partiprompts162,"a surrealistic painting that depicts a vibrant red sports car with its form melting over the curved edges of a large, ornate golden clock. The background of the painting is a desolate landscape with a clear blue sky, reminiscent of Salvador Dali's distinctive style. The car's glossy paint appears to be dripping like liquid, blending the concepts of time and motion in a dreamlike tableau.",,4,1,entity,whole,entity - whole (landscape),Is there a landscape? +partiprompts162,"a surrealistic painting that depicts a vibrant red sports car with its form melting over the curved edges of a large, ornate golden clock. The background of the painting is a desolate landscape with a clear blue sky, reminiscent of Salvador Dali's distinctive style. The car's glossy paint appears to be dripping like liquid, blending the concepts of time and motion in a dreamlike tableau.",,5,1,entity,whole,entity - whole (sky),Is there a sky? +partiprompts162,"a surrealistic painting that depicts a vibrant red sports car with its form melting over the curved edges of a large, ornate golden clock. The background of the painting is a desolate landscape with a clear blue sky, reminiscent of Salvador Dali's distinctive style. The car's glossy paint appears to be dripping like liquid, blending the concepts of time and motion in a dreamlike tableau.",,6,2,attribute,color,"attribute - color (car, red)",Is the car red? +partiprompts162,"a surrealistic painting that depicts a vibrant red sports car with its form melting over the curved edges of a large, ornate golden clock. The background of the painting is a desolate landscape with a clear blue sky, reminiscent of Salvador Dali's distinctive style. The car's glossy paint appears to be dripping like liquid, blending the concepts of time and motion in a dreamlike tableau.",,7,3,attribute,color,"attribute - color (clock, golden)",Is the clock golden? +partiprompts162,"a surrealistic painting that depicts a vibrant red sports car with its form melting over the curved edges of a large, ornate golden clock. The background of the painting is a desolate landscape with a clear blue sky, reminiscent of Salvador Dali's distinctive style. The car's glossy paint appears to be dripping like liquid, blending the concepts of time and motion in a dreamlike tableau.",,8,3,attribute,color,"attribute - color (sky, clear blue)",Is the sky clear blue? +partiprompts162,"a surrealistic painting that depicts a vibrant red sports car with its form melting over the curved edges of a large, ornate golden clock. The background of the painting is a desolate landscape with a clear blue sky, reminiscent of Salvador Dali's distinctive style. The car's glossy paint appears to be dripping like liquid, blending the concepts of time and motion in a dreamlike tableau.",,9,2,attribute,texture,"attribute - texture (car, glossy)",Is the car glossy? +partiprompts162,"a surrealistic painting that depicts a vibrant red sports car with its form melting over the curved edges of a large, ornate golden clock. The background of the painting is a desolate landscape with a clear blue sky, reminiscent of Salvador Dali's distinctive style. The car's glossy paint appears to be dripping like liquid, blending the concepts of time and motion in a dreamlike tableau.",,10,3,attribute,texture,"attribute - texture (clock, ornate)",Is the clock ornate? +partiprompts162,"a surrealistic painting that depicts a vibrant red sports car with its form melting over the curved edges of a large, ornate golden clock. The background of the painting is a desolate landscape with a clear blue sky, reminiscent of Salvador Dali's distinctive style. The car's glossy paint appears to be dripping like liquid, blending the concepts of time and motion in a dreamlike tableau.",,11,4,attribute,texture,"attribute - texture (landscape, desolate)",Is the landscape desolate? +partiprompts162,"a surrealistic painting that depicts a vibrant red sports car with its form melting over the curved edges of a large, ornate golden clock. The background of the painting is a desolate landscape with a clear blue sky, reminiscent of Salvador Dali's distinctive style. The car's glossy paint appears to be dripping like liquid, blending the concepts of time and motion in a dreamlike tableau.",,12,5,attribute,texture,"attribute - texture (sky, clear)",Is the sky clear? +partiprompts162,"a surrealistic painting that depicts a vibrant red sports car with its form melting over the curved edges of a large, ornate golden clock. The background of the painting is a desolate landscape with a clear blue sky, reminiscent of Salvador Dali's distinctive style. The car's glossy paint appears to be dripping like liquid, blending the concepts of time and motion in a dreamlike tableau.",,13,1,attribute,texture,"attribute - texture (painting, surrealistic)",Is the painting surrealistic? +partiprompts162,"a surrealistic painting that depicts a vibrant red sports car with its form melting over the curved edges of a large, ornate golden clock. The background of the painting is a desolate landscape with a clear blue sky, reminiscent of Salvador Dali's distinctive style. The car's glossy paint appears to be dripping like liquid, blending the concepts of time and motion in a dreamlike tableau.",,14,1,attribute,texture,"attribute - texture (painting, vibrant)",Is the painting vibrant? +partiprompts162,"a surrealistic painting that depicts a vibrant red sports car with its form melting over the curved edges of a large, ornate golden clock. The background of the painting is a desolate landscape with a clear blue sky, reminiscent of Salvador Dali's distinctive style. The car's glossy paint appears to be dripping like liquid, blending the concepts of time and motion in a dreamlike tableau.",,15,1,attribute,texture,"attribute - texture (painting, dreamlike)",Is the painting dreamlike? +partiprompts162,"a surrealistic painting that depicts a vibrant red sports car with its form melting over the curved edges of a large, ornate golden clock. The background of the painting is a desolate landscape with a clear blue sky, reminiscent of Salvador Dali's distinctive style. The car's glossy paint appears to be dripping like liquid, blending the concepts of time and motion in a dreamlike tableau.",,16,"2,3",relation,spatial,"relation - spatial (car, clock, over)",Is the car over the clock? +partiprompts162,"a surrealistic painting that depicts a vibrant red sports car with its form melting over the curved edges of a large, ornate golden clock. The background of the painting is a desolate landscape with a clear blue sky, reminiscent of Salvador Dali's distinctive style. The car's glossy paint appears to be dripping like liquid, blending the concepts of time and motion in a dreamlike tableau.",,17,"2,3",relation,spatial,"relation - spatial (car, clock, melting)",Is the car melting over the clock? +partiprompts162,"a surrealistic painting that depicts a vibrant red sports car with its form melting over the curved edges of a large, ornate golden clock. The background of the painting is a desolate landscape with a clear blue sky, reminiscent of Salvador Dali's distinctive style. The car's glossy paint appears to be dripping like liquid, blending the concepts of time and motion in a dreamlike tableau.",,18,"2,3",relation,spatial,"relation - spatial (car, edges, curved)",Are the car's edges curved? +partiprompts162,"a surrealistic painting that depicts a vibrant red sports car with its form melting over the curved edges of a large, ornate golden clock. The background of the painting is a desolate landscape with a clear blue sky, reminiscent of Salvador Dali's distinctive style. The car's glossy paint appears to be dripping like liquid, blending the concepts of time and motion in a dreamlike tableau.",,19,2,relation,spatial,"relation - spatial (car, paint, dripping)",Is the car's paint dripping? +partiprompts162,"a surrealistic painting that depicts a vibrant red sports car with its form melting over the curved edges of a large, ornate golden clock. The background of the painting is a desolate landscape with a clear blue sky, reminiscent of Salvador Dali's distinctive style. The car's glossy paint appears to be dripping like liquid, blending the concepts of time and motion in a dreamlike tableau.",,20,1,relation,spatial,"relation - spatial (painting, background, in)",Is the painting in the background? +partiprompts162,"a surrealistic painting that depicts a vibrant red sports car with its form melting over the curved edges of a large, ornate golden clock. The background of the painting is a desolate landscape with a clear blue sky, reminiscent of Salvador Dali's distinctive style. The car's glossy paint appears to be dripping like liquid, blending the concepts of time and motion in a dreamlike tableau.",,21,4,entity,state,"entity - state (background, landscape, desolate)",Is the background desolate? +partiprompts162,"a surrealistic painting that depicts a vibrant red sports car with its form melting over the curved edges of a large, ornate golden clock. The background of the painting is a desolate landscape with a clear blue sky, reminiscent of Salvador Dali's distinctive style. The car's glossy paint appears to be dripping like liquid, blending the concepts of time and motion in a dreamlike tableau.",,22,4,entity,state,"entity - state (background, sky, clear)",Is the background sky clear? +partiprompts162,"a surrealistic painting that depicts a vibrant red sports car with its form melting over the curved edges of a large, ornate golden clock. The background of the painting is a desolate landscape with a clear blue sky, reminiscent of Salvador Dali's distinctive style. The car's glossy paint appears to be dripping like liquid, blending the concepts of time and motion in a dreamlike tableau.",,23,2,relation,non-spatial,"relation - non-spatial (car, concepts, blending)",Are the car's concepts blending? +partiprompts162,"a surrealistic painting that depicts a vibrant red sports car with its form melting over the curved edges of a large, ornate golden clock. The background of the painting is a desolate landscape with a clear blue sky, reminiscent of Salvador Dali's distinctive style. The car's glossy paint appears to be dripping like liquid, blending the concepts of time and motion in a dreamlike tableau.",,24,23,relation,non-spatial,"relation - non-spatial (concepts, time, motion)",Are time and motion blending? +partiprompts162,"a surrealistic painting that depicts a vibrant red sports car with its form melting over the curved edges of a large, ornate golden clock. The background of the painting is a desolate landscape with a clear blue sky, reminiscent of Salvador Dali's distinctive style. The car's glossy paint appears to be dripping like liquid, blending the concepts of time and motion in a dreamlike tableau.",,25,24,relation,spatial,"relation - spatial (time, motion, in)",Is time in motion? +partiprompts162,"a surrealistic painting that depicts a vibrant red sports car with its form melting over the curved edges of a large, ornate golden clock. The background of the painting is a desolate landscape with a clear blue sky, reminiscent of Salvador Dali's distinctive style. The car's glossy paint appears to be dripping like liquid, blending the concepts of time and motion in a dreamlike tableau.",,26,2,relation,spatial,"relation - spatial (car, tableau, dreamlike)",Is the car tableau dreamlike? +partiprompts15,"A towering statue of Abraham Lincoln, cast in a silvery-gray stone, is adorned with a gleaming, opaque astronaut's helmet that reflects the barren lunar landscape. The statue is positioned on the moon's surface, with its craters and dust visible around the base. In the dark sky above, the planet Earth looms large, a swirl of blue and white against the blackness of space.",,1,0,entity,whole,entity - whole (statue),Is there a statue? +partiprompts15,"A towering statue of Abraham Lincoln, cast in a silvery-gray stone, is adorned with a gleaming, opaque astronaut's helmet that reflects the barren lunar landscape. The statue is positioned on the moon's surface, with its craters and dust visible around the base. In the dark sky above, the planet Earth looms large, a swirl of blue and white against the blackness of space.",,2,0,entity,whole,entity - whole (Abraham Lincoln),Is the statue of Abraham Lincoln? +partiprompts15,"A towering statue of Abraham Lincoln, cast in a silvery-gray stone, is adorned with a gleaming, opaque astronaut's helmet that reflects the barren lunar landscape. The statue is positioned on the moon's surface, with its craters and dust visible around the base. In the dark sky above, the planet Earth looms large, a swirl of blue and white against the blackness of space.",,3,1,attribute,size,"attribute - size (statue, towering)",Is the statue towering? +partiprompts15,"A towering statue of Abraham Lincoln, cast in a silvery-gray stone, is adorned with a gleaming, opaque astronaut's helmet that reflects the barren lunar landscape. The statue is positioned on the moon's surface, with its craters and dust visible around the base. In the dark sky above, the planet Earth looms large, a swirl of blue and white against the blackness of space.",,4,1,attribute,color,"attribute - color (statue, silvery-gray)",Is the statue silvery-gray? +partiprompts15,"A towering statue of Abraham Lincoln, cast in a silvery-gray stone, is adorned with a gleaming, opaque astronaut's helmet that reflects the barren lunar landscape. The statue is positioned on the moon's surface, with its craters and dust visible around the base. In the dark sky above, the planet Earth looms large, a swirl of blue and white against the blackness of space.",,5,1,entity,part,entity - part (statue's helmet),Does the statue have a helmet? +partiprompts15,"A towering statue of Abraham Lincoln, cast in a silvery-gray stone, is adorned with a gleaming, opaque astronaut's helmet that reflects the barren lunar landscape. The statue is positioned on the moon's surface, with its craters and dust visible around the base. In the dark sky above, the planet Earth looms large, a swirl of blue and white against the blackness of space.",,6,5,attribute,texture,"attribute - texture (helmet, gleaming, opaque)",Is the helmet gleaming and opaque? +partiprompts15,"A towering statue of Abraham Lincoln, cast in a silvery-gray stone, is adorned with a gleaming, opaque astronaut's helmet that reflects the barren lunar landscape. The statue is positioned on the moon's surface, with its craters and dust visible around the base. In the dark sky above, the planet Earth looms large, a swirl of blue and white against the blackness of space.",,7,1,relation,spatial,"relation - spatial (statue, moon's surface, on)",Is the statue on the moon's surface? +partiprompts15,"A towering statue of Abraham Lincoln, cast in a silvery-gray stone, is adorned with a gleaming, opaque astronaut's helmet that reflects the barren lunar landscape. The statue is positioned on the moon's surface, with its craters and dust visible around the base. In the dark sky above, the planet Earth looms large, a swirl of blue and white against the blackness of space.",,8,7,relation,spatial,"relation - spatial (moon's surface, craters and dust, visible around)",Are the craters and dust visible around the moon's surface? +partiprompts15,"A towering statue of Abraham Lincoln, cast in a silvery-gray stone, is adorned with a gleaming, opaque astronaut's helmet that reflects the barren lunar landscape. The statue is positioned on the moon's surface, with its craters and dust visible around the base. In the dark sky above, the planet Earth looms large, a swirl of blue and white against the blackness of space.",,9,"1,8",relation,spatial,"relation - spatial (statue, Earth, above)",Is the statue above the Earth? +partiprompts15,"A towering statue of Abraham Lincoln, cast in a silvery-gray stone, is adorned with a gleaming, opaque astronaut's helmet that reflects the barren lunar landscape. The statue is positioned on the moon's surface, with its craters and dust visible around the base. In the dark sky above, the planet Earth looms large, a swirl of blue and white against the blackness of space.",,10,9,attribute,color,"attribute - color (Earth, blue and white)",Is the Earth blue and white? +partiprompts75,"a whimsical drawing of a brown and white horned owl, with bright yellow eyes, wearing a small black graduation cap atop its head. The owl is clutching a tiny rolled-up diploma tied with a red ribbon in its talons. The illustration has a light blue background, and the owl is perched on a stack of colorful books with golden titles etched on the spines.",,1,0,entity,whole,entity - whole (drawing),Is there a drawing? +partiprompts75,"a whimsical drawing of a brown and white horned owl, with bright yellow eyes, wearing a small black graduation cap atop its head. The owl is clutching a tiny rolled-up diploma tied with a red ribbon in its talons. The illustration has a light blue background, and the owl is perched on a stack of colorful books with golden titles etched on the spines.",,2,1,entity,whole,entity - whole (owl),Is there an owl? +partiprompts75,"a whimsical drawing of a brown and white horned owl, with bright yellow eyes, wearing a small black graduation cap atop its head. The owl is clutching a tiny rolled-up diploma tied with a red ribbon in its talons. The illustration has a light blue background, and the owl is perched on a stack of colorful books with golden titles etched on the spines.",,3,2,attribute,color,"attribute - color (owl, brown and white)",Is the owl brown and white? +partiprompts75,"a whimsical drawing of a brown and white horned owl, with bright yellow eyes, wearing a small black graduation cap atop its head. The owl is clutching a tiny rolled-up diploma tied with a red ribbon in its talons. The illustration has a light blue background, and the owl is perched on a stack of colorful books with golden titles etched on the spines.",,4,2,attribute,color,"attribute - color (owl's eyes, bright yellow)",Are the owl's eyes bright yellow? +partiprompts75,"a whimsical drawing of a brown and white horned owl, with bright yellow eyes, wearing a small black graduation cap atop its head. The owl is clutching a tiny rolled-up diploma tied with a red ribbon in its talons. The illustration has a light blue background, and the owl is perched on a stack of colorful books with golden titles etched on the spines.",,5,2,attribute,color,"attribute - color (graduation cap, black)",Is the owl wearing a black graduation cap? +partiprompts75,"a whimsical drawing of a brown and white horned owl, with bright yellow eyes, wearing a small black graduation cap atop its head. The owl is clutching a tiny rolled-up diploma tied with a red ribbon in its talons. The illustration has a light blue background, and the owl is perched on a stack of colorful books with golden titles etched on the spines.",,6,2,attribute,color,"attribute - color (diploma, red)",Is the owl clutching a red diploma? +partiprompts75,"a whimsical drawing of a brown and white horned owl, with bright yellow eyes, wearing a small black graduation cap atop its head. The owl is clutching a tiny rolled-up diploma tied with a red ribbon in its talons. The illustration has a light blue background, and the owl is perched on a stack of colorful books with golden titles etched on the spines.",,7,1,attribute,color,"attribute - color (background, light blue)",Is the background light blue? +partiprompts75,"a whimsical drawing of a brown and white horned owl, with bright yellow eyes, wearing a small black graduation cap atop its head. The owl is clutching a tiny rolled-up diploma tied with a red ribbon in its talons. The illustration has a light blue background, and the owl is perched on a stack of colorful books with golden titles etched on the spines.",,8,1,attribute,color,"attribute - color (books, colorful)",Are the books colorful? +partiprompts75,"a whimsical drawing of a brown and white horned owl, with bright yellow eyes, wearing a small black graduation cap atop its head. The owl is clutching a tiny rolled-up diploma tied with a red ribbon in its talons. The illustration has a light blue background, and the owl is perched on a stack of colorful books with golden titles etched on the spines.",,9,1,attribute,color,"attribute - color (books' titles, golden)",Are the titles on the books golden? +partiprompts75,"a whimsical drawing of a brown and white horned owl, with bright yellow eyes, wearing a small black graduation cap atop its head. The owl is clutching a tiny rolled-up diploma tied with a red ribbon in its talons. The illustration has a light blue background, and the owl is perched on a stack of colorful books with golden titles etched on the spines.",,10,2,entity,part,entity - part (owl's horns),Does the owl have horns? +partiprompts75,"a whimsical drawing of a brown and white horned owl, with bright yellow eyes, wearing a small black graduation cap atop its head. The owl is clutching a tiny rolled-up diploma tied with a red ribbon in its talons. The illustration has a light blue background, and the owl is perched on a stack of colorful books with golden titles etched on the spines.",,11,2,entity,part,entity - part (owl's talons),Does the owl have talons? +partiprompts75,"a whimsical drawing of a brown and white horned owl, with bright yellow eyes, wearing a small black graduation cap atop its head. The owl is clutching a tiny rolled-up diploma tied with a red ribbon in its talons. The illustration has a light blue background, and the owl is perched on a stack of colorful books with golden titles etched on the spines.",,12,2,entity,part,entity - part (diploma),Is the owl holding a diploma? +partiprompts75,"a whimsical drawing of a brown and white horned owl, with bright yellow eyes, wearing a small black graduation cap atop its head. The owl is clutching a tiny rolled-up diploma tied with a red ribbon in its talons. The illustration has a light blue background, and the owl is perched on a stack of colorful books with golden titles etched on the spines.",,13,2,entity,part,entity - part (ribbon),Is the diploma rolled up? +partiprompts75,"a whimsical drawing of a brown and white horned owl, with bright yellow eyes, wearing a small black graduation cap atop its head. The owl is clutching a tiny rolled-up diploma tied with a red ribbon in its talons. The illustration has a light blue background, and the owl is perched on a stack of colorful books with golden titles etched on the spines.",,14,"2,4",relation,spatial,"relation - spatial (owl, graduation cap, atop)",Is the graduation cap atop the owl's head? +partiprompts75,"a whimsical drawing of a brown and white horned owl, with bright yellow eyes, wearing a small black graduation cap atop its head. The owl is clutching a tiny rolled-up diploma tied with a red ribbon in its talons. The illustration has a light blue background, and the owl is perched on a stack of colorful books with golden titles etched on the spines.",,15,"2,12",relation,spatial,"relation - spatial (owl, diploma, clutch)",Is the owl clutching the diploma? +partiprompts75,"a whimsical drawing of a brown and white horned owl, with bright yellow eyes, wearing a small black graduation cap atop its head. The owl is clutching a tiny rolled-up diploma tied with a red ribbon in its talons. The illustration has a light blue background, and the owl is perched on a stack of colorful books with golden titles etched on the spines.",,16,"2,12,13",relation,spatial,"relation - spatial (owl, diploma, tied with ribbon)",Is the diploma tied with a ribbon? +partiprompts75,"a whimsical drawing of a brown and white horned owl, with bright yellow eyes, wearing a small black graduation cap atop its head. The owl is clutching a tiny rolled-up diploma tied with a red ribbon in its talons. The illustration has a light blue background, and the owl is perched on a stack of colorful books with golden titles etched on the spines.",,17,"2,18",relation,spatial,"relation - spatial (owl, books, perched on)",Is the owl perched on the stack of books? +partiprompts75,"a whimsical drawing of a brown and white horned owl, with bright yellow eyes, wearing a small black graduation cap atop its head. The owl is clutching a tiny rolled-up diploma tied with a red ribbon in its talons. The illustration has a light blue background, and the owl is perched on a stack of colorful books with golden titles etched on the spines.",,18,"1,7",relation,spatial,"relation - spatial (books, background, stack)",Are the books stacked in the background? +partiprompts75,"a whimsical drawing of a brown and white horned owl, with bright yellow eyes, wearing a small black graduation cap atop its head. The owl is clutching a tiny rolled-up diploma tied with a red ribbon in its talons. The illustration has a light blue background, and the owl is perched on a stack of colorful books with golden titles etched on the spines.",,19,"7,8",relation,spatial,"relation - spatial (books, titles, etched on spines)",Are the titles etched on the spines of the books? +partiprompts201,"a picturesque mountain stream with crystal clear water flowing over smooth, rounded stones. Several salmon, their scales glistening with a pinkish hue, can be seen leaping energetically from the water, attempting to navigate upstream. The banks of the stream are lined with lush green vegetation, and small wildflowers peek out from the foliage.",,1,0,entity,whole,entity - whole (mountain stream),Is there a mountain stream? +partiprompts201,"a picturesque mountain stream with crystal clear water flowing over smooth, rounded stones. Several salmon, their scales glistening with a pinkish hue, can be seen leaping energetically from the water, attempting to navigate upstream. The banks of the stream are lined with lush green vegetation, and small wildflowers peek out from the foliage.",,2,1,entity,whole,entity - whole (water),Is there water? +partiprompts201,"a picturesque mountain stream with crystal clear water flowing over smooth, rounded stones. Several salmon, their scales glistening with a pinkish hue, can be seen leaping energetically from the water, attempting to navigate upstream. The banks of the stream are lined with lush green vegetation, and small wildflowers peek out from the foliage.",,3,1,entity,whole,entity - whole (stones),Are there stones? +partiprompts201,"a picturesque mountain stream with crystal clear water flowing over smooth, rounded stones. Several salmon, their scales glistening with a pinkish hue, can be seen leaping energetically from the water, attempting to navigate upstream. The banks of the stream are lined with lush green vegetation, and small wildflowers peek out from the foliage.",,4,0,entity,whole,entity - whole (salmon),Are there salmon? +partiprompts201,"a picturesque mountain stream with crystal clear water flowing over smooth, rounded stones. Several salmon, their scales glistening with a pinkish hue, can be seen leaping energetically from the water, attempting to navigate upstream. The banks of the stream are lined with lush green vegetation, and small wildflowers peek out from the foliage.",,5,0,entity,whole,entity - whole (vegetation),Is there vegetation? +partiprompts201,"a picturesque mountain stream with crystal clear water flowing over smooth, rounded stones. Several salmon, their scales glistening with a pinkish hue, can be seen leaping energetically from the water, attempting to navigate upstream. The banks of the stream are lined with lush green vegetation, and small wildflowers peek out from the foliage.",,6,0,entity,whole,entity - whole (wildflowers),Are there wildflowers? +partiprompts201,"a picturesque mountain stream with crystal clear water flowing over smooth, rounded stones. Several salmon, their scales glistening with a pinkish hue, can be seen leaping energetically from the water, attempting to navigate upstream. The banks of the stream are lined with lush green vegetation, and small wildflowers peek out from the foliage.",,7,2,attribute,texture,"attribute - texture (water, crystal clear)",Is the water crystal clear? +partiprompts201,"a picturesque mountain stream with crystal clear water flowing over smooth, rounded stones. Several salmon, their scales glistening with a pinkish hue, can be seen leaping energetically from the water, attempting to navigate upstream. The banks of the stream are lined with lush green vegetation, and small wildflowers peek out from the foliage.",,8,3,attribute,texture,"attribute - texture (stones, smooth, rounded)",Are the stones smooth and rounded? +partiprompts201,"a picturesque mountain stream with crystal clear water flowing over smooth, rounded stones. Several salmon, their scales glistening with a pinkish hue, can be seen leaping energetically from the water, attempting to navigate upstream. The banks of the stream are lined with lush green vegetation, and small wildflowers peek out from the foliage.",,9,4,attribute,color,"attribute - color (salmon's scales, glistening, pinkish hue)",Are the salmon's scales glistening with a pinkish hue? +partiprompts201,"a picturesque mountain stream with crystal clear water flowing over smooth, rounded stones. Several salmon, their scales glistening with a pinkish hue, can be seen leaping energetically from the water, attempting to navigate upstream. The banks of the stream are lined with lush green vegetation, and small wildflowers peek out from the foliage.",,10,4,entity,state,"entity - state (salmon, leap energetically)",Are the salmon leaping energetically? +partiprompts201,"a picturesque mountain stream with crystal clear water flowing over smooth, rounded stones. Several salmon, their scales glistening with a pinkish hue, can be seen leaping energetically from the water, attempting to navigate upstream. The banks of the stream are lined with lush green vegetation, and small wildflowers peek out from the foliage.",,11,6,entity,state,"entity - state (wildflowers, peek out)",Are the wildflowers peeking out? +partiprompts201,"a picturesque mountain stream with crystal clear water flowing over smooth, rounded stones. Several salmon, their scales glistening with a pinkish hue, can be seen leaping energetically from the water, attempting to navigate upstream. The banks of the stream are lined with lush green vegetation, and small wildflowers peek out from the foliage.",,12,"2,3",relation,spatial,"relation - spatial (water, stones, flowing over)",Is the water flowing over the stones? +partiprompts201,"a picturesque mountain stream with crystal clear water flowing over smooth, rounded stones. Several salmon, their scales glistening with a pinkish hue, can be seen leaping energetically from the water, attempting to navigate upstream. The banks of the stream are lined with lush green vegetation, and small wildflowers peek out from the foliage.",,13,"4,2",relation,spatial,"relation - spatial (salmon, water, leaping)",Are the salmon leaping from the water? +partiprompts201,"a picturesque mountain stream with crystal clear water flowing over smooth, rounded stones. Several salmon, their scales glistening with a pinkish hue, can be seen leaping energetically from the water, attempting to navigate upstream. The banks of the stream are lined with lush green vegetation, and small wildflowers peek out from the foliage.",,14,"4,2",relation,spatial,"relation - spatial (salmon, water, attempting to navigate)",Are the salmon attempting to navigate upstream? +partiprompts201,"a picturesque mountain stream with crystal clear water flowing over smooth, rounded stones. Several salmon, their scales glistening with a pinkish hue, can be seen leaping energetically from the water, attempting to navigate upstream. The banks of the stream are lined with lush green vegetation, and small wildflowers peek out from the foliage.",,15,"1,5",relation,spatial,"relation - spatial (stream, banks, lined with)",Are the banks of the stream lined with vegetation? +partiprompts201,"a picturesque mountain stream with crystal clear water flowing over smooth, rounded stones. Several salmon, their scales glistening with a pinkish hue, can be seen leaping energetically from the water, attempting to navigate upstream. The banks of the stream are lined with lush green vegetation, and small wildflowers peek out from the foliage.",,16,"5,5",relation,spatial,"relation - spatial (banks, vegetation, lined with)",Are the banks lined with vegetation? +partiprompts201,"a picturesque mountain stream with crystal clear water flowing over smooth, rounded stones. Several salmon, their scales glistening with a pinkish hue, can be seen leaping energetically from the water, attempting to navigate upstream. The banks of the stream are lined with lush green vegetation, and small wildflowers peek out from the foliage.",,17,"5,6",relation,spatial,"relation - spatial (banks, wildflowers, peek out)",Are the wildflowers peeking out from the banks? +partiprompts302,"a vibrant plant with star-shaped orange flowers blooming amidst lush green leaves. The plant is potted in a terracotta container that sits on a wooden shelf. Around it, other houseplants contribute to a small indoor garden atmosphere.",,1,0,entity,whole,entity - whole (plant),Is there a plant? +partiprompts302,"a vibrant plant with star-shaped orange flowers blooming amidst lush green leaves. The plant is potted in a terracotta container that sits on a wooden shelf. Around it, other houseplants contribute to a small indoor garden atmosphere.",,2,1,entity,whole,entity - whole (flowers),Are there flowers? +partiprompts302,"a vibrant plant with star-shaped orange flowers blooming amidst lush green leaves. The plant is potted in a terracotta container that sits on a wooden shelf. Around it, other houseplants contribute to a small indoor garden atmosphere.",,3,1,entity,whole,entity - whole (leaves),Are there leaves? +partiprompts302,"a vibrant plant with star-shaped orange flowers blooming amidst lush green leaves. The plant is potted in a terracotta container that sits on a wooden shelf. Around it, other houseplants contribute to a small indoor garden atmosphere.",,4,1,entity,whole,entity - whole (container),Is there a container? +partiprompts302,"a vibrant plant with star-shaped orange flowers blooming amidst lush green leaves. The plant is potted in a terracotta container that sits on a wooden shelf. Around it, other houseplants contribute to a small indoor garden atmosphere.",,5,1,entity,whole,entity - whole (shelf),Is there a shelf? +partiprompts302,"a vibrant plant with star-shaped orange flowers blooming amidst lush green leaves. The plant is potted in a terracotta container that sits on a wooden shelf. Around it, other houseplants contribute to a small indoor garden atmosphere.",,6,1,entity,whole,entity - whole (houseplants),Are there houseplants? +partiprompts302,"a vibrant plant with star-shaped orange flowers blooming amidst lush green leaves. The plant is potted in a terracotta container that sits on a wooden shelf. Around it, other houseplants contribute to a small indoor garden atmosphere.",,7,2,attribute,color,"attribute - color (flowers, orange)",Are the flowers orange? +partiprompts302,"a vibrant plant with star-shaped orange flowers blooming amidst lush green leaves. The plant is potted in a terracotta container that sits on a wooden shelf. Around it, other houseplants contribute to a small indoor garden atmosphere.",,8,3,attribute,color,"attribute - color (leaves, green)",Are the leaves green? +partiprompts302,"a vibrant plant with star-shaped orange flowers blooming amidst lush green leaves. The plant is potted in a terracotta container that sits on a wooden shelf. Around it, other houseplants contribute to a small indoor garden atmosphere.",,9,4,attribute,color,"attribute - color (container, terracotta)",Is the container terracotta? +partiprompts302,"a vibrant plant with star-shaped orange flowers blooming amidst lush green leaves. The plant is potted in a terracotta container that sits on a wooden shelf. Around it, other houseplants contribute to a small indoor garden atmosphere.",,10,5,attribute,texture,"attribute - texture (shelf, wooden)",Is the shelf wooden? +partiprompts302,"a vibrant plant with star-shaped orange flowers blooming amidst lush green leaves. The plant is potted in a terracotta container that sits on a wooden shelf. Around it, other houseplants contribute to a small indoor garden atmosphere.",,11,"1,2",relation,spatial,"relation - spatial (plant, flowers, amidst)",Are the flowers amidst the plant? +partiprompts302,"a vibrant plant with star-shaped orange flowers blooming amidst lush green leaves. The plant is potted in a terracotta container that sits on a wooden shelf. Around it, other houseplants contribute to a small indoor garden atmosphere.",,12,"2,3",relation,spatial,"relation - spatial (flowers, leaves, amidst)",Are the flowers amidst the leaves? +partiprompts302,"a vibrant plant with star-shaped orange flowers blooming amidst lush green leaves. The plant is potted in a terracotta container that sits on a wooden shelf. Around it, other houseplants contribute to a small indoor garden atmosphere.",,13,"1,4",relation,spatial,"relation - spatial (plant, container, potted in)",Is the plant potted in the container? +partiprompts302,"a vibrant plant with star-shaped orange flowers blooming amidst lush green leaves. The plant is potted in a terracotta container that sits on a wooden shelf. Around it, other houseplants contribute to a small indoor garden atmosphere.",,14,"4,5",relation,spatial,"relation - spatial (container, shelf, on)",Is the container on the shelf? +partiprompts302,"a vibrant plant with star-shaped orange flowers blooming amidst lush green leaves. The plant is potted in a terracotta container that sits on a wooden shelf. Around it, other houseplants contribute to a small indoor garden atmosphere.",,15,6,relation,spatial,"relation - spatial (houseplants, atmosphere, contribute to)",Do the houseplants contribute to the atmosphere? +partiprompts302,"a vibrant plant with star-shaped orange flowers blooming amidst lush green leaves. The plant is potted in a terracotta container that sits on a wooden shelf. Around it, other houseplants contribute to a small indoor garden atmosphere.",,16,6,relation,spatial,"relation - spatial (houseplants, garden, indoor)",Is there an indoor garden atmosphere? +partiprompts302,"a vibrant plant with star-shaped orange flowers blooming amidst lush green leaves. The plant is potted in a terracotta container that sits on a wooden shelf. Around it, other houseplants contribute to a small indoor garden atmosphere.",,17,"6,1",relation,spatial,"relation - spatial (houseplants, plant, around)",Are the houseplants around the plant? +partiprompts49,"a close-up view of a chilled Long Island Iced Tea cocktail, served in a tall glass with a lemon wedge perched on the rim. The drink is a blend of light and dark liquids, giving it a gradient appearance, and it's garnished with a small, colorful paper umbrella. Condensation beads on the outside of the glass, indicating its refreshing temperature.",,1,0,global,,global - (close-up view),Is this a close-up view? +partiprompts49,"a close-up view of a chilled Long Island Iced Tea cocktail, served in a tall glass with a lemon wedge perched on the rim. The drink is a blend of light and dark liquids, giving it a gradient appearance, and it's garnished with a small, colorful paper umbrella. Condensation beads on the outside of the glass, indicating its refreshing temperature.",,2,0,entity,whole,entity - whole (Long Island Iced Tea cocktail),Is there a Long Island Iced Tea cocktail? +partiprompts49,"a close-up view of a chilled Long Island Iced Tea cocktail, served in a tall glass with a lemon wedge perched on the rim. The drink is a blend of light and dark liquids, giving it a gradient appearance, and it's garnished with a small, colorful paper umbrella. Condensation beads on the outside of the glass, indicating its refreshing temperature.",,3,2,entity,whole,entity - whole (glass),Is there a glass? +partiprompts49,"a close-up view of a chilled Long Island Iced Tea cocktail, served in a tall glass with a lemon wedge perched on the rim. The drink is a blend of light and dark liquids, giving it a gradient appearance, and it's garnished with a small, colorful paper umbrella. Condensation beads on the outside of the glass, indicating its refreshing temperature.",,4,3,entity,whole,entity - whole (lemon wedge),Is there a lemon wedge? +partiprompts49,"a close-up view of a chilled Long Island Iced Tea cocktail, served in a tall glass with a lemon wedge perched on the rim. The drink is a blend of light and dark liquids, giving it a gradient appearance, and it's garnished with a small, colorful paper umbrella. Condensation beads on the outside of the glass, indicating its refreshing temperature.",,5,2,entity,whole,entity - whole (drink),Is there a drink? +partiprompts49,"a close-up view of a chilled Long Island Iced Tea cocktail, served in a tall glass with a lemon wedge perched on the rim. The drink is a blend of light and dark liquids, giving it a gradient appearance, and it's garnished with a small, colorful paper umbrella. Condensation beads on the outside of the glass, indicating its refreshing temperature.",,6,0,entity,whole,entity - whole (paper umbrella),Is there a paper umbrella? +partiprompts49,"a close-up view of a chilled Long Island Iced Tea cocktail, served in a tall glass with a lemon wedge perched on the rim. The drink is a blend of light and dark liquids, giving it a gradient appearance, and it's garnished with a small, colorful paper umbrella. Condensation beads on the outside of the glass, indicating its refreshing temperature.",,7,3,attribute,texture,"attribute - texture (glass, chilled)",Is the glass chilled? +partiprompts49,"a close-up view of a chilled Long Island Iced Tea cocktail, served in a tall glass with a lemon wedge perched on the rim. The drink is a blend of light and dark liquids, giving it a gradient appearance, and it's garnished with a small, colorful paper umbrella. Condensation beads on the outside of the glass, indicating its refreshing temperature.",,8,5,attribute,texture,"attribute - texture (drink, gradient)",Does the drink have a gradient appearance? +partiprompts49,"a close-up view of a chilled Long Island Iced Tea cocktail, served in a tall glass with a lemon wedge perched on the rim. The drink is a blend of light and dark liquids, giving it a gradient appearance, and it's garnished with a small, colorful paper umbrella. Condensation beads on the outside of the glass, indicating its refreshing temperature.",,9,6,attribute,texture,"attribute - texture (paper umbrella, colorful)",Is the paper umbrella colorful? +partiprompts49,"a close-up view of a chilled Long Island Iced Tea cocktail, served in a tall glass with a lemon wedge perched on the rim. The drink is a blend of light and dark liquids, giving it a gradient appearance, and it's garnished with a small, colorful paper umbrella. Condensation beads on the outside of the glass, indicating its refreshing temperature.",,10,3,attribute,texture,"attribute - texture (glass, condensation beads)",Are there condensation beads on the glass? +partiprompts49,"a close-up view of a chilled Long Island Iced Tea cocktail, served in a tall glass with a lemon wedge perched on the rim. The drink is a blend of light and dark liquids, giving it a gradient appearance, and it's garnished with a small, colorful paper umbrella. Condensation beads on the outside of the glass, indicating its refreshing temperature.",,11,3,attribute,other,"attribute - other (glass, tall)",Is the glass tall? +partiprompts49,"a close-up view of a chilled Long Island Iced Tea cocktail, served in a tall glass with a lemon wedge perched on the rim. The drink is a blend of light and dark liquids, giving it a gradient appearance, and it's garnished with a small, colorful paper umbrella. Condensation beads on the outside of the glass, indicating its refreshing temperature.",,12,6,attribute,other,"attribute - other (umbrella, small)",Is the umbrella small? +partiprompts49,"a close-up view of a chilled Long Island Iced Tea cocktail, served in a tall glass with a lemon wedge perched on the rim. The drink is a blend of light and dark liquids, giving it a gradient appearance, and it's garnished with a small, colorful paper umbrella. Condensation beads on the outside of the glass, indicating its refreshing temperature.",,13,3,entity,state,"entity - state (glass, refreshing temperature)",Is the glass at a refreshing temperature? +partiprompts37,"A clean white plate sits empty on a polished wooden table, with no bananas in sight. Beside it, a clear glass stands, also devoid of any orange juice, reflecting the light from the room. The table surface is smooth and the area around the plate and glass is uncluttered, emphasizing their emptiness.",,1,0,entity,whole,entity - whole (plate),Is there a plate? +partiprompts37,"A clean white plate sits empty on a polished wooden table, with no bananas in sight. Beside it, a clear glass stands, also devoid of any orange juice, reflecting the light from the room. The table surface is smooth and the area around the plate and glass is uncluttered, emphasizing their emptiness.",,2,0,entity,whole,entity - whole (table),Is there a table? +partiprompts37,"A clean white plate sits empty on a polished wooden table, with no bananas in sight. Beside it, a clear glass stands, also devoid of any orange juice, reflecting the light from the room. The table surface is smooth and the area around the plate and glass is uncluttered, emphasizing their emptiness.",,3,0,entity,whole,entity - whole (bananas),Are there bananas? +partiprompts37,"A clean white plate sits empty on a polished wooden table, with no bananas in sight. Beside it, a clear glass stands, also devoid of any orange juice, reflecting the light from the room. The table surface is smooth and the area around the plate and glass is uncluttered, emphasizing their emptiness.",,4,0,entity,whole,entity - whole (glass),Is there a glass? +partiprompts37,"A clean white plate sits empty on a polished wooden table, with no bananas in sight. Beside it, a clear glass stands, also devoid of any orange juice, reflecting the light from the room. The table surface is smooth and the area around the plate and glass is uncluttered, emphasizing their emptiness.",,5,0,entity,whole,entity - whole (orange juice),Is there orange juice? +partiprompts37,"A clean white plate sits empty on a polished wooden table, with no bananas in sight. Beside it, a clear glass stands, also devoid of any orange juice, reflecting the light from the room. The table surface is smooth and the area around the plate and glass is uncluttered, emphasizing their emptiness.",,6,1,attribute,color,"attribute - color (plate, white)",Is the plate white? +partiprompts37,"A clean white plate sits empty on a polished wooden table, with no bananas in sight. Beside it, a clear glass stands, also devoid of any orange juice, reflecting the light from the room. The table surface is smooth and the area around the plate and glass is uncluttered, emphasizing their emptiness.",,7,2,attribute,texture,"attribute - texture (table, polished wood)",Is the table made of polished wood? +partiprompts37,"A clean white plate sits empty on a polished wooden table, with no bananas in sight. Beside it, a clear glass stands, also devoid of any orange juice, reflecting the light from the room. The table surface is smooth and the area around the plate and glass is uncluttered, emphasizing their emptiness.",,8,2,attribute,texture,"attribute - texture (table surface, smooth)",Is the table surface smooth? +partiprompts37,"A clean white plate sits empty on a polished wooden table, with no bananas in sight. Beside it, a clear glass stands, also devoid of any orange juice, reflecting the light from the room. The table surface is smooth and the area around the plate and glass is uncluttered, emphasizing their emptiness.",,9,"1,2",relation,spatial,"relation - spatial (plate, table, on)",Is the plate on the table? +partiprompts37,"A clean white plate sits empty on a polished wooden table, with no bananas in sight. Beside it, a clear glass stands, also devoid of any orange juice, reflecting the light from the room. The table surface is smooth and the area around the plate and glass is uncluttered, emphasizing their emptiness.",,10,"4,2",relation,spatial,"relation - spatial (glass, table, beside)",Is the glass beside the table? +partiprompts37,"A clean white plate sits empty on a polished wooden table, with no bananas in sight. Beside it, a clear glass stands, also devoid of any orange juice, reflecting the light from the room. The table surface is smooth and the area around the plate and glass is uncluttered, emphasizing their emptiness.",,11,"4,1",relation,spatial,"relation - spatial (glass, room, reflect)",Is the glass reflecting light from the room? +partiprompts37,"A clean white plate sits empty on a polished wooden table, with no bananas in sight. Beside it, a clear glass stands, also devoid of any orange juice, reflecting the light from the room. The table surface is smooth and the area around the plate and glass is uncluttered, emphasizing their emptiness.",,12,1,entity,state,"entity - state (plate, empty)",Is the plate empty? +partiprompts37,"A clean white plate sits empty on a polished wooden table, with no bananas in sight. Beside it, a clear glass stands, also devoid of any orange juice, reflecting the light from the room. The table surface is smooth and the area around the plate and glass is uncluttered, emphasizing their emptiness.",,13,4,entity,state,"entity - state (glass, empty)",Is the glass empty? +partiprompts37,"A clean white plate sits empty on a polished wooden table, with no bananas in sight. Beside it, a clear glass stands, also devoid of any orange juice, reflecting the light from the room. The table surface is smooth and the area around the plate and glass is uncluttered, emphasizing their emptiness.",,14,2,attribute,other,"attribute - other (area around plate and glass, uncluttered)",Is the area around the plate and glass uncluttered? +partiprompts37,"A clean white plate sits empty on a polished wooden table, with no bananas in sight. Beside it, a clear glass stands, also devoid of any orange juice, reflecting the light from the room. The table surface is smooth and the area around the plate and glass is uncluttered, emphasizing their emptiness.",,15,"2,1",attribute,other,"attribute - other (plate and glass, emphasize emptiness)",Does the area around the plate and glass emphasize their emptiness? +partiprompts247,"a bright yellow wall serves as the backdrop for an impressive, large framed oil painting, which vividly depicts a vintage car in shades of red and chrome. The painting is positioned at eye level and is flanked by two small wall-mounted lamps that cast a soft glow, accentuating the colors and details of the artwork. Below the painting, a narrow console table with a glossy finish reflects the light, enhancing the overall visual impact of the display.",,1,0,attribute,color,"attribute - color (wall, bright yellow)",Is the wall bright yellow? +partiprompts247,"a bright yellow wall serves as the backdrop for an impressive, large framed oil painting, which vividly depicts a vintage car in shades of red and chrome. The painting is positioned at eye level and is flanked by two small wall-mounted lamps that cast a soft glow, accentuating the colors and details of the artwork. Below the painting, a narrow console table with a glossy finish reflects the light, enhancing the overall visual impact of the display.",,2,1,entity,whole,entity - whole (backdrop),Is there a backdrop? +partiprompts247,"a bright yellow wall serves as the backdrop for an impressive, large framed oil painting, which vividly depicts a vintage car in shades of red and chrome. The painting is positioned at eye level and is flanked by two small wall-mounted lamps that cast a soft glow, accentuating the colors and details of the artwork. Below the painting, a narrow console table with a glossy finish reflects the light, enhancing the overall visual impact of the display.",,3,1,entity,whole,entity - whole (oil painting),Is there an oil painting? +partiprompts247,"a bright yellow wall serves as the backdrop for an impressive, large framed oil painting, which vividly depicts a vintage car in shades of red and chrome. The painting is positioned at eye level and is flanked by two small wall-mounted lamps that cast a soft glow, accentuating the colors and details of the artwork. Below the painting, a narrow console table with a glossy finish reflects the light, enhancing the overall visual impact of the display.",,4,3,attribute,size,"attribute - size (oil painting, large)",Is the oil painting large? +partiprompts247,"a bright yellow wall serves as the backdrop for an impressive, large framed oil painting, which vividly depicts a vintage car in shades of red and chrome. The painting is positioned at eye level and is flanked by two small wall-mounted lamps that cast a soft glow, accentuating the colors and details of the artwork. Below the painting, a narrow console table with a glossy finish reflects the light, enhancing the overall visual impact of the display.",,5,3,attribute,other,"attribute - other (oil painting, framed)",Is the oil painting framed? +partiprompts247,"a bright yellow wall serves as the backdrop for an impressive, large framed oil painting, which vividly depicts a vintage car in shades of red and chrome. The painting is positioned at eye level and is flanked by two small wall-mounted lamps that cast a soft glow, accentuating the colors and details of the artwork. Below the painting, a narrow console table with a glossy finish reflects the light, enhancing the overall visual impact of the display.",,6,3,attribute,color,"attribute - color (oil painting, red)",Is the oil painting red? +partiprompts247,"a bright yellow wall serves as the backdrop for an impressive, large framed oil painting, which vividly depicts a vintage car in shades of red and chrome. The painting is positioned at eye level and is flanked by two small wall-mounted lamps that cast a soft glow, accentuating the colors and details of the artwork. Below the painting, a narrow console table with a glossy finish reflects the light, enhancing the overall visual impact of the display.",,7,3,attribute,color,"attribute - color (oil painting, chrome)",Is the oil painting chrome? +partiprompts247,"a bright yellow wall serves as the backdrop for an impressive, large framed oil painting, which vividly depicts a vintage car in shades of red and chrome. The painting is positioned at eye level and is flanked by two small wall-mounted lamps that cast a soft glow, accentuating the colors and details of the artwork. Below the painting, a narrow console table with a glossy finish reflects the light, enhancing the overall visual impact of the display.",,8,3,relation,spatial,"relation - spatial (oil painting, eye level, at)",Is the oil painting at eye level? +partiprompts247,"a bright yellow wall serves as the backdrop for an impressive, large framed oil painting, which vividly depicts a vintage car in shades of red and chrome. The painting is positioned at eye level and is flanked by two small wall-mounted lamps that cast a soft glow, accentuating the colors and details of the artwork. Below the painting, a narrow console table with a glossy finish reflects the light, enhancing the overall visual impact of the display.",,9,0,entity,whole,entity - whole (lamps),Are there lamps? +partiprompts247,"a bright yellow wall serves as the backdrop for an impressive, large framed oil painting, which vividly depicts a vintage car in shades of red and chrome. The painting is positioned at eye level and is flanked by two small wall-mounted lamps that cast a soft glow, accentuating the colors and details of the artwork. Below the painting, a narrow console table with a glossy finish reflects the light, enhancing the overall visual impact of the display.",,10,9,attribute,size,"attribute - size (lamps, small)",Are the lamps small? +partiprompts247,"a bright yellow wall serves as the backdrop for an impressive, large framed oil painting, which vividly depicts a vintage car in shades of red and chrome. The painting is positioned at eye level and is flanked by two small wall-mounted lamps that cast a soft glow, accentuating the colors and details of the artwork. Below the painting, a narrow console table with a glossy finish reflects the light, enhancing the overall visual impact of the display.",,11,9,attribute,texture,"attribute - texture (lamps, wall-mounted)",Are the lamps wall-mounted? +partiprompts247,"a bright yellow wall serves as the backdrop for an impressive, large framed oil painting, which vividly depicts a vintage car in shades of red and chrome. The painting is positioned at eye level and is flanked by two small wall-mounted lamps that cast a soft glow, accentuating the colors and details of the artwork. Below the painting, a narrow console table with a glossy finish reflects the light, enhancing the overall visual impact of the display.",,12,9,entity,state,"entity - state (lamps, cast soft glow)",Are the lamps casting a soft glow? +partiprompts247,"a bright yellow wall serves as the backdrop for an impressive, large framed oil painting, which vividly depicts a vintage car in shades of red and chrome. The painting is positioned at eye level and is flanked by two small wall-mounted lamps that cast a soft glow, accentuating the colors and details of the artwork. Below the painting, a narrow console table with a glossy finish reflects the light, enhancing the overall visual impact of the display.",,13,0,attribute,texture,"attribute - texture (console table, glossy)",Is the console table glossy? +partiprompts247,"a bright yellow wall serves as the backdrop for an impressive, large framed oil painting, which vividly depicts a vintage car in shades of red and chrome. The painting is positioned at eye level and is flanked by two small wall-mounted lamps that cast a soft glow, accentuating the colors and details of the artwork. Below the painting, a narrow console table with a glossy finish reflects the light, enhancing the overall visual impact of the display.",,14,3,relation,spatial,"relation - spatial (console table, painting, below)",Is the console table below the painting? +partiprompts247,"a bright yellow wall serves as the backdrop for an impressive, large framed oil painting, which vividly depicts a vintage car in shades of red and chrome. The painting is positioned at eye level and is flanked by two small wall-mounted lamps that cast a soft glow, accentuating the colors and details of the artwork. Below the painting, a narrow console table with a glossy finish reflects the light, enhancing the overall visual impact of the display.",,15,14,relation,spatial,"relation - spatial (console table, light, reflect)",Is the console table reflecting light? +partiprompts226,"a futuristic spaceship with a design reminiscent of the iconic Sydney Opera House, featuring multiple white, shell-like structures that form its hull. The vessel hovers above the ground, with a slight iridescent sheen on its surface that reflects the light of a distant sun. It is surrounded by a barren landscape, which contrasts sharply with the spaceship's smooth, curved architecture.",,1,0,entity,whole,entity - whole (spaceship),Is there a spaceship? +partiprompts226,"a futuristic spaceship with a design reminiscent of the iconic Sydney Opera House, featuring multiple white, shell-like structures that form its hull. The vessel hovers above the ground, with a slight iridescent sheen on its surface that reflects the light of a distant sun. It is surrounded by a barren landscape, which contrasts sharply with the spaceship's smooth, curved architecture.",,2,1,global,,global - (futuristic),Is the spaceship futuristic? +partiprompts226,"a futuristic spaceship with a design reminiscent of the iconic Sydney Opera House, featuring multiple white, shell-like structures that form its hull. The vessel hovers above the ground, with a slight iridescent sheen on its surface that reflects the light of a distant sun. It is surrounded by a barren landscape, which contrasts sharply with the spaceship's smooth, curved architecture.",,3,1,global,,global - (design reminiscent of Sydney Opera House),Does the spaceship have a design reminiscent of the Sydney Opera House? +partiprompts226,"a futuristic spaceship with a design reminiscent of the iconic Sydney Opera House, featuring multiple white, shell-like structures that form its hull. The vessel hovers above the ground, with a slight iridescent sheen on its surface that reflects the light of a distant sun. It is surrounded by a barren landscape, which contrasts sharply with the spaceship's smooth, curved architecture.",,4,1,attribute,color,"attribute - color (spaceship, white)",Is the spaceship white? +partiprompts226,"a futuristic spaceship with a design reminiscent of the iconic Sydney Opera House, featuring multiple white, shell-like structures that form its hull. The vessel hovers above the ground, with a slight iridescent sheen on its surface that reflects the light of a distant sun. It is surrounded by a barren landscape, which contrasts sharply with the spaceship's smooth, curved architecture.",,5,1,attribute,shape,"attribute - shape (spaceship, shell-like)",Is the spaceship shell-like? +partiprompts226,"a futuristic spaceship with a design reminiscent of the iconic Sydney Opera House, featuring multiple white, shell-like structures that form its hull. The vessel hovers above the ground, with a slight iridescent sheen on its surface that reflects the light of a distant sun. It is surrounded by a barren landscape, which contrasts sharply with the spaceship's smooth, curved architecture.",,6,1,attribute,texture,"attribute - texture (spaceship, iridescent)",Is the spaceship iridescent? +partiprompts226,"a futuristic spaceship with a design reminiscent of the iconic Sydney Opera House, featuring multiple white, shell-like structures that form its hull. The vessel hovers above the ground, with a slight iridescent sheen on its surface that reflects the light of a distant sun. It is surrounded by a barren landscape, which contrasts sharply with the spaceship's smooth, curved architecture.",,7,1,relation,spatial,"relation - spatial (spaceship, ground, above)",Is the spaceship hovering above the ground? +partiprompts226,"a futuristic spaceship with a design reminiscent of the iconic Sydney Opera House, featuring multiple white, shell-like structures that form its hull. The vessel hovers above the ground, with a slight iridescent sheen on its surface that reflects the light of a distant sun. It is surrounded by a barren landscape, which contrasts sharply with the spaceship's smooth, curved architecture.",,8,1,relation,spatial,"relation - spatial (spaceship, sun, reflect)",Does the spaceship reflect the light of a distant sun? +partiprompts226,"a futuristic spaceship with a design reminiscent of the iconic Sydney Opera House, featuring multiple white, shell-like structures that form its hull. The vessel hovers above the ground, with a slight iridescent sheen on its surface that reflects the light of a distant sun. It is surrounded by a barren landscape, which contrasts sharply with the spaceship's smooth, curved architecture.",,9,0,entity,whole,entity - whole (landscape),Is there a landscape? +partiprompts226,"a futuristic spaceship with a design reminiscent of the iconic Sydney Opera House, featuring multiple white, shell-like structures that form its hull. The vessel hovers above the ground, with a slight iridescent sheen on its surface that reflects the light of a distant sun. It is surrounded by a barren landscape, which contrasts sharply with the spaceship's smooth, curved architecture.",,10,9,attribute,texture,"attribute - texture (landscape, barren)",Is the landscape barren? +partiprompts226,"a futuristic spaceship with a design reminiscent of the iconic Sydney Opera House, featuring multiple white, shell-like structures that form its hull. The vessel hovers above the ground, with a slight iridescent sheen on its surface that reflects the light of a distant sun. It is surrounded by a barren landscape, which contrasts sharply with the spaceship's smooth, curved architecture.",,11,1,attribute,texture,"attribute - texture (spaceship, smooth)",Is the spaceship smooth? +partiprompts226,"a futuristic spaceship with a design reminiscent of the iconic Sydney Opera House, featuring multiple white, shell-like structures that form its hull. The vessel hovers above the ground, with a slight iridescent sheen on its surface that reflects the light of a distant sun. It is surrounded by a barren landscape, which contrasts sharply with the spaceship's smooth, curved architecture.",,12,1,attribute,shape,"attribute - shape (spaceship, curved)",Is the spaceship curved? +partiprompts178,"A vibrant and colorful graffiti mural on a textured concrete wall, featuring the phrase ""BE EXCELLENT TO EACH OTHER"" in bold, stylized lettering. Next to the text, there's an image of a whimsical green alien, donning a sleek black tuxedo with a bright red bow tie. The alien's playful expression adds a touch of humor to the otherwise rough urban canvas.",,1,0,global,,global - (graffiti mural),Is there a graffiti mural? +partiprompts178,"A vibrant and colorful graffiti mural on a textured concrete wall, featuring the phrase ""BE EXCELLENT TO EACH OTHER"" in bold, stylized lettering. Next to the text, there's an image of a whimsical green alien, donning a sleek black tuxedo with a bright red bow tie. The alien's playful expression adds a touch of humor to the otherwise rough urban canvas.",,2,1,attribute,texture,"attribute - texture (wall, concrete)",Is the wall made of concrete? +partiprompts178,"A vibrant and colorful graffiti mural on a textured concrete wall, featuring the phrase ""BE EXCELLENT TO EACH OTHER"" in bold, stylized lettering. Next to the text, there's an image of a whimsical green alien, donning a sleek black tuxedo with a bright red bow tie. The alien's playful expression adds a touch of humor to the otherwise rough urban canvas.",,3,1,attribute,texture,"attribute - texture (mural, textured)",Is the mural textured? +partiprompts178,"A vibrant and colorful graffiti mural on a textured concrete wall, featuring the phrase ""BE EXCELLENT TO EACH OTHER"" in bold, stylized lettering. Next to the text, there's an image of a whimsical green alien, donning a sleek black tuxedo with a bright red bow tie. The alien's playful expression adds a touch of humor to the otherwise rough urban canvas.",,4,1,attribute,color,"attribute - color (mural, vibrant and colorful)",Is the mural vibrant and colorful? +partiprompts178,"A vibrant and colorful graffiti mural on a textured concrete wall, featuring the phrase ""BE EXCELLENT TO EACH OTHER"" in bold, stylized lettering. Next to the text, there's an image of a whimsical green alien, donning a sleek black tuxedo with a bright red bow tie. The alien's playful expression adds a touch of humor to the otherwise rough urban canvas.",,5,1,entity,whole,entity - whole (phrase),Is there a phrase? +partiprompts178,"A vibrant and colorful graffiti mural on a textured concrete wall, featuring the phrase ""BE EXCELLENT TO EACH OTHER"" in bold, stylized lettering. Next to the text, there's an image of a whimsical green alien, donning a sleek black tuxedo with a bright red bow tie. The alien's playful expression adds a touch of humor to the otherwise rough urban canvas.",,6,5,entity,whole,entity - whole (lettering),Is there lettering? +partiprompts178,"A vibrant and colorful graffiti mural on a textured concrete wall, featuring the phrase ""BE EXCELLENT TO EACH OTHER"" in bold, stylized lettering. Next to the text, there's an image of a whimsical green alien, donning a sleek black tuxedo with a bright red bow tie. The alien's playful expression adds a touch of humor to the otherwise rough urban canvas.",,7,5,attribute,other,"attribute - other (phrase, ""BE EXCELLENT TO EACH OTHER"")","Does the phrase say ""BE EXCELLENT TO EACH OTHER""?" +partiprompts178,"A vibrant and colorful graffiti mural on a textured concrete wall, featuring the phrase ""BE EXCELLENT TO EACH OTHER"" in bold, stylized lettering. Next to the text, there's an image of a whimsical green alien, donning a sleek black tuxedo with a bright red bow tie. The alien's playful expression adds a touch of humor to the otherwise rough urban canvas.",,8,6,attribute,other,"attribute - other (lettering, bold, stylized)",Is the lettering bold and stylized? +partiprompts178,"A vibrant and colorful graffiti mural on a textured concrete wall, featuring the phrase ""BE EXCELLENT TO EACH OTHER"" in bold, stylized lettering. Next to the text, there's an image of a whimsical green alien, donning a sleek black tuxedo with a bright red bow tie. The alien's playful expression adds a touch of humor to the otherwise rough urban canvas.",,9,1,entity,whole,entity - whole (image),Is there an image? +partiprompts178,"A vibrant and colorful graffiti mural on a textured concrete wall, featuring the phrase ""BE EXCELLENT TO EACH OTHER"" in bold, stylized lettering. Next to the text, there's an image of a whimsical green alien, donning a sleek black tuxedo with a bright red bow tie. The alien's playful expression adds a touch of humor to the otherwise rough urban canvas.",,10,9,entity,whole,entity - whole (alien),Is there an alien? +partiprompts178,"A vibrant and colorful graffiti mural on a textured concrete wall, featuring the phrase ""BE EXCELLENT TO EACH OTHER"" in bold, stylized lettering. Next to the text, there's an image of a whimsical green alien, donning a sleek black tuxedo with a bright red bow tie. The alien's playful expression adds a touch of humor to the otherwise rough urban canvas.",,11,10,attribute,color,"attribute - color (alien, green)",Is the alien green? +partiprompts178,"A vibrant and colorful graffiti mural on a textured concrete wall, featuring the phrase ""BE EXCELLENT TO EACH OTHER"" in bold, stylized lettering. Next to the text, there's an image of a whimsical green alien, donning a sleek black tuxedo with a bright red bow tie. The alien's playful expression adds a touch of humor to the otherwise rough urban canvas.",,12,10,attribute,color,"attribute - color (tuxedo, black)",Is the alien wearing a black tuxedo? +partiprompts178,"A vibrant and colorful graffiti mural on a textured concrete wall, featuring the phrase ""BE EXCELLENT TO EACH OTHER"" in bold, stylized lettering. Next to the text, there's an image of a whimsical green alien, donning a sleek black tuxedo with a bright red bow tie. The alien's playful expression adds a touch of humor to the otherwise rough urban canvas.",,13,10,attribute,color,"attribute - color (bow tie, bright red)",Is the alien's bow tie bright red? +partiprompts178,"A vibrant and colorful graffiti mural on a textured concrete wall, featuring the phrase ""BE EXCELLENT TO EACH OTHER"" in bold, stylized lettering. Next to the text, there's an image of a whimsical green alien, donning a sleek black tuxedo with a bright red bow tie. The alien's playful expression adds a touch of humor to the otherwise rough urban canvas.",,14,10,attribute,other,"attribute - other (alien, whimsical)",Is the alien whimsical? +partiprompts178,"A vibrant and colorful graffiti mural on a textured concrete wall, featuring the phrase ""BE EXCELLENT TO EACH OTHER"" in bold, stylized lettering. Next to the text, there's an image of a whimsical green alien, donning a sleek black tuxedo with a bright red bow tie. The alien's playful expression adds a touch of humor to the otherwise rough urban canvas.",,15,10,attribute,other,"attribute - other (alien, playful)",Is the alien playful? +partiprompts178,"A vibrant and colorful graffiti mural on a textured concrete wall, featuring the phrase ""BE EXCELLENT TO EACH OTHER"" in bold, stylized lettering. Next to the text, there's an image of a whimsical green alien, donning a sleek black tuxedo with a bright red bow tie. The alien's playful expression adds a touch of humor to the otherwise rough urban canvas.",,16,10,attribute,other,"attribute - other (alien, humorous)",Is the alien humorous? +partiprompts178,"A vibrant and colorful graffiti mural on a textured concrete wall, featuring the phrase ""BE EXCELLENT TO EACH OTHER"" in bold, stylized lettering. Next to the text, there's an image of a whimsical green alien, donning a sleek black tuxedo with a bright red bow tie. The alien's playful expression adds a touch of humor to the otherwise rough urban canvas.",,17,"5,1",relation,spatial,"relation - spatial (phrase, mural, on)",Is the phrase on the mural? +partiprompts178,"A vibrant and colorful graffiti mural on a textured concrete wall, featuring the phrase ""BE EXCELLENT TO EACH OTHER"" in bold, stylized lettering. Next to the text, there's an image of a whimsical green alien, donning a sleek black tuxedo with a bright red bow tie. The alien's playful expression adds a touch of humor to the otherwise rough urban canvas.",,18,"9,1",relation,spatial,"relation - spatial (image, mural, next to)",Is the image next to the mural? +partiprompts178,"A vibrant and colorful graffiti mural on a textured concrete wall, featuring the phrase ""BE EXCELLENT TO EACH OTHER"" in bold, stylized lettering. Next to the text, there's an image of a whimsical green alien, donning a sleek black tuxedo with a bright red bow tie. The alien's playful expression adds a touch of humor to the otherwise rough urban canvas.",,19,"5,9",relation,spatial,"relation - spatial (text, image, next to)",Is the text next to the image? +partiprompts210,"A vibrant yellow dump truck, its bed brimming with black and white soccer balls, navigates through the colorful terrain of a coral reef. The surrounding waters are a clear blue, teeming with marine life, and in the distance, a massive blue whale glides gracefully. The coral formations exhibit a multitude of hues and intricate textures, providing a stark contrast to the industrial machine in their midst.",,1,0,entity,whole,entity - whole (dump truck),Is there a dump truck? +partiprompts210,"A vibrant yellow dump truck, its bed brimming with black and white soccer balls, navigates through the colorful terrain of a coral reef. The surrounding waters are a clear blue, teeming with marine life, and in the distance, a massive blue whale glides gracefully. The coral formations exhibit a multitude of hues and intricate textures, providing a stark contrast to the industrial machine in their midst.",,2,1,entity,part,entity - part (dump truck's bed),Is there a bed in the dump truck? +partiprompts210,"A vibrant yellow dump truck, its bed brimming with black and white soccer balls, navigates through the colorful terrain of a coral reef. The surrounding waters are a clear blue, teeming with marine life, and in the distance, a massive blue whale glides gracefully. The coral formations exhibit a multitude of hues and intricate textures, providing a stark contrast to the industrial machine in their midst.",,3,0,entity,whole,entity - whole (soccer balls),Are there soccer balls? +partiprompts210,"A vibrant yellow dump truck, its bed brimming with black and white soccer balls, navigates through the colorful terrain of a coral reef. The surrounding waters are a clear blue, teeming with marine life, and in the distance, a massive blue whale glides gracefully. The coral formations exhibit a multitude of hues and intricate textures, providing a stark contrast to the industrial machine in their midst.",,4,1,attribute,color,"attribute - color (dump truck, vibrant yellow)",Is the dump truck vibrant yellow? +partiprompts210,"A vibrant yellow dump truck, its bed brimming with black and white soccer balls, navigates through the colorful terrain of a coral reef. The surrounding waters are a clear blue, teeming with marine life, and in the distance, a massive blue whale glides gracefully. The coral formations exhibit a multitude of hues and intricate textures, providing a stark contrast to the industrial machine in their midst.",,5,3,attribute,color,"attribute - color (soccer balls, black and white)",Are the soccer balls black and white? +partiprompts210,"A vibrant yellow dump truck, its bed brimming with black and white soccer balls, navigates through the colorful terrain of a coral reef. The surrounding waters are a clear blue, teeming with marine life, and in the distance, a massive blue whale glides gracefully. The coral formations exhibit a multitude of hues and intricate textures, providing a stark contrast to the industrial machine in their midst.",,6,0,entity,whole,entity - whole (terrain),Is there terrain? +partiprompts210,"A vibrant yellow dump truck, its bed brimming with black and white soccer balls, navigates through the colorful terrain of a coral reef. The surrounding waters are a clear blue, teeming with marine life, and in the distance, a massive blue whale glides gracefully. The coral formations exhibit a multitude of hues and intricate textures, providing a stark contrast to the industrial machine in their midst.",,7,0,entity,whole,entity - whole (coral reef),Is there a coral reef? +partiprompts210,"A vibrant yellow dump truck, its bed brimming with black and white soccer balls, navigates through the colorful terrain of a coral reef. The surrounding waters are a clear blue, teeming with marine life, and in the distance, a massive blue whale glides gracefully. The coral formations exhibit a multitude of hues and intricate textures, providing a stark contrast to the industrial machine in their midst.",,8,0,entity,whole,entity - whole (waters),Are there waters? +partiprompts210,"A vibrant yellow dump truck, its bed brimming with black and white soccer balls, navigates through the colorful terrain of a coral reef. The surrounding waters are a clear blue, teeming with marine life, and in the distance, a massive blue whale glides gracefully. The coral formations exhibit a multitude of hues and intricate textures, providing a stark contrast to the industrial machine in their midst.",,9,8,attribute,color,"attribute - color (waters, clear blue)",Are the waters clear blue? +partiprompts210,"A vibrant yellow dump truck, its bed brimming with black and white soccer balls, navigates through the colorful terrain of a coral reef. The surrounding waters are a clear blue, teeming with marine life, and in the distance, a massive blue whale glides gracefully. The coral formations exhibit a multitude of hues and intricate textures, providing a stark contrast to the industrial machine in their midst.",,10,8,entity,state,"entity - state (waters, teeming with marine life)",Are the waters teeming with marine life? +partiprompts210,"A vibrant yellow dump truck, its bed brimming with black and white soccer balls, navigates through the colorful terrain of a coral reef. The surrounding waters are a clear blue, teeming with marine life, and in the distance, a massive blue whale glides gracefully. The coral formations exhibit a multitude of hues and intricate textures, providing a stark contrast to the industrial machine in their midst.",,11,0,entity,whole,entity - whole (blue whale),Is there a blue whale? +partiprompts210,"A vibrant yellow dump truck, its bed brimming with black and white soccer balls, navigates through the colorful terrain of a coral reef. The surrounding waters are a clear blue, teeming with marine life, and in the distance, a massive blue whale glides gracefully. The coral formations exhibit a multitude of hues and intricate textures, providing a stark contrast to the industrial machine in their midst.",,12,11,attribute,size,"attribute - size (blue whale, massive)",Is the blue whale massive? +partiprompts210,"A vibrant yellow dump truck, its bed brimming with black and white soccer balls, navigates through the colorful terrain of a coral reef. The surrounding waters are a clear blue, teeming with marine life, and in the distance, a massive blue whale glides gracefully. The coral formations exhibit a multitude of hues and intricate textures, providing a stark contrast to the industrial machine in their midst.",,13,11,entity,state,"entity - state (blue whale, glide gracefully)",Is the blue whale gliding gracefully? +partiprompts210,"A vibrant yellow dump truck, its bed brimming with black and white soccer balls, navigates through the colorful terrain of a coral reef. The surrounding waters are a clear blue, teeming with marine life, and in the distance, a massive blue whale glides gracefully. The coral formations exhibit a multitude of hues and intricate textures, providing a stark contrast to the industrial machine in their midst.",,14,0,entity,whole,entity - whole (coral formations),Are there coral formations? +partiprompts210,"A vibrant yellow dump truck, its bed brimming with black and white soccer balls, navigates through the colorful terrain of a coral reef. The surrounding waters are a clear blue, teeming with marine life, and in the distance, a massive blue whale glides gracefully. The coral formations exhibit a multitude of hues and intricate textures, providing a stark contrast to the industrial machine in their midst.",,15,14,attribute,texture,"attribute - texture (coral formations, intricate)",Are the coral formations intricate? +partiprompts210,"A vibrant yellow dump truck, its bed brimming with black and white soccer balls, navigates through the colorful terrain of a coral reef. The surrounding waters are a clear blue, teeming with marine life, and in the distance, a massive blue whale glides gracefully. The coral formations exhibit a multitude of hues and intricate textures, providing a stark contrast to the industrial machine in their midst.",,16,"1,7",relation,spatial,"relation - spatial (dump truck, coral reef, through)",Is the dump truck navigating through the coral reef? +partiprompts210,"A vibrant yellow dump truck, its bed brimming with black and white soccer balls, navigates through the colorful terrain of a coral reef. The surrounding waters are a clear blue, teeming with marine life, and in the distance, a massive blue whale glides gracefully. The coral formations exhibit a multitude of hues and intricate textures, providing a stark contrast to the industrial machine in their midst.",,17,"3,2",relation,spatial,"relation - spatial (soccer balls, dump truck's bed, in)",Are the soccer balls in the dump truck's bed? +partiprompts210,"A vibrant yellow dump truck, its bed brimming with black and white soccer balls, navigates through the colorful terrain of a coral reef. The surrounding waters are a clear blue, teeming with marine life, and in the distance, a massive blue whale glides gracefully. The coral formations exhibit a multitude of hues and intricate textures, providing a stark contrast to the industrial machine in their midst.",,18,"14,1",relation,spatial,"relation - spatial (coral formations, dump truck, midst)",Is the dump truck amidst the coral formations? +partiprompts132,"In a whimsical scene, a gray donkey with a determined expression is engaged in a game of tug-of-war with a large, purple octopus. The donkey has the rope firmly gripped between its teeth, while the octopus's tentacles are wrapped around the other end of the rope, creating a stark contrast in textures. In the midst of their playful battle, a nimble orange cat is captured mid-leap over the taut rope, adding a dynamic element to the unusual tableau.",,1,0,global,,global - (whimsical scene),Is there a whimsical scene? +partiprompts132,"In a whimsical scene, a gray donkey with a determined expression is engaged in a game of tug-of-war with a large, purple octopus. The donkey has the rope firmly gripped between its teeth, while the octopus's tentacles are wrapped around the other end of the rope, creating a stark contrast in textures. In the midst of their playful battle, a nimble orange cat is captured mid-leap over the taut rope, adding a dynamic element to the unusual tableau.",,2,1,entity,whole,entity - whole (donkey),Is there a donkey? +partiprompts132,"In a whimsical scene, a gray donkey with a determined expression is engaged in a game of tug-of-war with a large, purple octopus. The donkey has the rope firmly gripped between its teeth, while the octopus's tentacles are wrapped around the other end of the rope, creating a stark contrast in textures. In the midst of their playful battle, a nimble orange cat is captured mid-leap over the taut rope, adding a dynamic element to the unusual tableau.",,3,0,entity,whole,entity - whole (octopus),Is there an octopus? +partiprompts132,"In a whimsical scene, a gray donkey with a determined expression is engaged in a game of tug-of-war with a large, purple octopus. The donkey has the rope firmly gripped between its teeth, while the octopus's tentacles are wrapped around the other end of the rope, creating a stark contrast in textures. In the midst of their playful battle, a nimble orange cat is captured mid-leap over the taut rope, adding a dynamic element to the unusual tableau.",,4,0,entity,whole,entity - whole (cat),Is there a cat? +partiprompts132,"In a whimsical scene, a gray donkey with a determined expression is engaged in a game of tug-of-war with a large, purple octopus. The donkey has the rope firmly gripped between its teeth, while the octopus's tentacles are wrapped around the other end of the rope, creating a stark contrast in textures. In the midst of their playful battle, a nimble orange cat is captured mid-leap over the taut rope, adding a dynamic element to the unusual tableau.",,5,2,attribute,color,"attribute - color (donkey, gray)",Is the donkey gray? +partiprompts132,"In a whimsical scene, a gray donkey with a determined expression is engaged in a game of tug-of-war with a large, purple octopus. The donkey has the rope firmly gripped between its teeth, while the octopus's tentacles are wrapped around the other end of the rope, creating a stark contrast in textures. In the midst of their playful battle, a nimble orange cat is captured mid-leap over the taut rope, adding a dynamic element to the unusual tableau.",,6,3,attribute,color,"attribute - color (octopus, purple)",Is the octopus purple? +partiprompts132,"In a whimsical scene, a gray donkey with a determined expression is engaged in a game of tug-of-war with a large, purple octopus. The donkey has the rope firmly gripped between its teeth, while the octopus's tentacles are wrapped around the other end of the rope, creating a stark contrast in textures. In the midst of their playful battle, a nimble orange cat is captured mid-leap over the taut rope, adding a dynamic element to the unusual tableau.",,7,4,attribute,color,"attribute - color (cat, orange)",Is the cat orange? +partiprompts132,"In a whimsical scene, a gray donkey with a determined expression is engaged in a game of tug-of-war with a large, purple octopus. The donkey has the rope firmly gripped between its teeth, while the octopus's tentacles are wrapped around the other end of the rope, creating a stark contrast in textures. In the midst of their playful battle, a nimble orange cat is captured mid-leap over the taut rope, adding a dynamic element to the unusual tableau.",,8,2,entity,state,"entity - state (donkey, determined)",Is the donkey determined? +partiprompts132,"In a whimsical scene, a gray donkey with a determined expression is engaged in a game of tug-of-war with a large, purple octopus. The donkey has the rope firmly gripped between its teeth, while the octopus's tentacles are wrapped around the other end of the rope, creating a stark contrast in textures. In the midst of their playful battle, a nimble orange cat is captured mid-leap over the taut rope, adding a dynamic element to the unusual tableau.",,9,3,entity,state,"entity - state (octopus, playful)",Is the octopus playful? +partiprompts132,"In a whimsical scene, a gray donkey with a determined expression is engaged in a game of tug-of-war with a large, purple octopus. The donkey has the rope firmly gripped between its teeth, while the octopus's tentacles are wrapped around the other end of the rope, creating a stark contrast in textures. In the midst of their playful battle, a nimble orange cat is captured mid-leap over the taut rope, adding a dynamic element to the unusual tableau.",,10,4,entity,state,"entity - state (cat, nimble)",Is the cat nimble? +partiprompts132,"In a whimsical scene, a gray donkey with a determined expression is engaged in a game of tug-of-war with a large, purple octopus. The donkey has the rope firmly gripped between its teeth, while the octopus's tentacles are wrapped around the other end of the rope, creating a stark contrast in textures. In the midst of their playful battle, a nimble orange cat is captured mid-leap over the taut rope, adding a dynamic element to the unusual tableau.",,11,"2,3",relation,spatial,"relation - non-spatial (donkey, octopus, engage in tug-of-war)",Are the donkey and octopus engaged in tug-of-war? +partiprompts132,"In a whimsical scene, a gray donkey with a determined expression is engaged in a game of tug-of-war with a large, purple octopus. The donkey has the rope firmly gripped between its teeth, while the octopus's tentacles are wrapped around the other end of the rope, creating a stark contrast in textures. In the midst of their playful battle, a nimble orange cat is captured mid-leap over the taut rope, adding a dynamic element to the unusual tableau.",,12,"2,11",relation,spatial,"relation - spatial (donkey, rope, grip between teeth)",Is the rope gripped between the donkey's teeth? +partiprompts132,"In a whimsical scene, a gray donkey with a determined expression is engaged in a game of tug-of-war with a large, purple octopus. The donkey has the rope firmly gripped between its teeth, while the octopus's tentacles are wrapped around the other end of the rope, creating a stark contrast in textures. In the midst of their playful battle, a nimble orange cat is captured mid-leap over the taut rope, adding a dynamic element to the unusual tableau.",,13,"3,11",relation,spatial,"relation - spatial (octopus, rope, tentacles wrapped around)",Are the octopus's tentacles wrapped around the rope? +partiprompts132,"In a whimsical scene, a gray donkey with a determined expression is engaged in a game of tug-of-war with a large, purple octopus. The donkey has the rope firmly gripped between its teeth, while the octopus's tentacles are wrapped around the other end of the rope, creating a stark contrast in textures. In the midst of their playful battle, a nimble orange cat is captured mid-leap over the taut rope, adding a dynamic element to the unusual tableau.",,14,"4,11",relation,spatial,"relation - spatial (cat, rope, captured mid-leap)",Is the cat captured mid-leap over the rope? +partiprompts223,"a busy intersection where a red sedan and a large white delivery truck are stopped side by side, waiting for the traffic light to turn green. The traffic light is mounted on a metal pole on the corner of the crosswalk. The road is marked with white lines and arrows indicating lanes for turning and going straight.",,1,0,entity,whole,entity - whole (intersection),Is there a busy intersection? +partiprompts223,"a busy intersection where a red sedan and a large white delivery truck are stopped side by side, waiting for the traffic light to turn green. The traffic light is mounted on a metal pole on the corner of the crosswalk. The road is marked with white lines and arrows indicating lanes for turning and going straight.",,2,1,entity,whole,entity - whole (sedan),Is there a red sedan? +partiprompts223,"a busy intersection where a red sedan and a large white delivery truck are stopped side by side, waiting for the traffic light to turn green. The traffic light is mounted on a metal pole on the corner of the crosswalk. The road is marked with white lines and arrows indicating lanes for turning and going straight.",,3,1,entity,whole,entity - whole (delivery truck),Is there a large white delivery truck? +partiprompts223,"a busy intersection where a red sedan and a large white delivery truck are stopped side by side, waiting for the traffic light to turn green. The traffic light is mounted on a metal pole on the corner of the crosswalk. The road is marked with white lines and arrows indicating lanes for turning and going straight.",,4,1,entity,whole,entity - whole (traffic light),Is there a traffic light? +partiprompts223,"a busy intersection where a red sedan and a large white delivery truck are stopped side by side, waiting for the traffic light to turn green. The traffic light is mounted on a metal pole on the corner of the crosswalk. The road is marked with white lines and arrows indicating lanes for turning and going straight.",,5,0,entity,whole,entity - whole (metal pole),Is there a metal pole? +partiprompts223,"a busy intersection where a red sedan and a large white delivery truck are stopped side by side, waiting for the traffic light to turn green. The traffic light is mounted on a metal pole on the corner of the crosswalk. The road is marked with white lines and arrows indicating lanes for turning and going straight.",,6,0,entity,whole,entity - whole (crosswalk),Is there a crosswalk? +partiprompts223,"a busy intersection where a red sedan and a large white delivery truck are stopped side by side, waiting for the traffic light to turn green. The traffic light is mounted on a metal pole on the corner of the crosswalk. The road is marked with white lines and arrows indicating lanes for turning and going straight.",,7,2,attribute,color,"attribute - color (sedan, red)",Is the sedan red? +partiprompts223,"a busy intersection where a red sedan and a large white delivery truck are stopped side by side, waiting for the traffic light to turn green. The traffic light is mounted on a metal pole on the corner of the crosswalk. The road is marked with white lines and arrows indicating lanes for turning and going straight.",,8,3,attribute,size,"attribute - size (truck, large)",Is the truck large? +partiprompts223,"a busy intersection where a red sedan and a large white delivery truck are stopped side by side, waiting for the traffic light to turn green. The traffic light is mounted on a metal pole on the corner of the crosswalk. The road is marked with white lines and arrows indicating lanes for turning and going straight.",,9,3,attribute,color,"attribute - color (truck, white)",Is the truck white? +partiprompts223,"a busy intersection where a red sedan and a large white delivery truck are stopped side by side, waiting for the traffic light to turn green. The traffic light is mounted on a metal pole on the corner of the crosswalk. The road is marked with white lines and arrows indicating lanes for turning and going straight.",,10,0,attribute,texture,"attribute - texture (road, marked with white lines and arrows)",Is the road marked with white lines and arrows? +partiprompts223,"a busy intersection where a red sedan and a large white delivery truck are stopped side by side, waiting for the traffic light to turn green. The traffic light is mounted on a metal pole on the corner of the crosswalk. The road is marked with white lines and arrows indicating lanes for turning and going straight.",,11,"2,3",relation,spatial,"relation - spatial (sedan, truck, side by side)",Are the sedan and truck stopped side by side? +partiprompts223,"a busy intersection where a red sedan and a large white delivery truck are stopped side by side, waiting for the traffic light to turn green. The traffic light is mounted on a metal pole on the corner of the crosswalk. The road is marked with white lines and arrows indicating lanes for turning and going straight.",,12,"2,4",relation,non-spatial,"relation - non-spatial (sedan, traffic light, waiting for)",Is the sedan waiting for the traffic light? +partiprompts223,"a busy intersection where a red sedan and a large white delivery truck are stopped side by side, waiting for the traffic light to turn green. The traffic light is mounted on a metal pole on the corner of the crosswalk. The road is marked with white lines and arrows indicating lanes for turning and going straight.",,13,"3,4",relation,non-spatial,"relation - non-spatial (truck, traffic light, waiting for)",Is the truck waiting for the traffic light? +partiprompts223,"a busy intersection where a red sedan and a large white delivery truck are stopped side by side, waiting for the traffic light to turn green. The traffic light is mounted on a metal pole on the corner of the crosswalk. The road is marked with white lines and arrows indicating lanes for turning and going straight.",,14,"4,5",relation,spatial,"relation - spatial (traffic light, metal pole, mounted on)",Is the traffic light mounted on the metal pole? +partiprompts223,"a busy intersection where a red sedan and a large white delivery truck are stopped side by side, waiting for the traffic light to turn green. The traffic light is mounted on a metal pole on the corner of the crosswalk. The road is marked with white lines and arrows indicating lanes for turning and going straight.",,15,"4,6",relation,spatial,"relation - spatial (traffic light, corner, of)",Is the traffic light on the corner of the crosswalk? +partiprompts223,"a busy intersection where a red sedan and a large white delivery truck are stopped side by side, waiting for the traffic light to turn green. The traffic light is mounted on a metal pole on the corner of the crosswalk. The road is marked with white lines and arrows indicating lanes for turning and going straight.",,16,10,relation,spatial,"relation - spatial (road, lines and arrows, marked with)",Are the lanes on the road marked with white lines and arrows? +partiprompts36,"A close-up view of a juicy burger patty resting on a soft, lightly toasted bottom bun. Fresh green lettuce and bright red tomato slices are neatly placed on top of the patty. Bold yellow letters spelling out ""COFFEE"" are artistically drizzled across the burger in a smooth mustard script. The burger sits on a plain white plate, with a few mustard droplets scattered around the edges.",,1,0,entity,whole,entity - whole (burger patty),Is there a burger patty? +partiprompts36,"A close-up view of a juicy burger patty resting on a soft, lightly toasted bottom bun. Fresh green lettuce and bright red tomato slices are neatly placed on top of the patty. Bold yellow letters spelling out ""COFFEE"" are artistically drizzled across the burger in a smooth mustard script. The burger sits on a plain white plate, with a few mustard droplets scattered around the edges.",,2,0,entity,whole,entity - whole (bottom bun),Is there a bottom bun? +partiprompts36,"A close-up view of a juicy burger patty resting on a soft, lightly toasted bottom bun. Fresh green lettuce and bright red tomato slices are neatly placed on top of the patty. Bold yellow letters spelling out ""COFFEE"" are artistically drizzled across the burger in a smooth mustard script. The burger sits on a plain white plate, with a few mustard droplets scattered around the edges.",,3,0,entity,whole,entity - whole (lettuce),Is there lettuce? +partiprompts36,"A close-up view of a juicy burger patty resting on a soft, lightly toasted bottom bun. Fresh green lettuce and bright red tomato slices are neatly placed on top of the patty. Bold yellow letters spelling out ""COFFEE"" are artistically drizzled across the burger in a smooth mustard script. The burger sits on a plain white plate, with a few mustard droplets scattered around the edges.",,4,0,entity,whole,entity - whole (tomato slices),Are there tomato slices? +partiprompts36,"A close-up view of a juicy burger patty resting on a soft, lightly toasted bottom bun. Fresh green lettuce and bright red tomato slices are neatly placed on top of the patty. Bold yellow letters spelling out ""COFFEE"" are artistically drizzled across the burger in a smooth mustard script. The burger sits on a plain white plate, with a few mustard droplets scattered around the edges.",,5,0,entity,whole,entity - whole (letters),Are there letters? +partiprompts36,"A close-up view of a juicy burger patty resting on a soft, lightly toasted bottom bun. Fresh green lettuce and bright red tomato slices are neatly placed on top of the patty. Bold yellow letters spelling out ""COFFEE"" are artistically drizzled across the burger in a smooth mustard script. The burger sits on a plain white plate, with a few mustard droplets scattered around the edges.",,6,0,entity,whole,entity - whole (plate),Is there a plate? +partiprompts36,"A close-up view of a juicy burger patty resting on a soft, lightly toasted bottom bun. Fresh green lettuce and bright red tomato slices are neatly placed on top of the patty. Bold yellow letters spelling out ""COFFEE"" are artistically drizzled across the burger in a smooth mustard script. The burger sits on a plain white plate, with a few mustard droplets scattered around the edges.",,7,2,attribute,texture,"attribute - texture (bottom bun, soft, lightly toasted)",Is the bottom bun soft and lightly toasted? +partiprompts36,"A close-up view of a juicy burger patty resting on a soft, lightly toasted bottom bun. Fresh green lettuce and bright red tomato slices are neatly placed on top of the patty. Bold yellow letters spelling out ""COFFEE"" are artistically drizzled across the burger in a smooth mustard script. The burger sits on a plain white plate, with a few mustard droplets scattered around the edges.",,8,3,attribute,color,"attribute - color (lettuce, green)",Is the lettuce green? +partiprompts36,"A close-up view of a juicy burger patty resting on a soft, lightly toasted bottom bun. Fresh green lettuce and bright red tomato slices are neatly placed on top of the patty. Bold yellow letters spelling out ""COFFEE"" are artistically drizzled across the burger in a smooth mustard script. The burger sits on a plain white plate, with a few mustard droplets scattered around the edges.",,9,4,attribute,color,"attribute - color (tomato slices, bright red)",Are the tomato slices bright red? +partiprompts36,"A close-up view of a juicy burger patty resting on a soft, lightly toasted bottom bun. Fresh green lettuce and bright red tomato slices are neatly placed on top of the patty. Bold yellow letters spelling out ""COFFEE"" are artistically drizzled across the burger in a smooth mustard script. The burger sits on a plain white plate, with a few mustard droplets scattered around the edges.",,10,5,attribute,color,"attribute - color (letters, bold yellow)",Are the letters bold yellow? +partiprompts36,"A close-up view of a juicy burger patty resting on a soft, lightly toasted bottom bun. Fresh green lettuce and bright red tomato slices are neatly placed on top of the patty. Bold yellow letters spelling out ""COFFEE"" are artistically drizzled across the burger in a smooth mustard script. The burger sits on a plain white plate, with a few mustard droplets scattered around the edges.",,11,5,attribute,other,"attribute - other (letters, spelling out ""COFFEE"")","Do the letters spell out ""COFFEE""?" +partiprompts36,"A close-up view of a juicy burger patty resting on a soft, lightly toasted bottom bun. Fresh green lettuce and bright red tomato slices are neatly placed on top of the patty. Bold yellow letters spelling out ""COFFEE"" are artistically drizzled across the burger in a smooth mustard script. The burger sits on a plain white plate, with a few mustard droplets scattered around the edges.",,12,5,attribute,texture,"attribute - texture (letters, artistically drizzled)",Are the letters artistically drizzled? +partiprompts36,"A close-up view of a juicy burger patty resting on a soft, lightly toasted bottom bun. Fresh green lettuce and bright red tomato slices are neatly placed on top of the patty. Bold yellow letters spelling out ""COFFEE"" are artistically drizzled across the burger in a smooth mustard script. The burger sits on a plain white plate, with a few mustard droplets scattered around the edges.",,13,5,attribute,texture,"attribute - texture (letters, smooth)",Are the letters smooth? +partiprompts36,"A close-up view of a juicy burger patty resting on a soft, lightly toasted bottom bun. Fresh green lettuce and bright red tomato slices are neatly placed on top of the patty. Bold yellow letters spelling out ""COFFEE"" are artistically drizzled across the burger in a smooth mustard script. The burger sits on a plain white plate, with a few mustard droplets scattered around the edges.",,14,6,attribute,texture,"attribute - texture (plate, plain white)",Is the plate plain white? +partiprompts36,"A close-up view of a juicy burger patty resting on a soft, lightly toasted bottom bun. Fresh green lettuce and bright red tomato slices are neatly placed on top of the patty. Bold yellow letters spelling out ""COFFEE"" are artistically drizzled across the burger in a smooth mustard script. The burger sits on a plain white plate, with a few mustard droplets scattered around the edges.",,15,"1,2",relation,spatial,"relation - spatial (burger patty, bottom bun, resting on)",Is the burger patty resting on the bottom bun? +partiprompts36,"A close-up view of a juicy burger patty resting on a soft, lightly toasted bottom bun. Fresh green lettuce and bright red tomato slices are neatly placed on top of the patty. Bold yellow letters spelling out ""COFFEE"" are artistically drizzled across the burger in a smooth mustard script. The burger sits on a plain white plate, with a few mustard droplets scattered around the edges.",,16,"3,1",relation,spatial,"relation - spatial (lettuce, burger patty, on top of)",Is the lettuce on top of the burger patty? +partiprompts36,"A close-up view of a juicy burger patty resting on a soft, lightly toasted bottom bun. Fresh green lettuce and bright red tomato slices are neatly placed on top of the patty. Bold yellow letters spelling out ""COFFEE"" are artistically drizzled across the burger in a smooth mustard script. The burger sits on a plain white plate, with a few mustard droplets scattered around the edges.",,17,"4,1",relation,spatial,"relation - spatial (tomato slices, burger patty, on top of)",Are the tomato slices on top of the burger patty? +partiprompts36,"A close-up view of a juicy burger patty resting on a soft, lightly toasted bottom bun. Fresh green lettuce and bright red tomato slices are neatly placed on top of the patty. Bold yellow letters spelling out ""COFFEE"" are artistically drizzled across the burger in a smooth mustard script. The burger sits on a plain white plate, with a few mustard droplets scattered around the edges.",,18,"5,1",relation,spatial,"relation - spatial (letters, burger, drizzled across)",Are the letters drizzled across the burger? +partiprompts36,"A close-up view of a juicy burger patty resting on a soft, lightly toasted bottom bun. Fresh green lettuce and bright red tomato slices are neatly placed on top of the patty. Bold yellow letters spelling out ""COFFEE"" are artistically drizzled across the burger in a smooth mustard script. The burger sits on a plain white plate, with a few mustard droplets scattered around the edges.",,19,"1,6",relation,spatial,"relation - spatial (burger, plate, on)",Is the burger on the plate? +partiprompts36,"A close-up view of a juicy burger patty resting on a soft, lightly toasted bottom bun. Fresh green lettuce and bright red tomato slices are neatly placed on top of the patty. Bold yellow letters spelling out ""COFFEE"" are artistically drizzled across the burger in a smooth mustard script. The burger sits on a plain white plate, with a few mustard droplets scattered around the edges.",,20,6,relation,spatial,"relation - spatial (mustard droplets, plate, scattered around)",Are there mustard droplets scattered around the plate? +partiprompts120,"A striking black and white image captures the whimsical scene of a panda, adorned with a pointed wizard's hat, perched atop a majestic horse. The panda appears engrossed in an open book it holds with its paws. The horse, with a glossy chestnut coat, stands motionless on an urban street, its hooves nestled among tufts of vibrant green grass peeking through the pavement cracks. In the background, a large expanse of a gray concrete wall serves as a canvas for a mural of vivid flowers in hues of red, yellow, and blue, with the bold letters spelling out ""PEACE"" adding a splash of color and a message of tranquility to the urban setting.",,1,0,global,,global - (black and white image),Is this a black and white image? +partiprompts120,"A striking black and white image captures the whimsical scene of a panda, adorned with a pointed wizard's hat, perched atop a majestic horse. The panda appears engrossed in an open book it holds with its paws. The horse, with a glossy chestnut coat, stands motionless on an urban street, its hooves nestled among tufts of vibrant green grass peeking through the pavement cracks. In the background, a large expanse of a gray concrete wall serves as a canvas for a mural of vivid flowers in hues of red, yellow, and blue, with the bold letters spelling out ""PEACE"" adding a splash of color and a message of tranquility to the urban setting.",,2,0,entity,whole,entity - whole (panda),Is there a panda? +partiprompts120,"A striking black and white image captures the whimsical scene of a panda, adorned with a pointed wizard's hat, perched atop a majestic horse. The panda appears engrossed in an open book it holds with its paws. The horse, with a glossy chestnut coat, stands motionless on an urban street, its hooves nestled among tufts of vibrant green grass peeking through the pavement cracks. In the background, a large expanse of a gray concrete wall serves as a canvas for a mural of vivid flowers in hues of red, yellow, and blue, with the bold letters spelling out ""PEACE"" adding a splash of color and a message of tranquility to the urban setting.",,3,2,entity,whole,entity - whole (wizard's hat),Is there a wizard's hat? +partiprompts120,"A striking black and white image captures the whimsical scene of a panda, adorned with a pointed wizard's hat, perched atop a majestic horse. The panda appears engrossed in an open book it holds with its paws. The horse, with a glossy chestnut coat, stands motionless on an urban street, its hooves nestled among tufts of vibrant green grass peeking through the pavement cracks. In the background, a large expanse of a gray concrete wall serves as a canvas for a mural of vivid flowers in hues of red, yellow, and blue, with the bold letters spelling out ""PEACE"" adding a splash of color and a message of tranquility to the urban setting.",,4,0,entity,whole,entity - whole (horse),Is there a horse? +partiprompts120,"A striking black and white image captures the whimsical scene of a panda, adorned with a pointed wizard's hat, perched atop a majestic horse. The panda appears engrossed in an open book it holds with its paws. The horse, with a glossy chestnut coat, stands motionless on an urban street, its hooves nestled among tufts of vibrant green grass peeking through the pavement cracks. In the background, a large expanse of a gray concrete wall serves as a canvas for a mural of vivid flowers in hues of red, yellow, and blue, with the bold letters spelling out ""PEACE"" adding a splash of color and a message of tranquility to the urban setting.",,5,0,entity,whole,entity - whole (book),Is there a book? +partiprompts120,"A striking black and white image captures the whimsical scene of a panda, adorned with a pointed wizard's hat, perched atop a majestic horse. The panda appears engrossed in an open book it holds with its paws. The horse, with a glossy chestnut coat, stands motionless on an urban street, its hooves nestled among tufts of vibrant green grass peeking through the pavement cracks. In the background, a large expanse of a gray concrete wall serves as a canvas for a mural of vivid flowers in hues of red, yellow, and blue, with the bold letters spelling out ""PEACE"" adding a splash of color and a message of tranquility to the urban setting.",,6,2,attribute,color,"attribute - color (panda, black and white)",Is the panda black and white? +partiprompts120,"A striking black and white image captures the whimsical scene of a panda, adorned with a pointed wizard's hat, perched atop a majestic horse. The panda appears engrossed in an open book it holds with its paws. The horse, with a glossy chestnut coat, stands motionless on an urban street, its hooves nestled among tufts of vibrant green grass peeking through the pavement cracks. In the background, a large expanse of a gray concrete wall serves as a canvas for a mural of vivid flowers in hues of red, yellow, and blue, with the bold letters spelling out ""PEACE"" adding a splash of color and a message of tranquility to the urban setting.",,7,4,attribute,color,"attribute - color (horse, glossy chestnut)",Is the horse glossy chestnut? +partiprompts120,"A striking black and white image captures the whimsical scene of a panda, adorned with a pointed wizard's hat, perched atop a majestic horse. The panda appears engrossed in an open book it holds with its paws. The horse, with a glossy chestnut coat, stands motionless on an urban street, its hooves nestled among tufts of vibrant green grass peeking through the pavement cracks. In the background, a large expanse of a gray concrete wall serves as a canvas for a mural of vivid flowers in hues of red, yellow, and blue, with the bold letters spelling out ""PEACE"" adding a splash of color and a message of tranquility to the urban setting.",,8,0,attribute,color,"attribute - color (grass, vibrant green)",Is the grass vibrant green? +partiprompts120,"A striking black and white image captures the whimsical scene of a panda, adorned with a pointed wizard's hat, perched atop a majestic horse. The panda appears engrossed in an open book it holds with its paws. The horse, with a glossy chestnut coat, stands motionless on an urban street, its hooves nestled among tufts of vibrant green grass peeking through the pavement cracks. In the background, a large expanse of a gray concrete wall serves as a canvas for a mural of vivid flowers in hues of red, yellow, and blue, with the bold letters spelling out ""PEACE"" adding a splash of color and a message of tranquility to the urban setting.",,9,0,attribute,color,"attribute - color (flowers, red, yellow, blue)","Are the flowers red, yellow, and blue?" +partiprompts120,"A striking black and white image captures the whimsical scene of a panda, adorned with a pointed wizard's hat, perched atop a majestic horse. The panda appears engrossed in an open book it holds with its paws. The horse, with a glossy chestnut coat, stands motionless on an urban street, its hooves nestled among tufts of vibrant green grass peeking through the pavement cracks. In the background, a large expanse of a gray concrete wall serves as a canvas for a mural of vivid flowers in hues of red, yellow, and blue, with the bold letters spelling out ""PEACE"" adding a splash of color and a message of tranquility to the urban setting.",,10,3,attribute,other,"attribute - other (wizard's hat, pointed)",Is the wizard's hat pointed? +partiprompts120,"A striking black and white image captures the whimsical scene of a panda, adorned with a pointed wizard's hat, perched atop a majestic horse. The panda appears engrossed in an open book it holds with its paws. The horse, with a glossy chestnut coat, stands motionless on an urban street, its hooves nestled among tufts of vibrant green grass peeking through the pavement cracks. In the background, a large expanse of a gray concrete wall serves as a canvas for a mural of vivid flowers in hues of red, yellow, and blue, with the bold letters spelling out ""PEACE"" adding a splash of color and a message of tranquility to the urban setting.",,11,4,attribute,other,"attribute - other (horse, majestic)",Is the horse majestic? +partiprompts120,"A striking black and white image captures the whimsical scene of a panda, adorned with a pointed wizard's hat, perched atop a majestic horse. The panda appears engrossed in an open book it holds with its paws. The horse, with a glossy chestnut coat, stands motionless on an urban street, its hooves nestled among tufts of vibrant green grass peeking through the pavement cracks. In the background, a large expanse of a gray concrete wall serves as a canvas for a mural of vivid flowers in hues of red, yellow, and blue, with the bold letters spelling out ""PEACE"" adding a splash of color and a message of tranquility to the urban setting.",,12,5,attribute,other,"attribute - other (book, open)",Is the book open? +partiprompts120,"A striking black and white image captures the whimsical scene of a panda, adorned with a pointed wizard's hat, perched atop a majestic horse. The panda appears engrossed in an open book it holds with its paws. The horse, with a glossy chestnut coat, stands motionless on an urban street, its hooves nestled among tufts of vibrant green grass peeking through the pavement cracks. In the background, a large expanse of a gray concrete wall serves as a canvas for a mural of vivid flowers in hues of red, yellow, and blue, with the bold letters spelling out ""PEACE"" adding a splash of color and a message of tranquility to the urban setting.",,13,2,attribute,other,"attribute - other (panda, engrossed)",Is the panda engrossed? +partiprompts120,"A striking black and white image captures the whimsical scene of a panda, adorned with a pointed wizard's hat, perched atop a majestic horse. The panda appears engrossed in an open book it holds with its paws. The horse, with a glossy chestnut coat, stands motionless on an urban street, its hooves nestled among tufts of vibrant green grass peeking through the pavement cracks. In the background, a large expanse of a gray concrete wall serves as a canvas for a mural of vivid flowers in hues of red, yellow, and blue, with the bold letters spelling out ""PEACE"" adding a splash of color and a message of tranquility to the urban setting.",,14,4,attribute,other,"attribute - other (horse, motionless)",Is the horse motionless? +partiprompts120,"A striking black and white image captures the whimsical scene of a panda, adorned with a pointed wizard's hat, perched atop a majestic horse. The panda appears engrossed in an open book it holds with its paws. The horse, with a glossy chestnut coat, stands motionless on an urban street, its hooves nestled among tufts of vibrant green grass peeking through the pavement cracks. In the background, a large expanse of a gray concrete wall serves as a canvas for a mural of vivid flowers in hues of red, yellow, and blue, with the bold letters spelling out ""PEACE"" adding a splash of color and a message of tranquility to the urban setting.",,15,4,attribute,other,"attribute - other (street, urban)",Is the street urban? +partiprompts120,"A striking black and white image captures the whimsical scene of a panda, adorned with a pointed wizard's hat, perched atop a majestic horse. The panda appears engrossed in an open book it holds with its paws. The horse, with a glossy chestnut coat, stands motionless on an urban street, its hooves nestled among tufts of vibrant green grass peeking through the pavement cracks. In the background, a large expanse of a gray concrete wall serves as a canvas for a mural of vivid flowers in hues of red, yellow, and blue, with the bold letters spelling out ""PEACE"" adding a splash of color and a message of tranquility to the urban setting.",,16,4,attribute,other,"attribute - other (hooves, nestled)",Are the hooves nestled? +partiprompts120,"A striking black and white image captures the whimsical scene of a panda, adorned with a pointed wizard's hat, perched atop a majestic horse. The panda appears engrossed in an open book it holds with its paws. The horse, with a glossy chestnut coat, stands motionless on an urban street, its hooves nestled among tufts of vibrant green grass peeking through the pavement cracks. In the background, a large expanse of a gray concrete wall serves as a canvas for a mural of vivid flowers in hues of red, yellow, and blue, with the bold letters spelling out ""PEACE"" adding a splash of color and a message of tranquility to the urban setting.",,17,4,attribute,other,"attribute - other (tufts, peeking through)",Are tufts peeking through the pavement cracks? +partiprompts120,"A striking black and white image captures the whimsical scene of a panda, adorned with a pointed wizard's hat, perched atop a majestic horse. The panda appears engrossed in an open book it holds with its paws. The horse, with a glossy chestnut coat, stands motionless on an urban street, its hooves nestled among tufts of vibrant green grass peeking through the pavement cracks. In the background, a large expanse of a gray concrete wall serves as a canvas for a mural of vivid flowers in hues of red, yellow, and blue, with the bold letters spelling out ""PEACE"" adding a splash of color and a message of tranquility to the urban setting.",,18,4,attribute,other,"attribute - other (pavement cracks, visible)",Are the pavement cracks visible? +partiprompts120,"A striking black and white image captures the whimsical scene of a panda, adorned with a pointed wizard's hat, perched atop a majestic horse. The panda appears engrossed in an open book it holds with its paws. The horse, with a glossy chestnut coat, stands motionless on an urban street, its hooves nestled among tufts of vibrant green grass peeking through the pavement cracks. In the background, a large expanse of a gray concrete wall serves as a canvas for a mural of vivid flowers in hues of red, yellow, and blue, with the bold letters spelling out ""PEACE"" adding a splash of color and a message of tranquility to the urban setting.",,19,4,attribute,other,"attribute - other (wall, gray)",Is the wall gray? +partiprompts120,"A striking black and white image captures the whimsical scene of a panda, adorned with a pointed wizard's hat, perched atop a majestic horse. The panda appears engrossed in an open book it holds with its paws. The horse, with a glossy chestnut coat, stands motionless on an urban street, its hooves nestled among tufts of vibrant green grass peeking through the pavement cracks. In the background, a large expanse of a gray concrete wall serves as a canvas for a mural of vivid flowers in hues of red, yellow, and blue, with the bold letters spelling out ""PEACE"" adding a splash of color and a message of tranquility to the urban setting.",,20,19,attribute,other,"attribute - other (mural, vivid)",Is the mural vivid? +partiprompts120,"A striking black and white image captures the whimsical scene of a panda, adorned with a pointed wizard's hat, perched atop a majestic horse. The panda appears engrossed in an open book it holds with its paws. The horse, with a glossy chestnut coat, stands motionless on an urban street, its hooves nestled among tufts of vibrant green grass peeking through the pavement cracks. In the background, a large expanse of a gray concrete wall serves as a canvas for a mural of vivid flowers in hues of red, yellow, and blue, with the bold letters spelling out ""PEACE"" adding a splash of color and a message of tranquility to the urban setting.",,21,20,attribute,other,"attribute - other (letters, bold)",Are the letters bold? +partiprompts120,"A striking black and white image captures the whimsical scene of a panda, adorned with a pointed wizard's hat, perched atop a majestic horse. The panda appears engrossed in an open book it holds with its paws. The horse, with a glossy chestnut coat, stands motionless on an urban street, its hooves nestled among tufts of vibrant green grass peeking through the pavement cracks. In the background, a large expanse of a gray concrete wall serves as a canvas for a mural of vivid flowers in hues of red, yellow, and blue, with the bold letters spelling out ""PEACE"" adding a splash of color and a message of tranquility to the urban setting.",,22,20,attribute,other,"attribute - other (flowers, hues)",Are the flowers in hues? +partiprompts120,"A striking black and white image captures the whimsical scene of a panda, adorned with a pointed wizard's hat, perched atop a majestic horse. The panda appears engrossed in an open book it holds with its paws. The horse, with a glossy chestnut coat, stands motionless on an urban street, its hooves nestled among tufts of vibrant green grass peeking through the pavement cracks. In the background, a large expanse of a gray concrete wall serves as a canvas for a mural of vivid flowers in hues of red, yellow, and blue, with the bold letters spelling out ""PEACE"" adding a splash of color and a message of tranquility to the urban setting.",,23,20,attribute,other,"attribute - other (message, tranquility)",Does the message convey tranquility? +partiprompts120,"A striking black and white image captures the whimsical scene of a panda, adorned with a pointed wizard's hat, perched atop a majestic horse. The panda appears engrossed in an open book it holds with its paws. The horse, with a glossy chestnut coat, stands motionless on an urban street, its hooves nestled among tufts of vibrant green grass peeking through the pavement cracks. In the background, a large expanse of a gray concrete wall serves as a canvas for a mural of vivid flowers in hues of red, yellow, and blue, with the bold letters spelling out ""PEACE"" adding a splash of color and a message of tranquility to the urban setting.",,24,"2,4",relation,spatial,"relation - spatial (panda, horse, atop)",Is the panda atop the horse? +partiprompts120,"A striking black and white image captures the whimsical scene of a panda, adorned with a pointed wizard's hat, perched atop a majestic horse. The panda appears engrossed in an open book it holds with its paws. The horse, with a glossy chestnut coat, stands motionless on an urban street, its hooves nestled among tufts of vibrant green grass peeking through the pavement cracks. In the background, a large expanse of a gray concrete wall serves as a canvas for a mural of vivid flowers in hues of red, yellow, and blue, with the bold letters spelling out ""PEACE"" adding a splash of color and a message of tranquility to the urban setting.",,25,"2,5",relation,non-spatial,"relation - non-spatial (panda, book, hold)",Is the panda holding the book? +partiprompts120,"A striking black and white image captures the whimsical scene of a panda, adorned with a pointed wizard's hat, perched atop a majestic horse. The panda appears engrossed in an open book it holds with its paws. The horse, with a glossy chestnut coat, stands motionless on an urban street, its hooves nestled among tufts of vibrant green grass peeking through the pavement cracks. In the background, a large expanse of a gray concrete wall serves as a canvas for a mural of vivid flowers in hues of red, yellow, and blue, with the bold letters spelling out ""PEACE"" adding a splash of color and a message of tranquility to the urban setting.",,26,"4,15",relation,spatial,"relation - spatial (horse, street, on)",Is the horse on the street? +partiprompts120,"A striking black and white image captures the whimsical scene of a panda, adorned with a pointed wizard's hat, perched atop a majestic horse. The panda appears engrossed in an open book it holds with its paws. The horse, with a glossy chestnut coat, stands motionless on an urban street, its hooves nestled among tufts of vibrant green grass peeking through the pavement cracks. In the background, a large expanse of a gray concrete wall serves as a canvas for a mural of vivid flowers in hues of red, yellow, and blue, with the bold letters spelling out ""PEACE"" adding a splash of color and a message of tranquility to the urban setting.",,27,"4,16",relation,spatial,"relation - spatial (hooves, grass, among)",Are the hooves among the grass? +partiprompts120,"A striking black and white image captures the whimsical scene of a panda, adorned with a pointed wizard's hat, perched atop a majestic horse. The panda appears engrossed in an open book it holds with its paws. The horse, with a glossy chestnut coat, stands motionless on an urban street, its hooves nestled among tufts of vibrant green grass peeking through the pavement cracks. In the background, a large expanse of a gray concrete wall serves as a canvas for a mural of vivid flowers in hues of red, yellow, and blue, with the bold letters spelling out ""PEACE"" adding a splash of color and a message of tranquility to the urban setting.",,28,"16,17",relation,spatial,"relation - spatial (grass, pavement cracks, peeking through)",Is the grass peeking through the pavement cracks? +partiprompts120,"A striking black and white image captures the whimsical scene of a panda, adorned with a pointed wizard's hat, perched atop a majestic horse. The panda appears engrossed in an open book it holds with its paws. The horse, with a glossy chestnut coat, stands motionless on an urban street, its hooves nestled among tufts of vibrant green grass peeking through the pavement cracks. In the background, a large expanse of a gray concrete wall serves as a canvas for a mural of vivid flowers in hues of red, yellow, and blue, with the bold letters spelling out ""PEACE"" adding a splash of color and a message of tranquility to the urban setting.",,29,"4,17",relation,spatial,"relation - spatial (horse, tufts, nestled)",Are the horse's hooves nestled among the tufts? +partiprompts120,"A striking black and white image captures the whimsical scene of a panda, adorned with a pointed wizard's hat, perched atop a majestic horse. The panda appears engrossed in an open book it holds with its paws. The horse, with a glossy chestnut coat, stands motionless on an urban street, its hooves nestled among tufts of vibrant green grass peeking through the pavement cracks. In the background, a large expanse of a gray concrete wall serves as a canvas for a mural of vivid flowers in hues of red, yellow, and blue, with the bold letters spelling out ""PEACE"" adding a splash of color and a message of tranquility to the urban setting.",,30,"19,20",relation,spatial,"relation - spatial (wall, mural, on)",Is the mural on the wall? +partiprompts120,"A striking black and white image captures the whimsical scene of a panda, adorned with a pointed wizard's hat, perched atop a majestic horse. The panda appears engrossed in an open book it holds with its paws. The horse, with a glossy chestnut coat, stands motionless on an urban street, its hooves nestled among tufts of vibrant green grass peeking through the pavement cracks. In the background, a large expanse of a gray concrete wall serves as a canvas for a mural of vivid flowers in hues of red, yellow, and blue, with the bold letters spelling out ""PEACE"" adding a splash of color and a message of tranquility to the urban setting.",,31,"20,9",relation,spatial,"relation - spatial (mural, flowers, in)",Are the flowers in the mural? +partiprompts120,"A striking black and white image captures the whimsical scene of a panda, adorned with a pointed wizard's hat, perched atop a majestic horse. The panda appears engrossed in an open book it holds with its paws. The horse, with a glossy chestnut coat, stands motionless on an urban street, its hooves nestled among tufts of vibrant green grass peeking through the pavement cracks. In the background, a large expanse of a gray concrete wall serves as a canvas for a mural of vivid flowers in hues of red, yellow, and blue, with the bold letters spelling out ""PEACE"" adding a splash of color and a message of tranquility to the urban setting.",,32,"9,21",other,text,"other - text (flowers, letters, spelling out)","Are the letters spelling out ""PEACE""?" +partiprompts32,"Two ceramic cups sit side by side on a marble countertop, one featuring an intricate latte art design of the Eiffel Tower, the other boasting a foamy depiction of the Statue of Liberty. Both cups have a glossy finish, with the Eiffel Tower cup having a delicate, pastel blue hue, while the Statue of Liberty cup is a soft shade of pink. The steam rising from the cups suggests the coffee is freshly brewed, and a silver spoon rests beside each cup, positioned on a small, round saucer.",,1,0,entity,whole,entity - whole (cups),Are there cups? +partiprompts32,"Two ceramic cups sit side by side on a marble countertop, one featuring an intricate latte art design of the Eiffel Tower, the other boasting a foamy depiction of the Statue of Liberty. Both cups have a glossy finish, with the Eiffel Tower cup having a delicate, pastel blue hue, while the Statue of Liberty cup is a soft shade of pink. The steam rising from the cups suggests the coffee is freshly brewed, and a silver spoon rests beside each cup, positioned on a small, round saucer.",,2,1,other,count,"other - count(cups, ==2)",Are there two cups? +partiprompts32,"Two ceramic cups sit side by side on a marble countertop, one featuring an intricate latte art design of the Eiffel Tower, the other boasting a foamy depiction of the Statue of Liberty. Both cups have a glossy finish, with the Eiffel Tower cup having a delicate, pastel blue hue, while the Statue of Liberty cup is a soft shade of pink. The steam rising from the cups suggests the coffee is freshly brewed, and a silver spoon rests beside each cup, positioned on a small, round saucer.",,3,0,entity,whole,entity - whole (marble countertop),Is there a marble countertop? +partiprompts32,"Two ceramic cups sit side by side on a marble countertop, one featuring an intricate latte art design of the Eiffel Tower, the other boasting a foamy depiction of the Statue of Liberty. Both cups have a glossy finish, with the Eiffel Tower cup having a delicate, pastel blue hue, while the Statue of Liberty cup is a soft shade of pink. The steam rising from the cups suggests the coffee is freshly brewed, and a silver spoon rests beside each cup, positioned on a small, round saucer.",,4,0,entity,whole,entity - whole (latte art design),Is there latte art design? +partiprompts32,"Two ceramic cups sit side by side on a marble countertop, one featuring an intricate latte art design of the Eiffel Tower, the other boasting a foamy depiction of the Statue of Liberty. Both cups have a glossy finish, with the Eiffel Tower cup having a delicate, pastel blue hue, while the Statue of Liberty cup is a soft shade of pink. The steam rising from the cups suggests the coffee is freshly brewed, and a silver spoon rests beside each cup, positioned on a small, round saucer.",,5,4,entity,whole,entity - whole (Eiffel Tower),Is there the Eiffel Tower? +partiprompts32,"Two ceramic cups sit side by side on a marble countertop, one featuring an intricate latte art design of the Eiffel Tower, the other boasting a foamy depiction of the Statue of Liberty. Both cups have a glossy finish, with the Eiffel Tower cup having a delicate, pastel blue hue, while the Statue of Liberty cup is a soft shade of pink. The steam rising from the cups suggests the coffee is freshly brewed, and a silver spoon rests beside each cup, positioned on a small, round saucer.",,6,4,entity,whole,entity - whole (Statue of Liberty),Is there the Statue of Liberty? +partiprompts32,"Two ceramic cups sit side by side on a marble countertop, one featuring an intricate latte art design of the Eiffel Tower, the other boasting a foamy depiction of the Statue of Liberty. Both cups have a glossy finish, with the Eiffel Tower cup having a delicate, pastel blue hue, while the Statue of Liberty cup is a soft shade of pink. The steam rising from the cups suggests the coffee is freshly brewed, and a silver spoon rests beside each cup, positioned on a small, round saucer.",,7,1,attribute,texture,"attribute - texture (cups, ceramic)",Are the cups ceramic? +partiprompts32,"Two ceramic cups sit side by side on a marble countertop, one featuring an intricate latte art design of the Eiffel Tower, the other boasting a foamy depiction of the Statue of Liberty. Both cups have a glossy finish, with the Eiffel Tower cup having a delicate, pastel blue hue, while the Statue of Liberty cup is a soft shade of pink. The steam rising from the cups suggests the coffee is freshly brewed, and a silver spoon rests beside each cup, positioned on a small, round saucer.",,8,1,attribute,texture,"attribute - texture (cups, glossy)",Are the cups glossy? +partiprompts32,"Two ceramic cups sit side by side on a marble countertop, one featuring an intricate latte art design of the Eiffel Tower, the other boasting a foamy depiction of the Statue of Liberty. Both cups have a glossy finish, with the Eiffel Tower cup having a delicate, pastel blue hue, while the Statue of Liberty cup is a soft shade of pink. The steam rising from the cups suggests the coffee is freshly brewed, and a silver spoon rests beside each cup, positioned on a small, round saucer.",,9,2,attribute,color,"attribute - color (Eiffel Tower cup, pastel blue)",Is the Eiffel Tower cup pastel blue? +partiprompts32,"Two ceramic cups sit side by side on a marble countertop, one featuring an intricate latte art design of the Eiffel Tower, the other boasting a foamy depiction of the Statue of Liberty. Both cups have a glossy finish, with the Eiffel Tower cup having a delicate, pastel blue hue, while the Statue of Liberty cup is a soft shade of pink. The steam rising from the cups suggests the coffee is freshly brewed, and a silver spoon rests beside each cup, positioned on a small, round saucer.",,10,2,attribute,color,"attribute - color (Statue of Liberty cup, soft pink)",Is the Statue of Liberty cup soft pink? +partiprompts32,"Two ceramic cups sit side by side on a marble countertop, one featuring an intricate latte art design of the Eiffel Tower, the other boasting a foamy depiction of the Statue of Liberty. Both cups have a glossy finish, with the Eiffel Tower cup having a delicate, pastel blue hue, while the Statue of Liberty cup is a soft shade of pink. The steam rising from the cups suggests the coffee is freshly brewed, and a silver spoon rests beside each cup, positioned on a small, round saucer.",,11,1,entity,state,"entity - state (coffee, freshly brewed)",Is the coffee freshly brewed? +partiprompts32,"Two ceramic cups sit side by side on a marble countertop, one featuring an intricate latte art design of the Eiffel Tower, the other boasting a foamy depiction of the Statue of Liberty. Both cups have a glossy finish, with the Eiffel Tower cup having a delicate, pastel blue hue, while the Statue of Liberty cup is a soft shade of pink. The steam rising from the cups suggests the coffee is freshly brewed, and a silver spoon rests beside each cup, positioned on a small, round saucer.",,12,1,entity,whole,entity - whole (steam),Is there steam? +partiprompts32,"Two ceramic cups sit side by side on a marble countertop, one featuring an intricate latte art design of the Eiffel Tower, the other boasting a foamy depiction of the Statue of Liberty. Both cups have a glossy finish, with the Eiffel Tower cup having a delicate, pastel blue hue, while the Statue of Liberty cup is a soft shade of pink. The steam rising from the cups suggests the coffee is freshly brewed, and a silver spoon rests beside each cup, positioned on a small, round saucer.",,13,1,entity,whole,entity - whole (spoon),Is there a spoon? +partiprompts32,"Two ceramic cups sit side by side on a marble countertop, one featuring an intricate latte art design of the Eiffel Tower, the other boasting a foamy depiction of the Statue of Liberty. Both cups have a glossy finish, with the Eiffel Tower cup having a delicate, pastel blue hue, while the Statue of Liberty cup is a soft shade of pink. The steam rising from the cups suggests the coffee is freshly brewed, and a silver spoon rests beside each cup, positioned on a small, round saucer.",,14,1,entity,whole,entity - whole (saucer),Is there a saucer? +partiprompts32,"Two ceramic cups sit side by side on a marble countertop, one featuring an intricate latte art design of the Eiffel Tower, the other boasting a foamy depiction of the Statue of Liberty. Both cups have a glossy finish, with the Eiffel Tower cup having a delicate, pastel blue hue, while the Statue of Liberty cup is a soft shade of pink. The steam rising from the cups suggests the coffee is freshly brewed, and a silver spoon rests beside each cup, positioned on a small, round saucer.",,15,14,attribute,shape,"attribute - shape (saucer, round)",Is the saucer round? +partiprompts32,"Two ceramic cups sit side by side on a marble countertop, one featuring an intricate latte art design of the Eiffel Tower, the other boasting a foamy depiction of the Statue of Liberty. Both cups have a glossy finish, with the Eiffel Tower cup having a delicate, pastel blue hue, while the Statue of Liberty cup is a soft shade of pink. The steam rising from the cups suggests the coffee is freshly brewed, and a silver spoon rests beside each cup, positioned on a small, round saucer.",,16,"2,3",relation,spatial,"relation - spatial (cups, marble countertop, on)",Are the cups on the marble countertop? +partiprompts32,"Two ceramic cups sit side by side on a marble countertop, one featuring an intricate latte art design of the Eiffel Tower, the other boasting a foamy depiction of the Statue of Liberty. Both cups have a glossy finish, with the Eiffel Tower cup having a delicate, pastel blue hue, while the Statue of Liberty cup is a soft shade of pink. The steam rising from the cups suggests the coffee is freshly brewed, and a silver spoon rests beside each cup, positioned on a small, round saucer.",,17,"13,1",relation,spatial,"relation - spatial (spoon, cups, beside)",Is the spoon beside the cups? +partiprompts6,"A striking statue of the Egyptian god Anubis, depicted with a jackal's head, is dressed unconventionally in modern attire consisting of a crisp white t-shirt, a black leather jacket, and a pair of aviator goggles resting atop its head. The statue stands in sharp contrast against the backdrop of a full moon that illuminates the night sky over the sprawling cityscape of Los Angeles. The city lights twinkle in the distance, creating a mosaic of urban life behind the ancient deity's contemporary ensemble.",,1,0,entity,whole,entity - whole (statue),Is there a statue? +partiprompts6,"A striking statue of the Egyptian god Anubis, depicted with a jackal's head, is dressed unconventionally in modern attire consisting of a crisp white t-shirt, a black leather jacket, and a pair of aviator goggles resting atop its head. The statue stands in sharp contrast against the backdrop of a full moon that illuminates the night sky over the sprawling cityscape of Los Angeles. The city lights twinkle in the distance, creating a mosaic of urban life behind the ancient deity's contemporary ensemble.",,2,1,entity,whole,entity - whole (Egyptian god Anubis),Is there the Egyptian god Anubis? +partiprompts6,"A striking statue of the Egyptian god Anubis, depicted with a jackal's head, is dressed unconventionally in modern attire consisting of a crisp white t-shirt, a black leather jacket, and a pair of aviator goggles resting atop its head. The statue stands in sharp contrast against the backdrop of a full moon that illuminates the night sky over the sprawling cityscape of Los Angeles. The city lights twinkle in the distance, creating a mosaic of urban life behind the ancient deity's contemporary ensemble.",,3,2,entity,part,entity - part (Anubis's head),Does Anubis have a head? +partiprompts6,"A striking statue of the Egyptian god Anubis, depicted with a jackal's head, is dressed unconventionally in modern attire consisting of a crisp white t-shirt, a black leather jacket, and a pair of aviator goggles resting atop its head. The statue stands in sharp contrast against the backdrop of a full moon that illuminates the night sky over the sprawling cityscape of Los Angeles. The city lights twinkle in the distance, creating a mosaic of urban life behind the ancient deity's contemporary ensemble.",,4,2,attribute,other,"attribute - other (Anubis, depicted with jackal's head)",Is Anubis depicted with a jackal's head? +partiprompts6,"A striking statue of the Egyptian god Anubis, depicted with a jackal's head, is dressed unconventionally in modern attire consisting of a crisp white t-shirt, a black leather jacket, and a pair of aviator goggles resting atop its head. The statue stands in sharp contrast against the backdrop of a full moon that illuminates the night sky over the sprawling cityscape of Los Angeles. The city lights twinkle in the distance, creating a mosaic of urban life behind the ancient deity's contemporary ensemble.",,5,2,attribute,other,"attribute - other (Anubis, dressed in modern attire)",Is Anubis dressed in modern attire? +partiprompts6,"A striking statue of the Egyptian god Anubis, depicted with a jackal's head, is dressed unconventionally in modern attire consisting of a crisp white t-shirt, a black leather jacket, and a pair of aviator goggles resting atop its head. The statue stands in sharp contrast against the backdrop of a full moon that illuminates the night sky over the sprawling cityscape of Los Angeles. The city lights twinkle in the distance, creating a mosaic of urban life behind the ancient deity's contemporary ensemble.",,6,2,attribute,other,"attribute - other (modern attire, consisting of white t-shirt, black leather jacket, aviator goggles)","Is the modern attire consisting of a white t-shirt, black leather jacket, and aviator goggles?" +partiprompts6,"A striking statue of the Egyptian god Anubis, depicted with a jackal's head, is dressed unconventionally in modern attire consisting of a crisp white t-shirt, a black leather jacket, and a pair of aviator goggles resting atop its head. The statue stands in sharp contrast against the backdrop of a full moon that illuminates the night sky over the sprawling cityscape of Los Angeles. The city lights twinkle in the distance, creating a mosaic of urban life behind the ancient deity's contemporary ensemble.",,7,6,attribute,color,"attribute - color (t-shirt, white)",Is the t-shirt white? +partiprompts6,"A striking statue of the Egyptian god Anubis, depicted with a jackal's head, is dressed unconventionally in modern attire consisting of a crisp white t-shirt, a black leather jacket, and a pair of aviator goggles resting atop its head. The statue stands in sharp contrast against the backdrop of a full moon that illuminates the night sky over the sprawling cityscape of Los Angeles. The city lights twinkle in the distance, creating a mosaic of urban life behind the ancient deity's contemporary ensemble.",,8,6,attribute,color,"attribute - color (jacket, black)",Is the jacket black? +partiprompts6,"A striking statue of the Egyptian god Anubis, depicted with a jackal's head, is dressed unconventionally in modern attire consisting of a crisp white t-shirt, a black leather jacket, and a pair of aviator goggles resting atop its head. The statue stands in sharp contrast against the backdrop of a full moon that illuminates the night sky over the sprawling cityscape of Los Angeles. The city lights twinkle in the distance, creating a mosaic of urban life behind the ancient deity's contemporary ensemble.",,9,6,attribute,texture,"attribute - texture (jacket, leather)",Is the jacket made of leather? +partiprompts6,"A striking statue of the Egyptian god Anubis, depicted with a jackal's head, is dressed unconventionally in modern attire consisting of a crisp white t-shirt, a black leather jacket, and a pair of aviator goggles resting atop its head. The statue stands in sharp contrast against the backdrop of a full moon that illuminates the night sky over the sprawling cityscape of Los Angeles. The city lights twinkle in the distance, creating a mosaic of urban life behind the ancient deity's contemporary ensemble.",,10,6,attribute,other,"attribute - other (goggles, aviator)",Are the goggles aviator style? +partiprompts6,"A striking statue of the Egyptian god Anubis, depicted with a jackal's head, is dressed unconventionally in modern attire consisting of a crisp white t-shirt, a black leather jacket, and a pair of aviator goggles resting atop its head. The statue stands in sharp contrast against the backdrop of a full moon that illuminates the night sky over the sprawling cityscape of Los Angeles. The city lights twinkle in the distance, creating a mosaic of urban life behind the ancient deity's contemporary ensemble.",,11,0,entity,whole,entity - whole (full moon),Is there a full moon? +partiprompts6,"A striking statue of the Egyptian god Anubis, depicted with a jackal's head, is dressed unconventionally in modern attire consisting of a crisp white t-shirt, a black leather jacket, and a pair of aviator goggles resting atop its head. The statue stands in sharp contrast against the backdrop of a full moon that illuminates the night sky over the sprawling cityscape of Los Angeles. The city lights twinkle in the distance, creating a mosaic of urban life behind the ancient deity's contemporary ensemble.",,12,0,entity,whole,entity - whole (night sky),Is there a night sky? +partiprompts6,"A striking statue of the Egyptian god Anubis, depicted with a jackal's head, is dressed unconventionally in modern attire consisting of a crisp white t-shirt, a black leather jacket, and a pair of aviator goggles resting atop its head. The statue stands in sharp contrast against the backdrop of a full moon that illuminates the night sky over the sprawling cityscape of Los Angeles. The city lights twinkle in the distance, creating a mosaic of urban life behind the ancient deity's contemporary ensemble.",,13,0,entity,whole,entity - whole (cityscape),Is there a cityscape? +partiprompts6,"A striking statue of the Egyptian god Anubis, depicted with a jackal's head, is dressed unconventionally in modern attire consisting of a crisp white t-shirt, a black leather jacket, and a pair of aviator goggles resting atop its head. The statue stands in sharp contrast against the backdrop of a full moon that illuminates the night sky over the sprawling cityscape of Los Angeles. The city lights twinkle in the distance, creating a mosaic of urban life behind the ancient deity's contemporary ensemble.",,14,13,attribute,other,"attribute - other (cityscape, Los Angeles)",Is the cityscape Los Angeles? +partiprompts6,"A striking statue of the Egyptian god Anubis, depicted with a jackal's head, is dressed unconventionally in modern attire consisting of a crisp white t-shirt, a black leather jacket, and a pair of aviator goggles resting atop its head. The statue stands in sharp contrast against the backdrop of a full moon that illuminates the night sky over the sprawling cityscape of Los Angeles. The city lights twinkle in the distance, creating a mosaic of urban life behind the ancient deity's contemporary ensemble.",,15,13,attribute,other,"attribute - other (city lights, twinkle)",Do the city lights twinkle? +partiprompts6,"A striking statue of the Egyptian god Anubis, depicted with a jackal's head, is dressed unconventionally in modern attire consisting of a crisp white t-shirt, a black leather jacket, and a pair of aviator goggles resting atop its head. The statue stands in sharp contrast against the backdrop of a full moon that illuminates the night sky over the sprawling cityscape of Los Angeles. The city lights twinkle in the distance, creating a mosaic of urban life behind the ancient deity's contemporary ensemble.",,16,1,relation,spatial,"relation - spatial (statue, backdrop, against)",Is the statue against the backdrop? +partiprompts6,"A striking statue of the Egyptian god Anubis, depicted with a jackal's head, is dressed unconventionally in modern attire consisting of a crisp white t-shirt, a black leather jacket, and a pair of aviator goggles resting atop its head. The statue stands in sharp contrast against the backdrop of a full moon that illuminates the night sky over the sprawling cityscape of Los Angeles. The city lights twinkle in the distance, creating a mosaic of urban life behind the ancient deity's contemporary ensemble.",,17,"11,12",relation,spatial,"relation - spatial (moon, night sky, over)",Is the full moon over the night sky? +partiprompts6,"A striking statue of the Egyptian god Anubis, depicted with a jackal's head, is dressed unconventionally in modern attire consisting of a crisp white t-shirt, a black leather jacket, and a pair of aviator goggles resting atop its head. The statue stands in sharp contrast against the backdrop of a full moon that illuminates the night sky over the sprawling cityscape of Los Angeles. The city lights twinkle in the distance, creating a mosaic of urban life behind the ancient deity's contemporary ensemble.",,18,"13,12",relation,spatial,"relation - spatial (cityscape, night sky, behind)",Is the cityscape behind the night sky? +partiprompts6,"A striking statue of the Egyptian god Anubis, depicted with a jackal's head, is dressed unconventionally in modern attire consisting of a crisp white t-shirt, a black leather jacket, and a pair of aviator goggles resting atop its head. The statue stands in sharp contrast against the backdrop of a full moon that illuminates the night sky over the sprawling cityscape of Los Angeles. The city lights twinkle in the distance, creating a mosaic of urban life behind the ancient deity's contemporary ensemble.",,19,"14,12",relation,spatial,"relation - spatial (city lights, distance, in)",Are the city lights in the distance? +partiprompts151,"A vivid oil painting that depicts a surreal and dreamlike seascape, where time seems to have lost all meaning. The canvas is filled with an array of clocks and watches, all of which are distorted and melting across the barren terrain, their shapes soft and elongated in a manner that defies reality. On the left side of the painting, a small wooden table stands, its surface dominated by a golden pocket watch that has attracted a swarm of tiny ants. At the heart of the scene, there is an odd, flesh-like figure draped over a lifeless tree, adding to the enigmatic and otherworldly atmosphere of the artwork.",,1,0,entity,whole,entity - whole (oil painting),Is there an oil painting? +partiprompts151,"A vivid oil painting that depicts a surreal and dreamlike seascape, where time seems to have lost all meaning. The canvas is filled with an array of clocks and watches, all of which are distorted and melting across the barren terrain, their shapes soft and elongated in a manner that defies reality. On the left side of the painting, a small wooden table stands, its surface dominated by a golden pocket watch that has attracted a swarm of tiny ants. At the heart of the scene, there is an odd, flesh-like figure draped over a lifeless tree, adding to the enigmatic and otherworldly atmosphere of the artwork.",,2,1,global,,global - (vivid),Is the painting vivid? +partiprompts151,"A vivid oil painting that depicts a surreal and dreamlike seascape, where time seems to have lost all meaning. The canvas is filled with an array of clocks and watches, all of which are distorted and melting across the barren terrain, their shapes soft and elongated in a manner that defies reality. On the left side of the painting, a small wooden table stands, its surface dominated by a golden pocket watch that has attracted a swarm of tiny ants. At the heart of the scene, there is an odd, flesh-like figure draped over a lifeless tree, adding to the enigmatic and otherworldly atmosphere of the artwork.",,3,1,global,,global - (surreal),Is the painting surreal? +partiprompts151,"A vivid oil painting that depicts a surreal and dreamlike seascape, where time seems to have lost all meaning. The canvas is filled with an array of clocks and watches, all of which are distorted and melting across the barren terrain, their shapes soft and elongated in a manner that defies reality. On the left side of the painting, a small wooden table stands, its surface dominated by a golden pocket watch that has attracted a swarm of tiny ants. At the heart of the scene, there is an odd, flesh-like figure draped over a lifeless tree, adding to the enigmatic and otherworldly atmosphere of the artwork.",,4,1,global,,global - (dreamlike),Is the painting dreamlike? +partiprompts151,"A vivid oil painting that depicts a surreal and dreamlike seascape, where time seems to have lost all meaning. The canvas is filled with an array of clocks and watches, all of which are distorted and melting across the barren terrain, their shapes soft and elongated in a manner that defies reality. On the left side of the painting, a small wooden table stands, its surface dominated by a golden pocket watch that has attracted a swarm of tiny ants. At the heart of the scene, there is an odd, flesh-like figure draped over a lifeless tree, adding to the enigmatic and otherworldly atmosphere of the artwork.",,5,1,global,,global - (seascape),Is there a seascape? +partiprompts151,"A vivid oil painting that depicts a surreal and dreamlike seascape, where time seems to have lost all meaning. The canvas is filled with an array of clocks and watches, all of which are distorted and melting across the barren terrain, their shapes soft and elongated in a manner that defies reality. On the left side of the painting, a small wooden table stands, its surface dominated by a golden pocket watch that has attracted a swarm of tiny ants. At the heart of the scene, there is an odd, flesh-like figure draped over a lifeless tree, adding to the enigmatic and otherworldly atmosphere of the artwork.",,6,1,global,,global - (timeless),Has time lost all meaning in the painting? +partiprompts151,"A vivid oil painting that depicts a surreal and dreamlike seascape, where time seems to have lost all meaning. The canvas is filled with an array of clocks and watches, all of which are distorted and melting across the barren terrain, their shapes soft and elongated in a manner that defies reality. On the left side of the painting, a small wooden table stands, its surface dominated by a golden pocket watch that has attracted a swarm of tiny ants. At the heart of the scene, there is an odd, flesh-like figure draped over a lifeless tree, adding to the enigmatic and otherworldly atmosphere of the artwork.",,7,1,attribute,texture,"attribute - texture (canvas, oil)",Is the canvas made of oil? +partiprompts151,"A vivid oil painting that depicts a surreal and dreamlike seascape, where time seems to have lost all meaning. The canvas is filled with an array of clocks and watches, all of which are distorted and melting across the barren terrain, their shapes soft and elongated in a manner that defies reality. On the left side of the painting, a small wooden table stands, its surface dominated by a golden pocket watch that has attracted a swarm of tiny ants. At the heart of the scene, there is an odd, flesh-like figure draped over a lifeless tree, adding to the enigmatic and otherworldly atmosphere of the artwork.",,8,1,attribute,shape,"attribute - shape (clocks and watches, distorted and melting)",Are the clocks and watches distorted and melting? +partiprompts151,"A vivid oil painting that depicts a surreal and dreamlike seascape, where time seems to have lost all meaning. The canvas is filled with an array of clocks and watches, all of which are distorted and melting across the barren terrain, their shapes soft and elongated in a manner that defies reality. On the left side of the painting, a small wooden table stands, its surface dominated by a golden pocket watch that has attracted a swarm of tiny ants. At the heart of the scene, there is an odd, flesh-like figure draped over a lifeless tree, adding to the enigmatic and otherworldly atmosphere of the artwork.",,9,1,attribute,shape,"attribute - shape (clocks and watches, soft and elongated)",Are the clocks and watches soft and elongated? +partiprompts151,"A vivid oil painting that depicts a surreal and dreamlike seascape, where time seems to have lost all meaning. The canvas is filled with an array of clocks and watches, all of which are distorted and melting across the barren terrain, their shapes soft and elongated in a manner that defies reality. On the left side of the painting, a small wooden table stands, its surface dominated by a golden pocket watch that has attracted a swarm of tiny ants. At the heart of the scene, there is an odd, flesh-like figure draped over a lifeless tree, adding to the enigmatic and otherworldly atmosphere of the artwork.",,10,1,attribute,color,"attribute - color (pocket watch, golden)",Is the pocket watch golden? +partiprompts151,"A vivid oil painting that depicts a surreal and dreamlike seascape, where time seems to have lost all meaning. The canvas is filled with an array of clocks and watches, all of which are distorted and melting across the barren terrain, their shapes soft and elongated in a manner that defies reality. On the left side of the painting, a small wooden table stands, its surface dominated by a golden pocket watch that has attracted a swarm of tiny ants. At the heart of the scene, there is an odd, flesh-like figure draped over a lifeless tree, adding to the enigmatic and otherworldly atmosphere of the artwork.",,11,1,entity,whole,entity - whole (table),Is there a table? +partiprompts151,"A vivid oil painting that depicts a surreal and dreamlike seascape, where time seems to have lost all meaning. The canvas is filled with an array of clocks and watches, all of which are distorted and melting across the barren terrain, their shapes soft and elongated in a manner that defies reality. On the left side of the painting, a small wooden table stands, its surface dominated by a golden pocket watch that has attracted a swarm of tiny ants. At the heart of the scene, there is an odd, flesh-like figure draped over a lifeless tree, adding to the enigmatic and otherworldly atmosphere of the artwork.",,12,1,entity,whole,entity - whole (lifeless tree),Is there a lifeless tree? +partiprompts151,"A vivid oil painting that depicts a surreal and dreamlike seascape, where time seems to have lost all meaning. The canvas is filled with an array of clocks and watches, all of which are distorted and melting across the barren terrain, their shapes soft and elongated in a manner that defies reality. On the left side of the painting, a small wooden table stands, its surface dominated by a golden pocket watch that has attracted a swarm of tiny ants. At the heart of the scene, there is an odd, flesh-like figure draped over a lifeless tree, adding to the enigmatic and otherworldly atmosphere of the artwork.",,13,1,entity,whole,entity - whole (figure),Is there a figure? +partiprompts151,"A vivid oil painting that depicts a surreal and dreamlike seascape, where time seems to have lost all meaning. The canvas is filled with an array of clocks and watches, all of which are distorted and melting across the barren terrain, their shapes soft and elongated in a manner that defies reality. On the left side of the painting, a small wooden table stands, its surface dominated by a golden pocket watch that has attracted a swarm of tiny ants. At the heart of the scene, there is an odd, flesh-like figure draped over a lifeless tree, adding to the enigmatic and otherworldly atmosphere of the artwork.",,14,1,entity,whole,entity - whole (ants),Are there ants? +partiprompts151,"A vivid oil painting that depicts a surreal and dreamlike seascape, where time seems to have lost all meaning. The canvas is filled with an array of clocks and watches, all of which are distorted and melting across the barren terrain, their shapes soft and elongated in a manner that defies reality. On the left side of the painting, a small wooden table stands, its surface dominated by a golden pocket watch that has attracted a swarm of tiny ants. At the heart of the scene, there is an odd, flesh-like figure draped over a lifeless tree, adding to the enigmatic and otherworldly atmosphere of the artwork.",,15,13,entity,state,"entity - state (figure, odd)",Is the figure odd? +partiprompts151,"A vivid oil painting that depicts a surreal and dreamlike seascape, where time seems to have lost all meaning. The canvas is filled with an array of clocks and watches, all of which are distorted and melting across the barren terrain, their shapes soft and elongated in a manner that defies reality. On the left side of the painting, a small wooden table stands, its surface dominated by a golden pocket watch that has attracted a swarm of tiny ants. At the heart of the scene, there is an odd, flesh-like figure draped over a lifeless tree, adding to the enigmatic and otherworldly atmosphere of the artwork.",,16,13,entity,state,"entity - state (figure, flesh-like)",Is the figure flesh-like? +partiprompts151,"A vivid oil painting that depicts a surreal and dreamlike seascape, where time seems to have lost all meaning. The canvas is filled with an array of clocks and watches, all of which are distorted and melting across the barren terrain, their shapes soft and elongated in a manner that defies reality. On the left side of the painting, a small wooden table stands, its surface dominated by a golden pocket watch that has attracted a swarm of tiny ants. At the heart of the scene, there is an odd, flesh-like figure draped over a lifeless tree, adding to the enigmatic and otherworldly atmosphere of the artwork.",,17,12,entity,state,"entity - state (tree, lifeless)",Is the tree lifeless? +partiprompts151,"A vivid oil painting that depicts a surreal and dreamlike seascape, where time seems to have lost all meaning. The canvas is filled with an array of clocks and watches, all of which are distorted and melting across the barren terrain, their shapes soft and elongated in a manner that defies reality. On the left side of the painting, a small wooden table stands, its surface dominated by a golden pocket watch that has attracted a swarm of tiny ants. At the heart of the scene, there is an odd, flesh-like figure draped over a lifeless tree, adding to the enigmatic and otherworldly atmosphere of the artwork.",,18,1,relation,spatial,"relation - spatial (clocks and watches, canvas, across)",Are the clocks and watches across the canvas? +partiprompts151,"A vivid oil painting that depicts a surreal and dreamlike seascape, where time seems to have lost all meaning. The canvas is filled with an array of clocks and watches, all of which are distorted and melting across the barren terrain, their shapes soft and elongated in a manner that defies reality. On the left side of the painting, a small wooden table stands, its surface dominated by a golden pocket watch that has attracted a swarm of tiny ants. At the heart of the scene, there is an odd, flesh-like figure draped over a lifeless tree, adding to the enigmatic and otherworldly atmosphere of the artwork.",,19,1,relation,spatial,"relation - spatial (table, left side of painting)",Is the table on the left side of the painting? +partiprompts151,"A vivid oil painting that depicts a surreal and dreamlike seascape, where time seems to have lost all meaning. The canvas is filled with an array of clocks and watches, all of which are distorted and melting across the barren terrain, their shapes soft and elongated in a manner that defies reality. On the left side of the painting, a small wooden table stands, its surface dominated by a golden pocket watch that has attracted a swarm of tiny ants. At the heart of the scene, there is an odd, flesh-like figure draped over a lifeless tree, adding to the enigmatic and otherworldly atmosphere of the artwork.",,20,"10,11",relation,spatial,"relation - spatial (pocket watch, table, on)",Is the pocket watch on the table? +partiprompts151,"A vivid oil painting that depicts a surreal and dreamlike seascape, where time seems to have lost all meaning. The canvas is filled with an array of clocks and watches, all of which are distorted and melting across the barren terrain, their shapes soft and elongated in a manner that defies reality. On the left side of the painting, a small wooden table stands, its surface dominated by a golden pocket watch that has attracted a swarm of tiny ants. At the heart of the scene, there is an odd, flesh-like figure draped over a lifeless tree, adding to the enigmatic and otherworldly atmosphere of the artwork.",,21,"14,10",relation,spatial,"relation - spatial (ants, pocket watch, swarm around)",Are the ants swarming around the pocket watch? +partiprompts151,"A vivid oil painting that depicts a surreal and dreamlike seascape, where time seems to have lost all meaning. The canvas is filled with an array of clocks and watches, all of which are distorted and melting across the barren terrain, their shapes soft and elongated in a manner that defies reality. On the left side of the painting, a small wooden table stands, its surface dominated by a golden pocket watch that has attracted a swarm of tiny ants. At the heart of the scene, there is an odd, flesh-like figure draped over a lifeless tree, adding to the enigmatic and otherworldly atmosphere of the artwork.",,22,"13,12",relation,spatial,"relation - spatial (figure, tree, draped over)",Is the figure draped over the lifeless tree? +partiprompts190,"A bold, white sign with the words 'KEEP OFF THE GRASS' stands prominently next to a lush, green lawn. The sign, with its stark black lettering, is mounted on a metal pole and positioned at the edge of the neatly trimmed grass. Surrounding the lawn are small flowering plants, adding a touch of color to the scene.",,1,0,entity,whole,entity - whole (sign),Is there a sign? +partiprompts190,"A bold, white sign with the words 'KEEP OFF THE GRASS' stands prominently next to a lush, green lawn. The sign, with its stark black lettering, is mounted on a metal pole and positioned at the edge of the neatly trimmed grass. Surrounding the lawn are small flowering plants, adding a touch of color to the scene.",,2,0,entity,whole,entity - whole (lawn),Is there a lawn? +partiprompts190,"A bold, white sign with the words 'KEEP OFF THE GRASS' stands prominently next to a lush, green lawn. The sign, with its stark black lettering, is mounted on a metal pole and positioned at the edge of the neatly trimmed grass. Surrounding the lawn are small flowering plants, adding a touch of color to the scene.",,3,0,entity,whole,entity - whole (lettering),Is there lettering? +partiprompts190,"A bold, white sign with the words 'KEEP OFF THE GRASS' stands prominently next to a lush, green lawn. The sign, with its stark black lettering, is mounted on a metal pole and positioned at the edge of the neatly trimmed grass. Surrounding the lawn are small flowering plants, adding a touch of color to the scene.",,4,0,entity,whole,entity - whole (pole),Is there a pole? +partiprompts190,"A bold, white sign with the words 'KEEP OFF THE GRASS' stands prominently next to a lush, green lawn. The sign, with its stark black lettering, is mounted on a metal pole and positioned at the edge of the neatly trimmed grass. Surrounding the lawn are small flowering plants, adding a touch of color to the scene.",,5,0,entity,whole,entity - whole (plants),Are there plants? +partiprompts190,"A bold, white sign with the words 'KEEP OFF THE GRASS' stands prominently next to a lush, green lawn. The sign, with its stark black lettering, is mounted on a metal pole and positioned at the edge of the neatly trimmed grass. Surrounding the lawn are small flowering plants, adding a touch of color to the scene.",,6,1,attribute,color,"attribute - color (sign, white)",Is the sign white? +partiprompts190,"A bold, white sign with the words 'KEEP OFF THE GRASS' stands prominently next to a lush, green lawn. The sign, with its stark black lettering, is mounted on a metal pole and positioned at the edge of the neatly trimmed grass. Surrounding the lawn are small flowering plants, adding a touch of color to the scene.",,7,2,attribute,color,"attribute - color (lawn, green)",Is the lawn green? +partiprompts190,"A bold, white sign with the words 'KEEP OFF THE GRASS' stands prominently next to a lush, green lawn. The sign, with its stark black lettering, is mounted on a metal pole and positioned at the edge of the neatly trimmed grass. Surrounding the lawn are small flowering plants, adding a touch of color to the scene.",,8,3,attribute,color,"attribute - color (lettering, black)",Is the lettering black? +partiprompts190,"A bold, white sign with the words 'KEEP OFF THE GRASS' stands prominently next to a lush, green lawn. The sign, with its stark black lettering, is mounted on a metal pole and positioned at the edge of the neatly trimmed grass. Surrounding the lawn are small flowering plants, adding a touch of color to the scene.",,9,2,attribute,texture,"attribute - texture (lawn, lush)",Is the lawn lush? +partiprompts190,"A bold, white sign with the words 'KEEP OFF THE GRASS' stands prominently next to a lush, green lawn. The sign, with its stark black lettering, is mounted on a metal pole and positioned at the edge of the neatly trimmed grass. Surrounding the lawn are small flowering plants, adding a touch of color to the scene.",,10,4,attribute,texture,"attribute - texture (pole, metal)",Is the pole made of metal? +partiprompts190,"A bold, white sign with the words 'KEEP OFF THE GRASS' stands prominently next to a lush, green lawn. The sign, with its stark black lettering, is mounted on a metal pole and positioned at the edge of the neatly trimmed grass. Surrounding the lawn are small flowering plants, adding a touch of color to the scene.",,11,"1,4",relation,spatial,"relation - spatial (sign, pole, mounted on)",Is the sign mounted on the pole? +partiprompts190,"A bold, white sign with the words 'KEEP OFF THE GRASS' stands prominently next to a lush, green lawn. The sign, with its stark black lettering, is mounted on a metal pole and positioned at the edge of the neatly trimmed grass. Surrounding the lawn are small flowering plants, adding a touch of color to the scene.",,12,"1,2",relation,spatial,"relation - spatial (sign, grass, edge of)",Is the sign at the edge of the grass? +partiprompts190,"A bold, white sign with the words 'KEEP OFF THE GRASS' stands prominently next to a lush, green lawn. The sign, with its stark black lettering, is mounted on a metal pole and positioned at the edge of the neatly trimmed grass. Surrounding the lawn are small flowering plants, adding a touch of color to the scene.",,13,"5,2",relation,spatial,"relation - spatial (plants, lawn, surrounding)",Are the plants surrounding the lawn? +partiprompts190,"A bold, white sign with the words 'KEEP OFF THE GRASS' stands prominently next to a lush, green lawn. The sign, with its stark black lettering, is mounted on a metal pole and positioned at the edge of the neatly trimmed grass. Surrounding the lawn are small flowering plants, adding a touch of color to the scene.",,14,1,other,text,"other - text(sign, 'KEEP OFF THE GRASS')",Does the sign say 'KEEP OFF THE GRASS'? +partiprompts38,"A clear glass filled with vibrant orange juice sits to the right of a white ceramic plate, which cradles two slices of golden-brown toast generously spread with melting butter. The plate and glass are positioned on a light wooden table, with a patterned napkin folded neatly beside them. Sunlight filters through a nearby window, casting a warm glow on the breakfast setup and highlighting the texture of the freshly baked toast.",,1,0,entity,whole,entity - whole (glass),Is there a glass? +partiprompts38,"A clear glass filled with vibrant orange juice sits to the right of a white ceramic plate, which cradles two slices of golden-brown toast generously spread with melting butter. The plate and glass are positioned on a light wooden table, with a patterned napkin folded neatly beside them. Sunlight filters through a nearby window, casting a warm glow on the breakfast setup and highlighting the texture of the freshly baked toast.",,2,1,entity,whole,entity - whole (orange juice),Is the glass filled with orange juice? +partiprompts38,"A clear glass filled with vibrant orange juice sits to the right of a white ceramic plate, which cradles two slices of golden-brown toast generously spread with melting butter. The plate and glass are positioned on a light wooden table, with a patterned napkin folded neatly beside them. Sunlight filters through a nearby window, casting a warm glow on the breakfast setup and highlighting the texture of the freshly baked toast.",,3,0,entity,whole,entity - whole (plate),Is there a plate? +partiprompts38,"A clear glass filled with vibrant orange juice sits to the right of a white ceramic plate, which cradles two slices of golden-brown toast generously spread with melting butter. The plate and glass are positioned on a light wooden table, with a patterned napkin folded neatly beside them. Sunlight filters through a nearby window, casting a warm glow on the breakfast setup and highlighting the texture of the freshly baked toast.",,4,0,entity,whole,entity - whole (toast),Are there two slices of toast? +partiprompts38,"A clear glass filled with vibrant orange juice sits to the right of a white ceramic plate, which cradles two slices of golden-brown toast generously spread with melting butter. The plate and glass are positioned on a light wooden table, with a patterned napkin folded neatly beside them. Sunlight filters through a nearby window, casting a warm glow on the breakfast setup and highlighting the texture of the freshly baked toast.",,5,0,entity,whole,entity - whole (butter),Is there butter? +partiprompts38,"A clear glass filled with vibrant orange juice sits to the right of a white ceramic plate, which cradles two slices of golden-brown toast generously spread with melting butter. The plate and glass are positioned on a light wooden table, with a patterned napkin folded neatly beside them. Sunlight filters through a nearby window, casting a warm glow on the breakfast setup and highlighting the texture of the freshly baked toast.",,6,0,entity,whole,entity - whole (table),Is there a table? +partiprompts38,"A clear glass filled with vibrant orange juice sits to the right of a white ceramic plate, which cradles two slices of golden-brown toast generously spread with melting butter. The plate and glass are positioned on a light wooden table, with a patterned napkin folded neatly beside them. Sunlight filters through a nearby window, casting a warm glow on the breakfast setup and highlighting the texture of the freshly baked toast.",,7,0,entity,whole,entity - whole (napkin),Is there a napkin? +partiprompts38,"A clear glass filled with vibrant orange juice sits to the right of a white ceramic plate, which cradles two slices of golden-brown toast generously spread with melting butter. The plate and glass are positioned on a light wooden table, with a patterned napkin folded neatly beside them. Sunlight filters through a nearby window, casting a warm glow on the breakfast setup and highlighting the texture of the freshly baked toast.",,8,0,entity,whole,entity - whole (sunlight),Is there sunlight? +partiprompts38,"A clear glass filled with vibrant orange juice sits to the right of a white ceramic plate, which cradles two slices of golden-brown toast generously spread with melting butter. The plate and glass are positioned on a light wooden table, with a patterned napkin folded neatly beside them. Sunlight filters through a nearby window, casting a warm glow on the breakfast setup and highlighting the texture of the freshly baked toast.",,9,0,entity,whole,entity - whole (window),Is there a window? +partiprompts38,"A clear glass filled with vibrant orange juice sits to the right of a white ceramic plate, which cradles two slices of golden-brown toast generously spread with melting butter. The plate and glass are positioned on a light wooden table, with a patterned napkin folded neatly beside them. Sunlight filters through a nearby window, casting a warm glow on the breakfast setup and highlighting the texture of the freshly baked toast.",,10,4,attribute,texture,"attribute - texture (toast, freshly baked)",Is the toast freshly baked? +partiprompts38,"A clear glass filled with vibrant orange juice sits to the right of a white ceramic plate, which cradles two slices of golden-brown toast generously spread with melting butter. The plate and glass are positioned on a light wooden table, with a patterned napkin folded neatly beside them. Sunlight filters through a nearby window, casting a warm glow on the breakfast setup and highlighting the texture of the freshly baked toast.",,11,2,attribute,color,"attribute - color (juice, orange)",Is the juice orange? +partiprompts38,"A clear glass filled with vibrant orange juice sits to the right of a white ceramic plate, which cradles two slices of golden-brown toast generously spread with melting butter. The plate and glass are positioned on a light wooden table, with a patterned napkin folded neatly beside them. Sunlight filters through a nearby window, casting a warm glow on the breakfast setup and highlighting the texture of the freshly baked toast.",,12,3,attribute,color,"attribute - color (plate, white)",Is the plate white? +partiprompts38,"A clear glass filled with vibrant orange juice sits to the right of a white ceramic plate, which cradles two slices of golden-brown toast generously spread with melting butter. The plate and glass are positioned on a light wooden table, with a patterned napkin folded neatly beside them. Sunlight filters through a nearby window, casting a warm glow on the breakfast setup and highlighting the texture of the freshly baked toast.",,13,3,attribute,color,"attribute - color (toast, golden-brown)",Are the toast slices golden-brown? +partiprompts38,"A clear glass filled with vibrant orange juice sits to the right of a white ceramic plate, which cradles two slices of golden-brown toast generously spread with melting butter. The plate and glass are positioned on a light wooden table, with a patterned napkin folded neatly beside them. Sunlight filters through a nearby window, casting a warm glow on the breakfast setup and highlighting the texture of the freshly baked toast.",,14,5,attribute,color,"attribute - color (butter, melting)",Is the butter melting? +partiprompts38,"A clear glass filled with vibrant orange juice sits to the right of a white ceramic plate, which cradles two slices of golden-brown toast generously spread with melting butter. The plate and glass are positioned on a light wooden table, with a patterned napkin folded neatly beside them. Sunlight filters through a nearby window, casting a warm glow on the breakfast setup and highlighting the texture of the freshly baked toast.",,15,6,attribute,color,"attribute - color (table, light wooden)",Is the table light wooden? +partiprompts38,"A clear glass filled with vibrant orange juice sits to the right of a white ceramic plate, which cradles two slices of golden-brown toast generously spread with melting butter. The plate and glass are positioned on a light wooden table, with a patterned napkin folded neatly beside them. Sunlight filters through a nearby window, casting a warm glow on the breakfast setup and highlighting the texture of the freshly baked toast.",,16,7,attribute,other,"attribute - other (napkin, patterned)",Is the napkin patterned? +partiprompts38,"A clear glass filled with vibrant orange juice sits to the right of a white ceramic plate, which cradles two slices of golden-brown toast generously spread with melting butter. The plate and glass are positioned on a light wooden table, with a patterned napkin folded neatly beside them. Sunlight filters through a nearby window, casting a warm glow on the breakfast setup and highlighting the texture of the freshly baked toast.",,17,"3,4",relation,spatial,"relation - spatial (glass, plate, to the right of)",Is the glass to the right of the plate? +partiprompts38,"A clear glass filled with vibrant orange juice sits to the right of a white ceramic plate, which cradles two slices of golden-brown toast generously spread with melting butter. The plate and glass are positioned on a light wooden table, with a patterned napkin folded neatly beside them. Sunlight filters through a nearby window, casting a warm glow on the breakfast setup and highlighting the texture of the freshly baked toast.",,18,"3,4",relation,spatial,"relation - spatial (plate, toast, cradle)",Does the plate cradle the toast? +partiprompts38,"A clear glass filled with vibrant orange juice sits to the right of a white ceramic plate, which cradles two slices of golden-brown toast generously spread with melting butter. The plate and glass are positioned on a light wooden table, with a patterned napkin folded neatly beside them. Sunlight filters through a nearby window, casting a warm glow on the breakfast setup and highlighting the texture of the freshly baked toast.",,19,"4,5",relation,spatial,"relation - spatial (toast, butter, generously spread with)",Is the toast generously spread with butter? +partiprompts38,"A clear glass filled with vibrant orange juice sits to the right of a white ceramic plate, which cradles two slices of golden-brown toast generously spread with melting butter. The plate and glass are positioned on a light wooden table, with a patterned napkin folded neatly beside them. Sunlight filters through a nearby window, casting a warm glow on the breakfast setup and highlighting the texture of the freshly baked toast.",,20,"2,3",relation,spatial,"relation - spatial (plate, glass, on)",Is the glass on the plate? +partiprompts38,"A clear glass filled with vibrant orange juice sits to the right of a white ceramic plate, which cradles two slices of golden-brown toast generously spread with melting butter. The plate and glass are positioned on a light wooden table, with a patterned napkin folded neatly beside them. Sunlight filters through a nearby window, casting a warm glow on the breakfast setup and highlighting the texture of the freshly baked toast.",,21,"1,6",relation,spatial,"relation - spatial (glass, table, on)",Is the glass on the table? +partiprompts38,"A clear glass filled with vibrant orange juice sits to the right of a white ceramic plate, which cradles two slices of golden-brown toast generously spread with melting butter. The plate and glass are positioned on a light wooden table, with a patterned napkin folded neatly beside them. Sunlight filters through a nearby window, casting a warm glow on the breakfast setup and highlighting the texture of the freshly baked toast.",,22,"3,6",relation,spatial,"relation - spatial (plate, table, on)",Is the plate on the table? +partiprompts38,"A clear glass filled with vibrant orange juice sits to the right of a white ceramic plate, which cradles two slices of golden-brown toast generously spread with melting butter. The plate and glass are positioned on a light wooden table, with a patterned napkin folded neatly beside them. Sunlight filters through a nearby window, casting a warm glow on the breakfast setup and highlighting the texture of the freshly baked toast.",,23,"7,6",relation,spatial,"relation - spatial (napkin, table, beside)",Is the napkin beside the table? +partiprompts38,"A clear glass filled with vibrant orange juice sits to the right of a white ceramic plate, which cradles two slices of golden-brown toast generously spread with melting butter. The plate and glass are positioned on a light wooden table, with a patterned napkin folded neatly beside them. Sunlight filters through a nearby window, casting a warm glow on the breakfast setup and highlighting the texture of the freshly baked toast.",,24,"8,9",relation,spatial,"relation - spatial (sunlight, window, through)",Is the sunlight filtering through the window? +partiprompts38,"A clear glass filled with vibrant orange juice sits to the right of a white ceramic plate, which cradles two slices of golden-brown toast generously spread with melting butter. The plate and glass are positioned on a light wooden table, with a patterned napkin folded neatly beside them. Sunlight filters through a nearby window, casting a warm glow on the breakfast setup and highlighting the texture of the freshly baked toast.",,25,"8,6",relation,spatial,"relation - spatial (sunlight, breakfast setup, cast)",Is the sunlight casting a warm glow on the breakfast setup? +partiprompts38,"A clear glass filled with vibrant orange juice sits to the right of a white ceramic plate, which cradles two slices of golden-brown toast generously spread with melting butter. The plate and glass are positioned on a light wooden table, with a patterned napkin folded neatly beside them. Sunlight filters through a nearby window, casting a warm glow on the breakfast setup and highlighting the texture of the freshly baked toast.",,26,"10,4",relation,spatial,"relation - spatial (sunlight, toast, highlight)",Is the sunlight highlighting the texture of the toast? +partiprompts89,"A vibrant blue wooden pyramid sits atop a glossy red plastic box, which appears sturdy and capable of supporting the weight of the pyramid. The box's surface is smooth, contrasting with the textured grain of the wooden pyramid. The objects are placed on a beige carpet, and the pyramid's sharp edges cast a slight shadow on the box, emphasizing their geometric shapes.",,1,0,entity,whole,entity - whole (pyramid),Is there a pyramid? +partiprompts89,"A vibrant blue wooden pyramid sits atop a glossy red plastic box, which appears sturdy and capable of supporting the weight of the pyramid. The box's surface is smooth, contrasting with the textured grain of the wooden pyramid. The objects are placed on a beige carpet, and the pyramid's sharp edges cast a slight shadow on the box, emphasizing their geometric shapes.",,2,0,entity,whole,entity - whole (box),Is there a box? +partiprompts89,"A vibrant blue wooden pyramid sits atop a glossy red plastic box, which appears sturdy and capable of supporting the weight of the pyramid. The box's surface is smooth, contrasting with the textured grain of the wooden pyramid. The objects are placed on a beige carpet, and the pyramid's sharp edges cast a slight shadow on the box, emphasizing their geometric shapes.",,3,1,attribute,color,"attribute - color (pyramid, vibrant blue)",Is the pyramid vibrant blue? +partiprompts89,"A vibrant blue wooden pyramid sits atop a glossy red plastic box, which appears sturdy and capable of supporting the weight of the pyramid. The box's surface is smooth, contrasting with the textured grain of the wooden pyramid. The objects are placed on a beige carpet, and the pyramid's sharp edges cast a slight shadow on the box, emphasizing their geometric shapes.",,4,1,attribute,texture,"attribute - texture (pyramid, wooden)",Is the pyramid made of wood? +partiprompts89,"A vibrant blue wooden pyramid sits atop a glossy red plastic box, which appears sturdy and capable of supporting the weight of the pyramid. The box's surface is smooth, contrasting with the textured grain of the wooden pyramid. The objects are placed on a beige carpet, and the pyramid's sharp edges cast a slight shadow on the box, emphasizing their geometric shapes.",,5,2,attribute,color,"attribute - color (box, glossy red)",Is the box glossy red? +partiprompts89,"A vibrant blue wooden pyramid sits atop a glossy red plastic box, which appears sturdy and capable of supporting the weight of the pyramid. The box's surface is smooth, contrasting with the textured grain of the wooden pyramid. The objects are placed on a beige carpet, and the pyramid's sharp edges cast a slight shadow on the box, emphasizing their geometric shapes.",,6,2,attribute,texture,"attribute - texture (box, plastic)",Is the box made of plastic? +partiprompts89,"A vibrant blue wooden pyramid sits atop a glossy red plastic box, which appears sturdy and capable of supporting the weight of the pyramid. The box's surface is smooth, contrasting with the textured grain of the wooden pyramid. The objects are placed on a beige carpet, and the pyramid's sharp edges cast a slight shadow on the box, emphasizing their geometric shapes.",,7,2,attribute,texture,"attribute - texture (box, smooth)",Is the box surface smooth? +partiprompts89,"A vibrant blue wooden pyramid sits atop a glossy red plastic box, which appears sturdy and capable of supporting the weight of the pyramid. The box's surface is smooth, contrasting with the textured grain of the wooden pyramid. The objects are placed on a beige carpet, and the pyramid's sharp edges cast a slight shadow on the box, emphasizing their geometric shapes.",,8,1,attribute,texture,"attribute - texture (pyramid, textured grain)",Is the pyramid textured grain? +partiprompts89,"A vibrant blue wooden pyramid sits atop a glossy red plastic box, which appears sturdy and capable of supporting the weight of the pyramid. The box's surface is smooth, contrasting with the textured grain of the wooden pyramid. The objects are placed on a beige carpet, and the pyramid's sharp edges cast a slight shadow on the box, emphasizing their geometric shapes.",,9,2,attribute,texture,"attribute - texture (carpet, beige)",Is the carpet beige? +partiprompts89,"A vibrant blue wooden pyramid sits atop a glossy red plastic box, which appears sturdy and capable of supporting the weight of the pyramid. The box's surface is smooth, contrasting with the textured grain of the wooden pyramid. The objects are placed on a beige carpet, and the pyramid's sharp edges cast a slight shadow on the box, emphasizing their geometric shapes.",,10,2,entity,state,"entity - state (box, sturdy)",Is the box sturdy? +partiprompts89,"A vibrant blue wooden pyramid sits atop a glossy red plastic box, which appears sturdy and capable of supporting the weight of the pyramid. The box's surface is smooth, contrasting with the textured grain of the wooden pyramid. The objects are placed on a beige carpet, and the pyramid's sharp edges cast a slight shadow on the box, emphasizing their geometric shapes.",,11,"1,2",relation,spatial,"relation - spatial (pyramid, box, on)",Is the pyramid on the box? +partiprompts89,"A vibrant blue wooden pyramid sits atop a glossy red plastic box, which appears sturdy and capable of supporting the weight of the pyramid. The box's surface is smooth, contrasting with the textured grain of the wooden pyramid. The objects are placed on a beige carpet, and the pyramid's sharp edges cast a slight shadow on the box, emphasizing their geometric shapes.",,12,"1,2",relation,spatial,"relation - spatial (pyramid, box, atop)",Is the pyramid atop the box? +partiprompts89,"A vibrant blue wooden pyramid sits atop a glossy red plastic box, which appears sturdy and capable of supporting the weight of the pyramid. The box's surface is smooth, contrasting with the textured grain of the wooden pyramid. The objects are placed on a beige carpet, and the pyramid's sharp edges cast a slight shadow on the box, emphasizing their geometric shapes.",,13,"2,9",relation,spatial,"relation - spatial (box, carpet, on)",Is the box on the carpet? +partiprompts89,"A vibrant blue wooden pyramid sits atop a glossy red plastic box, which appears sturdy and capable of supporting the weight of the pyramid. The box's surface is smooth, contrasting with the textured grain of the wooden pyramid. The objects are placed on a beige carpet, and the pyramid's sharp edges cast a slight shadow on the box, emphasizing their geometric shapes.",,14,"1,2",relation,spatial,"relation - spatial (pyramid, box, shadow cast)",Is there a shadow cast by the pyramid on the box? +partiprompts58,"A piece of golden-brown toast resting on a white ceramic plate, topped with bright yellow, freshly sliced mango. The mango slices are arranged in a fan-like pattern, and the plate sits on a light wooden table with a few crumbs scattered around. The texture of the toast contrasts with the soft, juicy mango pieces, creating an appetizing snack.",,1,0,entity,whole,entity - whole (toast),Is there a piece of toast? +partiprompts58,"A piece of golden-brown toast resting on a white ceramic plate, topped with bright yellow, freshly sliced mango. The mango slices are arranged in a fan-like pattern, and the plate sits on a light wooden table with a few crumbs scattered around. The texture of the toast contrasts with the soft, juicy mango pieces, creating an appetizing snack.",,2,0,entity,whole,entity - whole (plate),Is there a plate? +partiprompts58,"A piece of golden-brown toast resting on a white ceramic plate, topped with bright yellow, freshly sliced mango. The mango slices are arranged in a fan-like pattern, and the plate sits on a light wooden table with a few crumbs scattered around. The texture of the toast contrasts with the soft, juicy mango pieces, creating an appetizing snack.",,3,0,entity,whole,entity - whole (mango),Is there mango? +partiprompts58,"A piece of golden-brown toast resting on a white ceramic plate, topped with bright yellow, freshly sliced mango. The mango slices are arranged in a fan-like pattern, and the plate sits on a light wooden table with a few crumbs scattered around. The texture of the toast contrasts with the soft, juicy mango pieces, creating an appetizing snack.",,4,0,entity,whole,entity - whole (table),Is there a table? +partiprompts58,"A piece of golden-brown toast resting on a white ceramic plate, topped with bright yellow, freshly sliced mango. The mango slices are arranged in a fan-like pattern, and the plate sits on a light wooden table with a few crumbs scattered around. The texture of the toast contrasts with the soft, juicy mango pieces, creating an appetizing snack.",,5,1,attribute,color,"attribute - color (toast, golden-brown)",Is the toast golden-brown? +partiprompts58,"A piece of golden-brown toast resting on a white ceramic plate, topped with bright yellow, freshly sliced mango. The mango slices are arranged in a fan-like pattern, and the plate sits on a light wooden table with a few crumbs scattered around. The texture of the toast contrasts with the soft, juicy mango pieces, creating an appetizing snack.",,6,2,attribute,color,"attribute - color (plate, white)",Is the plate white? +partiprompts58,"A piece of golden-brown toast resting on a white ceramic plate, topped with bright yellow, freshly sliced mango. The mango slices are arranged in a fan-like pattern, and the plate sits on a light wooden table with a few crumbs scattered around. The texture of the toast contrasts with the soft, juicy mango pieces, creating an appetizing snack.",,7,3,attribute,color,"attribute - color (mango, bright yellow)",Is the mango bright yellow? +partiprompts58,"A piece of golden-brown toast resting on a white ceramic plate, topped with bright yellow, freshly sliced mango. The mango slices are arranged in a fan-like pattern, and the plate sits on a light wooden table with a few crumbs scattered around. The texture of the toast contrasts with the soft, juicy mango pieces, creating an appetizing snack.",,8,4,attribute,color,"attribute - color (table, light wooden)",Is the table light wooden? +partiprompts58,"A piece of golden-brown toast resting on a white ceramic plate, topped with bright yellow, freshly sliced mango. The mango slices are arranged in a fan-like pattern, and the plate sits on a light wooden table with a few crumbs scattered around. The texture of the toast contrasts with the soft, juicy mango pieces, creating an appetizing snack.",,9,1,attribute,texture,"attribute - texture (toast, crispy)",Is the toast crispy? +partiprompts58,"A piece of golden-brown toast resting on a white ceramic plate, topped with bright yellow, freshly sliced mango. The mango slices are arranged in a fan-like pattern, and the plate sits on a light wooden table with a few crumbs scattered around. The texture of the toast contrasts with the soft, juicy mango pieces, creating an appetizing snack.",,10,3,attribute,texture,"attribute - texture (mango, soft, juicy)",Are the mango pieces soft and juicy? +partiprompts58,"A piece of golden-brown toast resting on a white ceramic plate, topped with bright yellow, freshly sliced mango. The mango slices are arranged in a fan-like pattern, and the plate sits on a light wooden table with a few crumbs scattered around. The texture of the toast contrasts with the soft, juicy mango pieces, creating an appetizing snack.",,11,4,attribute,texture,"attribute - texture (table, wooden)",Is the table wooden? +partiprompts58,"A piece of golden-brown toast resting on a white ceramic plate, topped with bright yellow, freshly sliced mango. The mango slices are arranged in a fan-like pattern, and the plate sits on a light wooden table with a few crumbs scattered around. The texture of the toast contrasts with the soft, juicy mango pieces, creating an appetizing snack.",,12,4,attribute,texture,"attribute - texture (crumbs, scattered)",Are there scattered crumbs? +partiprompts58,"A piece of golden-brown toast resting on a white ceramic plate, topped with bright yellow, freshly sliced mango. The mango slices are arranged in a fan-like pattern, and the plate sits on a light wooden table with a few crumbs scattered around. The texture of the toast contrasts with the soft, juicy mango pieces, creating an appetizing snack.",,13,1,entity,state,"entity - state (toast, rest)",Is the toast resting? +partiprompts58,"A piece of golden-brown toast resting on a white ceramic plate, topped with bright yellow, freshly sliced mango. The mango slices are arranged in a fan-like pattern, and the plate sits on a light wooden table with a few crumbs scattered around. The texture of the toast contrasts with the soft, juicy mango pieces, creating an appetizing snack.",,14,3,entity,state,"entity - state (mango, slice)",Are the mango slices freshly sliced? +partiprompts58,"A piece of golden-brown toast resting on a white ceramic plate, topped with bright yellow, freshly sliced mango. The mango slices are arranged in a fan-like pattern, and the plate sits on a light wooden table with a few crumbs scattered around. The texture of the toast contrasts with the soft, juicy mango pieces, creating an appetizing snack.",,15,"1,2",relation,spatial,"relation - spatial (toast, plate, on)",Is the toast on the plate? +partiprompts58,"A piece of golden-brown toast resting on a white ceramic plate, topped with bright yellow, freshly sliced mango. The mango slices are arranged in a fan-like pattern, and the plate sits on a light wooden table with a few crumbs scattered around. The texture of the toast contrasts with the soft, juicy mango pieces, creating an appetizing snack.",,16,"3,2",relation,spatial,"relation - spatial (mango, plate, on)",Are the mango slices on the plate? +partiprompts58,"A piece of golden-brown toast resting on a white ceramic plate, topped with bright yellow, freshly sliced mango. The mango slices are arranged in a fan-like pattern, and the plate sits on a light wooden table with a few crumbs scattered around. The texture of the toast contrasts with the soft, juicy mango pieces, creating an appetizing snack.",,17,"2,4",relation,spatial,"relation - spatial (plate, table, on)",Is the plate on the table? +partiprompts58,"A piece of golden-brown toast resting on a white ceramic plate, topped with bright yellow, freshly sliced mango. The mango slices are arranged in a fan-like pattern, and the plate sits on a light wooden table with a few crumbs scattered around. The texture of the toast contrasts with the soft, juicy mango pieces, creating an appetizing snack.",,18,4,relation,spatial,"relation - spatial (crumbs, table, scattered)",Are the crumbs scattered on the table? +partiprompts71,"A colorful children's book cover featuring a whimsical illustration of a fluffy white dog with a playful expression, wearing a green bandana, driving a bright red pickup truck. The truck is adorned with yellow stripes and is set against a backdrop of rolling green hills under a clear blue sky. The dog's paws are on the wheel, and the truck seems to be bouncing along a dirt path leading towards a cartoonish city skyline in the distance.",,1,0,entity,whole,entity - whole (book cover),Is there a book cover? +partiprompts71,"A colorful children's book cover featuring a whimsical illustration of a fluffy white dog with a playful expression, wearing a green bandana, driving a bright red pickup truck. The truck is adorned with yellow stripes and is set against a backdrop of rolling green hills under a clear blue sky. The dog's paws are on the wheel, and the truck seems to be bouncing along a dirt path leading towards a cartoonish city skyline in the distance.",,2,1,entity,whole,entity - whole (dog),Is there a dog? +partiprompts71,"A colorful children's book cover featuring a whimsical illustration of a fluffy white dog with a playful expression, wearing a green bandana, driving a bright red pickup truck. The truck is adorned with yellow stripes and is set against a backdrop of rolling green hills under a clear blue sky. The dog's paws are on the wheel, and the truck seems to be bouncing along a dirt path leading towards a cartoonish city skyline in the distance.",,3,2,entity,whole,entity - whole (bandana),Is there a bandana? +partiprompts71,"A colorful children's book cover featuring a whimsical illustration of a fluffy white dog with a playful expression, wearing a green bandana, driving a bright red pickup truck. The truck is adorned with yellow stripes and is set against a backdrop of rolling green hills under a clear blue sky. The dog's paws are on the wheel, and the truck seems to be bouncing along a dirt path leading towards a cartoonish city skyline in the distance.",,4,0,entity,whole,entity - whole (pickup truck),Is there a pickup truck? +partiprompts71,"A colorful children's book cover featuring a whimsical illustration of a fluffy white dog with a playful expression, wearing a green bandana, driving a bright red pickup truck. The truck is adorned with yellow stripes and is set against a backdrop of rolling green hills under a clear blue sky. The dog's paws are on the wheel, and the truck seems to be bouncing along a dirt path leading towards a cartoonish city skyline in the distance.",,5,4,entity,whole,entity - whole (stripes),Are there stripes? +partiprompts71,"A colorful children's book cover featuring a whimsical illustration of a fluffy white dog with a playful expression, wearing a green bandana, driving a bright red pickup truck. The truck is adorned with yellow stripes and is set against a backdrop of rolling green hills under a clear blue sky. The dog's paws are on the wheel, and the truck seems to be bouncing along a dirt path leading towards a cartoonish city skyline in the distance.",,6,0,entity,whole,entity - whole (hills),Are there hills? +partiprompts71,"A colorful children's book cover featuring a whimsical illustration of a fluffy white dog with a playful expression, wearing a green bandana, driving a bright red pickup truck. The truck is adorned with yellow stripes and is set against a backdrop of rolling green hills under a clear blue sky. The dog's paws are on the wheel, and the truck seems to be bouncing along a dirt path leading towards a cartoonish city skyline in the distance.",,7,0,entity,whole,entity - whole (sky),Is there a sky? +partiprompts71,"A colorful children's book cover featuring a whimsical illustration of a fluffy white dog with a playful expression, wearing a green bandana, driving a bright red pickup truck. The truck is adorned with yellow stripes and is set against a backdrop of rolling green hills under a clear blue sky. The dog's paws are on the wheel, and the truck seems to be bouncing along a dirt path leading towards a cartoonish city skyline in the distance.",,8,2,entity,whole,entity - whole (paws),Are there paws? +partiprompts71,"A colorful children's book cover featuring a whimsical illustration of a fluffy white dog with a playful expression, wearing a green bandana, driving a bright red pickup truck. The truck is adorned with yellow stripes and is set against a backdrop of rolling green hills under a clear blue sky. The dog's paws are on the wheel, and the truck seems to be bouncing along a dirt path leading towards a cartoonish city skyline in the distance.",,9,2,entity,whole,entity - whole (wheel),Is there a wheel? +partiprompts71,"A colorful children's book cover featuring a whimsical illustration of a fluffy white dog with a playful expression, wearing a green bandana, driving a bright red pickup truck. The truck is adorned with yellow stripes and is set against a backdrop of rolling green hills under a clear blue sky. The dog's paws are on the wheel, and the truck seems to be bouncing along a dirt path leading towards a cartoonish city skyline in the distance.",,10,0,entity,whole,entity - whole (path),Is there a path? +partiprompts71,"A colorful children's book cover featuring a whimsical illustration of a fluffy white dog with a playful expression, wearing a green bandana, driving a bright red pickup truck. The truck is adorned with yellow stripes and is set against a backdrop of rolling green hills under a clear blue sky. The dog's paws are on the wheel, and the truck seems to be bouncing along a dirt path leading towards a cartoonish city skyline in the distance.",,11,0,entity,whole,entity - whole (city skyline),Is there a city skyline? +partiprompts71,"A colorful children's book cover featuring a whimsical illustration of a fluffy white dog with a playful expression, wearing a green bandana, driving a bright red pickup truck. The truck is adorned with yellow stripes and is set against a backdrop of rolling green hills under a clear blue sky. The dog's paws are on the wheel, and the truck seems to be bouncing along a dirt path leading towards a cartoonish city skyline in the distance.",,12,2,attribute,color,"attribute - color (dog, white)",Is the dog white? +partiprompts71,"A colorful children's book cover featuring a whimsical illustration of a fluffy white dog with a playful expression, wearing a green bandana, driving a bright red pickup truck. The truck is adorned with yellow stripes and is set against a backdrop of rolling green hills under a clear blue sky. The dog's paws are on the wheel, and the truck seems to be bouncing along a dirt path leading towards a cartoonish city skyline in the distance.",,13,3,attribute,color,"attribute - color (bandana, green)",Is the bandana green? +partiprompts71,"A colorful children's book cover featuring a whimsical illustration of a fluffy white dog with a playful expression, wearing a green bandana, driving a bright red pickup truck. The truck is adorned with yellow stripes and is set against a backdrop of rolling green hills under a clear blue sky. The dog's paws are on the wheel, and the truck seems to be bouncing along a dirt path leading towards a cartoonish city skyline in the distance.",,14,4,attribute,color,"attribute - color (truck, red)",Is the truck red? +partiprompts71,"A colorful children's book cover featuring a whimsical illustration of a fluffy white dog with a playful expression, wearing a green bandana, driving a bright red pickup truck. The truck is adorned with yellow stripes and is set against a backdrop of rolling green hills under a clear blue sky. The dog's paws are on the wheel, and the truck seems to be bouncing along a dirt path leading towards a cartoonish city skyline in the distance.",,15,5,attribute,color,"attribute - color (stripes, yellow)",Are the stripes yellow? +partiprompts71,"A colorful children's book cover featuring a whimsical illustration of a fluffy white dog with a playful expression, wearing a green bandana, driving a bright red pickup truck. The truck is adorned with yellow stripes and is set against a backdrop of rolling green hills under a clear blue sky. The dog's paws are on the wheel, and the truck seems to be bouncing along a dirt path leading towards a cartoonish city skyline in the distance.",,16,6,attribute,color,"attribute - color (hills, green)",Are the hills green? +partiprompts71,"A colorful children's book cover featuring a whimsical illustration of a fluffy white dog with a playful expression, wearing a green bandana, driving a bright red pickup truck. The truck is adorned with yellow stripes and is set against a backdrop of rolling green hills under a clear blue sky. The dog's paws are on the wheel, and the truck seems to be bouncing along a dirt path leading towards a cartoonish city skyline in the distance.",,17,7,attribute,color,"attribute - color (sky, blue)",Is the sky blue? +partiprompts71,"A colorful children's book cover featuring a whimsical illustration of a fluffy white dog with a playful expression, wearing a green bandana, driving a bright red pickup truck. The truck is adorned with yellow stripes and is set against a backdrop of rolling green hills under a clear blue sky. The dog's paws are on the wheel, and the truck seems to be bouncing along a dirt path leading towards a cartoonish city skyline in the distance.",,18,2,attribute,texture,"attribute - texture (dog, fluffy)",Is the dog's fur fluffy? +partiprompts71,"A colorful children's book cover featuring a whimsical illustration of a fluffy white dog with a playful expression, wearing a green bandana, driving a bright red pickup truck. The truck is adorned with yellow stripes and is set against a backdrop of rolling green hills under a clear blue sky. The dog's paws are on the wheel, and the truck seems to be bouncing along a dirt path leading towards a cartoonish city skyline in the distance.",,19,4,attribute,texture,"attribute - texture (truck, cartoonish)",Is the truck's texture cartoonish? +partiprompts71,"A colorful children's book cover featuring a whimsical illustration of a fluffy white dog with a playful expression, wearing a green bandana, driving a bright red pickup truck. The truck is adorned with yellow stripes and is set against a backdrop of rolling green hills under a clear blue sky. The dog's paws are on the wheel, and the truck seems to be bouncing along a dirt path leading towards a cartoonish city skyline in the distance.",,20,2,relation,spatial,"relation - spatial (dog, bandana, wear)",Is the dog wearing a bandana? +partiprompts71,"A colorful children's book cover featuring a whimsical illustration of a fluffy white dog with a playful expression, wearing a green bandana, driving a bright red pickup truck. The truck is adorned with yellow stripes and is set against a backdrop of rolling green hills under a clear blue sky. The dog's paws are on the wheel, and the truck seems to be bouncing along a dirt path leading towards a cartoonish city skyline in the distance.",,21,"2,3",relation,spatial,"relation - spatial (dog, paws, on)",Are the dog's paws on something? +partiprompts71,"A colorful children's book cover featuring a whimsical illustration of a fluffy white dog with a playful expression, wearing a green bandana, driving a bright red pickup truck. The truck is adorned with yellow stripes and is set against a backdrop of rolling green hills under a clear blue sky. The dog's paws are on the wheel, and the truck seems to be bouncing along a dirt path leading towards a cartoonish city skyline in the distance.",,22,"8,9",relation,spatial,"relation - spatial (paws, wheel, on)",Are the paws on the wheel? +partiprompts71,"A colorful children's book cover featuring a whimsical illustration of a fluffy white dog with a playful expression, wearing a green bandana, driving a bright red pickup truck. The truck is adorned with yellow stripes and is set against a backdrop of rolling green hills under a clear blue sky. The dog's paws are on the wheel, and the truck seems to be bouncing along a dirt path leading towards a cartoonish city skyline in the distance.",,23,"4,5",relation,spatial,"relation - spatial (truck, stripes, adorned with)",Is the truck adorned with stripes? +partiprompts71,"A colorful children's book cover featuring a whimsical illustration of a fluffy white dog with a playful expression, wearing a green bandana, driving a bright red pickup truck. The truck is adorned with yellow stripes and is set against a backdrop of rolling green hills under a clear blue sky. The dog's paws are on the wheel, and the truck seems to be bouncing along a dirt path leading towards a cartoonish city skyline in the distance.",,24,"6,4",relation,spatial,"relation - spatial (truck, hills, set against)",Is the truck set against the hills? +partiprompts71,"A colorful children's book cover featuring a whimsical illustration of a fluffy white dog with a playful expression, wearing a green bandana, driving a bright red pickup truck. The truck is adorned with yellow stripes and is set against a backdrop of rolling green hills under a clear blue sky. The dog's paws are on the wheel, and the truck seems to be bouncing along a dirt path leading towards a cartoonish city skyline in the distance.",,25,"7,4",relation,spatial,"relation - spatial (truck, sky, set against)",Is the truck set against the sky? +partiprompts71,"A colorful children's book cover featuring a whimsical illustration of a fluffy white dog with a playful expression, wearing a green bandana, driving a bright red pickup truck. The truck is adorned with yellow stripes and is set against a backdrop of rolling green hills under a clear blue sky. The dog's paws are on the wheel, and the truck seems to be bouncing along a dirt path leading towards a cartoonish city skyline in the distance.",,26,"4,10",relation,spatial,"relation - spatial (truck, path, along)",Is the truck bouncing along a path? +partiprompts71,"A colorful children's book cover featuring a whimsical illustration of a fluffy white dog with a playful expression, wearing a green bandana, driving a bright red pickup truck. The truck is adorned with yellow stripes and is set against a backdrop of rolling green hills under a clear blue sky. The dog's paws are on the wheel, and the truck seems to be bouncing along a dirt path leading towards a cartoonish city skyline in the distance.",,27,"10,11",relation,spatial,"relation - spatial (path, city skyline, leading towards)",Is the path leading towards the city skyline? +partiprompts131,"A whimsical child's crayon drawing depicting a green gecko adorned with a blue and white striped train conductor's hat. The gecko, with a playful smile, is holding a small flag featuring a black and white yin-yang symbol. The drawing is characterized by bold, colorful strokes and is placed on a fridge door, held by a variety of magnets.",,1,0,entity,whole,entity - whole (drawing),Is there a drawing? +partiprompts131,"A whimsical child's crayon drawing depicting a green gecko adorned with a blue and white striped train conductor's hat. The gecko, with a playful smile, is holding a small flag featuring a black and white yin-yang symbol. The drawing is characterized by bold, colorful strokes and is placed on a fridge door, held by a variety of magnets.",,2,1,entity,whole,entity - whole (gecko),Is there a gecko? +partiprompts131,"A whimsical child's crayon drawing depicting a green gecko adorned with a blue and white striped train conductor's hat. The gecko, with a playful smile, is holding a small flag featuring a black and white yin-yang symbol. The drawing is characterized by bold, colorful strokes and is placed on a fridge door, held by a variety of magnets.",,3,2,entity,whole,entity - whole (hat),Is there a hat? +partiprompts131,"A whimsical child's crayon drawing depicting a green gecko adorned with a blue and white striped train conductor's hat. The gecko, with a playful smile, is holding a small flag featuring a black and white yin-yang symbol. The drawing is characterized by bold, colorful strokes and is placed on a fridge door, held by a variety of magnets.",,4,3,entity,whole,entity - whole (flag),Is there a flag? +partiprompts131,"A whimsical child's crayon drawing depicting a green gecko adorned with a blue and white striped train conductor's hat. The gecko, with a playful smile, is holding a small flag featuring a black and white yin-yang symbol. The drawing is characterized by bold, colorful strokes and is placed on a fridge door, held by a variety of magnets.",,5,4,entity,whole,entity - whole (symbol),Is there a symbol? +partiprompts131,"A whimsical child's crayon drawing depicting a green gecko adorned with a blue and white striped train conductor's hat. The gecko, with a playful smile, is holding a small flag featuring a black and white yin-yang symbol. The drawing is characterized by bold, colorful strokes and is placed on a fridge door, held by a variety of magnets.",,6,2,attribute,color,"attribute - color (gecko, green)",Is the gecko green? +partiprompts131,"A whimsical child's crayon drawing depicting a green gecko adorned with a blue and white striped train conductor's hat. The gecko, with a playful smile, is holding a small flag featuring a black and white yin-yang symbol. The drawing is characterized by bold, colorful strokes and is placed on a fridge door, held by a variety of magnets.",,7,3,attribute,color,"attribute - color (hat, blue and white)",Is the hat blue and white? +partiprompts131,"A whimsical child's crayon drawing depicting a green gecko adorned with a blue and white striped train conductor's hat. The gecko, with a playful smile, is holding a small flag featuring a black and white yin-yang symbol. The drawing is characterized by bold, colorful strokes and is placed on a fridge door, held by a variety of magnets.",,8,4,attribute,color,"attribute - color (flag, black and white)",Is the flag black and white? +partiprompts131,"A whimsical child's crayon drawing depicting a green gecko adorned with a blue and white striped train conductor's hat. The gecko, with a playful smile, is holding a small flag featuring a black and white yin-yang symbol. The drawing is characterized by bold, colorful strokes and is placed on a fridge door, held by a variety of magnets.",,9,5,attribute,color,"attribute - color (symbol, black and white)",Is the symbol black and white? +partiprompts131,"A whimsical child's crayon drawing depicting a green gecko adorned with a blue and white striped train conductor's hat. The gecko, with a playful smile, is holding a small flag featuring a black and white yin-yang symbol. The drawing is characterized by bold, colorful strokes and is placed on a fridge door, held by a variety of magnets.",,10,1,attribute,texture,"attribute - texture (drawing, crayon)",Is the drawing made with crayon? +partiprompts131,"A whimsical child's crayon drawing depicting a green gecko adorned with a blue and white striped train conductor's hat. The gecko, with a playful smile, is holding a small flag featuring a black and white yin-yang symbol. The drawing is characterized by bold, colorful strokes and is placed on a fridge door, held by a variety of magnets.",,11,1,attribute,texture,"attribute - texture (drawing, bold and colorful strokes)",Are the strokes bold and colorful? +partiprompts131,"A whimsical child's crayon drawing depicting a green gecko adorned with a blue and white striped train conductor's hat. The gecko, with a playful smile, is holding a small flag featuring a black and white yin-yang symbol. The drawing is characterized by bold, colorful strokes and is placed on a fridge door, held by a variety of magnets.",,12,2,entity,state,"entity - state (gecko, playful smile)",Does the gecko have a playful smile? +partiprompts131,"A whimsical child's crayon drawing depicting a green gecko adorned with a blue and white striped train conductor's hat. The gecko, with a playful smile, is holding a small flag featuring a black and white yin-yang symbol. The drawing is characterized by bold, colorful strokes and is placed on a fridge door, held by a variety of magnets.",,13,"1,13",relation,spatial,"relation - spatial (drawing, fridge door, on)",Is the drawing on the fridge door? +partiprompts131,"A whimsical child's crayon drawing depicting a green gecko adorned with a blue and white striped train conductor's hat. The gecko, with a playful smile, is holding a small flag featuring a black and white yin-yang symbol. The drawing is characterized by bold, colorful strokes and is placed on a fridge door, held by a variety of magnets.",,14,"1,14",relation,spatial,"relation - spatial (drawing, magnets, held by)",Is the drawing held by magnets? +partiprompts316,"A creative image showcasing a palm tree that appears to be crafted entirely out of water, with droplets glistening as they form the shape of the fronds and trunk. The tree stands against a clear blue sky, and the sun's rays seem to dance off the watery surface, giving the illusion of movement. The water-palm is positioned on the left side of the frame, with its reflection subtly visible on the wet sand beneath it.",,1,0,global,,global - (creative image),Is this a creative image? +partiprompts316,"A creative image showcasing a palm tree that appears to be crafted entirely out of water, with droplets glistening as they form the shape of the fronds and trunk. The tree stands against a clear blue sky, and the sun's rays seem to dance off the watery surface, giving the illusion of movement. The water-palm is positioned on the left side of the frame, with its reflection subtly visible on the wet sand beneath it.",,2,0,entity,whole,entity - whole (palm tree),Is there a palm tree? +partiprompts316,"A creative image showcasing a palm tree that appears to be crafted entirely out of water, with droplets glistening as they form the shape of the fronds and trunk. The tree stands against a clear blue sky, and the sun's rays seem to dance off the watery surface, giving the illusion of movement. The water-palm is positioned on the left side of the frame, with its reflection subtly visible on the wet sand beneath it.",,3,2,attribute,texture,"attribute - texture (palm tree, water)",Is the palm tree made entirely out of water? +partiprompts316,"A creative image showcasing a palm tree that appears to be crafted entirely out of water, with droplets glistening as they form the shape of the fronds and trunk. The tree stands against a clear blue sky, and the sun's rays seem to dance off the watery surface, giving the illusion of movement. The water-palm is positioned on the left side of the frame, with its reflection subtly visible on the wet sand beneath it.",,4,3,attribute,texture,"attribute - texture (droplets, glistening)",Are the droplets glistening? +partiprompts316,"A creative image showcasing a palm tree that appears to be crafted entirely out of water, with droplets glistening as they form the shape of the fronds and trunk. The tree stands against a clear blue sky, and the sun's rays seem to dance off the watery surface, giving the illusion of movement. The water-palm is positioned on the left side of the frame, with its reflection subtly visible on the wet sand beneath it.",,5,4,attribute,texture,"attribute - texture (sun's rays, dancing)",Are the sun's rays dancing? +partiprompts316,"A creative image showcasing a palm tree that appears to be crafted entirely out of water, with droplets glistening as they form the shape of the fronds and trunk. The tree stands against a clear blue sky, and the sun's rays seem to dance off the watery surface, giving the illusion of movement. The water-palm is positioned on the left side of the frame, with its reflection subtly visible on the wet sand beneath it.",,6,5,attribute,texture,"attribute - texture (watery surface, moving)",Is the watery surface moving? +partiprompts316,"A creative image showcasing a palm tree that appears to be crafted entirely out of water, with droplets glistening as they form the shape of the fronds and trunk. The tree stands against a clear blue sky, and the sun's rays seem to dance off the watery surface, giving the illusion of movement. The water-palm is positioned on the left side of the frame, with its reflection subtly visible on the wet sand beneath it.",,7,6,attribute,texture,"attribute - texture (wet sand, subtle)",Is the wet sand subtle? +partiprompts316,"A creative image showcasing a palm tree that appears to be crafted entirely out of water, with droplets glistening as they form the shape of the fronds and trunk. The tree stands against a clear blue sky, and the sun's rays seem to dance off the watery surface, giving the illusion of movement. The water-palm is positioned on the left side of the frame, with its reflection subtly visible on the wet sand beneath it.",,8,0,attribute,color,"attribute - color (sky, clear blue)",Is the sky clear blue? +partiprompts316,"A creative image showcasing a palm tree that appears to be crafted entirely out of water, with droplets glistening as they form the shape of the fronds and trunk. The tree stands against a clear blue sky, and the sun's rays seem to dance off the watery surface, giving the illusion of movement. The water-palm is positioned on the left side of the frame, with its reflection subtly visible on the wet sand beneath it.",,9,"2,1",relation,spatial,"relation - spatial (water-palm, frame, left)",Is the water-palm positioned on the left side of the frame? +partiprompts316,"A creative image showcasing a palm tree that appears to be crafted entirely out of water, with droplets glistening as they form the shape of the fronds and trunk. The tree stands against a clear blue sky, and the sun's rays seem to dance off the watery surface, giving the illusion of movement. The water-palm is positioned on the left side of the frame, with its reflection subtly visible on the wet sand beneath it.",,10,"2,7",relation,spatial,"relation - spatial (water-palm, sand, on)",Is the water-palm on the sand? +partiprompts140,"A vibrant pink flamingo stands attentively, its beak nestled within the pages of an oversized book laid open on a grassy patch. To the side of this curious scene, a towering stack of hardcover books leans slightly, as if mirroring the flamingo's posture. The entire whimsical setup is captured in a high-resolution DSLR photograph, showcasing the intricate details of the flamingo's feathers and the colorful book spines.",,1,0,entity,whole,entity - whole (flamingo),Is there a flamingo? +partiprompts140,"A vibrant pink flamingo stands attentively, its beak nestled within the pages of an oversized book laid open on a grassy patch. To the side of this curious scene, a towering stack of hardcover books leans slightly, as if mirroring the flamingo's posture. The entire whimsical setup is captured in a high-resolution DSLR photograph, showcasing the intricate details of the flamingo's feathers and the colorful book spines.",,2,0,entity,whole,entity - whole (book),Is there a book? +partiprompts140,"A vibrant pink flamingo stands attentively, its beak nestled within the pages of an oversized book laid open on a grassy patch. To the side of this curious scene, a towering stack of hardcover books leans slightly, as if mirroring the flamingo's posture. The entire whimsical setup is captured in a high-resolution DSLR photograph, showcasing the intricate details of the flamingo's feathers and the colorful book spines.",,3,0,entity,whole,entity - whole (stack of books),Is there a stack of books? +partiprompts140,"A vibrant pink flamingo stands attentively, its beak nestled within the pages of an oversized book laid open on a grassy patch. To the side of this curious scene, a towering stack of hardcover books leans slightly, as if mirroring the flamingo's posture. The entire whimsical setup is captured in a high-resolution DSLR photograph, showcasing the intricate details of the flamingo's feathers and the colorful book spines.",,4,0,entity,whole,entity - whole (grass),Is there grass? +partiprompts140,"A vibrant pink flamingo stands attentively, its beak nestled within the pages of an oversized book laid open on a grassy patch. To the side of this curious scene, a towering stack of hardcover books leans slightly, as if mirroring the flamingo's posture. The entire whimsical setup is captured in a high-resolution DSLR photograph, showcasing the intricate details of the flamingo's feathers and the colorful book spines.",,5,1,global,,global - (vibrant),Is the flamingo vibrant? +partiprompts140,"A vibrant pink flamingo stands attentively, its beak nestled within the pages of an oversized book laid open on a grassy patch. To the side of this curious scene, a towering stack of hardcover books leans slightly, as if mirroring the flamingo's posture. The entire whimsical setup is captured in a high-resolution DSLR photograph, showcasing the intricate details of the flamingo's feathers and the colorful book spines.",,6,1,attribute,color,"attribute - color (flamingo, pink)",Is the flamingo pink? +partiprompts140,"A vibrant pink flamingo stands attentively, its beak nestled within the pages of an oversized book laid open on a grassy patch. To the side of this curious scene, a towering stack of hardcover books leans slightly, as if mirroring the flamingo's posture. The entire whimsical setup is captured in a high-resolution DSLR photograph, showcasing the intricate details of the flamingo's feathers and the colorful book spines.",,7,2,attribute,size,"attribute - size (book, oversized)",Is the book oversized? +partiprompts140,"A vibrant pink flamingo stands attentively, its beak nestled within the pages of an oversized book laid open on a grassy patch. To the side of this curious scene, a towering stack of hardcover books leans slightly, as if mirroring the flamingo's posture. The entire whimsical setup is captured in a high-resolution DSLR photograph, showcasing the intricate details of the flamingo's feathers and the colorful book spines.",,8,1,attribute,texture,"attribute - texture (flamingo's feathers, intricate)",Are the flamingo's feathers intricate? +partiprompts140,"A vibrant pink flamingo stands attentively, its beak nestled within the pages of an oversized book laid open on a grassy patch. To the side of this curious scene, a towering stack of hardcover books leans slightly, as if mirroring the flamingo's posture. The entire whimsical setup is captured in a high-resolution DSLR photograph, showcasing the intricate details of the flamingo's feathers and the colorful book spines.",,9,"1,2",relation,spatial,"relation - spatial (flamingo, book, nestled within)",Is the flamingo's beak nestled within the pages of the book? +partiprompts140,"A vibrant pink flamingo stands attentively, its beak nestled within the pages of an oversized book laid open on a grassy patch. To the side of this curious scene, a towering stack of hardcover books leans slightly, as if mirroring the flamingo's posture. The entire whimsical setup is captured in a high-resolution DSLR photograph, showcasing the intricate details of the flamingo's feathers and the colorful book spines.",,10,"2,4",relation,spatial,"relation - spatial (book, grassy patch, on)",Is the book on a grassy patch? +partiprompts140,"A vibrant pink flamingo stands attentively, its beak nestled within the pages of an oversized book laid open on a grassy patch. To the side of this curious scene, a towering stack of hardcover books leans slightly, as if mirroring the flamingo's posture. The entire whimsical setup is captured in a high-resolution DSLR photograph, showcasing the intricate details of the flamingo's feathers and the colorful book spines.",,11,"3,1",relation,spatial,"relation - spatial (stack of books, flamingo, side of)",Is the stack of books next to the flamingo? +partiprompts140,"A vibrant pink flamingo stands attentively, its beak nestled within the pages of an oversized book laid open on a grassy patch. To the side of this curious scene, a towering stack of hardcover books leans slightly, as if mirroring the flamingo's posture. The entire whimsical setup is captured in a high-resolution DSLR photograph, showcasing the intricate details of the flamingo's feathers and the colorful book spines.",,12,3,relation,spatial,"relation - spatial (stack of books, leaning slightly)",Is the stack of books leaning slightly? +partiprompts140,"A vibrant pink flamingo stands attentively, its beak nestled within the pages of an oversized book laid open on a grassy patch. To the side of this curious scene, a towering stack of hardcover books leans slightly, as if mirroring the flamingo's posture. The entire whimsical setup is captured in a high-resolution DSLR photograph, showcasing the intricate details of the flamingo's feathers and the colorful book spines.",,13,0,global,,global - (whimsical setup),Is the setup whimsical? +partiprompts140,"A vibrant pink flamingo stands attentively, its beak nestled within the pages of an oversized book laid open on a grassy patch. To the side of this curious scene, a towering stack of hardcover books leans slightly, as if mirroring the flamingo's posture. The entire whimsical setup is captured in a high-resolution DSLR photograph, showcasing the intricate details of the flamingo's feathers and the colorful book spines.",,14,0,global,,global - (high-resolution),Is the photograph high-resolution? +partiprompts140,"A vibrant pink flamingo stands attentively, its beak nestled within the pages of an oversized book laid open on a grassy patch. To the side of this curious scene, a towering stack of hardcover books leans slightly, as if mirroring the flamingo's posture. The entire whimsical setup is captured in a high-resolution DSLR photograph, showcasing the intricate details of the flamingo's feathers and the colorful book spines.",,15,0,global,,global - (DSLR photograph),Is the photograph taken with a DSLR? +partiprompts140,"A vibrant pink flamingo stands attentively, its beak nestled within the pages of an oversized book laid open on a grassy patch. To the side of this curious scene, a towering stack of hardcover books leans slightly, as if mirroring the flamingo's posture. The entire whimsical setup is captured in a high-resolution DSLR photograph, showcasing the intricate details of the flamingo's feathers and the colorful book spines.",,16,2,attribute,other,"attribute - other (book spines, colorful)",Are the book spines colorful? +partiprompts35,"A dining table is laden with an array of Singaporean dishes, featuring a plate of fragrant chicken rice with golden-brown skin, a bowl of bak chor mee with minced meat and springy noodles, and a steaming bowl of spicy laksa with prawns and fish cakes. The tablecloth is a vibrant red, complementing the colorful dishes, and chopsticks rest beside each bowl. In the background, a pitcher of iced water and glasses are neatly arranged, ready for serving.",,1,0,entity,whole,entity - whole (dining table),Is there a dining table? +partiprompts35,"A dining table is laden with an array of Singaporean dishes, featuring a plate of fragrant chicken rice with golden-brown skin, a bowl of bak chor mee with minced meat and springy noodles, and a steaming bowl of spicy laksa with prawns and fish cakes. The tablecloth is a vibrant red, complementing the colorful dishes, and chopsticks rest beside each bowl. In the background, a pitcher of iced water and glasses are neatly arranged, ready for serving.",,2,1,entity,whole,entity - whole (dishes),Are there dishes on the table? +partiprompts35,"A dining table is laden with an array of Singaporean dishes, featuring a plate of fragrant chicken rice with golden-brown skin, a bowl of bak chor mee with minced meat and springy noodles, and a steaming bowl of spicy laksa with prawns and fish cakes. The tablecloth is a vibrant red, complementing the colorful dishes, and chopsticks rest beside each bowl. In the background, a pitcher of iced water and glasses are neatly arranged, ready for serving.",,3,2,entity,whole,entity - whole (plate of chicken rice),Is there a plate of chicken rice? +partiprompts35,"A dining table is laden with an array of Singaporean dishes, featuring a plate of fragrant chicken rice with golden-brown skin, a bowl of bak chor mee with minced meat and springy noodles, and a steaming bowl of spicy laksa with prawns and fish cakes. The tablecloth is a vibrant red, complementing the colorful dishes, and chopsticks rest beside each bowl. In the background, a pitcher of iced water and glasses are neatly arranged, ready for serving.",,4,2,entity,whole,entity - whole (bowl of bak chor mee),Is there a bowl of bak chor mee? +partiprompts35,"A dining table is laden with an array of Singaporean dishes, featuring a plate of fragrant chicken rice with golden-brown skin, a bowl of bak chor mee with minced meat and springy noodles, and a steaming bowl of spicy laksa with prawns and fish cakes. The tablecloth is a vibrant red, complementing the colorful dishes, and chopsticks rest beside each bowl. In the background, a pitcher of iced water and glasses are neatly arranged, ready for serving.",,5,2,entity,whole,entity - whole (bowl of laksa),Is there a bowl of laksa? +partiprompts35,"A dining table is laden with an array of Singaporean dishes, featuring a plate of fragrant chicken rice with golden-brown skin, a bowl of bak chor mee with minced meat and springy noodles, and a steaming bowl of spicy laksa with prawns and fish cakes. The tablecloth is a vibrant red, complementing the colorful dishes, and chopsticks rest beside each bowl. In the background, a pitcher of iced water and glasses are neatly arranged, ready for serving.",,6,1,entity,whole,entity - whole (tablecloth),Is there a tablecloth? +partiprompts35,"A dining table is laden with an array of Singaporean dishes, featuring a plate of fragrant chicken rice with golden-brown skin, a bowl of bak chor mee with minced meat and springy noodles, and a steaming bowl of spicy laksa with prawns and fish cakes. The tablecloth is a vibrant red, complementing the colorful dishes, and chopsticks rest beside each bowl. In the background, a pitcher of iced water and glasses are neatly arranged, ready for serving.",,7,2,entity,whole,entity - whole (chopsticks),Are there chopsticks? +partiprompts35,"A dining table is laden with an array of Singaporean dishes, featuring a plate of fragrant chicken rice with golden-brown skin, a bowl of bak chor mee with minced meat and springy noodles, and a steaming bowl of spicy laksa with prawns and fish cakes. The tablecloth is a vibrant red, complementing the colorful dishes, and chopsticks rest beside each bowl. In the background, a pitcher of iced water and glasses are neatly arranged, ready for serving.",,8,1,entity,whole,entity - whole (pitcher of water),Is there a pitcher of water? +partiprompts35,"A dining table is laden with an array of Singaporean dishes, featuring a plate of fragrant chicken rice with golden-brown skin, a bowl of bak chor mee with minced meat and springy noodles, and a steaming bowl of spicy laksa with prawns and fish cakes. The tablecloth is a vibrant red, complementing the colorful dishes, and chopsticks rest beside each bowl. In the background, a pitcher of iced water and glasses are neatly arranged, ready for serving.",,9,1,entity,whole,entity - whole (glasses),Are there glasses? +partiprompts35,"A dining table is laden with an array of Singaporean dishes, featuring a plate of fragrant chicken rice with golden-brown skin, a bowl of bak chor mee with minced meat and springy noodles, and a steaming bowl of spicy laksa with prawns and fish cakes. The tablecloth is a vibrant red, complementing the colorful dishes, and chopsticks rest beside each bowl. In the background, a pitcher of iced water and glasses are neatly arranged, ready for serving.",,10,1,attribute,color,"attribute - color (tablecloth, red)",Is the tablecloth red? +partiprompts35,"A dining table is laden with an array of Singaporean dishes, featuring a plate of fragrant chicken rice with golden-brown skin, a bowl of bak chor mee with minced meat and springy noodles, and a steaming bowl of spicy laksa with prawns and fish cakes. The tablecloth is a vibrant red, complementing the colorful dishes, and chopsticks rest beside each bowl. In the background, a pitcher of iced water and glasses are neatly arranged, ready for serving.",,11,3,attribute,color,"attribute - color (chicken rice, golden-brown)",Is the chicken rice golden-brown? +partiprompts35,"A dining table is laden with an array of Singaporean dishes, featuring a plate of fragrant chicken rice with golden-brown skin, a bowl of bak chor mee with minced meat and springy noodles, and a steaming bowl of spicy laksa with prawns and fish cakes. The tablecloth is a vibrant red, complementing the colorful dishes, and chopsticks rest beside each bowl. In the background, a pitcher of iced water and glasses are neatly arranged, ready for serving.",,12,4,attribute,texture,"attribute - texture (noodles, springy)",Are the noodles springy? +partiprompts35,"A dining table is laden with an array of Singaporean dishes, featuring a plate of fragrant chicken rice with golden-brown skin, a bowl of bak chor mee with minced meat and springy noodles, and a steaming bowl of spicy laksa with prawns and fish cakes. The tablecloth is a vibrant red, complementing the colorful dishes, and chopsticks rest beside each bowl. In the background, a pitcher of iced water and glasses are neatly arranged, ready for serving.",,13,5,attribute,texture,"attribute - texture (laksa, spicy)",Is the laksa spicy? +partiprompts35,"A dining table is laden with an array of Singaporean dishes, featuring a plate of fragrant chicken rice with golden-brown skin, a bowl of bak chor mee with minced meat and springy noodles, and a steaming bowl of spicy laksa with prawns and fish cakes. The tablecloth is a vibrant red, complementing the colorful dishes, and chopsticks rest beside each bowl. In the background, a pitcher of iced water and glasses are neatly arranged, ready for serving.",,14,2,attribute,other,"attribute - other (dishes, Singaporean)",Are the dishes Singaporean? +partiprompts35,"A dining table is laden with an array of Singaporean dishes, featuring a plate of fragrant chicken rice with golden-brown skin, a bowl of bak chor mee with minced meat and springy noodles, and a steaming bowl of spicy laksa with prawns and fish cakes. The tablecloth is a vibrant red, complementing the colorful dishes, and chopsticks rest beside each bowl. In the background, a pitcher of iced water and glasses are neatly arranged, ready for serving.",,15,"4,7",relation,spatial,"relation - spatial (chopsticks, bowls, beside)",Are the chopsticks beside the bowls? +partiprompts35,"A dining table is laden with an array of Singaporean dishes, featuring a plate of fragrant chicken rice with golden-brown skin, a bowl of bak chor mee with minced meat and springy noodles, and a steaming bowl of spicy laksa with prawns and fish cakes. The tablecloth is a vibrant red, complementing the colorful dishes, and chopsticks rest beside each bowl. In the background, a pitcher of iced water and glasses are neatly arranged, ready for serving.",,16,"8,9",relation,spatial,"relation - spatial (pitcher of water, glasses, arranged)",Are the pitcher of water and glasses arranged? +partiprompts234,"A sleek white boat with the words 'BLUE GROOVE' emblazoned in bold blue letters along its hull. The boat is moored to a wooden dock with ropes coiled neatly on the planks. The vessel's polished surface reflects the bright sunlight, and a few life jackets can be seen piled inside the boat's interior.",,1,0,entity,whole,entity - whole (boat),Is there a boat? +partiprompts234,"A sleek white boat with the words 'BLUE GROOVE' emblazoned in bold blue letters along its hull. The boat is moored to a wooden dock with ropes coiled neatly on the planks. The vessel's polished surface reflects the bright sunlight, and a few life jackets can be seen piled inside the boat's interior.",,2,0,entity,whole,entity - whole (dock),Is there a dock? +partiprompts234,"A sleek white boat with the words 'BLUE GROOVE' emblazoned in bold blue letters along its hull. The boat is moored to a wooden dock with ropes coiled neatly on the planks. The vessel's polished surface reflects the bright sunlight, and a few life jackets can be seen piled inside the boat's interior.",,3,0,entity,whole,entity - whole (ropes),Are there ropes? +partiprompts234,"A sleek white boat with the words 'BLUE GROOVE' emblazoned in bold blue letters along its hull. The boat is moored to a wooden dock with ropes coiled neatly on the planks. The vessel's polished surface reflects the bright sunlight, and a few life jackets can be seen piled inside the boat's interior.",,4,0,entity,whole,entity - whole (surface),Is there a surface? +partiprompts234,"A sleek white boat with the words 'BLUE GROOVE' emblazoned in bold blue letters along its hull. The boat is moored to a wooden dock with ropes coiled neatly on the planks. The vessel's polished surface reflects the bright sunlight, and a few life jackets can be seen piled inside the boat's interior.",,5,0,entity,whole,entity - whole (life jackets),Are there life jackets? +partiprompts234,"A sleek white boat with the words 'BLUE GROOVE' emblazoned in bold blue letters along its hull. The boat is moored to a wooden dock with ropes coiled neatly on the planks. The vessel's polished surface reflects the bright sunlight, and a few life jackets can be seen piled inside the boat's interior.",,6,1,attribute,color,"attribute - color (boat, white)",Is the boat white? +partiprompts234,"A sleek white boat with the words 'BLUE GROOVE' emblazoned in bold blue letters along its hull. The boat is moored to a wooden dock with ropes coiled neatly on the planks. The vessel's polished surface reflects the bright sunlight, and a few life jackets can be seen piled inside the boat's interior.",,7,1,attribute,color,"attribute - color (letters, blue)",Are the letters blue? +partiprompts234,"A sleek white boat with the words 'BLUE GROOVE' emblazoned in bold blue letters along its hull. The boat is moored to a wooden dock with ropes coiled neatly on the planks. The vessel's polished surface reflects the bright sunlight, and a few life jackets can be seen piled inside the boat's interior.",,8,2,attribute,texture,"attribute - texture (dock, wooden)",Is the dock wooden? +partiprompts234,"A sleek white boat with the words 'BLUE GROOVE' emblazoned in bold blue letters along its hull. The boat is moored to a wooden dock with ropes coiled neatly on the planks. The vessel's polished surface reflects the bright sunlight, and a few life jackets can be seen piled inside the boat's interior.",,9,3,attribute,texture,"attribute - texture (ropes, coiled)",Are the ropes coiled? +partiprompts234,"A sleek white boat with the words 'BLUE GROOVE' emblazoned in bold blue letters along its hull. The boat is moored to a wooden dock with ropes coiled neatly on the planks. The vessel's polished surface reflects the bright sunlight, and a few life jackets can be seen piled inside the boat's interior.",,10,4,attribute,texture,"attribute - texture (surface, polished)",Is the surface polished? +partiprompts234,"A sleek white boat with the words 'BLUE GROOVE' emblazoned in bold blue letters along its hull. The boat is moored to a wooden dock with ropes coiled neatly on the planks. The vessel's polished surface reflects the bright sunlight, and a few life jackets can be seen piled inside the boat's interior.",,11,5,attribute,texture,"attribute - texture (life jackets, piled)",Are the life jackets piled? +partiprompts234,"A sleek white boat with the words 'BLUE GROOVE' emblazoned in bold blue letters along its hull. The boat is moored to a wooden dock with ropes coiled neatly on the planks. The vessel's polished surface reflects the bright sunlight, and a few life jackets can be seen piled inside the boat's interior.",,12,1,entity,state,"entity - state (boat, moored)",Is the boat moored? +partiprompts234,"A sleek white boat with the words 'BLUE GROOVE' emblazoned in bold blue letters along its hull. The boat is moored to a wooden dock with ropes coiled neatly on the planks. The vessel's polished surface reflects the bright sunlight, and a few life jackets can be seen piled inside the boat's interior.",,13,4,entity,state,"entity - state (surface, reflect)",Does the surface reflect? +partiprompts234,"A sleek white boat with the words 'BLUE GROOVE' emblazoned in bold blue letters along its hull. The boat is moored to a wooden dock with ropes coiled neatly on the planks. The vessel's polished surface reflects the bright sunlight, and a few life jackets can be seen piled inside the boat's interior.",,14,"1,2",relation,spatial,"relation - spatial (boat, dock, moored to)",Is the boat moored to the dock? +partiprompts234,"A sleek white boat with the words 'BLUE GROOVE' emblazoned in bold blue letters along its hull. The boat is moored to a wooden dock with ropes coiled neatly on the planks. The vessel's polished surface reflects the bright sunlight, and a few life jackets can be seen piled inside the boat's interior.",,15,"3,2",relation,spatial,"relation - spatial (ropes, dock, on)",Are the ropes on the dock? +partiprompts234,"A sleek white boat with the words 'BLUE GROOVE' emblazoned in bold blue letters along its hull. The boat is moored to a wooden dock with ropes coiled neatly on the planks. The vessel's polished surface reflects the bright sunlight, and a few life jackets can be seen piled inside the boat's interior.",,16,"5,1",relation,spatial,"relation - spatial (life jackets, boat's interior, piled inside)",Are the life jackets piled inside the boat's interior? +partiprompts65,"A vibrant graffiti artwork displaying the word ""WOMBAT"" in bold, multicolored letters, each character outlined in black to create a striking contrast against the stark white wall. The letters are embellished with various shades of blue, green, red, and yellow, with dramatic splashes of paint scattered around the composition. The texture of the dripping paint adds a dynamic and tactile quality to the mural.",,1,0,entity,whole,entity - whole (graffiti artwork),Is there a graffiti artwork? +partiprompts65,"A vibrant graffiti artwork displaying the word ""WOMBAT"" in bold, multicolored letters, each character outlined in black to create a striking contrast against the stark white wall. The letters are embellished with various shades of blue, green, red, and yellow, with dramatic splashes of paint scattered around the composition. The texture of the dripping paint adds a dynamic and tactile quality to the mural.",,2,1,global,,"global - (graffiti artwork, vibrant)",Is the graffiti artwork vibrant? +partiprompts65,"A vibrant graffiti artwork displaying the word ""WOMBAT"" in bold, multicolored letters, each character outlined in black to create a striking contrast against the stark white wall. The letters are embellished with various shades of blue, green, red, and yellow, with dramatic splashes of paint scattered around the composition. The texture of the dripping paint adds a dynamic and tactile quality to the mural.",,3,1,other,text,"other - text (graffiti artwork, displaying ""WOMBAT"")","Does the graffiti artwork display the word ""WOMBAT""?" +partiprompts65,"A vibrant graffiti artwork displaying the word ""WOMBAT"" in bold, multicolored letters, each character outlined in black to create a striking contrast against the stark white wall. The letters are embellished with various shades of blue, green, red, and yellow, with dramatic splashes of paint scattered around the composition. The texture of the dripping paint adds a dynamic and tactile quality to the mural.",,4,3,attribute,other,"attribute - other (letters, bold)",Are the letters bold? +partiprompts65,"A vibrant graffiti artwork displaying the word ""WOMBAT"" in bold, multicolored letters, each character outlined in black to create a striking contrast against the stark white wall. The letters are embellished with various shades of blue, green, red, and yellow, with dramatic splashes of paint scattered around the composition. The texture of the dripping paint adds a dynamic and tactile quality to the mural.",,5,3,attribute,color,"attribute - color (letters, multicolored)",Are the letters multicolored? +partiprompts65,"A vibrant graffiti artwork displaying the word ""WOMBAT"" in bold, multicolored letters, each character outlined in black to create a striking contrast against the stark white wall. The letters are embellished with various shades of blue, green, red, and yellow, with dramatic splashes of paint scattered around the composition. The texture of the dripping paint adds a dynamic and tactile quality to the mural.",,6,3,attribute,color,"attribute - color (letters' outline, black)",Is the outline of the letters black? +partiprompts65,"A vibrant graffiti artwork displaying the word ""WOMBAT"" in bold, multicolored letters, each character outlined in black to create a striking contrast against the stark white wall. The letters are embellished with various shades of blue, green, red, and yellow, with dramatic splashes of paint scattered around the composition. The texture of the dripping paint adds a dynamic and tactile quality to the mural.",,7,1,attribute,color,"attribute - color (wall, stark white)",Is the wall stark white? +partiprompts65,"A vibrant graffiti artwork displaying the word ""WOMBAT"" in bold, multicolored letters, each character outlined in black to create a striking contrast against the stark white wall. The letters are embellished with various shades of blue, green, red, and yellow, with dramatic splashes of paint scattered around the composition. The texture of the dripping paint adds a dynamic and tactile quality to the mural.",,8,3,attribute,color,"attribute - color (letters, various shades of blue, green, red, yellow)","Are the letters in various shades of blue, green, red, and yellow?" +partiprompts65,"A vibrant graffiti artwork displaying the word ""WOMBAT"" in bold, multicolored letters, each character outlined in black to create a striking contrast against the stark white wall. The letters are embellished with various shades of blue, green, red, and yellow, with dramatic splashes of paint scattered around the composition. The texture of the dripping paint adds a dynamic and tactile quality to the mural.",,9,1,attribute,texture,"attribute - texture (paint, dripping)",Is there dripping paint texture? +partiprompts65,"A vibrant graffiti artwork displaying the word ""WOMBAT"" in bold, multicolored letters, each character outlined in black to create a striking contrast against the stark white wall. The letters are embellished with various shades of blue, green, red, and yellow, with dramatic splashes of paint scattered around the composition. The texture of the dripping paint adds a dynamic and tactile quality to the mural.",,10,1,attribute,texture,"attribute - texture (mural, dynamic and tactile)",Does the mural have a dynamic and tactile texture? +partiprompts315,"a colorful butterfly-shaped kite entangled among the branches of a tall oak tree. the kite's wings are a vibrant mix of blue and yellow, contrasting with the green leaves. the tree's rough bark and the kite's silky texture are juxtaposed as the kite flutters gently in the breeze.",,1,0,entity,whole,entity - whole (kite),Is there a kite? +partiprompts315,"a colorful butterfly-shaped kite entangled among the branches of a tall oak tree. the kite's wings are a vibrant mix of blue and yellow, contrasting with the green leaves. the tree's rough bark and the kite's silky texture are juxtaposed as the kite flutters gently in the breeze.",,2,0,entity,whole,entity - whole (tree),Is there a tree? +partiprompts315,"a colorful butterfly-shaped kite entangled among the branches of a tall oak tree. the kite's wings are a vibrant mix of blue and yellow, contrasting with the green leaves. the tree's rough bark and the kite's silky texture are juxtaposed as the kite flutters gently in the breeze.",,3,1,attribute,shape,"attribute - shape (kite, butterfly-shaped)",Is the kite butterfly-shaped? +partiprompts315,"a colorful butterfly-shaped kite entangled among the branches of a tall oak tree. the kite's wings are a vibrant mix of blue and yellow, contrasting with the green leaves. the tree's rough bark and the kite's silky texture are juxtaposed as the kite flutters gently in the breeze.",,4,1,attribute,color,"attribute - color (kite's wings, blue)",Are the kite's wings blue? +partiprompts315,"a colorful butterfly-shaped kite entangled among the branches of a tall oak tree. the kite's wings are a vibrant mix of blue and yellow, contrasting with the green leaves. the tree's rough bark and the kite's silky texture are juxtaposed as the kite flutters gently in the breeze.",,5,1,attribute,color,"attribute - color (kite's wings, yellow)",Are the kite's wings yellow? +partiprompts315,"a colorful butterfly-shaped kite entangled among the branches of a tall oak tree. the kite's wings are a vibrant mix of blue and yellow, contrasting with the green leaves. the tree's rough bark and the kite's silky texture are juxtaposed as the kite flutters gently in the breeze.",,6,2,attribute,color,"attribute - color (leaves, green)",Are the leaves green? +partiprompts315,"a colorful butterfly-shaped kite entangled among the branches of a tall oak tree. the kite's wings are a vibrant mix of blue and yellow, contrasting with the green leaves. the tree's rough bark and the kite's silky texture are juxtaposed as the kite flutters gently in the breeze.",,7,2,attribute,texture,"attribute - texture (tree's bark, rough)",Is the tree's bark rough? +partiprompts315,"a colorful butterfly-shaped kite entangled among the branches of a tall oak tree. the kite's wings are a vibrant mix of blue and yellow, contrasting with the green leaves. the tree's rough bark and the kite's silky texture are juxtaposed as the kite flutters gently in the breeze.",,8,1,attribute,texture,"attribute - texture (kite, silky)",Is the kite's texture silky? +partiprompts315,"a colorful butterfly-shaped kite entangled among the branches of a tall oak tree. the kite's wings are a vibrant mix of blue and yellow, contrasting with the green leaves. the tree's rough bark and the kite's silky texture are juxtaposed as the kite flutters gently in the breeze.",,9,"1,2",relation,spatial,"relation - spatial (kite, branches, entangled among)",Is the kite entangled among the branches? +partiprompts315,"a colorful butterfly-shaped kite entangled among the branches of a tall oak tree. the kite's wings are a vibrant mix of blue and yellow, contrasting with the green leaves. the tree's rough bark and the kite's silky texture are juxtaposed as the kite flutters gently in the breeze.",,10,"1,2",relation,spatial,"relation - spatial (kite, tree, juxtaposed)",Is the kite juxtaposed with the tree? +partiprompts3,"An anime-style illustration depicts a whimsical scene where a kangaroo, rendered in vibrant shades of brown and tan, clutches a rectangular sign with the words ""Starry Night"" scrawled across it in bold, whimsical lettering. The kangaroo is seated comfortably in front of the iconic Sydney Opera House, its distinctive white sail-like structures contrasting sharply with the deep blue of the night sky. To the kangaroo's side, the Eiffel Tower looms, its iron lattice silhouette adding to the surreal composition. Above, the sky is alive with dynamic swirls of blue and bursts of radiant yellow stars, capturing the essence of a dreamlike cosmic event.",,1,0,global,,global - (anime-style illustration),Is this an anime-style illustration? +partiprompts3,"An anime-style illustration depicts a whimsical scene where a kangaroo, rendered in vibrant shades of brown and tan, clutches a rectangular sign with the words ""Starry Night"" scrawled across it in bold, whimsical lettering. The kangaroo is seated comfortably in front of the iconic Sydney Opera House, its distinctive white sail-like structures contrasting sharply with the deep blue of the night sky. To the kangaroo's side, the Eiffel Tower looms, its iron lattice silhouette adding to the surreal composition. Above, the sky is alive with dynamic swirls of blue and bursts of radiant yellow stars, capturing the essence of a dreamlike cosmic event.",,2,0,entity,whole,entity - whole (kangaroo),Is there a kangaroo? +partiprompts3,"An anime-style illustration depicts a whimsical scene where a kangaroo, rendered in vibrant shades of brown and tan, clutches a rectangular sign with the words ""Starry Night"" scrawled across it in bold, whimsical lettering. The kangaroo is seated comfortably in front of the iconic Sydney Opera House, its distinctive white sail-like structures contrasting sharply with the deep blue of the night sky. To the kangaroo's side, the Eiffel Tower looms, its iron lattice silhouette adding to the surreal composition. Above, the sky is alive with dynamic swirls of blue and bursts of radiant yellow stars, capturing the essence of a dreamlike cosmic event.",,3,2,attribute,color,"attribute - color (kangaroo, vibrant shades of brown and tan)",Is the kangaroo in vibrant shades of brown and tan? +partiprompts3,"An anime-style illustration depicts a whimsical scene where a kangaroo, rendered in vibrant shades of brown and tan, clutches a rectangular sign with the words ""Starry Night"" scrawled across it in bold, whimsical lettering. The kangaroo is seated comfortably in front of the iconic Sydney Opera House, its distinctive white sail-like structures contrasting sharply with the deep blue of the night sky. To the kangaroo's side, the Eiffel Tower looms, its iron lattice silhouette adding to the surreal composition. Above, the sky is alive with dynamic swirls of blue and bursts of radiant yellow stars, capturing the essence of a dreamlike cosmic event.",,4,0,entity,whole,entity - whole (sign),Is there a sign? +partiprompts3,"An anime-style illustration depicts a whimsical scene where a kangaroo, rendered in vibrant shades of brown and tan, clutches a rectangular sign with the words ""Starry Night"" scrawled across it in bold, whimsical lettering. The kangaroo is seated comfortably in front of the iconic Sydney Opera House, its distinctive white sail-like structures contrasting sharply with the deep blue of the night sky. To the kangaroo's side, the Eiffel Tower looms, its iron lattice silhouette adding to the surreal composition. Above, the sky is alive with dynamic swirls of blue and bursts of radiant yellow stars, capturing the essence of a dreamlike cosmic event.",,5,4,attribute,shape,"attribute - shape (sign, rectangular)",Is the sign rectangular? +partiprompts3,"An anime-style illustration depicts a whimsical scene where a kangaroo, rendered in vibrant shades of brown and tan, clutches a rectangular sign with the words ""Starry Night"" scrawled across it in bold, whimsical lettering. The kangaroo is seated comfortably in front of the iconic Sydney Opera House, its distinctive white sail-like structures contrasting sharply with the deep blue of the night sky. To the kangaroo's side, the Eiffel Tower looms, its iron lattice silhouette adding to the surreal composition. Above, the sky is alive with dynamic swirls of blue and bursts of radiant yellow stars, capturing the essence of a dreamlike cosmic event.",,6,4,other,text,"other - text (sign, ""Starry Night"")","Does the sign say ""Starry Night""?" +partiprompts3,"An anime-style illustration depicts a whimsical scene where a kangaroo, rendered in vibrant shades of brown and tan, clutches a rectangular sign with the words ""Starry Night"" scrawled across it in bold, whimsical lettering. The kangaroo is seated comfortably in front of the iconic Sydney Opera House, its distinctive white sail-like structures contrasting sharply with the deep blue of the night sky. To the kangaroo's side, the Eiffel Tower looms, its iron lattice silhouette adding to the surreal composition. Above, the sky is alive with dynamic swirls of blue and bursts of radiant yellow stars, capturing the essence of a dreamlike cosmic event.",,7,6,attribute,texture,"attribute - texture (lettering, whimsical)",Is the lettering whimsical? +partiprompts3,"An anime-style illustration depicts a whimsical scene where a kangaroo, rendered in vibrant shades of brown and tan, clutches a rectangular sign with the words ""Starry Night"" scrawled across it in bold, whimsical lettering. The kangaroo is seated comfortably in front of the iconic Sydney Opera House, its distinctive white sail-like structures contrasting sharply with the deep blue of the night sky. To the kangaroo's side, the Eiffel Tower looms, its iron lattice silhouette adding to the surreal composition. Above, the sky is alive with dynamic swirls of blue and bursts of radiant yellow stars, capturing the essence of a dreamlike cosmic event.",,8,0,entity,whole,entity - whole (Sydney Opera House),Is there the Sydney Opera House? +partiprompts3,"An anime-style illustration depicts a whimsical scene where a kangaroo, rendered in vibrant shades of brown and tan, clutches a rectangular sign with the words ""Starry Night"" scrawled across it in bold, whimsical lettering. The kangaroo is seated comfortably in front of the iconic Sydney Opera House, its distinctive white sail-like structures contrasting sharply with the deep blue of the night sky. To the kangaroo's side, the Eiffel Tower looms, its iron lattice silhouette adding to the surreal composition. Above, the sky is alive with dynamic swirls of blue and bursts of radiant yellow stars, capturing the essence of a dreamlike cosmic event.",,9,8,attribute,color,"attribute - color (Sydney Opera House, white)",Is the Sydney Opera House white? +partiprompts3,"An anime-style illustration depicts a whimsical scene where a kangaroo, rendered in vibrant shades of brown and tan, clutches a rectangular sign with the words ""Starry Night"" scrawled across it in bold, whimsical lettering. The kangaroo is seated comfortably in front of the iconic Sydney Opera House, its distinctive white sail-like structures contrasting sharply with the deep blue of the night sky. To the kangaroo's side, the Eiffel Tower looms, its iron lattice silhouette adding to the surreal composition. Above, the sky is alive with dynamic swirls of blue and bursts of radiant yellow stars, capturing the essence of a dreamlike cosmic event.",,10,9,attribute,shape,"attribute - shape (Sydney Opera House, sail-like)",Is the Sydney Opera House sail-like in shape? +partiprompts3,"An anime-style illustration depicts a whimsical scene where a kangaroo, rendered in vibrant shades of brown and tan, clutches a rectangular sign with the words ""Starry Night"" scrawled across it in bold, whimsical lettering. The kangaroo is seated comfortably in front of the iconic Sydney Opera House, its distinctive white sail-like structures contrasting sharply with the deep blue of the night sky. To the kangaroo's side, the Eiffel Tower looms, its iron lattice silhouette adding to the surreal composition. Above, the sky is alive with dynamic swirls of blue and bursts of radiant yellow stars, capturing the essence of a dreamlike cosmic event.",,11,10,attribute,color,"attribute - color (night sky, deep blue)",Is the night sky deep blue? +partiprompts3,"An anime-style illustration depicts a whimsical scene where a kangaroo, rendered in vibrant shades of brown and tan, clutches a rectangular sign with the words ""Starry Night"" scrawled across it in bold, whimsical lettering. The kangaroo is seated comfortably in front of the iconic Sydney Opera House, its distinctive white sail-like structures contrasting sharply with the deep blue of the night sky. To the kangaroo's side, the Eiffel Tower looms, its iron lattice silhouette adding to the surreal composition. Above, the sky is alive with dynamic swirls of blue and bursts of radiant yellow stars, capturing the essence of a dreamlike cosmic event.",,12,0,entity,whole,entity - whole (Eiffel Tower),Is there the Eiffel Tower? +partiprompts3,"An anime-style illustration depicts a whimsical scene where a kangaroo, rendered in vibrant shades of brown and tan, clutches a rectangular sign with the words ""Starry Night"" scrawled across it in bold, whimsical lettering. The kangaroo is seated comfortably in front of the iconic Sydney Opera House, its distinctive white sail-like structures contrasting sharply with the deep blue of the night sky. To the kangaroo's side, the Eiffel Tower looms, its iron lattice silhouette adding to the surreal composition. Above, the sky is alive with dynamic swirls of blue and bursts of radiant yellow stars, capturing the essence of a dreamlike cosmic event.",,13,0,attribute,shape,"attribute - shape (Eiffel Tower, iron lattice)",Is the Eiffel Tower iron lattice in shape? +partiprompts3,"An anime-style illustration depicts a whimsical scene where a kangaroo, rendered in vibrant shades of brown and tan, clutches a rectangular sign with the words ""Starry Night"" scrawled across it in bold, whimsical lettering. The kangaroo is seated comfortably in front of the iconic Sydney Opera House, its distinctive white sail-like structures contrasting sharply with the deep blue of the night sky. To the kangaroo's side, the Eiffel Tower looms, its iron lattice silhouette adding to the surreal composition. Above, the sky is alive with dynamic swirls of blue and bursts of radiant yellow stars, capturing the essence of a dreamlike cosmic event.",,14,"2,8",relation,spatial,"relation - spatial (kangaroo, Sydney Opera House, in front of)",Is the kangaroo in front of the Sydney Opera House? +partiprompts3,"An anime-style illustration depicts a whimsical scene where a kangaroo, rendered in vibrant shades of brown and tan, clutches a rectangular sign with the words ""Starry Night"" scrawled across it in bold, whimsical lettering. The kangaroo is seated comfortably in front of the iconic Sydney Opera House, its distinctive white sail-like structures contrasting sharply with the deep blue of the night sky. To the kangaroo's side, the Eiffel Tower looms, its iron lattice silhouette adding to the surreal composition. Above, the sky is alive with dynamic swirls of blue and bursts of radiant yellow stars, capturing the essence of a dreamlike cosmic event.",,15,"2,12",relation,spatial,"relation - spatial (kangaroo, Eiffel Tower, to the side)",Is the kangaroo to the side of the Eiffel Tower? +partiprompts3,"An anime-style illustration depicts a whimsical scene where a kangaroo, rendered in vibrant shades of brown and tan, clutches a rectangular sign with the words ""Starry Night"" scrawled across it in bold, whimsical lettering. The kangaroo is seated comfortably in front of the iconic Sydney Opera House, its distinctive white sail-like structures contrasting sharply with the deep blue of the night sky. To the kangaroo's side, the Eiffel Tower looms, its iron lattice silhouette adding to the surreal composition. Above, the sky is alive with dynamic swirls of blue and bursts of radiant yellow stars, capturing the essence of a dreamlike cosmic event.",,16,"2,8",attribute,texture,"attribute - texture (sky, alive with dynamic swirls)",Is the sky alive with dynamic swirls? +partiprompts3,"An anime-style illustration depicts a whimsical scene where a kangaroo, rendered in vibrant shades of brown and tan, clutches a rectangular sign with the words ""Starry Night"" scrawled across it in bold, whimsical lettering. The kangaroo is seated comfortably in front of the iconic Sydney Opera House, its distinctive white sail-like structures contrasting sharply with the deep blue of the night sky. To the kangaroo's side, the Eiffel Tower looms, its iron lattice silhouette adding to the surreal composition. Above, the sky is alive with dynamic swirls of blue and bursts of radiant yellow stars, capturing the essence of a dreamlike cosmic event.",,17,16,attribute,color,"attribute - color (sky, blue and bursts of radiant yellow)",Is the sky blue and bursts of radiant yellow? +partiprompts3,"An anime-style illustration depicts a whimsical scene where a kangaroo, rendered in vibrant shades of brown and tan, clutches a rectangular sign with the words ""Starry Night"" scrawled across it in bold, whimsical lettering. The kangaroo is seated comfortably in front of the iconic Sydney Opera House, its distinctive white sail-like structures contrasting sharply with the deep blue of the night sky. To the kangaroo's side, the Eiffel Tower looms, its iron lattice silhouette adding to the surreal composition. Above, the sky is alive with dynamic swirls of blue and bursts of radiant yellow stars, capturing the essence of a dreamlike cosmic event.",,18,16,attribute,other,"attribute - other (sky, dreamlike cosmic event)",Does the sky capture the essence of a dreamlike cosmic event? +partiprompts293,"a small brown football rests on a green surface, positioned in front of a trio of bright yellow tennis balls that are neatly aligned. The football's laces are prominently displayed, contrasting with the smooth, fuzzy texture of the tennis balls. In the background, there is a blurred net, suggesting the proximity of a sports field or court.",,1,0,entity,whole,entity - whole (football),Is there a football? +partiprompts293,"a small brown football rests on a green surface, positioned in front of a trio of bright yellow tennis balls that are neatly aligned. The football's laces are prominently displayed, contrasting with the smooth, fuzzy texture of the tennis balls. In the background, there is a blurred net, suggesting the proximity of a sports field or court.",,2,0,entity,whole,entity - whole (surface),Is there a surface? +partiprompts293,"a small brown football rests on a green surface, positioned in front of a trio of bright yellow tennis balls that are neatly aligned. The football's laces are prominently displayed, contrasting with the smooth, fuzzy texture of the tennis balls. In the background, there is a blurred net, suggesting the proximity of a sports field or court.",,3,0,entity,whole,entity - whole (tennis balls),Are there tennis balls? +partiprompts293,"a small brown football rests on a green surface, positioned in front of a trio of bright yellow tennis balls that are neatly aligned. The football's laces are prominently displayed, contrasting with the smooth, fuzzy texture of the tennis balls. In the background, there is a blurred net, suggesting the proximity of a sports field or court.",,4,0,entity,whole,entity - whole (net),Is there a net? +partiprompts293,"a small brown football rests on a green surface, positioned in front of a trio of bright yellow tennis balls that are neatly aligned. The football's laces are prominently displayed, contrasting with the smooth, fuzzy texture of the tennis balls. In the background, there is a blurred net, suggesting the proximity of a sports field or court.",,5,1,attribute,size,"attribute - size (football, small)",Is the football small? +partiprompts293,"a small brown football rests on a green surface, positioned in front of a trio of bright yellow tennis balls that are neatly aligned. The football's laces are prominently displayed, contrasting with the smooth, fuzzy texture of the tennis balls. In the background, there is a blurred net, suggesting the proximity of a sports field or court.",,6,1,attribute,color,"attribute - color (football, brown)",Is the football brown? +partiprompts293,"a small brown football rests on a green surface, positioned in front of a trio of bright yellow tennis balls that are neatly aligned. The football's laces are prominently displayed, contrasting with the smooth, fuzzy texture of the tennis balls. In the background, there is a blurred net, suggesting the proximity of a sports field or court.",,7,3,attribute,color,"attribute - color (tennis balls, bright yellow)",Are the tennis balls bright yellow? +partiprompts293,"a small brown football rests on a green surface, positioned in front of a trio of bright yellow tennis balls that are neatly aligned. The football's laces are prominently displayed, contrasting with the smooth, fuzzy texture of the tennis balls. In the background, there is a blurred net, suggesting the proximity of a sports field or court.",,8,1,attribute,texture,"attribute - texture (football, laces)",Are the football's laces displayed prominently? +partiprompts293,"a small brown football rests on a green surface, positioned in front of a trio of bright yellow tennis balls that are neatly aligned. The football's laces are prominently displayed, contrasting with the smooth, fuzzy texture of the tennis balls. In the background, there is a blurred net, suggesting the proximity of a sports field or court.",,9,3,attribute,texture,"attribute - texture (tennis balls, smooth, fuzzy)",Are the tennis balls smooth and fuzzy in texture? +partiprompts293,"a small brown football rests on a green surface, positioned in front of a trio of bright yellow tennis balls that are neatly aligned. The football's laces are prominently displayed, contrasting with the smooth, fuzzy texture of the tennis balls. In the background, there is a blurred net, suggesting the proximity of a sports field or court.",,10,"1,2",relation,spatial,"relation - spatial (football, surface, on)",Is the football on the surface? +partiprompts293,"a small brown football rests on a green surface, positioned in front of a trio of bright yellow tennis balls that are neatly aligned. The football's laces are prominently displayed, contrasting with the smooth, fuzzy texture of the tennis balls. In the background, there is a blurred net, suggesting the proximity of a sports field or court.",,11,"3,2",relation,spatial,"relation - spatial (tennis balls, surface, in front of)",Are the tennis balls in front of the surface? +partiprompts293,"a small brown football rests on a green surface, positioned in front of a trio of bright yellow tennis balls that are neatly aligned. The football's laces are prominently displayed, contrasting with the smooth, fuzzy texture of the tennis balls. In the background, there is a blurred net, suggesting the proximity of a sports field or court.",,12,4,relation,spatial,"relation - spatial (net, background, in)",Is the net in the background? +partiprompts54,"A couple is seated at a small round table in a cozy café, with the man enjoying a warm latte from a tall white mug. The woman, casually dressed in a green sweater, is sipping a cold beer from a clear pint glass. Between them is a small vase with a single yellow tulip, adding a touch of color to the scene.",,1,0,entity,whole,entity - whole (couple),Is there a couple? +partiprompts54,"A couple is seated at a small round table in a cozy café, with the man enjoying a warm latte from a tall white mug. The woman, casually dressed in a green sweater, is sipping a cold beer from a clear pint glass. Between them is a small vase with a single yellow tulip, adding a touch of color to the scene.",,2,0,entity,whole,entity - whole (table),Is there a table? +partiprompts54,"A couple is seated at a small round table in a cozy café, with the man enjoying a warm latte from a tall white mug. The woman, casually dressed in a green sweater, is sipping a cold beer from a clear pint glass. Between them is a small vase with a single yellow tulip, adding a touch of color to the scene.",,3,0,entity,whole,entity - whole (café),Is there a café? +partiprompts54,"A couple is seated at a small round table in a cozy café, with the man enjoying a warm latte from a tall white mug. The woman, casually dressed in a green sweater, is sipping a cold beer from a clear pint glass. Between them is a small vase with a single yellow tulip, adding a touch of color to the scene.",,4,1,entity,whole,entity - whole (man),Is there a man? +partiprompts54,"A couple is seated at a small round table in a cozy café, with the man enjoying a warm latte from a tall white mug. The woman, casually dressed in a green sweater, is sipping a cold beer from a clear pint glass. Between them is a small vase with a single yellow tulip, adding a touch of color to the scene.",,5,4,entity,whole,entity - whole (latte),Is there a latte? +partiprompts54,"A couple is seated at a small round table in a cozy café, with the man enjoying a warm latte from a tall white mug. The woman, casually dressed in a green sweater, is sipping a cold beer from a clear pint glass. Between them is a small vase with a single yellow tulip, adding a touch of color to the scene.",,6,5,entity,whole,entity - whole (mug),Is there a mug? +partiprompts54,"A couple is seated at a small round table in a cozy café, with the man enjoying a warm latte from a tall white mug. The woman, casually dressed in a green sweater, is sipping a cold beer from a clear pint glass. Between them is a small vase with a single yellow tulip, adding a touch of color to the scene.",,7,1,entity,whole,entity - whole (woman),Is there a woman? +partiprompts54,"A couple is seated at a small round table in a cozy café, with the man enjoying a warm latte from a tall white mug. The woman, casually dressed in a green sweater, is sipping a cold beer from a clear pint glass. Between them is a small vase with a single yellow tulip, adding a touch of color to the scene.",,8,6,entity,whole,entity - whole (beer),Is there a beer? +partiprompts54,"A couple is seated at a small round table in a cozy café, with the man enjoying a warm latte from a tall white mug. The woman, casually dressed in a green sweater, is sipping a cold beer from a clear pint glass. Between them is a small vase with a single yellow tulip, adding a touch of color to the scene.",,9,7,entity,whole,entity - whole (glass),Is there a glass? +partiprompts54,"A couple is seated at a small round table in a cozy café, with the man enjoying a warm latte from a tall white mug. The woman, casually dressed in a green sweater, is sipping a cold beer from a clear pint glass. Between them is a small vase with a single yellow tulip, adding a touch of color to the scene.",,10,1,entity,whole,entity - whole (vase),Is there a vase? +partiprompts54,"A couple is seated at a small round table in a cozy café, with the man enjoying a warm latte from a tall white mug. The woman, casually dressed in a green sweater, is sipping a cold beer from a clear pint glass. Between them is a small vase with a single yellow tulip, adding a touch of color to the scene.",,11,10,entity,whole,entity - whole (tulip),Is there a tulip? +partiprompts54,"A couple is seated at a small round table in a cozy café, with the man enjoying a warm latte from a tall white mug. The woman, casually dressed in a green sweater, is sipping a cold beer from a clear pint glass. Between them is a small vase with a single yellow tulip, adding a touch of color to the scene.",,12,2,attribute,size,"attribute - size (table, small)",Is the table small? +partiprompts54,"A couple is seated at a small round table in a cozy café, with the man enjoying a warm latte from a tall white mug. The woman, casually dressed in a green sweater, is sipping a cold beer from a clear pint glass. Between them is a small vase with a single yellow tulip, adding a touch of color to the scene.",,13,6,attribute,color,"attribute - color (mug, white)",Is the mug white? +partiprompts54,"A couple is seated at a small round table in a cozy café, with the man enjoying a warm latte from a tall white mug. The woman, casually dressed in a green sweater, is sipping a cold beer from a clear pint glass. Between them is a small vase with a single yellow tulip, adding a touch of color to the scene.",,14,7,attribute,color,"attribute - color (sweater, green)",Is the woman's sweater green? +partiprompts54,"A couple is seated at a small round table in a cozy café, with the man enjoying a warm latte from a tall white mug. The woman, casually dressed in a green sweater, is sipping a cold beer from a clear pint glass. Between them is a small vase with a single yellow tulip, adding a touch of color to the scene.",,15,9,attribute,color,"attribute - color (beer, cold)",Is the beer cold? +partiprompts54,"A couple is seated at a small round table in a cozy café, with the man enjoying a warm latte from a tall white mug. The woman, casually dressed in a green sweater, is sipping a cold beer from a clear pint glass. Between them is a small vase with a single yellow tulip, adding a touch of color to the scene.",,16,9,attribute,color,"attribute - color (glass, clear)",Is the glass clear? +partiprompts54,"A couple is seated at a small round table in a cozy café, with the man enjoying a warm latte from a tall white mug. The woman, casually dressed in a green sweater, is sipping a cold beer from a clear pint glass. Between them is a small vase with a single yellow tulip, adding a touch of color to the scene.",,17,11,attribute,color,"attribute - color (tulip, yellow)",Is the tulip yellow? +partiprompts54,"A couple is seated at a small round table in a cozy café, with the man enjoying a warm latte from a tall white mug. The woman, casually dressed in a green sweater, is sipping a cold beer from a clear pint glass. Between them is a small vase with a single yellow tulip, adding a touch of color to the scene.",,18,"1,2,3",relation,spatial,"relation - spatial (couple, table, seated at)",Are the couple seated at the table? +partiprompts54,"A couple is seated at a small round table in a cozy café, with the man enjoying a warm latte from a tall white mug. The woman, casually dressed in a green sweater, is sipping a cold beer from a clear pint glass. Between them is a small vase with a single yellow tulip, adding a touch of color to the scene.",,19,"4,6",relation,spatial,"relation - spatial (man, mug, enjoy from)",Is the man enjoying the latte from the mug? +partiprompts54,"A couple is seated at a small round table in a cozy café, with the man enjoying a warm latte from a tall white mug. The woman, casually dressed in a green sweater, is sipping a cold beer from a clear pint glass. Between them is a small vase with a single yellow tulip, adding a touch of color to the scene.",,20,"7,9",relation,spatial,"relation - spatial (woman, glass, sip from)",Is the woman sipping the beer from the glass? +partiprompts54,"A couple is seated at a small round table in a cozy café, with the man enjoying a warm latte from a tall white mug. The woman, casually dressed in a green sweater, is sipping a cold beer from a clear pint glass. Between them is a small vase with a single yellow tulip, adding a touch of color to the scene.",,21,"1,2",relation,spatial,"relation - spatial (vase, table, between)",Is the vase between the couple? +partiprompts54,"A couple is seated at a small round table in a cozy café, with the man enjoying a warm latte from a tall white mug. The woman, casually dressed in a green sweater, is sipping a cold beer from a clear pint glass. Between them is a small vase with a single yellow tulip, adding a touch of color to the scene.",,22,"11,10",relation,spatial,"relation - spatial (tulip, vase, in)",Is the tulip in the vase? +partiprompts282,"a vibrant lavender backpack with a plush triceratops head peeking out from the top, its green eyes and three distinct horns adding a playful touch. The backpack is made of a soft, velvety material and is resting against a pale wooden bench. Around it, there are scattered crayons and a few sheets of paper with childlike drawings.",,1,0,entity,whole,entity - whole (backpack),Is there a backpack? +partiprompts282,"a vibrant lavender backpack with a plush triceratops head peeking out from the top, its green eyes and three distinct horns adding a playful touch. The backpack is made of a soft, velvety material and is resting against a pale wooden bench. Around it, there are scattered crayons and a few sheets of paper with childlike drawings.",,2,1,entity,part,entity - part (backpack's head),Is there a plush triceratops head on the backpack? +partiprompts282,"a vibrant lavender backpack with a plush triceratops head peeking out from the top, its green eyes and three distinct horns adding a playful touch. The backpack is made of a soft, velvety material and is resting against a pale wooden bench. Around it, there are scattered crayons and a few sheets of paper with childlike drawings.",,3,2,entity,part,entity - part (head's eyes),Are there eyes on the head? +partiprompts282,"a vibrant lavender backpack with a plush triceratops head peeking out from the top, its green eyes and three distinct horns adding a playful touch. The backpack is made of a soft, velvety material and is resting against a pale wooden bench. Around it, there are scattered crayons and a few sheets of paper with childlike drawings.",,4,3,entity,part,entity - part (head's horns),Are there horns on the head? +partiprompts282,"a vibrant lavender backpack with a plush triceratops head peeking out from the top, its green eyes and three distinct horns adding a playful touch. The backpack is made of a soft, velvety material and is resting against a pale wooden bench. Around it, there are scattered crayons and a few sheets of paper with childlike drawings.",,5,1,attribute,color,"attribute - color (backpack, vibrant lavender)",Is the backpack vibrant lavender? +partiprompts282,"a vibrant lavender backpack with a plush triceratops head peeking out from the top, its green eyes and three distinct horns adding a playful touch. The backpack is made of a soft, velvety material and is resting against a pale wooden bench. Around it, there are scattered crayons and a few sheets of paper with childlike drawings.",,6,2,attribute,color,"attribute - color (head, green)",Are the eyes green? +partiprompts282,"a vibrant lavender backpack with a plush triceratops head peeking out from the top, its green eyes and three distinct horns adding a playful touch. The backpack is made of a soft, velvety material and is resting against a pale wooden bench. Around it, there are scattered crayons and a few sheets of paper with childlike drawings.",,7,1,attribute,texture,"attribute - texture (backpack, soft, velvety)",Is the material of the backpack soft and velvety? +partiprompts282,"a vibrant lavender backpack with a plush triceratops head peeking out from the top, its green eyes and three distinct horns adding a playful touch. The backpack is made of a soft, velvety material and is resting against a pale wooden bench. Around it, there are scattered crayons and a few sheets of paper with childlike drawings.",,8,0,entity,whole,entity - whole (bench),Is there a bench? +partiprompts282,"a vibrant lavender backpack with a plush triceratops head peeking out from the top, its green eyes and three distinct horns adding a playful touch. The backpack is made of a soft, velvety material and is resting against a pale wooden bench. Around it, there are scattered crayons and a few sheets of paper with childlike drawings.",,9,8,attribute,texture,"attribute - texture (bench, pale wood)",Is the bench made of pale wood? +partiprompts282,"a vibrant lavender backpack with a plush triceratops head peeking out from the top, its green eyes and three distinct horns adding a playful touch. The backpack is made of a soft, velvety material and is resting against a pale wooden bench. Around it, there are scattered crayons and a few sheets of paper with childlike drawings.",,10,"1,8",relation,spatial,"relation - spatial (backpack, bench, against)",Is the backpack against the bench? +partiprompts282,"a vibrant lavender backpack with a plush triceratops head peeking out from the top, its green eyes and three distinct horns adding a playful touch. The backpack is made of a soft, velvety material and is resting against a pale wooden bench. Around it, there are scattered crayons and a few sheets of paper with childlike drawings.",,11,"1,10",relation,spatial,"relation - spatial (crayons, backpack, scattered)",Are there scattered crayons around the backpack? +partiprompts282,"a vibrant lavender backpack with a plush triceratops head peeking out from the top, its green eyes and three distinct horns adding a playful touch. The backpack is made of a soft, velvety material and is resting against a pale wooden bench. Around it, there are scattered crayons and a few sheets of paper with childlike drawings.",,12,"1,10",relation,spatial,"relation - spatial (sheets of paper, backpack, around)",Are there sheets of paper with childlike drawings around the backpack? +partiprompts118,"a collection of individuals clad in bright ski gear against the contrasting backdrop of a vast beige sand dune. Each person is equipped with skis and poles, ready to ascend the gentle slope of the dune under a clear blue sky. Their colorful attire stands out vividly against the monochrome landscape of sand.",,1,0,entity,whole,entity - whole (individuals),Are there individuals? +partiprompts118,"a collection of individuals clad in bright ski gear against the contrasting backdrop of a vast beige sand dune. Each person is equipped with skis and poles, ready to ascend the gentle slope of the dune under a clear blue sky. Their colorful attire stands out vividly against the monochrome landscape of sand.",,2,1,attribute,color,"attribute - color (individuals, bright)",Are the individuals clad in bright ski gear? +partiprompts118,"a collection of individuals clad in bright ski gear against the contrasting backdrop of a vast beige sand dune. Each person is equipped with skis and poles, ready to ascend the gentle slope of the dune under a clear blue sky. Their colorful attire stands out vividly against the monochrome landscape of sand.",,3,1,entity,whole,entity - whole (ski gear),Is there ski gear? +partiprompts118,"a collection of individuals clad in bright ski gear against the contrasting backdrop of a vast beige sand dune. Each person is equipped with skis and poles, ready to ascend the gentle slope of the dune under a clear blue sky. Their colorful attire stands out vividly against the monochrome landscape of sand.",,4,0,entity,whole,entity - whole (sand dune),Is there a sand dune? +partiprompts118,"a collection of individuals clad in bright ski gear against the contrasting backdrop of a vast beige sand dune. Each person is equipped with skis and poles, ready to ascend the gentle slope of the dune under a clear blue sky. Their colorful attire stands out vividly against the monochrome landscape of sand.",,5,4,attribute,color,"attribute - color (sand dune, beige)",Is the sand dune beige? +partiprompts118,"a collection of individuals clad in bright ski gear against the contrasting backdrop of a vast beige sand dune. Each person is equipped with skis and poles, ready to ascend the gentle slope of the dune under a clear blue sky. Their colorful attire stands out vividly against the monochrome landscape of sand.",,6,3,entity,whole,entity - whole (skis),Are there skis? +partiprompts118,"a collection of individuals clad in bright ski gear against the contrasting backdrop of a vast beige sand dune. Each person is equipped with skis and poles, ready to ascend the gentle slope of the dune under a clear blue sky. Their colorful attire stands out vividly against the monochrome landscape of sand.",,7,3,entity,whole,entity - whole (poles),Are there poles? +partiprompts118,"a collection of individuals clad in bright ski gear against the contrasting backdrop of a vast beige sand dune. Each person is equipped with skis and poles, ready to ascend the gentle slope of the dune under a clear blue sky. Their colorful attire stands out vividly against the monochrome landscape of sand.",,8,4,attribute,texture,"attribute - texture (sand dune, gentle slope)",Is the sand dune a gentle slope? +partiprompts118,"a collection of individuals clad in bright ski gear against the contrasting backdrop of a vast beige sand dune. Each person is equipped with skis and poles, ready to ascend the gentle slope of the dune under a clear blue sky. Their colorful attire stands out vividly against the monochrome landscape of sand.",,9,0,attribute,color,"attribute - color (sky, clear blue)",Is the sky clear blue? +partiprompts118,"a collection of individuals clad in bright ski gear against the contrasting backdrop of a vast beige sand dune. Each person is equipped with skis and poles, ready to ascend the gentle slope of the dune under a clear blue sky. Their colorful attire stands out vividly against the monochrome landscape of sand.",,10,0,attribute,color,"attribute - color (attire, colorful)",Is the attire colorful? +partiprompts118,"a collection of individuals clad in bright ski gear against the contrasting backdrop of a vast beige sand dune. Each person is equipped with skis and poles, ready to ascend the gentle slope of the dune under a clear blue sky. Their colorful attire stands out vividly against the monochrome landscape of sand.",,11,4,attribute,texture,"attribute - texture (landscape, monochrome)",Is the landscape monochrome? +partiprompts118,"a collection of individuals clad in bright ski gear against the contrasting backdrop of a vast beige sand dune. Each person is equipped with skis and poles, ready to ascend the gentle slope of the dune under a clear blue sky. Their colorful attire stands out vividly against the monochrome landscape of sand.",,12,"1,2",relation,spatial,"relation - spatial (individuals, ski gear, clad in)",Are the individuals clad in ski gear? +partiprompts118,"a collection of individuals clad in bright ski gear against the contrasting backdrop of a vast beige sand dune. Each person is equipped with skis and poles, ready to ascend the gentle slope of the dune under a clear blue sky. Their colorful attire stands out vividly against the monochrome landscape of sand.",,13,"1,4",relation,spatial,"relation - spatial (individuals, sand dune, against)",Are the individuals against the sand dune? +partiprompts118,"a collection of individuals clad in bright ski gear against the contrasting backdrop of a vast beige sand dune. Each person is equipped with skis and poles, ready to ascend the gentle slope of the dune under a clear blue sky. Their colorful attire stands out vividly against the monochrome landscape of sand.",,14,"1,9",relation,spatial,"relation - spatial (individuals, sky, under)",Are the individuals under the sky? +partiprompts118,"a collection of individuals clad in bright ski gear against the contrasting backdrop of a vast beige sand dune. Each person is equipped with skis and poles, ready to ascend the gentle slope of the dune under a clear blue sky. Their colorful attire stands out vividly against the monochrome landscape of sand.",,15,"1,11",relation,spatial,"relation - spatial (individuals, landscape, stand out against)",Do the individuals stand out against the landscape? +partiprompts124,"A cartoonish scene unfolds with a white rabbit, dressed in a snug blue jogging outfit, clutching its side in evident discomfort, its facial expression twisted in pain. Meanwhile, a confident turtle, sporting a bright red tank top, strides past the finish line with a triumphant smile. The background is a simple race track that curves out of sight, lined with cheering spectators composed of various animated creatures.",,1,0,entity,whole,entity - whole (rabbit),Is there a white rabbit? +partiprompts124,"A cartoonish scene unfolds with a white rabbit, dressed in a snug blue jogging outfit, clutching its side in evident discomfort, its facial expression twisted in pain. Meanwhile, a confident turtle, sporting a bright red tank top, strides past the finish line with a triumphant smile. The background is a simple race track that curves out of sight, lined with cheering spectators composed of various animated creatures.",,2,0,entity,whole,entity - whole (turtle),Is there a turtle? +partiprompts124,"A cartoonish scene unfolds with a white rabbit, dressed in a snug blue jogging outfit, clutching its side in evident discomfort, its facial expression twisted in pain. Meanwhile, a confident turtle, sporting a bright red tank top, strides past the finish line with a triumphant smile. The background is a simple race track that curves out of sight, lined with cheering spectators composed of various animated creatures.",,3,0,entity,whole,entity - whole (race track),Is there a race track? +partiprompts124,"A cartoonish scene unfolds with a white rabbit, dressed in a snug blue jogging outfit, clutching its side in evident discomfort, its facial expression twisted in pain. Meanwhile, a confident turtle, sporting a bright red tank top, strides past the finish line with a triumphant smile. The background is a simple race track that curves out of sight, lined with cheering spectators composed of various animated creatures.",,4,0,entity,whole,entity - whole (spectators),Are there spectators? +partiprompts124,"A cartoonish scene unfolds with a white rabbit, dressed in a snug blue jogging outfit, clutching its side in evident discomfort, its facial expression twisted in pain. Meanwhile, a confident turtle, sporting a bright red tank top, strides past the finish line with a triumphant smile. The background is a simple race track that curves out of sight, lined with cheering spectators composed of various animated creatures.",,5,1,attribute,color,"attribute - color (rabbit's outfit, blue)",Is the rabbit's outfit blue? +partiprompts124,"A cartoonish scene unfolds with a white rabbit, dressed in a snug blue jogging outfit, clutching its side in evident discomfort, its facial expression twisted in pain. Meanwhile, a confident turtle, sporting a bright red tank top, strides past the finish line with a triumphant smile. The background is a simple race track that curves out of sight, lined with cheering spectators composed of various animated creatures.",,6,2,attribute,color,"attribute - color (turtle's tank top, red)",Is the turtle's tank top red? +partiprompts124,"A cartoonish scene unfolds with a white rabbit, dressed in a snug blue jogging outfit, clutching its side in evident discomfort, its facial expression twisted in pain. Meanwhile, a confident turtle, sporting a bright red tank top, strides past the finish line with a triumphant smile. The background is a simple race track that curves out of sight, lined with cheering spectators composed of various animated creatures.",,7,1,attribute,texture,"attribute - texture (rabbit, cartoonish)",Is the rabbit cartoonish? +partiprompts124,"A cartoonish scene unfolds with a white rabbit, dressed in a snug blue jogging outfit, clutching its side in evident discomfort, its facial expression twisted in pain. Meanwhile, a confident turtle, sporting a bright red tank top, strides past the finish line with a triumphant smile. The background is a simple race track that curves out of sight, lined with cheering spectators composed of various animated creatures.",,8,1,entity,state,"entity - state (rabbit, clutch side in evident discomfort)",Is the rabbit clutching its side in evident discomfort? +partiprompts124,"A cartoonish scene unfolds with a white rabbit, dressed in a snug blue jogging outfit, clutching its side in evident discomfort, its facial expression twisted in pain. Meanwhile, a confident turtle, sporting a bright red tank top, strides past the finish line with a triumphant smile. The background is a simple race track that curves out of sight, lined with cheering spectators composed of various animated creatures.",,9,1,entity,state,"entity - state (rabbit, facial expression twisted in pain)",Is the rabbit's facial expression twisted in pain? +partiprompts124,"A cartoonish scene unfolds with a white rabbit, dressed in a snug blue jogging outfit, clutching its side in evident discomfort, its facial expression twisted in pain. Meanwhile, a confident turtle, sporting a bright red tank top, strides past the finish line with a triumphant smile. The background is a simple race track that curves out of sight, lined with cheering spectators composed of various animated creatures.",,10,2,entity,state,"entity - state (turtle, stride past finish line with triumphant smile)",Is the turtle striding past the finish line with a triumphant smile? +partiprompts1,"A vibrant oil painting depicts a glossy, turquoise VW van parked against the backdrop of a bustling city skyline. In the foreground, a contented sloth stands out with its unique attire consisting of a sleek leather jacket, a traditional tartan kilt, and a quirky bowtie, all topped off with a classic cowboy hat. The sloth grips a sturdy quarterstaff in one hand while balancing a large, leather-bound tome in the other, all set upon a lush patch of green grass that contrasts with the urban environment behind it.",,1,0,entity,whole,entity - whole (oil painting),Is there an oil painting? +partiprompts1,"A vibrant oil painting depicts a glossy, turquoise VW van parked against the backdrop of a bustling city skyline. In the foreground, a contented sloth stands out with its unique attire consisting of a sleek leather jacket, a traditional tartan kilt, and a quirky bowtie, all topped off with a classic cowboy hat. The sloth grips a sturdy quarterstaff in one hand while balancing a large, leather-bound tome in the other, all set upon a lush patch of green grass that contrasts with the urban environment behind it.",,2,0,entity,whole,entity - whole (VW van),Is there a VW van? +partiprompts1,"A vibrant oil painting depicts a glossy, turquoise VW van parked against the backdrop of a bustling city skyline. In the foreground, a contented sloth stands out with its unique attire consisting of a sleek leather jacket, a traditional tartan kilt, and a quirky bowtie, all topped off with a classic cowboy hat. The sloth grips a sturdy quarterstaff in one hand while balancing a large, leather-bound tome in the other, all set upon a lush patch of green grass that contrasts with the urban environment behind it.",,3,0,entity,whole,entity - whole (city skyline),Is there a city skyline? +partiprompts1,"A vibrant oil painting depicts a glossy, turquoise VW van parked against the backdrop of a bustling city skyline. In the foreground, a contented sloth stands out with its unique attire consisting of a sleek leather jacket, a traditional tartan kilt, and a quirky bowtie, all topped off with a classic cowboy hat. The sloth grips a sturdy quarterstaff in one hand while balancing a large, leather-bound tome in the other, all set upon a lush patch of green grass that contrasts with the urban environment behind it.",,4,0,entity,whole,entity - whole (sloth),Is there a sloth? +partiprompts1,"A vibrant oil painting depicts a glossy, turquoise VW van parked against the backdrop of a bustling city skyline. In the foreground, a contented sloth stands out with its unique attire consisting of a sleek leather jacket, a traditional tartan kilt, and a quirky bowtie, all topped off with a classic cowboy hat. The sloth grips a sturdy quarterstaff in one hand while balancing a large, leather-bound tome in the other, all set upon a lush patch of green grass that contrasts with the urban environment behind it.",,5,4,entity,part,entity - part (sloth's attire),Is the sloth wearing attire? +partiprompts1,"A vibrant oil painting depicts a glossy, turquoise VW van parked against the backdrop of a bustling city skyline. In the foreground, a contented sloth stands out with its unique attire consisting of a sleek leather jacket, a traditional tartan kilt, and a quirky bowtie, all topped off with a classic cowboy hat. The sloth grips a sturdy quarterstaff in one hand while balancing a large, leather-bound tome in the other, all set upon a lush patch of green grass that contrasts with the urban environment behind it.",,6,4,entity,part,entity - part (sloth's accessories),Does the sloth have accessories? +partiprompts1,"A vibrant oil painting depicts a glossy, turquoise VW van parked against the backdrop of a bustling city skyline. In the foreground, a contented sloth stands out with its unique attire consisting of a sleek leather jacket, a traditional tartan kilt, and a quirky bowtie, all topped off with a classic cowboy hat. The sloth grips a sturdy quarterstaff in one hand while balancing a large, leather-bound tome in the other, all set upon a lush patch of green grass that contrasts with the urban environment behind it.",,7,4,entity,part,entity - part (sloth's hands),Does the sloth have hands? +partiprompts1,"A vibrant oil painting depicts a glossy, turquoise VW van parked against the backdrop of a bustling city skyline. In the foreground, a contented sloth stands out with its unique attire consisting of a sleek leather jacket, a traditional tartan kilt, and a quirky bowtie, all topped off with a classic cowboy hat. The sloth grips a sturdy quarterstaff in one hand while balancing a large, leather-bound tome in the other, all set upon a lush patch of green grass that contrasts with the urban environment behind it.",,8,0,entity,whole,entity - whole (grass),Is there grass? +partiprompts1,"A vibrant oil painting depicts a glossy, turquoise VW van parked against the backdrop of a bustling city skyline. In the foreground, a contented sloth stands out with its unique attire consisting of a sleek leather jacket, a traditional tartan kilt, and a quirky bowtie, all topped off with a classic cowboy hat. The sloth grips a sturdy quarterstaff in one hand while balancing a large, leather-bound tome in the other, all set upon a lush patch of green grass that contrasts with the urban environment behind it.",,9,2,attribute,texture,"attribute - texture (VW van, glossy)",Is the VW van glossy? +partiprompts1,"A vibrant oil painting depicts a glossy, turquoise VW van parked against the backdrop of a bustling city skyline. In the foreground, a contented sloth stands out with its unique attire consisting of a sleek leather jacket, a traditional tartan kilt, and a quirky bowtie, all topped off with a classic cowboy hat. The sloth grips a sturdy quarterstaff in one hand while balancing a large, leather-bound tome in the other, all set upon a lush patch of green grass that contrasts with the urban environment behind it.",,10,2,attribute,color,"attribute - color (VW van, turquoise)",Is the VW van turquoise? +partiprompts1,"A vibrant oil painting depicts a glossy, turquoise VW van parked against the backdrop of a bustling city skyline. In the foreground, a contented sloth stands out with its unique attire consisting of a sleek leather jacket, a traditional tartan kilt, and a quirky bowtie, all topped off with a classic cowboy hat. The sloth grips a sturdy quarterstaff in one hand while balancing a large, leather-bound tome in the other, all set upon a lush patch of green grass that contrasts with the urban environment behind it.",,11,5,attribute,color,"attribute - color (sloth's attire, unique)",Is the sloth's attire unique? +partiprompts1,"A vibrant oil painting depicts a glossy, turquoise VW van parked against the backdrop of a bustling city skyline. In the foreground, a contented sloth stands out with its unique attire consisting of a sleek leather jacket, a traditional tartan kilt, and a quirky bowtie, all topped off with a classic cowboy hat. The sloth grips a sturdy quarterstaff in one hand while balancing a large, leather-bound tome in the other, all set upon a lush patch of green grass that contrasts with the urban environment behind it.",,12,5,attribute,color,"attribute - color (sloth's jacket, leather)",Is the sloth's jacket leather? +partiprompts1,"A vibrant oil painting depicts a glossy, turquoise VW van parked against the backdrop of a bustling city skyline. In the foreground, a contented sloth stands out with its unique attire consisting of a sleek leather jacket, a traditional tartan kilt, and a quirky bowtie, all topped off with a classic cowboy hat. The sloth grips a sturdy quarterstaff in one hand while balancing a large, leather-bound tome in the other, all set upon a lush patch of green grass that contrasts with the urban environment behind it.",,13,5,attribute,color,"attribute - color (sloth's kilt, tartan)",Is the sloth's kilt tartan? +partiprompts1,"A vibrant oil painting depicts a glossy, turquoise VW van parked against the backdrop of a bustling city skyline. In the foreground, a contented sloth stands out with its unique attire consisting of a sleek leather jacket, a traditional tartan kilt, and a quirky bowtie, all topped off with a classic cowboy hat. The sloth grips a sturdy quarterstaff in one hand while balancing a large, leather-bound tome in the other, all set upon a lush patch of green grass that contrasts with the urban environment behind it.",,14,5,attribute,color,"attribute - color (sloth's bowtie, quirky)",Is the sloth's bowtie quirky? +partiprompts1,"A vibrant oil painting depicts a glossy, turquoise VW van parked against the backdrop of a bustling city skyline. In the foreground, a contented sloth stands out with its unique attire consisting of a sleek leather jacket, a traditional tartan kilt, and a quirky bowtie, all topped off with a classic cowboy hat. The sloth grips a sturdy quarterstaff in one hand while balancing a large, leather-bound tome in the other, all set upon a lush patch of green grass that contrasts with the urban environment behind it.",,15,5,attribute,color,"attribute - color (sloth's hat, cowboy)",Is the sloth's hat cowboy? +partiprompts1,"A vibrant oil painting depicts a glossy, turquoise VW van parked against the backdrop of a bustling city skyline. In the foreground, a contented sloth stands out with its unique attire consisting of a sleek leather jacket, a traditional tartan kilt, and a quirky bowtie, all topped off with a classic cowboy hat. The sloth grips a sturdy quarterstaff in one hand while balancing a large, leather-bound tome in the other, all set upon a lush patch of green grass that contrasts with the urban environment behind it.",,16,6,attribute,texture,"attribute - texture (sloth's quarterstaff, sturdy)",Is the sloth's quarterstaff sturdy? +partiprompts1,"A vibrant oil painting depicts a glossy, turquoise VW van parked against the backdrop of a bustling city skyline. In the foreground, a contented sloth stands out with its unique attire consisting of a sleek leather jacket, a traditional tartan kilt, and a quirky bowtie, all topped off with a classic cowboy hat. The sloth grips a sturdy quarterstaff in one hand while balancing a large, leather-bound tome in the other, all set upon a lush patch of green grass that contrasts with the urban environment behind it.",,17,6,attribute,texture,"attribute - texture (sloth's tome, leather-bound)",Is the sloth's tome leather-bound? +partiprompts1,"A vibrant oil painting depicts a glossy, turquoise VW van parked against the backdrop of a bustling city skyline. In the foreground, a contented sloth stands out with its unique attire consisting of a sleek leather jacket, a traditional tartan kilt, and a quirky bowtie, all topped off with a classic cowboy hat. The sloth grips a sturdy quarterstaff in one hand while balancing a large, leather-bound tome in the other, all set upon a lush patch of green grass that contrasts with the urban environment behind it.",,18,8,attribute,texture,"attribute - texture (grass, lush)",Is the grass lush? +partiprompts1,"A vibrant oil painting depicts a glossy, turquoise VW van parked against the backdrop of a bustling city skyline. In the foreground, a contented sloth stands out with its unique attire consisting of a sleek leather jacket, a traditional tartan kilt, and a quirky bowtie, all topped off with a classic cowboy hat. The sloth grips a sturdy quarterstaff in one hand while balancing a large, leather-bound tome in the other, all set upon a lush patch of green grass that contrasts with the urban environment behind it.",,19,"2,3",relation,spatial,"relation - spatial (VW van, city skyline, against)",Is the VW van parked against the city skyline? +partiprompts1,"A vibrant oil painting depicts a glossy, turquoise VW van parked against the backdrop of a bustling city skyline. In the foreground, a contented sloth stands out with its unique attire consisting of a sleek leather jacket, a traditional tartan kilt, and a quirky bowtie, all topped off with a classic cowboy hat. The sloth grips a sturdy quarterstaff in one hand while balancing a large, leather-bound tome in the other, all set upon a lush patch of green grass that contrasts with the urban environment behind it.",,20,"4,8",relation,spatial,"relation - spatial (sloth, grass, on)",Is the sloth on the grass? +partiprompts1,"A vibrant oil painting depicts a glossy, turquoise VW van parked against the backdrop of a bustling city skyline. In the foreground, a contented sloth stands out with its unique attire consisting of a sleek leather jacket, a traditional tartan kilt, and a quirky bowtie, all topped off with a classic cowboy hat. The sloth grips a sturdy quarterstaff in one hand while balancing a large, leather-bound tome in the other, all set upon a lush patch of green grass that contrasts with the urban environment behind it.",,21,"4,3",relation,spatial,"relation - spatial (sloth, city skyline, in front of)",Is the sloth in front of the city skyline? +partiprompts297,"A vibrant apple tree with a sturdy brown trunk, its branches laden with bright red, square-shaped apples, each one distinct in its geometric form. The tree is surrounded by a lush canopy of circular, green leaves that contrast sharply with the unusual shape of the fruit. Sunlight filters through the foliage, casting dappled shadows on the ground below.",,1,0,entity,whole,entity - whole (apple tree),Is there an apple tree? +partiprompts297,"A vibrant apple tree with a sturdy brown trunk, its branches laden with bright red, square-shaped apples, each one distinct in its geometric form. The tree is surrounded by a lush canopy of circular, green leaves that contrast sharply with the unusual shape of the fruit. Sunlight filters through the foliage, casting dappled shadows on the ground below.",,2,1,entity,part,entity - part (tree's trunk),Is there a trunk? +partiprompts297,"A vibrant apple tree with a sturdy brown trunk, its branches laden with bright red, square-shaped apples, each one distinct in its geometric form. The tree is surrounded by a lush canopy of circular, green leaves that contrast sharply with the unusual shape of the fruit. Sunlight filters through the foliage, casting dappled shadows on the ground below.",,3,1,entity,part,entity - part (tree's branches),Are there branches? +partiprompts297,"A vibrant apple tree with a sturdy brown trunk, its branches laden with bright red, square-shaped apples, each one distinct in its geometric form. The tree is surrounded by a lush canopy of circular, green leaves that contrast sharply with the unusual shape of the fruit. Sunlight filters through the foliage, casting dappled shadows on the ground below.",,4,1,entity,part,entity - part (apples),Are there apples? +partiprompts297,"A vibrant apple tree with a sturdy brown trunk, its branches laden with bright red, square-shaped apples, each one distinct in its geometric form. The tree is surrounded by a lush canopy of circular, green leaves that contrast sharply with the unusual shape of the fruit. Sunlight filters through the foliage, casting dappled shadows on the ground below.",,5,1,entity,part,entity - part (leaves),Are there leaves? +partiprompts297,"A vibrant apple tree with a sturdy brown trunk, its branches laden with bright red, square-shaped apples, each one distinct in its geometric form. The tree is surrounded by a lush canopy of circular, green leaves that contrast sharply with the unusual shape of the fruit. Sunlight filters through the foliage, casting dappled shadows on the ground below.",,6,2,attribute,color,"attribute - color (trunk, brown)",Is the trunk brown? +partiprompts297,"A vibrant apple tree with a sturdy brown trunk, its branches laden with bright red, square-shaped apples, each one distinct in its geometric form. The tree is surrounded by a lush canopy of circular, green leaves that contrast sharply with the unusual shape of the fruit. Sunlight filters through the foliage, casting dappled shadows on the ground below.",,7,4,attribute,color,"attribute - color (apples, red)",Are the apples red? +partiprompts297,"A vibrant apple tree with a sturdy brown trunk, its branches laden with bright red, square-shaped apples, each one distinct in its geometric form. The tree is surrounded by a lush canopy of circular, green leaves that contrast sharply with the unusual shape of the fruit. Sunlight filters through the foliage, casting dappled shadows on the ground below.",,8,4,attribute,shape,"attribute - shape (apples, square)",Are the apples square-shaped? +partiprompts297,"A vibrant apple tree with a sturdy brown trunk, its branches laden with bright red, square-shaped apples, each one distinct in its geometric form. The tree is surrounded by a lush canopy of circular, green leaves that contrast sharply with the unusual shape of the fruit. Sunlight filters through the foliage, casting dappled shadows on the ground below.",,9,5,attribute,shape,"attribute - shape (leaves, circular)",Are the leaves circular? +partiprompts297,"A vibrant apple tree with a sturdy brown trunk, its branches laden with bright red, square-shaped apples, each one distinct in its geometric form. The tree is surrounded by a lush canopy of circular, green leaves that contrast sharply with the unusual shape of the fruit. Sunlight filters through the foliage, casting dappled shadows on the ground below.",,10,5,attribute,texture,"attribute - texture (leaves, lush)",Are the leaves lush? +partiprompts297,"A vibrant apple tree with a sturdy brown trunk, its branches laden with bright red, square-shaped apples, each one distinct in its geometric form. The tree is surrounded by a lush canopy of circular, green leaves that contrast sharply with the unusual shape of the fruit. Sunlight filters through the foliage, casting dappled shadows on the ground below.",,11,5,relation,spatial,"relation - spatial (sunlight, foliage, through)",Is sunlight filtering through the foliage? +partiprompts297,"A vibrant apple tree with a sturdy brown trunk, its branches laden with bright red, square-shaped apples, each one distinct in its geometric form. The tree is surrounded by a lush canopy of circular, green leaves that contrast sharply with the unusual shape of the fruit. Sunlight filters through the foliage, casting dappled shadows on the ground below.",,12,5,relation,spatial,"relation - spatial (foliage, ground, on)",Is the foliage casting shadows on the ground? +partiprompts297,"A vibrant apple tree with a sturdy brown trunk, its branches laden with bright red, square-shaped apples, each one distinct in its geometric form. The tree is surrounded by a lush canopy of circular, green leaves that contrast sharply with the unusual shape of the fruit. Sunlight filters through the foliage, casting dappled shadows on the ground below.",,13,"3,4",relation,spatial,"relation - spatial (apples, branches, laden with)",Are the branches laden with apples? +partiprompts297,"A vibrant apple tree with a sturdy brown trunk, its branches laden with bright red, square-shaped apples, each one distinct in its geometric form. The tree is surrounded by a lush canopy of circular, green leaves that contrast sharply with the unusual shape of the fruit. Sunlight filters through the foliage, casting dappled shadows on the ground below.",,14,"5,4",relation,spatial,"relation - spatial (leaves, apples, contrast with)",Do the leaves contrast with the apples? +partiprompts139,"A whimsical scene where a llama, adorned with a pair of oversized, round sunglasses, stands confidently on the metallic deck of a spacecraft. The deck beneath the llama's hooves gleams with a polished silver finish, reflecting the starry cosmos that surrounds the vessel. In the vast backdrop, the Earth looms large, a swirl of blue oceans and white clouds, providing a stunning contrast to the spaceship's sleek, futuristic design.",,1,0,entity,whole,entity - whole (llama),Is there a llama? +partiprompts139,"A whimsical scene where a llama, adorned with a pair of oversized, round sunglasses, stands confidently on the metallic deck of a spacecraft. The deck beneath the llama's hooves gleams with a polished silver finish, reflecting the starry cosmos that surrounds the vessel. In the vast backdrop, the Earth looms large, a swirl of blue oceans and white clouds, providing a stunning contrast to the spaceship's sleek, futuristic design.",,2,0,entity,whole,entity - whole (sunglasses),Is there a pair of sunglasses? +partiprompts139,"A whimsical scene where a llama, adorned with a pair of oversized, round sunglasses, stands confidently on the metallic deck of a spacecraft. The deck beneath the llama's hooves gleams with a polished silver finish, reflecting the starry cosmos that surrounds the vessel. In the vast backdrop, the Earth looms large, a swirl of blue oceans and white clouds, providing a stunning contrast to the spaceship's sleek, futuristic design.",,3,0,entity,whole,entity - whole (deck),Is there a deck? +partiprompts139,"A whimsical scene where a llama, adorned with a pair of oversized, round sunglasses, stands confidently on the metallic deck of a spacecraft. The deck beneath the llama's hooves gleams with a polished silver finish, reflecting the starry cosmos that surrounds the vessel. In the vast backdrop, the Earth looms large, a swirl of blue oceans and white clouds, providing a stunning contrast to the spaceship's sleek, futuristic design.",,4,0,entity,whole,entity - whole (spacecraft),Is there a spacecraft? +partiprompts139,"A whimsical scene where a llama, adorned with a pair of oversized, round sunglasses, stands confidently on the metallic deck of a spacecraft. The deck beneath the llama's hooves gleams with a polished silver finish, reflecting the starry cosmos that surrounds the vessel. In the vast backdrop, the Earth looms large, a swirl of blue oceans and white clouds, providing a stunning contrast to the spaceship's sleek, futuristic design.",,5,0,entity,whole,entity - whole (Earth),Is there Earth? +partiprompts139,"A whimsical scene where a llama, adorned with a pair of oversized, round sunglasses, stands confidently on the metallic deck of a spacecraft. The deck beneath the llama's hooves gleams with a polished silver finish, reflecting the starry cosmos that surrounds the vessel. In the vast backdrop, the Earth looms large, a swirl of blue oceans and white clouds, providing a stunning contrast to the spaceship's sleek, futuristic design.",,6,2,attribute,size,"attribute - size (sunglasses, oversized)",Are the sunglasses oversized? +partiprompts139,"A whimsical scene where a llama, adorned with a pair of oversized, round sunglasses, stands confidently on the metallic deck of a spacecraft. The deck beneath the llama's hooves gleams with a polished silver finish, reflecting the starry cosmos that surrounds the vessel. In the vast backdrop, the Earth looms large, a swirl of blue oceans and white clouds, providing a stunning contrast to the spaceship's sleek, futuristic design.",,7,2,attribute,shape,"attribute - shape (sunglasses, round)",Are the sunglasses round? +partiprompts139,"A whimsical scene where a llama, adorned with a pair of oversized, round sunglasses, stands confidently on the metallic deck of a spacecraft. The deck beneath the llama's hooves gleams with a polished silver finish, reflecting the starry cosmos that surrounds the vessel. In the vast backdrop, the Earth looms large, a swirl of blue oceans and white clouds, providing a stunning contrast to the spaceship's sleek, futuristic design.",,8,3,attribute,texture,"attribute - texture (deck, metallic)",Is the deck metallic? +partiprompts139,"A whimsical scene where a llama, adorned with a pair of oversized, round sunglasses, stands confidently on the metallic deck of a spacecraft. The deck beneath the llama's hooves gleams with a polished silver finish, reflecting the starry cosmos that surrounds the vessel. In the vast backdrop, the Earth looms large, a swirl of blue oceans and white clouds, providing a stunning contrast to the spaceship's sleek, futuristic design.",,9,3,attribute,texture,"attribute - texture (deck, polished silver)",Is the deck polished silver? +partiprompts139,"A whimsical scene where a llama, adorned with a pair of oversized, round sunglasses, stands confidently on the metallic deck of a spacecraft. The deck beneath the llama's hooves gleams with a polished silver finish, reflecting the starry cosmos that surrounds the vessel. In the vast backdrop, the Earth looms large, a swirl of blue oceans and white clouds, providing a stunning contrast to the spaceship's sleek, futuristic design.",,10,5,attribute,texture,"attribute - texture (Earth, blue oceans and white clouds)",Is Earth depicted with blue oceans and white clouds? +partiprompts139,"A whimsical scene where a llama, adorned with a pair of oversized, round sunglasses, stands confidently on the metallic deck of a spacecraft. The deck beneath the llama's hooves gleams with a polished silver finish, reflecting the starry cosmos that surrounds the vessel. In the vast backdrop, the Earth looms large, a swirl of blue oceans and white clouds, providing a stunning contrast to the spaceship's sleek, futuristic design.",,11,1,attribute,other,"attribute - other (llama, adorned)",Is the llama adorned? +partiprompts139,"A whimsical scene where a llama, adorned with a pair of oversized, round sunglasses, stands confidently on the metallic deck of a spacecraft. The deck beneath the llama's hooves gleams with a polished silver finish, reflecting the starry cosmos that surrounds the vessel. In the vast backdrop, the Earth looms large, a swirl of blue oceans and white clouds, providing a stunning contrast to the spaceship's sleek, futuristic design.",,12,3,attribute,other,"attribute - other (deck, gleams)",Does the deck gleam? +partiprompts139,"A whimsical scene where a llama, adorned with a pair of oversized, round sunglasses, stands confidently on the metallic deck of a spacecraft. The deck beneath the llama's hooves gleams with a polished silver finish, reflecting the starry cosmos that surrounds the vessel. In the vast backdrop, the Earth looms large, a swirl of blue oceans and white clouds, providing a stunning contrast to the spaceship's sleek, futuristic design.",,13,5,attribute,other,"attribute - other (Earth, swirl)",Does Earth have a swirl appearance? +partiprompts139,"A whimsical scene where a llama, adorned with a pair of oversized, round sunglasses, stands confidently on the metallic deck of a spacecraft. The deck beneath the llama's hooves gleams with a polished silver finish, reflecting the starry cosmos that surrounds the vessel. In the vast backdrop, the Earth looms large, a swirl of blue oceans and white clouds, providing a stunning contrast to the spaceship's sleek, futuristic design.",,14,"1,2",relation,spatial,"relation - spatial (llama, sunglasses, adorned with)",Are the sunglasses adorned with the llama? +partiprompts139,"A whimsical scene where a llama, adorned with a pair of oversized, round sunglasses, stands confidently on the metallic deck of a spacecraft. The deck beneath the llama's hooves gleams with a polished silver finish, reflecting the starry cosmos that surrounds the vessel. In the vast backdrop, the Earth looms large, a swirl of blue oceans and white clouds, providing a stunning contrast to the spaceship's sleek, futuristic design.",,15,"1,3",relation,spatial,"relation - spatial (llama, deck, on)",Is the llama standing on the deck? +partiprompts139,"A whimsical scene where a llama, adorned with a pair of oversized, round sunglasses, stands confidently on the metallic deck of a spacecraft. The deck beneath the llama's hooves gleams with a polished silver finish, reflecting the starry cosmos that surrounds the vessel. In the vast backdrop, the Earth looms large, a swirl of blue oceans and white clouds, providing a stunning contrast to the spaceship's sleek, futuristic design.",,16,"1,4",relation,spatial,"relation - spatial (llama, spacecraft, on)",Is the llama on the spacecraft? +partiprompts139,"A whimsical scene where a llama, adorned with a pair of oversized, round sunglasses, stands confidently on the metallic deck of a spacecraft. The deck beneath the llama's hooves gleams with a polished silver finish, reflecting the starry cosmos that surrounds the vessel. In the vast backdrop, the Earth looms large, a swirl of blue oceans and white clouds, providing a stunning contrast to the spaceship's sleek, futuristic design.",,17,"3,1",relation,spatial,"relation - spatial (deck, llama's hooves, beneath)",Is the deck beneath the llama's hooves? +partiprompts139,"A whimsical scene where a llama, adorned with a pair of oversized, round sunglasses, stands confidently on the metallic deck of a spacecraft. The deck beneath the llama's hooves gleams with a polished silver finish, reflecting the starry cosmos that surrounds the vessel. In the vast backdrop, the Earth looms large, a swirl of blue oceans and white clouds, providing a stunning contrast to the spaceship's sleek, futuristic design.",,18,"3,4",relation,spatial,"relation - spatial (deck, vessel, surrounds)",Does the deck surround the vessel? +partiprompts139,"A whimsical scene where a llama, adorned with a pair of oversized, round sunglasses, stands confidently on the metallic deck of a spacecraft. The deck beneath the llama's hooves gleams with a polished silver finish, reflecting the starry cosmos that surrounds the vessel. In the vast backdrop, the Earth looms large, a swirl of blue oceans and white clouds, providing a stunning contrast to the spaceship's sleek, futuristic design.",,19,5,relation,spatial,"relation - spatial (Earth, backdrop, in)",Is Earth in the backdrop? +partiprompts139,"A whimsical scene where a llama, adorned with a pair of oversized, round sunglasses, stands confidently on the metallic deck of a spacecraft. The deck beneath the llama's hooves gleams with a polished silver finish, reflecting the starry cosmos that surrounds the vessel. In the vast backdrop, the Earth looms large, a swirl of blue oceans and white clouds, providing a stunning contrast to the spaceship's sleek, futuristic design.",,20,"5,4",relation,spatial,"relation - spatial (Earth, spaceship, contrast to)",Does Earth provide a contrast to the spaceship's design? +partiprompts254,"An elegant ceiling fan with intricately designed blades, suspended from a high ceiling. The fan is equipped with an ornate light fixture that features delicate glass panels and brass accents. The light casts a warm glow that reflects off the polished wooden floor below.",,1,0,entity,whole,entity - whole (ceiling fan),Is there a ceiling fan? +partiprompts254,"An elegant ceiling fan with intricately designed blades, suspended from a high ceiling. The fan is equipped with an ornate light fixture that features delicate glass panels and brass accents. The light casts a warm glow that reflects off the polished wooden floor below.",,2,1,entity,part,entity - part (ceiling fan's blades),Are there intricately designed blades on the ceiling fan? +partiprompts254,"An elegant ceiling fan with intricately designed blades, suspended from a high ceiling. The fan is equipped with an ornate light fixture that features delicate glass panels and brass accents. The light casts a warm glow that reflects off the polished wooden floor below.",,3,1,entity,part,entity - part (ceiling fan's light fixture),Is there an ornate light fixture on the ceiling fan? +partiprompts254,"An elegant ceiling fan with intricately designed blades, suspended from a high ceiling. The fan is equipped with an ornate light fixture that features delicate glass panels and brass accents. The light casts a warm glow that reflects off the polished wooden floor below.",,4,1,attribute,other,"attribute - other (ceiling fan, elegant)",Is the ceiling fan elegant? +partiprompts254,"An elegant ceiling fan with intricately designed blades, suspended from a high ceiling. The fan is equipped with an ornate light fixture that features delicate glass panels and brass accents. The light casts a warm glow that reflects off the polished wooden floor below.",,5,2,attribute,texture,"attribute - texture (ceiling fan's blades, intricately designed)",Are the blades intricately designed? +partiprompts254,"An elegant ceiling fan with intricately designed blades, suspended from a high ceiling. The fan is equipped with an ornate light fixture that features delicate glass panels and brass accents. The light casts a warm glow that reflects off the polished wooden floor below.",,6,3,attribute,texture,"attribute - texture (ceiling fan's light fixture, ornate)",Is the light fixture ornate? +partiprompts254,"An elegant ceiling fan with intricately designed blades, suspended from a high ceiling. The fan is equipped with an ornate light fixture that features delicate glass panels and brass accents. The light casts a warm glow that reflects off the polished wooden floor below.",,7,3,attribute,texture,"attribute - texture (ceiling fan's light fixture's glass panels, delicate)",Are the glass panels delicate on the light fixture? +partiprompts254,"An elegant ceiling fan with intricately designed blades, suspended from a high ceiling. The fan is equipped with an ornate light fixture that features delicate glass panels and brass accents. The light casts a warm glow that reflects off the polished wooden floor below.",,8,3,attribute,texture,"attribute - texture (ceiling fan's light fixture's brass accents, brass)",Are there brass accents on the light fixture? +partiprompts254,"An elegant ceiling fan with intricately designed blades, suspended from a high ceiling. The fan is equipped with an ornate light fixture that features delicate glass panels and brass accents. The light casts a warm glow that reflects off the polished wooden floor below.",,9,9,attribute,texture,"attribute - texture (wooden floor, polished)",Is the wooden floor polished? +partiprompts254,"An elegant ceiling fan with intricately designed blades, suspended from a high ceiling. The fan is equipped with an ornate light fixture that features delicate glass panels and brass accents. The light casts a warm glow that reflects off the polished wooden floor below.",,10,10,attribute,color,"attribute - color (light, warm glow)",Does the light cast a warm glow? +partiprompts254,"An elegant ceiling fan with intricately designed blades, suspended from a high ceiling. The fan is equipped with an ornate light fixture that features delicate glass panels and brass accents. The light casts a warm glow that reflects off the polished wooden floor below.",,11,1,relation,spatial,"relation - spatial (ceiling fan, high ceiling, suspended)",Is the ceiling fan suspended from a high ceiling? +partiprompts254,"An elegant ceiling fan with intricately designed blades, suspended from a high ceiling. The fan is equipped with an ornate light fixture that features delicate glass panels and brass accents. The light casts a warm glow that reflects off the polished wooden floor below.",,12,"3,9",relation,spatial,"relation - spatial (light, wooden floor, reflect)",Does the warm glow reflect off the polished wooden floor? +partiprompts117,"A man with shoulder-length blonde hair and deep brown eyes stands casually in a room. He's wearing a simple white t-shirt that contrasts with his distressed blue jeans. Around him, the space is minimally furnished, with a single potted plant in the corner adding a touch of greenery.",,1,0,entity,whole,entity - whole (man),Is there a man? +partiprompts117,"A man with shoulder-length blonde hair and deep brown eyes stands casually in a room. He's wearing a simple white t-shirt that contrasts with his distressed blue jeans. Around him, the space is minimally furnished, with a single potted plant in the corner adding a touch of greenery.",,2,1,entity,part,entity - part (man's hair),Does the man have hair? +partiprompts117,"A man with shoulder-length blonde hair and deep brown eyes stands casually in a room. He's wearing a simple white t-shirt that contrasts with his distressed blue jeans. Around him, the space is minimally furnished, with a single potted plant in the corner adding a touch of greenery.",,3,1,entity,part,entity - part (man's eyes),Does the man have eyes? +partiprompts117,"A man with shoulder-length blonde hair and deep brown eyes stands casually in a room. He's wearing a simple white t-shirt that contrasts with his distressed blue jeans. Around him, the space is minimally furnished, with a single potted plant in the corner adding a touch of greenery.",,4,2,attribute,size,"attribute - size (hair, shoulder-length)",Is the man's hair shoulder-length? +partiprompts117,"A man with shoulder-length blonde hair and deep brown eyes stands casually in a room. He's wearing a simple white t-shirt that contrasts with his distressed blue jeans. Around him, the space is minimally furnished, with a single potted plant in the corner adding a touch of greenery.",,5,2,attribute,color,"attribute - color (hair, blonde)",Is the man's hair blonde? +partiprompts117,"A man with shoulder-length blonde hair and deep brown eyes stands casually in a room. He's wearing a simple white t-shirt that contrasts with his distressed blue jeans. Around him, the space is minimally furnished, with a single potted plant in the corner adding a touch of greenery.",,6,3,attribute,color,"attribute - color (eyes, deep brown)",Are the man's eyes deep brown? +partiprompts117,"A man with shoulder-length blonde hair and deep brown eyes stands casually in a room. He's wearing a simple white t-shirt that contrasts with his distressed blue jeans. Around him, the space is minimally furnished, with a single potted plant in the corner adding a touch of greenery.",,7,1,entity,state,"entity - state (man, stand)",Is the man standing? +partiprompts117,"A man with shoulder-length blonde hair and deep brown eyes stands casually in a room. He's wearing a simple white t-shirt that contrasts with his distressed blue jeans. Around him, the space is minimally furnished, with a single potted plant in the corner adding a touch of greenery.",,8,1,attribute,other,"attribute - other (man, casual)",Is the man dressed casually? +partiprompts117,"A man with shoulder-length blonde hair and deep brown eyes stands casually in a room. He's wearing a simple white t-shirt that contrasts with his distressed blue jeans. Around him, the space is minimally furnished, with a single potted plant in the corner adding a touch of greenery.",,9,0,entity,whole,entity - whole (room),Is there a room? +partiprompts117,"A man with shoulder-length blonde hair and deep brown eyes stands casually in a room. He's wearing a simple white t-shirt that contrasts with his distressed blue jeans. Around him, the space is minimally furnished, with a single potted plant in the corner adding a touch of greenery.",,10,1,entity,whole,entity - whole (t-shirt),Is there a t-shirt? +partiprompts117,"A man with shoulder-length blonde hair and deep brown eyes stands casually in a room. He's wearing a simple white t-shirt that contrasts with his distressed blue jeans. Around him, the space is minimally furnished, with a single potted plant in the corner adding a touch of greenery.",,11,1,entity,whole,entity - whole (jeans),Are there jeans? +partiprompts117,"A man with shoulder-length blonde hair and deep brown eyes stands casually in a room. He's wearing a simple white t-shirt that contrasts with his distressed blue jeans. Around him, the space is minimally furnished, with a single potted plant in the corner adding a touch of greenery.",,12,10,attribute,color,"attribute - color (t-shirt, white)",Is the t-shirt white? +partiprompts117,"A man with shoulder-length blonde hair and deep brown eyes stands casually in a room. He's wearing a simple white t-shirt that contrasts with his distressed blue jeans. Around him, the space is minimally furnished, with a single potted plant in the corner adding a touch of greenery.",,13,11,attribute,color,"attribute - color (jeans, distressed blue)",Are the jeans distressed blue? +partiprompts117,"A man with shoulder-length blonde hair and deep brown eyes stands casually in a room. He's wearing a simple white t-shirt that contrasts with his distressed blue jeans. Around him, the space is minimally furnished, with a single potted plant in the corner adding a touch of greenery.",,14,"1,9",relation,spatial,"relation - spatial (man, room, in)",Is the man in the room? +partiprompts117,"A man with shoulder-length blonde hair and deep brown eyes stands casually in a room. He's wearing a simple white t-shirt that contrasts with his distressed blue jeans. Around him, the space is minimally furnished, with a single potted plant in the corner adding a touch of greenery.",,15,0,entity,whole,entity - whole (space),Is there space? +partiprompts117,"A man with shoulder-length blonde hair and deep brown eyes stands casually in a room. He's wearing a simple white t-shirt that contrasts with his distressed blue jeans. Around him, the space is minimally furnished, with a single potted plant in the corner adding a touch of greenery.",,16,15,attribute,other,"attribute - other (space, minimally furnished)",Is the space minimally furnished? +partiprompts117,"A man with shoulder-length blonde hair and deep brown eyes stands casually in a room. He's wearing a simple white t-shirt that contrasts with his distressed blue jeans. Around him, the space is minimally furnished, with a single potted plant in the corner adding a touch of greenery.",,17,0,entity,whole,entity - whole (potted plant),Is there a potted plant? +partiprompts117,"A man with shoulder-length blonde hair and deep brown eyes stands casually in a room. He's wearing a simple white t-shirt that contrasts with his distressed blue jeans. Around him, the space is minimally furnished, with a single potted plant in the corner adding a touch of greenery.",,18,17,attribute,color,"attribute - color (potted plant, green)",Is the potted plant green? +partiprompts117,"A man with shoulder-length blonde hair and deep brown eyes stands casually in a room. He's wearing a simple white t-shirt that contrasts with his distressed blue jeans. Around him, the space is minimally furnished, with a single potted plant in the corner adding a touch of greenery.",,19,"17,9",relation,spatial,"relation - spatial (potted plant, room, in corner)",Is the potted plant in the corner of the room? +partiprompts34,"An animated scene where a hamburger with boxing gloves is aggressively confronting a weary hot dog in a miniature boxing ring. The hot dog, adorned with a squiggle of mustard, appears to be on the verge of defeat, leaning heavily against the ropes of the ring. Surrounding the ring are enthusiastic condiment bottles and a cheering crowd of assorted snack foods.",,1,0,global,,global - (animated scene),Is this an animated scene? +partiprompts34,"An animated scene where a hamburger with boxing gloves is aggressively confronting a weary hot dog in a miniature boxing ring. The hot dog, adorned with a squiggle of mustard, appears to be on the verge of defeat, leaning heavily against the ropes of the ring. Surrounding the ring are enthusiastic condiment bottles and a cheering crowd of assorted snack foods.",,2,0,entity,whole,entity - whole (hamburger),Is there a hamburger? +partiprompts34,"An animated scene where a hamburger with boxing gloves is aggressively confronting a weary hot dog in a miniature boxing ring. The hot dog, adorned with a squiggle of mustard, appears to be on the verge of defeat, leaning heavily against the ropes of the ring. Surrounding the ring are enthusiastic condiment bottles and a cheering crowd of assorted snack foods.",,3,0,entity,whole,entity - whole (boxing gloves),Are there boxing gloves? +partiprompts34,"An animated scene where a hamburger with boxing gloves is aggressively confronting a weary hot dog in a miniature boxing ring. The hot dog, adorned with a squiggle of mustard, appears to be on the verge of defeat, leaning heavily against the ropes of the ring. Surrounding the ring are enthusiastic condiment bottles and a cheering crowd of assorted snack foods.",,4,0,entity,whole,entity - whole (hot dog),Is there a hot dog? +partiprompts34,"An animated scene where a hamburger with boxing gloves is aggressively confronting a weary hot dog in a miniature boxing ring. The hot dog, adorned with a squiggle of mustard, appears to be on the verge of defeat, leaning heavily against the ropes of the ring. Surrounding the ring are enthusiastic condiment bottles and a cheering crowd of assorted snack foods.",,5,0,entity,whole,entity - whole (boxing ring),Is there a boxing ring? +partiprompts34,"An animated scene where a hamburger with boxing gloves is aggressively confronting a weary hot dog in a miniature boxing ring. The hot dog, adorned with a squiggle of mustard, appears to be on the verge of defeat, leaning heavily against the ropes of the ring. Surrounding the ring are enthusiastic condiment bottles and a cheering crowd of assorted snack foods.",,6,0,entity,whole,entity - whole (mustard),Is there mustard? +partiprompts34,"An animated scene where a hamburger with boxing gloves is aggressively confronting a weary hot dog in a miniature boxing ring. The hot dog, adorned with a squiggle of mustard, appears to be on the verge of defeat, leaning heavily against the ropes of the ring. Surrounding the ring are enthusiastic condiment bottles and a cheering crowd of assorted snack foods.",,7,0,entity,whole,entity - whole (condiment bottles),Are there condiment bottles? +partiprompts34,"An animated scene where a hamburger with boxing gloves is aggressively confronting a weary hot dog in a miniature boxing ring. The hot dog, adorned with a squiggle of mustard, appears to be on the verge of defeat, leaning heavily against the ropes of the ring. Surrounding the ring are enthusiastic condiment bottles and a cheering crowd of assorted snack foods.",,8,0,entity,whole,entity - whole (snack foods),Are there snack foods? +partiprompts34,"An animated scene where a hamburger with boxing gloves is aggressively confronting a weary hot dog in a miniature boxing ring. The hot dog, adorned with a squiggle of mustard, appears to be on the verge of defeat, leaning heavily against the ropes of the ring. Surrounding the ring are enthusiastic condiment bottles and a cheering crowd of assorted snack foods.",,9,2,entity,state,"entity - state (hamburger, confront)",Is the hamburger confronting? +partiprompts34,"An animated scene where a hamburger with boxing gloves is aggressively confronting a weary hot dog in a miniature boxing ring. The hot dog, adorned with a squiggle of mustard, appears to be on the verge of defeat, leaning heavily against the ropes of the ring. Surrounding the ring are enthusiastic condiment bottles and a cheering crowd of assorted snack foods.",,10,4,entity,state,"entity - state (hot dog, weary)",Is the hot dog weary? +partiprompts34,"An animated scene where a hamburger with boxing gloves is aggressively confronting a weary hot dog in a miniature boxing ring. The hot dog, adorned with a squiggle of mustard, appears to be on the verge of defeat, leaning heavily against the ropes of the ring. Surrounding the ring are enthusiastic condiment bottles and a cheering crowd of assorted snack foods.",,11,4,entity,state,"entity - state (hot dog, defeat)",Is the hot dog defeated? +partiprompts34,"An animated scene where a hamburger with boxing gloves is aggressively confronting a weary hot dog in a miniature boxing ring. The hot dog, adorned with a squiggle of mustard, appears to be on the verge of defeat, leaning heavily against the ropes of the ring. Surrounding the ring are enthusiastic condiment bottles and a cheering crowd of assorted snack foods.",,12,4,entity,state,"entity - state (hot dog, lean)",Is the hot dog leaning? +partiprompts34,"An animated scene where a hamburger with boxing gloves is aggressively confronting a weary hot dog in a miniature boxing ring. The hot dog, adorned with a squiggle of mustard, appears to be on the verge of defeat, leaning heavily against the ropes of the ring. Surrounding the ring are enthusiastic condiment bottles and a cheering crowd of assorted snack foods.",,13,4,entity,state,"entity - state (hot dog, verge of defeat)",Is the hot dog on the verge of defeat? +partiprompts34,"An animated scene where a hamburger with boxing gloves is aggressively confronting a weary hot dog in a miniature boxing ring. The hot dog, adorned with a squiggle of mustard, appears to be on the verge of defeat, leaning heavily against the ropes of the ring. Surrounding the ring are enthusiastic condiment bottles and a cheering crowd of assorted snack foods.",,14,"2,4",relation,spatial,"relation - spatial (hamburger, hot dog, confront)",Are the hamburger and hot dog confronting each other? +partiprompts34,"An animated scene where a hamburger with boxing gloves is aggressively confronting a weary hot dog in a miniature boxing ring. The hot dog, adorned with a squiggle of mustard, appears to be on the verge of defeat, leaning heavily against the ropes of the ring. Surrounding the ring are enthusiastic condiment bottles and a cheering crowd of assorted snack foods.",,15,"4,5",relation,spatial,"relation - spatial (hot dog, ropes of the ring, lean against)",Is the hot dog leaning against the ropes of the ring? +partiprompts34,"An animated scene where a hamburger with boxing gloves is aggressively confronting a weary hot dog in a miniature boxing ring. The hot dog, adorned with a squiggle of mustard, appears to be on the verge of defeat, leaning heavily against the ropes of the ring. Surrounding the ring are enthusiastic condiment bottles and a cheering crowd of assorted snack foods.",,16,"7,5",relation,spatial,"relation - spatial (condiment bottles, boxing ring, surrounding)",Are the condiment bottles surrounding the boxing ring? +partiprompts34,"An animated scene where a hamburger with boxing gloves is aggressively confronting a weary hot dog in a miniature boxing ring. The hot dog, adorned with a squiggle of mustard, appears to be on the verge of defeat, leaning heavily against the ropes of the ring. Surrounding the ring are enthusiastic condiment bottles and a cheering crowd of assorted snack foods.",,17,"8,5",relation,spatial,"relation - spatial (snack foods, boxing ring, cheering)",Is the crowd of snack foods cheering around the boxing ring? +partiprompts80,"A shiny metallic blue sphere rests to the left of a vibrant yellow felt box on a smooth, gray surface. The sphere reflects the light, creating a gleaming highlight on its curved surface, while the felt box has a soft, matte texture that contrasts with the sphere's reflective finish. The box appears slightly larger than the sphere, and both objects are positioned against a neutral background that emphasizes their colors and textures.",,1,0,entity,whole,entity - whole (sphere),Is there a sphere? +partiprompts80,"A shiny metallic blue sphere rests to the left of a vibrant yellow felt box on a smooth, gray surface. The sphere reflects the light, creating a gleaming highlight on its curved surface, while the felt box has a soft, matte texture that contrasts with the sphere's reflective finish. The box appears slightly larger than the sphere, and both objects are positioned against a neutral background that emphasizes their colors and textures.",,2,0,entity,whole,entity - whole (box),Is there a box? +partiprompts80,"A shiny metallic blue sphere rests to the left of a vibrant yellow felt box on a smooth, gray surface. The sphere reflects the light, creating a gleaming highlight on its curved surface, while the felt box has a soft, matte texture that contrasts with the sphere's reflective finish. The box appears slightly larger than the sphere, and both objects are positioned against a neutral background that emphasizes their colors and textures.",,3,1,attribute,color,"attribute - color (sphere, metallic blue)",Is the sphere metallic blue? +partiprompts80,"A shiny metallic blue sphere rests to the left of a vibrant yellow felt box on a smooth, gray surface. The sphere reflects the light, creating a gleaming highlight on its curved surface, while the felt box has a soft, matte texture that contrasts with the sphere's reflective finish. The box appears slightly larger than the sphere, and both objects are positioned against a neutral background that emphasizes their colors and textures.",,4,2,attribute,color,"attribute - color (box, vibrant yellow)",Is the box vibrant yellow? +partiprompts80,"A shiny metallic blue sphere rests to the left of a vibrant yellow felt box on a smooth, gray surface. The sphere reflects the light, creating a gleaming highlight on its curved surface, while the felt box has a soft, matte texture that contrasts with the sphere's reflective finish. The box appears slightly larger than the sphere, and both objects are positioned against a neutral background that emphasizes their colors and textures.",,5,2,attribute,texture,"attribute - texture (box, felt)",Is the box made of felt? +partiprompts80,"A shiny metallic blue sphere rests to the left of a vibrant yellow felt box on a smooth, gray surface. The sphere reflects the light, creating a gleaming highlight on its curved surface, while the felt box has a soft, matte texture that contrasts with the sphere's reflective finish. The box appears slightly larger than the sphere, and both objects are positioned against a neutral background that emphasizes their colors and textures.",,6,2,attribute,texture,"attribute - texture (box, soft)",Is the box soft? +partiprompts80,"A shiny metallic blue sphere rests to the left of a vibrant yellow felt box on a smooth, gray surface. The sphere reflects the light, creating a gleaming highlight on its curved surface, while the felt box has a soft, matte texture that contrasts with the sphere's reflective finish. The box appears slightly larger than the sphere, and both objects are positioned against a neutral background that emphasizes their colors and textures.",,7,1,attribute,texture,"attribute - texture (sphere, reflective)",Is the sphere reflective? +partiprompts80,"A shiny metallic blue sphere rests to the left of a vibrant yellow felt box on a smooth, gray surface. The sphere reflects the light, creating a gleaming highlight on its curved surface, while the felt box has a soft, matte texture that contrasts with the sphere's reflective finish. The box appears slightly larger than the sphere, and both objects are positioned against a neutral background that emphasizes their colors and textures.",,8,1,attribute,texture,"attribute - texture (sphere, shiny)",Is the sphere shiny? +partiprompts80,"A shiny metallic blue sphere rests to the left of a vibrant yellow felt box on a smooth, gray surface. The sphere reflects the light, creating a gleaming highlight on its curved surface, while the felt box has a soft, matte texture that contrasts with the sphere's reflective finish. The box appears slightly larger than the sphere, and both objects are positioned against a neutral background that emphasizes their colors and textures.",,9,2,attribute,size,"attribute - size (box, slightly larger)",Is the box slightly larger? +partiprompts80,"A shiny metallic blue sphere rests to the left of a vibrant yellow felt box on a smooth, gray surface. The sphere reflects the light, creating a gleaming highlight on its curved surface, while the felt box has a soft, matte texture that contrasts with the sphere's reflective finish. The box appears slightly larger than the sphere, and both objects are positioned against a neutral background that emphasizes their colors and textures.",,10,"1,2",relation,spatial,"relation - spatial (sphere, left of, box)",Is the sphere to the left of the box? +partiprompts80,"A shiny metallic blue sphere rests to the left of a vibrant yellow felt box on a smooth, gray surface. The sphere reflects the light, creating a gleaming highlight on its curved surface, while the felt box has a soft, matte texture that contrasts with the sphere's reflective finish. The box appears slightly larger than the sphere, and both objects are positioned against a neutral background that emphasizes their colors and textures.",,11,"1,3",relation,spatial,"relation - spatial (sphere, surface, on)",Is the sphere on the surface? +partiprompts80,"A shiny metallic blue sphere rests to the left of a vibrant yellow felt box on a smooth, gray surface. The sphere reflects the light, creating a gleaming highlight on its curved surface, while the felt box has a soft, matte texture that contrasts with the sphere's reflective finish. The box appears slightly larger than the sphere, and both objects are positioned against a neutral background that emphasizes their colors and textures.",,12,"2,3",relation,spatial,"relation - spatial (box, surface, on)",Is the box on the surface? +partiprompts80,"A shiny metallic blue sphere rests to the left of a vibrant yellow felt box on a smooth, gray surface. The sphere reflects the light, creating a gleaming highlight on its curved surface, while the felt box has a soft, matte texture that contrasts with the sphere's reflective finish. The box appears slightly larger than the sphere, and both objects are positioned against a neutral background that emphasizes their colors and textures.",,13,1,relation,spatial,"relation - spatial (sphere, background, against)",Is the sphere against the background? +partiprompts80,"A shiny metallic blue sphere rests to the left of a vibrant yellow felt box on a smooth, gray surface. The sphere reflects the light, creating a gleaming highlight on its curved surface, while the felt box has a soft, matte texture that contrasts with the sphere's reflective finish. The box appears slightly larger than the sphere, and both objects are positioned against a neutral background that emphasizes their colors and textures.",,14,2,relation,spatial,"relation - spatial (box, background, against)",Is the box against the background? +partiprompts182,"a close-up image of a sandy beach, where a bright red bucket lies on its side, surrounded by an array of colorful seashells scattered across the fine grains. there are no birds in sight, particularly no sandpipers, which often frequent such shores. the gentle waves in the background suggest the proximity to the water's edge.",,1,0,global,,global - (close-up image),Is this a close-up image? +partiprompts182,"a close-up image of a sandy beach, where a bright red bucket lies on its side, surrounded by an array of colorful seashells scattered across the fine grains. there are no birds in sight, particularly no sandpipers, which often frequent such shores. the gentle waves in the background suggest the proximity to the water's edge.",,2,0,entity,whole,entity - whole (beach),Is there a beach? +partiprompts182,"a close-up image of a sandy beach, where a bright red bucket lies on its side, surrounded by an array of colorful seashells scattered across the fine grains. there are no birds in sight, particularly no sandpipers, which often frequent such shores. the gentle waves in the background suggest the proximity to the water's edge.",,3,2,entity,whole,entity - whole (bucket),Is there a bucket? +partiprompts182,"a close-up image of a sandy beach, where a bright red bucket lies on its side, surrounded by an array of colorful seashells scattered across the fine grains. there are no birds in sight, particularly no sandpipers, which often frequent such shores. the gentle waves in the background suggest the proximity to the water's edge.",,4,2,entity,whole,entity - whole (seashells),Are there seashells? +partiprompts182,"a close-up image of a sandy beach, where a bright red bucket lies on its side, surrounded by an array of colorful seashells scattered across the fine grains. there are no birds in sight, particularly no sandpipers, which often frequent such shores. the gentle waves in the background suggest the proximity to the water's edge.",,5,0,entity,whole,entity - whole (birds),Are there birds? +partiprompts182,"a close-up image of a sandy beach, where a bright red bucket lies on its side, surrounded by an array of colorful seashells scattered across the fine grains. there are no birds in sight, particularly no sandpipers, which often frequent such shores. the gentle waves in the background suggest the proximity to the water's edge.",,6,0,entity,whole,entity - whole (sandpipers),Are there sandpipers? +partiprompts182,"a close-up image of a sandy beach, where a bright red bucket lies on its side, surrounded by an array of colorful seashells scattered across the fine grains. there are no birds in sight, particularly no sandpipers, which often frequent such shores. the gentle waves in the background suggest the proximity to the water's edge.",,7,3,attribute,color,"attribute - color (bucket, red)",Is the bucket red? +partiprompts182,"a close-up image of a sandy beach, where a bright red bucket lies on its side, surrounded by an array of colorful seashells scattered across the fine grains. there are no birds in sight, particularly no sandpipers, which often frequent such shores. the gentle waves in the background suggest the proximity to the water's edge.",,8,2,attribute,texture,"attribute - texture (beach, sandy)",Is the beach sandy? +partiprompts182,"a close-up image of a sandy beach, where a bright red bucket lies on its side, surrounded by an array of colorful seashells scattered across the fine grains. there are no birds in sight, particularly no sandpipers, which often frequent such shores. the gentle waves in the background suggest the proximity to the water's edge.",,9,4,attribute,texture,"attribute - texture (seashells, colorful)",Are the seashells colorful? +partiprompts182,"a close-up image of a sandy beach, where a bright red bucket lies on its side, surrounded by an array of colorful seashells scattered across the fine grains. there are no birds in sight, particularly no sandpipers, which often frequent such shores. the gentle waves in the background suggest the proximity to the water's edge.",,10,"3,2",relation,spatial,"relation - spatial (bucket, beach, on its side)",Is the bucket lying on its side? +partiprompts182,"a close-up image of a sandy beach, where a bright red bucket lies on its side, surrounded by an array of colorful seashells scattered across the fine grains. there are no birds in sight, particularly no sandpipers, which often frequent such shores. the gentle waves in the background suggest the proximity to the water's edge.",,11,"4,2",relation,spatial,"relation - spatial (seashells, beach, scattered across)",Are the seashells scattered across the beach? +partiprompts182,"a close-up image of a sandy beach, where a bright red bucket lies on its side, surrounded by an array of colorful seashells scattered across the fine grains. there are no birds in sight, particularly no sandpipers, which often frequent such shores. the gentle waves in the background suggest the proximity to the water's edge.",,12,"5,2",relation,spatial,"relation - spatial (birds, beach, no sight)",Are there no birds in sight? +partiprompts182,"a close-up image of a sandy beach, where a bright red bucket lies on its side, surrounded by an array of colorful seashells scattered across the fine grains. there are no birds in sight, particularly no sandpipers, which often frequent such shores. the gentle waves in the background suggest the proximity to the water's edge.",,13,"6,2",relation,spatial,"relation - spatial (sandpipers, beach, no sight)",Are there no sandpipers in sight? +partiprompts182,"a close-up image of a sandy beach, where a bright red bucket lies on its side, surrounded by an array of colorful seashells scattered across the fine grains. there are no birds in sight, particularly no sandpipers, which often frequent such shores. the gentle waves in the background suggest the proximity to the water's edge.",,14,2,relation,spatial,"relation - spatial (waves, beach, in background)",Are there gentle waves in the background? +partiprompts182,"a close-up image of a sandy beach, where a bright red bucket lies on its side, surrounded by an array of colorful seashells scattered across the fine grains. there are no birds in sight, particularly no sandpipers, which often frequent such shores. the gentle waves in the background suggest the proximity to the water's edge.",,15,14,relation,spatial,"relation - spatial (waves, water's edge, suggest proximity)",Do the waves suggest proximity to the water's edge? +partiprompts106,"a striking portrait that captures the essence of Salvador Dalí, with one side of his face depicted in his iconic, surrealistic style, and the other half transformed into a metallic, robotic visage. The painting features a vivid array of colors, with the robotic side incorporating shades of silver and hints of circuitry, contrasting with the warm, flesh tones of Dalí's human side. The background is a simple, solid color to ensure the focus remains on the intricate details of Dalí's dual representation.",,1,0,entity,whole,entity - whole (portrait),Is there a portrait? +partiprompts106,"a striking portrait that captures the essence of Salvador Dalí, with one side of his face depicted in his iconic, surrealistic style, and the other half transformed into a metallic, robotic visage. The painting features a vivid array of colors, with the robotic side incorporating shades of silver and hints of circuitry, contrasting with the warm, flesh tones of Dalí's human side. The background is a simple, solid color to ensure the focus remains on the intricate details of Dalí's dual representation.",,2,0,entity,whole,entity - whole (Salvador Dalí),Is Salvador Dalí depicted in the portrait? +partiprompts106,"a striking portrait that captures the essence of Salvador Dalí, with one side of his face depicted in his iconic, surrealistic style, and the other half transformed into a metallic, robotic visage. The painting features a vivid array of colors, with the robotic side incorporating shades of silver and hints of circuitry, contrasting with the warm, flesh tones of Dalí's human side. The background is a simple, solid color to ensure the focus remains on the intricate details of Dalí's dual representation.",,3,1,attribute,other,"attribute - other (portrait, striking)",Is the portrait striking? +partiprompts106,"a striking portrait that captures the essence of Salvador Dalí, with one side of his face depicted in his iconic, surrealistic style, and the other half transformed into a metallic, robotic visage. The painting features a vivid array of colors, with the robotic side incorporating shades of silver and hints of circuitry, contrasting with the warm, flesh tones of Dalí's human side. The background is a simple, solid color to ensure the focus remains on the intricate details of Dalí's dual representation.",,4,1,attribute,other,"attribute - other (portrait, captures essence)",Does the portrait capture the essence of Salvador Dalí? +partiprompts106,"a striking portrait that captures the essence of Salvador Dalí, with one side of his face depicted in his iconic, surrealistic style, and the other half transformed into a metallic, robotic visage. The painting features a vivid array of colors, with the robotic side incorporating shades of silver and hints of circuitry, contrasting with the warm, flesh tones of Dalí's human side. The background is a simple, solid color to ensure the focus remains on the intricate details of Dalí's dual representation.",,5,2,entity,part,entity - part (Dalí's face),"Is one side of Dalí's face in his iconic, surrealistic style?" +partiprompts106,"a striking portrait that captures the essence of Salvador Dalí, with one side of his face depicted in his iconic, surrealistic style, and the other half transformed into a metallic, robotic visage. The painting features a vivid array of colors, with the robotic side incorporating shades of silver and hints of circuitry, contrasting with the warm, flesh tones of Dalí's human side. The background is a simple, solid color to ensure the focus remains on the intricate details of Dalí's dual representation.",,6,5,attribute,texture,"attribute - texture (Dalí's face, metallic)",Is the other half of Dalí's face metallic? +partiprompts106,"a striking portrait that captures the essence of Salvador Dalí, with one side of his face depicted in his iconic, surrealistic style, and the other half transformed into a metallic, robotic visage. The painting features a vivid array of colors, with the robotic side incorporating shades of silver and hints of circuitry, contrasting with the warm, flesh tones of Dalí's human side. The background is a simple, solid color to ensure the focus remains on the intricate details of Dalí's dual representation.",,7,5,attribute,texture,"attribute - texture (Dalí's face, robotic)",Is the other half of Dalí's face robotic? +partiprompts106,"a striking portrait that captures the essence of Salvador Dalí, with one side of his face depicted in his iconic, surrealistic style, and the other half transformed into a metallic, robotic visage. The painting features a vivid array of colors, with the robotic side incorporating shades of silver and hints of circuitry, contrasting with the warm, flesh tones of Dalí's human side. The background is a simple, solid color to ensure the focus remains on the intricate details of Dalí's dual representation.",,8,6,attribute,color,"attribute - color (robotic side, silver)",Is the robotic side of the face silver? +partiprompts106,"a striking portrait that captures the essence of Salvador Dalí, with one side of his face depicted in his iconic, surrealistic style, and the other half transformed into a metallic, robotic visage. The painting features a vivid array of colors, with the robotic side incorporating shades of silver and hints of circuitry, contrasting with the warm, flesh tones of Dalí's human side. The background is a simple, solid color to ensure the focus remains on the intricate details of Dalí's dual representation.",,9,6,attribute,color,"attribute - color (robotic side, shades of circuitry)",Does the robotic side of the face have shades of circuitry? +partiprompts106,"a striking portrait that captures the essence of Salvador Dalí, with one side of his face depicted in his iconic, surrealistic style, and the other half transformed into a metallic, robotic visage. The painting features a vivid array of colors, with the robotic side incorporating shades of silver and hints of circuitry, contrasting with the warm, flesh tones of Dalí's human side. The background is a simple, solid color to ensure the focus remains on the intricate details of Dalí's dual representation.",,10,5,attribute,color,"attribute - color (human side, warm flesh tones)",Are the warm flesh tones on Dalí's human side? +partiprompts106,"a striking portrait that captures the essence of Salvador Dalí, with one side of his face depicted in his iconic, surrealistic style, and the other half transformed into a metallic, robotic visage. The painting features a vivid array of colors, with the robotic side incorporating shades of silver and hints of circuitry, contrasting with the warm, flesh tones of Dalí's human side. The background is a simple, solid color to ensure the focus remains on the intricate details of Dalí's dual representation.",,11,1,attribute,color,"attribute - color (background, solid)",Is the background a solid color? +partiprompts106,"a striking portrait that captures the essence of Salvador Dalí, with one side of his face depicted in his iconic, surrealistic style, and the other half transformed into a metallic, robotic visage. The painting features a vivid array of colors, with the robotic side incorporating shades of silver and hints of circuitry, contrasting with the warm, flesh tones of Dalí's human side. The background is a simple, solid color to ensure the focus remains on the intricate details of Dalí's dual representation.",,12,1,relation,spatial,"relation - spatial (portrait, background, in)",Is the portrait in the background? +partiprompts106,"a striking portrait that captures the essence of Salvador Dalí, with one side of his face depicted in his iconic, surrealistic style, and the other half transformed into a metallic, robotic visage. The painting features a vivid array of colors, with the robotic side incorporating shades of silver and hints of circuitry, contrasting with the warm, flesh tones of Dalí's human side. The background is a simple, solid color to ensure the focus remains on the intricate details of Dalí's dual representation.",,13,1,relation,spatial,"relation - spatial (portrait, focus, on)",Is the focus on the intricate details of Dalí's dual representation? +partiprompts248,"A large, bold sign with the words 'KEEP OFF THE GRASS' is painted in white letters on a weathered brick wall. The wall has a rough texture and shows signs of age with some bricks slightly chipped and discolored. In front of the wall, there's a small strip of green grass that appears well-maintained, contrasting with the urban backdrop.",,1,0,entity,whole,entity - whole (sign),Is there a sign? +partiprompts248,"A large, bold sign with the words 'KEEP OFF THE GRASS' is painted in white letters on a weathered brick wall. The wall has a rough texture and shows signs of age with some bricks slightly chipped and discolored. In front of the wall, there's a small strip of green grass that appears well-maintained, contrasting with the urban backdrop.",,2,0,entity,whole,entity - whole (wall),Is there a wall? +partiprompts248,"A large, bold sign with the words 'KEEP OFF THE GRASS' is painted in white letters on a weathered brick wall. The wall has a rough texture and shows signs of age with some bricks slightly chipped and discolored. In front of the wall, there's a small strip of green grass that appears well-maintained, contrasting with the urban backdrop.",,3,0,entity,whole,entity - whole (grass),Is there grass? +partiprompts248,"A large, bold sign with the words 'KEEP OFF THE GRASS' is painted in white letters on a weathered brick wall. The wall has a rough texture and shows signs of age with some bricks slightly chipped and discolored. In front of the wall, there's a small strip of green grass that appears well-maintained, contrasting with the urban backdrop.",,4,1,other,text,"other - text (sign, 'KEEP OFF THE GRASS')",Does the sign say 'KEEP OFF THE GRASS'? +partiprompts248,"A large, bold sign with the words 'KEEP OFF THE GRASS' is painted in white letters on a weathered brick wall. The wall has a rough texture and shows signs of age with some bricks slightly chipped and discolored. In front of the wall, there's a small strip of green grass that appears well-maintained, contrasting with the urban backdrop.",,5,1,attribute,size,"attribute - size (sign, large)",Is the sign large? +partiprompts248,"A large, bold sign with the words 'KEEP OFF THE GRASS' is painted in white letters on a weathered brick wall. The wall has a rough texture and shows signs of age with some bricks slightly chipped and discolored. In front of the wall, there's a small strip of green grass that appears well-maintained, contrasting with the urban backdrop.",,6,1,attribute,other,"attribute - other (sign, bold)",Is the sign bold? +partiprompts248,"A large, bold sign with the words 'KEEP OFF THE GRASS' is painted in white letters on a weathered brick wall. The wall has a rough texture and shows signs of age with some bricks slightly chipped and discolored. In front of the wall, there's a small strip of green grass that appears well-maintained, contrasting with the urban backdrop.",,7,1,attribute,color,"attribute - color (letters, white)",Are the letters white? +partiprompts248,"A large, bold sign with the words 'KEEP OFF THE GRASS' is painted in white letters on a weathered brick wall. The wall has a rough texture and shows signs of age with some bricks slightly chipped and discolored. In front of the wall, there's a small strip of green grass that appears well-maintained, contrasting with the urban backdrop.",,8,2,attribute,texture,"attribute - texture (wall, weathered brick)",Is the wall made of weathered brick? +partiprompts248,"A large, bold sign with the words 'KEEP OFF THE GRASS' is painted in white letters on a weathered brick wall. The wall has a rough texture and shows signs of age with some bricks slightly chipped and discolored. In front of the wall, there's a small strip of green grass that appears well-maintained, contrasting with the urban backdrop.",,9,2,attribute,texture,"attribute - texture (wall, rough)",Is the wall rough? +partiprompts248,"A large, bold sign with the words 'KEEP OFF THE GRASS' is painted in white letters on a weathered brick wall. The wall has a rough texture and shows signs of age with some bricks slightly chipped and discolored. In front of the wall, there's a small strip of green grass that appears well-maintained, contrasting with the urban backdrop.",,10,2,attribute,other,"attribute - other (wall, age)",Does the wall show signs of age? +partiprompts248,"A large, bold sign with the words 'KEEP OFF THE GRASS' is painted in white letters on a weathered brick wall. The wall has a rough texture and shows signs of age with some bricks slightly chipped and discolored. In front of the wall, there's a small strip of green grass that appears well-maintained, contrasting with the urban backdrop.",,11,2,attribute,other,"attribute - other (bricks, slightly chipped and discolored)",Are some bricks slightly chipped and discolored? +partiprompts248,"A large, bold sign with the words 'KEEP OFF THE GRASS' is painted in white letters on a weathered brick wall. The wall has a rough texture and shows signs of age with some bricks slightly chipped and discolored. In front of the wall, there's a small strip of green grass that appears well-maintained, contrasting with the urban backdrop.",,12,"1,2",relation,spatial,"relation - spatial (sign, wall, on)",Is the sign on the wall? +partiprompts248,"A large, bold sign with the words 'KEEP OFF THE GRASS' is painted in white letters on a weathered brick wall. The wall has a rough texture and shows signs of age with some bricks slightly chipped and discolored. In front of the wall, there's a small strip of green grass that appears well-maintained, contrasting with the urban backdrop.",,13,"3,2",relation,spatial,"relation - spatial (grass, wall, in front of)",Is the grass in front of the wall? +partiprompts51,"a golden-brown roast turkey being carefully taken out of a stainless steel oven by someone wearing oven mitts. the kitchen is filled with the aroma of the cooked turkey, and the counter nearby is set with various dishes and utensils needed for the meal preparation. the oven light casts a warm glow on the surrounding cream-colored kitchen tiles and the dark granite countertop.",,1,0,entity,whole,entity - whole (turkey),Is there a roast turkey? +partiprompts51,"a golden-brown roast turkey being carefully taken out of a stainless steel oven by someone wearing oven mitts. the kitchen is filled with the aroma of the cooked turkey, and the counter nearby is set with various dishes and utensils needed for the meal preparation. the oven light casts a warm glow on the surrounding cream-colored kitchen tiles and the dark granite countertop.",,2,0,entity,whole,entity - whole (oven),Is there an oven? +partiprompts51,"a golden-brown roast turkey being carefully taken out of a stainless steel oven by someone wearing oven mitts. the kitchen is filled with the aroma of the cooked turkey, and the counter nearby is set with various dishes and utensils needed for the meal preparation. the oven light casts a warm glow on the surrounding cream-colored kitchen tiles and the dark granite countertop.",,3,0,entity,whole,entity - whole (someone),Is there someone? +partiprompts51,"a golden-brown roast turkey being carefully taken out of a stainless steel oven by someone wearing oven mitts. the kitchen is filled with the aroma of the cooked turkey, and the counter nearby is set with various dishes and utensils needed for the meal preparation. the oven light casts a warm glow on the surrounding cream-colored kitchen tiles and the dark granite countertop.",,4,0,entity,whole,entity - whole (oven mitts),Are there oven mitts? +partiprompts51,"a golden-brown roast turkey being carefully taken out of a stainless steel oven by someone wearing oven mitts. the kitchen is filled with the aroma of the cooked turkey, and the counter nearby is set with various dishes and utensils needed for the meal preparation. the oven light casts a warm glow on the surrounding cream-colored kitchen tiles and the dark granite countertop.",,5,0,entity,whole,entity - whole (kitchen),Is there a kitchen? +partiprompts51,"a golden-brown roast turkey being carefully taken out of a stainless steel oven by someone wearing oven mitts. the kitchen is filled with the aroma of the cooked turkey, and the counter nearby is set with various dishes and utensils needed for the meal preparation. the oven light casts a warm glow on the surrounding cream-colored kitchen tiles and the dark granite countertop.",,6,0,entity,whole,entity - whole (counter),Is there a counter? +partiprompts51,"a golden-brown roast turkey being carefully taken out of a stainless steel oven by someone wearing oven mitts. the kitchen is filled with the aroma of the cooked turkey, and the counter nearby is set with various dishes and utensils needed for the meal preparation. the oven light casts a warm glow on the surrounding cream-colored kitchen tiles and the dark granite countertop.",,7,1,attribute,color,"attribute - color (turkey, golden-brown)",Is the turkey golden-brown? +partiprompts51,"a golden-brown roast turkey being carefully taken out of a stainless steel oven by someone wearing oven mitts. the kitchen is filled with the aroma of the cooked turkey, and the counter nearby is set with various dishes and utensils needed for the meal preparation. the oven light casts a warm glow on the surrounding cream-colored kitchen tiles and the dark granite countertop.",,8,2,attribute,texture,"attribute - texture (oven, stainless steel)",Is the oven made of stainless steel? +partiprompts51,"a golden-brown roast turkey being carefully taken out of a stainless steel oven by someone wearing oven mitts. the kitchen is filled with the aroma of the cooked turkey, and the counter nearby is set with various dishes and utensils needed for the meal preparation. the oven light casts a warm glow on the surrounding cream-colored kitchen tiles and the dark granite countertop.",,9,5,attribute,texture,"attribute - texture (kitchen tiles, cream-colored)",Are the kitchen tiles cream-colored? +partiprompts51,"a golden-brown roast turkey being carefully taken out of a stainless steel oven by someone wearing oven mitts. the kitchen is filled with the aroma of the cooked turkey, and the counter nearby is set with various dishes and utensils needed for the meal preparation. the oven light casts a warm glow on the surrounding cream-colored kitchen tiles and the dark granite countertop.",,10,6,attribute,texture,"attribute - texture (countertop, dark granite)",Is the countertop dark granite? +partiprompts51,"a golden-brown roast turkey being carefully taken out of a stainless steel oven by someone wearing oven mitts. the kitchen is filled with the aroma of the cooked turkey, and the counter nearby is set with various dishes and utensils needed for the meal preparation. the oven light casts a warm glow on the surrounding cream-colored kitchen tiles and the dark granite countertop.",,11,1,entity,state,"entity - state (turkey, cooked)",Is the turkey cooked? +partiprompts51,"a golden-brown roast turkey being carefully taken out of a stainless steel oven by someone wearing oven mitts. the kitchen is filled with the aroma of the cooked turkey, and the counter nearby is set with various dishes and utensils needed for the meal preparation. the oven light casts a warm glow on the surrounding cream-colored kitchen tiles and the dark granite countertop.",,12,5,entity,state,"entity - state (kitchen, filled with aroma)",Is the kitchen filled with the aroma of the cooked turkey? +partiprompts51,"a golden-brown roast turkey being carefully taken out of a stainless steel oven by someone wearing oven mitts. the kitchen is filled with the aroma of the cooked turkey, and the counter nearby is set with various dishes and utensils needed for the meal preparation. the oven light casts a warm glow on the surrounding cream-colored kitchen tiles and the dark granite countertop.",,13,6,entity,state,"entity - state (counter, set with dishes and utensils)",Is the counter set with various dishes and utensils? +partiprompts51,"a golden-brown roast turkey being carefully taken out of a stainless steel oven by someone wearing oven mitts. the kitchen is filled with the aroma of the cooked turkey, and the counter nearby is set with various dishes and utensils needed for the meal preparation. the oven light casts a warm glow on the surrounding cream-colored kitchen tiles and the dark granite countertop.",,14,"1,2",relation,spatial,"relation - spatial (turkey, oven, in)",Is the turkey in the oven? +partiprompts51,"a golden-brown roast turkey being carefully taken out of a stainless steel oven by someone wearing oven mitts. the kitchen is filled with the aroma of the cooked turkey, and the counter nearby is set with various dishes and utensils needed for the meal preparation. the oven light casts a warm glow on the surrounding cream-colored kitchen tiles and the dark granite countertop.",,15,"3,2",relation,spatial,"relation - spatial (someone, oven, take out)",Is someone taking the turkey out of the oven? +partiprompts51,"a golden-brown roast turkey being carefully taken out of a stainless steel oven by someone wearing oven mitts. the kitchen is filled with the aroma of the cooked turkey, and the counter nearby is set with various dishes and utensils needed for the meal preparation. the oven light casts a warm glow on the surrounding cream-colored kitchen tiles and the dark granite countertop.",,16,"2,5",relation,spatial,"relation - spatial (oven light, kitchen, cast glow on)",Is the oven light casting a warm glow on the kitchen? +partiprompts51,"a golden-brown roast turkey being carefully taken out of a stainless steel oven by someone wearing oven mitts. the kitchen is filled with the aroma of the cooked turkey, and the counter nearby is set with various dishes and utensils needed for the meal preparation. the oven light casts a warm glow on the surrounding cream-colored kitchen tiles and the dark granite countertop.",,17,"9,5",relation,spatial,"relation - spatial (oven light, tiles, cast glow on)",Is the oven light casting a warm glow on the tiles? +partiprompts51,"a golden-brown roast turkey being carefully taken out of a stainless steel oven by someone wearing oven mitts. the kitchen is filled with the aroma of the cooked turkey, and the counter nearby is set with various dishes and utensils needed for the meal preparation. the oven light casts a warm glow on the surrounding cream-colored kitchen tiles and the dark granite countertop.",,18,"10,6",relation,spatial,"relation - spatial (oven light, countertop, cast glow on)",Is the oven light casting a warm glow on the countertop? +partiprompts17,"An altered image of the Space Shuttle Endeavor, its exterior painted a bright yellow, as it soars high above the Earth's atmosphere. The vast expanse of South America is prominently visible below, with the deep blue of the surrounding ocean contrasting against the yellow of the shuttle. The curvature of the Earth can be seen at the edges of the photo, highlighting the shuttle's altitude.",,1,0,entity,whole,entity - whole (Space Shuttle Endeavor),Is there the Space Shuttle Endeavor? +partiprompts17,"An altered image of the Space Shuttle Endeavor, its exterior painted a bright yellow, as it soars high above the Earth's atmosphere. The vast expanse of South America is prominently visible below, with the deep blue of the surrounding ocean contrasting against the yellow of the shuttle. The curvature of the Earth can be seen at the edges of the photo, highlighting the shuttle's altitude.",,2,1,attribute,color,"attribute - color (Space Shuttle Endeavor, bright yellow)",Is the Space Shuttle Endeavor painted bright yellow? +partiprompts17,"An altered image of the Space Shuttle Endeavor, its exterior painted a bright yellow, as it soars high above the Earth's atmosphere. The vast expanse of South America is prominently visible below, with the deep blue of the surrounding ocean contrasting against the yellow of the shuttle. The curvature of the Earth can be seen at the edges of the photo, highlighting the shuttle's altitude.",,3,0,global,,global - (altered image),Is this an altered image? +partiprompts17,"An altered image of the Space Shuttle Endeavor, its exterior painted a bright yellow, as it soars high above the Earth's atmosphere. The vast expanse of South America is prominently visible below, with the deep blue of the surrounding ocean contrasting against the yellow of the shuttle. The curvature of the Earth can be seen at the edges of the photo, highlighting the shuttle's altitude.",,4,0,entity,whole,entity - whole (Earth's atmosphere),Is there Earth's atmosphere? +partiprompts17,"An altered image of the Space Shuttle Endeavor, its exterior painted a bright yellow, as it soars high above the Earth's atmosphere. The vast expanse of South America is prominently visible below, with the deep blue of the surrounding ocean contrasting against the yellow of the shuttle. The curvature of the Earth can be seen at the edges of the photo, highlighting the shuttle's altitude.",,5,0,entity,whole,entity - whole (South America),Is there South America? +partiprompts17,"An altered image of the Space Shuttle Endeavor, its exterior painted a bright yellow, as it soars high above the Earth's atmosphere. The vast expanse of South America is prominently visible below, with the deep blue of the surrounding ocean contrasting against the yellow of the shuttle. The curvature of the Earth can be seen at the edges of the photo, highlighting the shuttle's altitude.",,6,0,entity,whole,entity - whole (ocean),Is there an ocean? +partiprompts17,"An altered image of the Space Shuttle Endeavor, its exterior painted a bright yellow, as it soars high above the Earth's atmosphere. The vast expanse of South America is prominently visible below, with the deep blue of the surrounding ocean contrasting against the yellow of the shuttle. The curvature of the Earth can be seen at the edges of the photo, highlighting the shuttle's altitude.",,7,6,attribute,color,"attribute - color (ocean, deep blue)",Is the ocean deep blue? +partiprompts17,"An altered image of the Space Shuttle Endeavor, its exterior painted a bright yellow, as it soars high above the Earth's atmosphere. The vast expanse of South America is prominently visible below, with the deep blue of the surrounding ocean contrasting against the yellow of the shuttle. The curvature of the Earth can be seen at the edges of the photo, highlighting the shuttle's altitude.",,8,6,attribute,color,"attribute - color (surrounding ocean, deep blue)",Is the surrounding ocean deep blue? +partiprompts17,"An altered image of the Space Shuttle Endeavor, its exterior painted a bright yellow, as it soars high above the Earth's atmosphere. The vast expanse of South America is prominently visible below, with the deep blue of the surrounding ocean contrasting against the yellow of the shuttle. The curvature of the Earth can be seen at the edges of the photo, highlighting the shuttle's altitude.",,9,2,attribute,color,"attribute - color (shuttle, yellow)",Is the shuttle yellow? +partiprompts17,"An altered image of the Space Shuttle Endeavor, its exterior painted a bright yellow, as it soars high above the Earth's atmosphere. The vast expanse of South America is prominently visible below, with the deep blue of the surrounding ocean contrasting against the yellow of the shuttle. The curvature of the Earth can be seen at the edges of the photo, highlighting the shuttle's altitude.",,10,4,attribute,size,"attribute - size (Earth, vast expanse)",Is the Earth a vast expanse? +partiprompts17,"An altered image of the Space Shuttle Endeavor, its exterior painted a bright yellow, as it soars high above the Earth's atmosphere. The vast expanse of South America is prominently visible below, with the deep blue of the surrounding ocean contrasting against the yellow of the shuttle. The curvature of the Earth can be seen at the edges of the photo, highlighting the shuttle's altitude.",,11,"1,4",relation,spatial,"relation - spatial (shuttle, Earth's atmosphere, above)",Is the shuttle above Earth's atmosphere? +partiprompts17,"An altered image of the Space Shuttle Endeavor, its exterior painted a bright yellow, as it soars high above the Earth's atmosphere. The vast expanse of South America is prominently visible below, with the deep blue of the surrounding ocean contrasting against the yellow of the shuttle. The curvature of the Earth can be seen at the edges of the photo, highlighting the shuttle's altitude.",,12,"5,4",relation,spatial,"relation - spatial (South America, Earth, below)",Is South America below Earth? +partiprompts17,"An altered image of the Space Shuttle Endeavor, its exterior painted a bright yellow, as it soars high above the Earth's atmosphere. The vast expanse of South America is prominently visible below, with the deep blue of the surrounding ocean contrasting against the yellow of the shuttle. The curvature of the Earth can be seen at the edges of the photo, highlighting the shuttle's altitude.",,13,"6,4",relation,spatial,"relation - spatial (ocean, Earth, surrounding)",Is the ocean surrounding Earth? +partiprompts17,"An altered image of the Space Shuttle Endeavor, its exterior painted a bright yellow, as it soars high above the Earth's atmosphere. The vast expanse of South America is prominently visible below, with the deep blue of the surrounding ocean contrasting against the yellow of the shuttle. The curvature of the Earth can be seen at the edges of the photo, highlighting the shuttle's altitude.",,14,"1,4",relation,spatial,"relation - spatial (shuttle, Earth, at the edges)",Are the edges of the photo showing the curvature of the Earth? +partiprompts17,"An altered image of the Space Shuttle Endeavor, its exterior painted a bright yellow, as it soars high above the Earth's atmosphere. The vast expanse of South America is prominently visible below, with the deep blue of the surrounding ocean contrasting against the yellow of the shuttle. The curvature of the Earth can be seen at the edges of the photo, highlighting the shuttle's altitude.",,15,"4,3",relation,spatial,"relation - spatial (Earth, photo, at the edges)",Are the edges of the photo showing the curvature of the Earth? +partiprompts17,"An altered image of the Space Shuttle Endeavor, its exterior painted a bright yellow, as it soars high above the Earth's atmosphere. The vast expanse of South America is prominently visible below, with the deep blue of the surrounding ocean contrasting against the yellow of the shuttle. The curvature of the Earth can be seen at the edges of the photo, highlighting the shuttle's altitude.",,16,1,relation,spatial,"relation - spatial (shuttle, altitude, highlight)",Does the photo highlight the shuttle's altitude? +partiprompts69,"a digital illustration of an adorable baby penguin emoji, sporting a vibrant blue hat on its head and snug red gloves on its flippers. The penguin is dressed in a bright green shirt that contrasts with its sleek black and white feathers, and it's wearing cheerful yellow pants that add a pop of color. The emoji is set against a clean, white background, making the colorful attire of the penguin stand out even more.",,1,0,global,,global - (digital illustration),Is this a digital illustration? +partiprompts69,"a digital illustration of an adorable baby penguin emoji, sporting a vibrant blue hat on its head and snug red gloves on its flippers. The penguin is dressed in a bright green shirt that contrasts with its sleek black and white feathers, and it's wearing cheerful yellow pants that add a pop of color. The emoji is set against a clean, white background, making the colorful attire of the penguin stand out even more.",,2,1,entity,whole,entity - whole (penguin),Is there a penguin? +partiprompts69,"a digital illustration of an adorable baby penguin emoji, sporting a vibrant blue hat on its head and snug red gloves on its flippers. The penguin is dressed in a bright green shirt that contrasts with its sleek black and white feathers, and it's wearing cheerful yellow pants that add a pop of color. The emoji is set against a clean, white background, making the colorful attire of the penguin stand out even more.",,3,2,entity,part,entity - part (penguin's hat),Is the penguin wearing a hat? +partiprompts69,"a digital illustration of an adorable baby penguin emoji, sporting a vibrant blue hat on its head and snug red gloves on its flippers. The penguin is dressed in a bright green shirt that contrasts with its sleek black and white feathers, and it's wearing cheerful yellow pants that add a pop of color. The emoji is set against a clean, white background, making the colorful attire of the penguin stand out even more.",,4,2,entity,part,entity - part (penguin's gloves),Is the penguin wearing gloves? +partiprompts69,"a digital illustration of an adorable baby penguin emoji, sporting a vibrant blue hat on its head and snug red gloves on its flippers. The penguin is dressed in a bright green shirt that contrasts with its sleek black and white feathers, and it's wearing cheerful yellow pants that add a pop of color. The emoji is set against a clean, white background, making the colorful attire of the penguin stand out even more.",,5,2,entity,part,entity - part (penguin's flippers),Is the penguin wearing gloves on its flippers? +partiprompts69,"a digital illustration of an adorable baby penguin emoji, sporting a vibrant blue hat on its head and snug red gloves on its flippers. The penguin is dressed in a bright green shirt that contrasts with its sleek black and white feathers, and it's wearing cheerful yellow pants that add a pop of color. The emoji is set against a clean, white background, making the colorful attire of the penguin stand out even more.",,6,2,entity,part,entity - part (penguin's shirt),Is the penguin wearing a shirt? +partiprompts69,"a digital illustration of an adorable baby penguin emoji, sporting a vibrant blue hat on its head and snug red gloves on its flippers. The penguin is dressed in a bright green shirt that contrasts with its sleek black and white feathers, and it's wearing cheerful yellow pants that add a pop of color. The emoji is set against a clean, white background, making the colorful attire of the penguin stand out even more.",,7,2,entity,part,entity - part (penguin's feathers),Is the penguin's feathers black and white? +partiprompts69,"a digital illustration of an adorable baby penguin emoji, sporting a vibrant blue hat on its head and snug red gloves on its flippers. The penguin is dressed in a bright green shirt that contrasts with its sleek black and white feathers, and it's wearing cheerful yellow pants that add a pop of color. The emoji is set against a clean, white background, making the colorful attire of the penguin stand out even more.",,8,2,entity,part,entity - part (penguin's pants),Is the penguin wearing pants? +partiprompts69,"a digital illustration of an adorable baby penguin emoji, sporting a vibrant blue hat on its head and snug red gloves on its flippers. The penguin is dressed in a bright green shirt that contrasts with its sleek black and white feathers, and it's wearing cheerful yellow pants that add a pop of color. The emoji is set against a clean, white background, making the colorful attire of the penguin stand out even more.",,9,3,attribute,color,"attribute - color (hat, vibrant blue)",Is the hat vibrant blue? +partiprompts69,"a digital illustration of an adorable baby penguin emoji, sporting a vibrant blue hat on its head and snug red gloves on its flippers. The penguin is dressed in a bright green shirt that contrasts with its sleek black and white feathers, and it's wearing cheerful yellow pants that add a pop of color. The emoji is set against a clean, white background, making the colorful attire of the penguin stand out even more.",,10,4,attribute,color,"attribute - color (gloves, red)",Are the gloves red? +partiprompts69,"a digital illustration of an adorable baby penguin emoji, sporting a vibrant blue hat on its head and snug red gloves on its flippers. The penguin is dressed in a bright green shirt that contrasts with its sleek black and white feathers, and it's wearing cheerful yellow pants that add a pop of color. The emoji is set against a clean, white background, making the colorful attire of the penguin stand out even more.",,11,6,attribute,color,"attribute - color (shirt, bright green)",Is the shirt bright green? +partiprompts69,"a digital illustration of an adorable baby penguin emoji, sporting a vibrant blue hat on its head and snug red gloves on its flippers. The penguin is dressed in a bright green shirt that contrasts with its sleek black and white feathers, and it's wearing cheerful yellow pants that add a pop of color. The emoji is set against a clean, white background, making the colorful attire of the penguin stand out even more.",,12,7,attribute,color,"attribute - color (feathers, black and white)",Are the feathers black and white? +partiprompts69,"a digital illustration of an adorable baby penguin emoji, sporting a vibrant blue hat on its head and snug red gloves on its flippers. The penguin is dressed in a bright green shirt that contrasts with its sleek black and white feathers, and it's wearing cheerful yellow pants that add a pop of color. The emoji is set against a clean, white background, making the colorful attire of the penguin stand out even more.",,13,8,attribute,color,"attribute - color (pants, cheerful yellow)",Are the pants cheerful yellow? +partiprompts69,"a digital illustration of an adorable baby penguin emoji, sporting a vibrant blue hat on its head and snug red gloves on its flippers. The penguin is dressed in a bright green shirt that contrasts with its sleek black and white feathers, and it's wearing cheerful yellow pants that add a pop of color. The emoji is set against a clean, white background, making the colorful attire of the penguin stand out even more.",,14,0,attribute,texture,"attribute - texture (background, clean white)",Is the background clean white? +partiprompts69,"a digital illustration of an adorable baby penguin emoji, sporting a vibrant blue hat on its head and snug red gloves on its flippers. The penguin is dressed in a bright green shirt that contrasts with its sleek black and white feathers, and it's wearing cheerful yellow pants that add a pop of color. The emoji is set against a clean, white background, making the colorful attire of the penguin stand out even more.",,15,2,relation,spatial,"relation - spatial (penguin, background, against)",Is the penguin set against the background? +partiprompts69,"a digital illustration of an adorable baby penguin emoji, sporting a vibrant blue hat on its head and snug red gloves on its flippers. The penguin is dressed in a bright green shirt that contrasts with its sleek black and white feathers, and it's wearing cheerful yellow pants that add a pop of color. The emoji is set against a clean, white background, making the colorful attire of the penguin stand out even more.",,16,1,attribute,other,"attribute - other (penguin, adorable)",Is the penguin adorable? +partiprompts299,"A tall, leafy tree casting its reflection on the glass sunroof of a parked blue sedan. The car's glossy paintwork accentuates the tree's intricate silhouette, and the sunroof provides a clear, mirror-like surface that captures the sky and branches above. Around the vehicle, the pavement is speckled with small shadows from the tree's leaves, hinting at the calm, breezy day.",,1,0,entity,whole,entity - whole (tree),Is there a tree? +partiprompts299,"A tall, leafy tree casting its reflection on the glass sunroof of a parked blue sedan. The car's glossy paintwork accentuates the tree's intricate silhouette, and the sunroof provides a clear, mirror-like surface that captures the sky and branches above. Around the vehicle, the pavement is speckled with small shadows from the tree's leaves, hinting at the calm, breezy day.",,2,1,entity,whole,entity - whole (reflection),Is there a reflection? +partiprompts299,"A tall, leafy tree casting its reflection on the glass sunroof of a parked blue sedan. The car's glossy paintwork accentuates the tree's intricate silhouette, and the sunroof provides a clear, mirror-like surface that captures the sky and branches above. Around the vehicle, the pavement is speckled with small shadows from the tree's leaves, hinting at the calm, breezy day.",,3,1,entity,whole,entity - whole (sunroof),Is there a sunroof? +partiprompts299,"A tall, leafy tree casting its reflection on the glass sunroof of a parked blue sedan. The car's glossy paintwork accentuates the tree's intricate silhouette, and the sunroof provides a clear, mirror-like surface that captures the sky and branches above. Around the vehicle, the pavement is speckled with small shadows from the tree's leaves, hinting at the calm, breezy day.",,4,0,entity,whole,entity - whole (sedan),Is there a sedan? +partiprompts299,"A tall, leafy tree casting its reflection on the glass sunroof of a parked blue sedan. The car's glossy paintwork accentuates the tree's intricate silhouette, and the sunroof provides a clear, mirror-like surface that captures the sky and branches above. Around the vehicle, the pavement is speckled with small shadows from the tree's leaves, hinting at the calm, breezy day.",,5,1,attribute,size,"attribute - size (tree, tall)",Is the tree tall? +partiprompts299,"A tall, leafy tree casting its reflection on the glass sunroof of a parked blue sedan. The car's glossy paintwork accentuates the tree's intricate silhouette, and the sunroof provides a clear, mirror-like surface that captures the sky and branches above. Around the vehicle, the pavement is speckled with small shadows from the tree's leaves, hinting at the calm, breezy day.",,6,1,attribute,texture,"attribute - texture (tree, leafy)",Is the tree leafy? +partiprompts299,"A tall, leafy tree casting its reflection on the glass sunroof of a parked blue sedan. The car's glossy paintwork accentuates the tree's intricate silhouette, and the sunroof provides a clear, mirror-like surface that captures the sky and branches above. Around the vehicle, the pavement is speckled with small shadows from the tree's leaves, hinting at the calm, breezy day.",,7,4,attribute,texture,"attribute - texture (sedan, glossy)",Is the sedan glossy? +partiprompts299,"A tall, leafy tree casting its reflection on the glass sunroof of a parked blue sedan. The car's glossy paintwork accentuates the tree's intricate silhouette, and the sunroof provides a clear, mirror-like surface that captures the sky and branches above. Around the vehicle, the pavement is speckled with small shadows from the tree's leaves, hinting at the calm, breezy day.",,8,4,attribute,color,"attribute - color (sedan, blue)",Is the sedan blue? +partiprompts299,"A tall, leafy tree casting its reflection on the glass sunroof of a parked blue sedan. The car's glossy paintwork accentuates the tree's intricate silhouette, and the sunroof provides a clear, mirror-like surface that captures the sky and branches above. Around the vehicle, the pavement is speckled with small shadows from the tree's leaves, hinting at the calm, breezy day.",,9,1,attribute,other,"attribute - other (tree's silhouette, intricate)",Is the tree's silhouette intricate? +partiprompts299,"A tall, leafy tree casting its reflection on the glass sunroof of a parked blue sedan. The car's glossy paintwork accentuates the tree's intricate silhouette, and the sunroof provides a clear, mirror-like surface that captures the sky and branches above. Around the vehicle, the pavement is speckled with small shadows from the tree's leaves, hinting at the calm, breezy day.",,10,"1,3",relation,spatial,"relation - spatial (tree, sunroof, reflection on)",Is the tree's reflection on the sunroof? +partiprompts299,"A tall, leafy tree casting its reflection on the glass sunroof of a parked blue sedan. The car's glossy paintwork accentuates the tree's intricate silhouette, and the sunroof provides a clear, mirror-like surface that captures the sky and branches above. Around the vehicle, the pavement is speckled with small shadows from the tree's leaves, hinting at the calm, breezy day.",,11,"1,4",relation,spatial,"relation - spatial (tree, sedan, reflection on)",Is the tree's reflection on the sedan? +partiprompts299,"A tall, leafy tree casting its reflection on the glass sunroof of a parked blue sedan. The car's glossy paintwork accentuates the tree's intricate silhouette, and the sunroof provides a clear, mirror-like surface that captures the sky and branches above. Around the vehicle, the pavement is speckled with small shadows from the tree's leaves, hinting at the calm, breezy day.",,12,"3,4",relation,spatial,"relation - spatial (sunroof, sedan, on)",Is the sunroof on the sedan? +partiprompts299,"A tall, leafy tree casting its reflection on the glass sunroof of a parked blue sedan. The car's glossy paintwork accentuates the tree's intricate silhouette, and the sunroof provides a clear, mirror-like surface that captures the sky and branches above. Around the vehicle, the pavement is speckled with small shadows from the tree's leaves, hinting at the calm, breezy day.",,13,4,relation,spatial,"relation - spatial (sedan, pavement, around)",Is the sedan around the pavement? +partiprompts299,"A tall, leafy tree casting its reflection on the glass sunroof of a parked blue sedan. The car's glossy paintwork accentuates the tree's intricate silhouette, and the sunroof provides a clear, mirror-like surface that captures the sky and branches above. Around the vehicle, the pavement is speckled with small shadows from the tree's leaves, hinting at the calm, breezy day.",,14,13,relation,spatial,"relation - spatial (pavement, shadows, speckled)",Are the shadows on the pavement speckled? +partiprompts299,"A tall, leafy tree casting its reflection on the glass sunroof of a parked blue sedan. The car's glossy paintwork accentuates the tree's intricate silhouette, and the sunroof provides a clear, mirror-like surface that captures the sky and branches above. Around the vehicle, the pavement is speckled with small shadows from the tree's leaves, hinting at the calm, breezy day.",,15,"14,13",relation,spatial,"relation - spatial (shadows, leaves, from)",Are the shadows from the leaves? +partiprompts103,"a skilled barista in a white apron carefully pouring milk from a stainless steel pitcher into a white ceramic coffee cup. The milk swirls into the dark espresso, creating an intricate leaf pattern on the surface of the latte. The coffee cup sits on a saucer atop a polished wooden counter, surrounded by an array of coffee-making equipment.",,1,0,entity,whole,entity - whole (barista),Is there a barista? +partiprompts103,"a skilled barista in a white apron carefully pouring milk from a stainless steel pitcher into a white ceramic coffee cup. The milk swirls into the dark espresso, creating an intricate leaf pattern on the surface of the latte. The coffee cup sits on a saucer atop a polished wooden counter, surrounded by an array of coffee-making equipment.",,2,1,entity,whole,entity - whole (apron),Is the barista wearing an apron? +partiprompts103,"a skilled barista in a white apron carefully pouring milk from a stainless steel pitcher into a white ceramic coffee cup. The milk swirls into the dark espresso, creating an intricate leaf pattern on the surface of the latte. The coffee cup sits on a saucer atop a polished wooden counter, surrounded by an array of coffee-making equipment.",,3,0,entity,whole,entity - whole (milk),Is there milk? +partiprompts103,"a skilled barista in a white apron carefully pouring milk from a stainless steel pitcher into a white ceramic coffee cup. The milk swirls into the dark espresso, creating an intricate leaf pattern on the surface of the latte. The coffee cup sits on a saucer atop a polished wooden counter, surrounded by an array of coffee-making equipment.",,4,3,entity,whole,entity - whole (pitcher),Is there a pitcher? +partiprompts103,"a skilled barista in a white apron carefully pouring milk from a stainless steel pitcher into a white ceramic coffee cup. The milk swirls into the dark espresso, creating an intricate leaf pattern on the surface of the latte. The coffee cup sits on a saucer atop a polished wooden counter, surrounded by an array of coffee-making equipment.",,5,0,entity,whole,entity - whole (coffee cup),Is there a coffee cup? +partiprompts103,"a skilled barista in a white apron carefully pouring milk from a stainless steel pitcher into a white ceramic coffee cup. The milk swirls into the dark espresso, creating an intricate leaf pattern on the surface of the latte. The coffee cup sits on a saucer atop a polished wooden counter, surrounded by an array of coffee-making equipment.",,6,5,entity,whole,entity - whole (saucer),Is there a saucer? +partiprompts103,"a skilled barista in a white apron carefully pouring milk from a stainless steel pitcher into a white ceramic coffee cup. The milk swirls into the dark espresso, creating an intricate leaf pattern on the surface of the latte. The coffee cup sits on a saucer atop a polished wooden counter, surrounded by an array of coffee-making equipment.",,7,0,entity,whole,entity - whole (counter),Is there a counter? +partiprompts103,"a skilled barista in a white apron carefully pouring milk from a stainless steel pitcher into a white ceramic coffee cup. The milk swirls into the dark espresso, creating an intricate leaf pattern on the surface of the latte. The coffee cup sits on a saucer atop a polished wooden counter, surrounded by an array of coffee-making equipment.",,8,0,entity,whole,entity - whole (coffee-making equipment),Is there coffee-making equipment? +partiprompts103,"a skilled barista in a white apron carefully pouring milk from a stainless steel pitcher into a white ceramic coffee cup. The milk swirls into the dark espresso, creating an intricate leaf pattern on the surface of the latte. The coffee cup sits on a saucer atop a polished wooden counter, surrounded by an array of coffee-making equipment.",,9,2,attribute,color,"attribute - color (apron, white)",Is the apron white? +partiprompts103,"a skilled barista in a white apron carefully pouring milk from a stainless steel pitcher into a white ceramic coffee cup. The milk swirls into the dark espresso, creating an intricate leaf pattern on the surface of the latte. The coffee cup sits on a saucer atop a polished wooden counter, surrounded by an array of coffee-making equipment.",,10,4,attribute,texture,"attribute - texture (pitcher, stainless steel)",Is the pitcher made of stainless steel? +partiprompts103,"a skilled barista in a white apron carefully pouring milk from a stainless steel pitcher into a white ceramic coffee cup. The milk swirls into the dark espresso, creating an intricate leaf pattern on the surface of the latte. The coffee cup sits on a saucer atop a polished wooden counter, surrounded by an array of coffee-making equipment.",,11,5,attribute,texture,"attribute - texture (coffee cup, ceramic)",Is the coffee cup ceramic? +partiprompts103,"a skilled barista in a white apron carefully pouring milk from a stainless steel pitcher into a white ceramic coffee cup. The milk swirls into the dark espresso, creating an intricate leaf pattern on the surface of the latte. The coffee cup sits on a saucer atop a polished wooden counter, surrounded by an array of coffee-making equipment.",,12,7,attribute,texture,"attribute - texture (counter, polished wood)",Is the counter polished wood? +partiprompts103,"a skilled barista in a white apron carefully pouring milk from a stainless steel pitcher into a white ceramic coffee cup. The milk swirls into the dark espresso, creating an intricate leaf pattern on the surface of the latte. The coffee cup sits on a saucer atop a polished wooden counter, surrounded by an array of coffee-making equipment.",,13,3,entity,state,"entity - state (milk, swirl)",Is the milk swirling? +partiprompts103,"a skilled barista in a white apron carefully pouring milk from a stainless steel pitcher into a white ceramic coffee cup. The milk swirls into the dark espresso, creating an intricate leaf pattern on the surface of the latte. The coffee cup sits on a saucer atop a polished wooden counter, surrounded by an array of coffee-making equipment.",,14,3,entity,state,"entity - state (espresso, dark)",Is the espresso dark? +partiprompts103,"a skilled barista in a white apron carefully pouring milk from a stainless steel pitcher into a white ceramic coffee cup. The milk swirls into the dark espresso, creating an intricate leaf pattern on the surface of the latte. The coffee cup sits on a saucer atop a polished wooden counter, surrounded by an array of coffee-making equipment.",,15,3,entity,state,"entity - state (latte, intricate leaf pattern)",Is there an intricate leaf pattern on the latte? +partiprompts103,"a skilled barista in a white apron carefully pouring milk from a stainless steel pitcher into a white ceramic coffee cup. The milk swirls into the dark espresso, creating an intricate leaf pattern on the surface of the latte. The coffee cup sits on a saucer atop a polished wooden counter, surrounded by an array of coffee-making equipment.",,16,1,relation,spatial,"relation - spatial (barista, apron, in)",Is the barista in the apron? +partiprompts103,"a skilled barista in a white apron carefully pouring milk from a stainless steel pitcher into a white ceramic coffee cup. The milk swirls into the dark espresso, creating an intricate leaf pattern on the surface of the latte. The coffee cup sits on a saucer atop a polished wooden counter, surrounded by an array of coffee-making equipment.",,17,"3,4",relation,spatial,"relation - spatial (milk, pitcher, from)",Is the milk pouring from the pitcher? +partiprompts103,"a skilled barista in a white apron carefully pouring milk from a stainless steel pitcher into a white ceramic coffee cup. The milk swirls into the dark espresso, creating an intricate leaf pattern on the surface of the latte. The coffee cup sits on a saucer atop a polished wooden counter, surrounded by an array of coffee-making equipment.",,18,"3,5",relation,spatial,"relation - spatial (milk, coffee cup, into)",Is the milk pouring into the coffee cup? +partiprompts103,"a skilled barista in a white apron carefully pouring milk from a stainless steel pitcher into a white ceramic coffee cup. The milk swirls into the dark espresso, creating an intricate leaf pattern on the surface of the latte. The coffee cup sits on a saucer atop a polished wooden counter, surrounded by an array of coffee-making equipment.",,19,"5,6",relation,spatial,"relation - spatial (coffee cup, saucer, on)",Is the coffee cup on the saucer? +partiprompts103,"a skilled barista in a white apron carefully pouring milk from a stainless steel pitcher into a white ceramic coffee cup. The milk swirls into the dark espresso, creating an intricate leaf pattern on the surface of the latte. The coffee cup sits on a saucer atop a polished wooden counter, surrounded by an array of coffee-making equipment.",,20,"5,7",relation,spatial,"relation - spatial (coffee cup, counter, atop)",Is the coffee cup atop the counter? +partiprompts103,"a skilled barista in a white apron carefully pouring milk from a stainless steel pitcher into a white ceramic coffee cup. The milk swirls into the dark espresso, creating an intricate leaf pattern on the surface of the latte. The coffee cup sits on a saucer atop a polished wooden counter, surrounded by an array of coffee-making equipment.",,21,"5,8",relation,spatial,"relation - spatial (coffee cup, equipment, surrounded by)",Is the coffee cup surrounded by coffee-making equipment? +partiprompts286,"A bright yellow, diamond-shaped traffic sign stands out with a black silhouette of a wooly mammoth prominently displayed in its center. The sign's edges are slightly worn, indicating it has withstood the elements over time. It is mounted on a metal pole beside a road that meanders through a grassy area with a few scattered trees.",,1,0,entity,whole,entity - whole (traffic sign),Is there a traffic sign? +partiprompts286,"A bright yellow, diamond-shaped traffic sign stands out with a black silhouette of a wooly mammoth prominently displayed in its center. The sign's edges are slightly worn, indicating it has withstood the elements over time. It is mounted on a metal pole beside a road that meanders through a grassy area with a few scattered trees.",,2,1,attribute,color,"attribute - color (traffic sign, bright yellow)",Is the traffic sign bright yellow? +partiprompts286,"A bright yellow, diamond-shaped traffic sign stands out with a black silhouette of a wooly mammoth prominently displayed in its center. The sign's edges are slightly worn, indicating it has withstood the elements over time. It is mounted on a metal pole beside a road that meanders through a grassy area with a few scattered trees.",,3,1,attribute,shape,"attribute - shape (traffic sign, diamond-shaped)",Is the traffic sign diamond-shaped? +partiprompts286,"A bright yellow, diamond-shaped traffic sign stands out with a black silhouette of a wooly mammoth prominently displayed in its center. The sign's edges are slightly worn, indicating it has withstood the elements over time. It is mounted on a metal pole beside a road that meanders through a grassy area with a few scattered trees.",,4,1,attribute,color,"attribute - color (silhouette, black)",Is there a black silhouette? +partiprompts286,"A bright yellow, diamond-shaped traffic sign stands out with a black silhouette of a wooly mammoth prominently displayed in its center. The sign's edges are slightly worn, indicating it has withstood the elements over time. It is mounted on a metal pole beside a road that meanders through a grassy area with a few scattered trees.",,5,1,entity,whole,entity - whole (wooly mammoth),Is the silhouette of a wooly mammoth? +partiprompts286,"A bright yellow, diamond-shaped traffic sign stands out with a black silhouette of a wooly mammoth prominently displayed in its center. The sign's edges are slightly worn, indicating it has withstood the elements over time. It is mounted on a metal pole beside a road that meanders through a grassy area with a few scattered trees.",,6,1,attribute,texture,"attribute - texture (sign's edges, slightly worn)",Are the sign's edges slightly worn? +partiprompts286,"A bright yellow, diamond-shaped traffic sign stands out with a black silhouette of a wooly mammoth prominently displayed in its center. The sign's edges are slightly worn, indicating it has withstood the elements over time. It is mounted on a metal pole beside a road that meanders through a grassy area with a few scattered trees.",,7,1,entity,state,"entity - state (sign, withstand the elements over time)",Has the sign withstood the elements over time? +partiprompts286,"A bright yellow, diamond-shaped traffic sign stands out with a black silhouette of a wooly mammoth prominently displayed in its center. The sign's edges are slightly worn, indicating it has withstood the elements over time. It is mounted on a metal pole beside a road that meanders through a grassy area with a few scattered trees.",,8,1,entity,whole,entity - whole (metal pole),Is there a metal pole? +partiprompts286,"A bright yellow, diamond-shaped traffic sign stands out with a black silhouette of a wooly mammoth prominently displayed in its center. The sign's edges are slightly worn, indicating it has withstood the elements over time. It is mounted on a metal pole beside a road that meanders through a grassy area with a few scattered trees.",,9,1,entity,whole,entity - whole (road),Is there a road? +partiprompts286,"A bright yellow, diamond-shaped traffic sign stands out with a black silhouette of a wooly mammoth prominently displayed in its center. The sign's edges are slightly worn, indicating it has withstood the elements over time. It is mounted on a metal pole beside a road that meanders through a grassy area with a few scattered trees.",,10,1,entity,whole,entity - whole (grassy area),Is there a grassy area? +partiprompts286,"A bright yellow, diamond-shaped traffic sign stands out with a black silhouette of a wooly mammoth prominently displayed in its center. The sign's edges are slightly worn, indicating it has withstood the elements over time. It is mounted on a metal pole beside a road that meanders through a grassy area with a few scattered trees.",,11,10,other,count,"other - count (trees, few scattered)",Are there a few scattered trees? +partiprompts286,"A bright yellow, diamond-shaped traffic sign stands out with a black silhouette of a wooly mammoth prominently displayed in its center. The sign's edges are slightly worn, indicating it has withstood the elements over time. It is mounted on a metal pole beside a road that meanders through a grassy area with a few scattered trees.",,12,"1,8",relation,spatial,"relation - spatial (traffic sign, metal pole, on)",Is the traffic sign on the metal pole? +partiprompts286,"A bright yellow, diamond-shaped traffic sign stands out with a black silhouette of a wooly mammoth prominently displayed in its center. The sign's edges are slightly worn, indicating it has withstood the elements over time. It is mounted on a metal pole beside a road that meanders through a grassy area with a few scattered trees.",,13,"1,9",relation,spatial,"relation - spatial (traffic sign, road, beside)",Is the traffic sign beside the road? +partiprompts286,"A bright yellow, diamond-shaped traffic sign stands out with a black silhouette of a wooly mammoth prominently displayed in its center. The sign's edges are slightly worn, indicating it has withstood the elements over time. It is mounted on a metal pole beside a road that meanders through a grassy area with a few scattered trees.",,14,"9,10",relation,spatial,"relation - spatial (road, grassy area, through)",Does the road meander through the grassy area with a few scattered trees? +partiprompts191,"A monochromatic photograph capturing the stark contrast of a solitary black tree against a white, snowy landscape. The tree's intricate branches are devoid of leaves, creating a network of dark lines that stand out sharply. In the background, the horizon is barely distinguishable, with the white of the snow blending into the overcast sky above.",,1,0,global,,global - (monochromatic photograph),Is this a monochromatic photograph? +partiprompts191,"A monochromatic photograph capturing the stark contrast of a solitary black tree against a white, snowy landscape. The tree's intricate branches are devoid of leaves, creating a network of dark lines that stand out sharply. In the background, the horizon is barely distinguishable, with the white of the snow blending into the overcast sky above.",,2,0,entity,whole,entity - whole (tree),Is there a tree? +partiprompts191,"A monochromatic photograph capturing the stark contrast of a solitary black tree against a white, snowy landscape. The tree's intricate branches are devoid of leaves, creating a network of dark lines that stand out sharply. In the background, the horizon is barely distinguishable, with the white of the snow blending into the overcast sky above.",,3,2,attribute,color,"attribute - color (tree, black)",Is the tree black? +partiprompts191,"A monochromatic photograph capturing the stark contrast of a solitary black tree against a white, snowy landscape. The tree's intricate branches are devoid of leaves, creating a network of dark lines that stand out sharply. In the background, the horizon is barely distinguishable, with the white of the snow blending into the overcast sky above.",,4,2,attribute,color,"attribute - color (landscape, white)",Is the landscape white? +partiprompts191,"A monochromatic photograph capturing the stark contrast of a solitary black tree against a white, snowy landscape. The tree's intricate branches are devoid of leaves, creating a network of dark lines that stand out sharply. In the background, the horizon is barely distinguishable, with the white of the snow blending into the overcast sky above.",,5,2,attribute,color,"attribute - color (sky, overcast)",Is the sky overcast? +partiprompts191,"A monochromatic photograph capturing the stark contrast of a solitary black tree against a white, snowy landscape. The tree's intricate branches are devoid of leaves, creating a network of dark lines that stand out sharply. In the background, the horizon is barely distinguishable, with the white of the snow blending into the overcast sky above.",,6,2,attribute,texture,"attribute - texture (tree's branches, intricate)",Are the tree's branches intricate? +partiprompts191,"A monochromatic photograph capturing the stark contrast of a solitary black tree against a white, snowy landscape. The tree's intricate branches are devoid of leaves, creating a network of dark lines that stand out sharply. In the background, the horizon is barely distinguishable, with the white of the snow blending into the overcast sky above.",,7,2,attribute,texture,"attribute - texture (branches, devoid of leaves)",Are the branches devoid of leaves? +partiprompts191,"A monochromatic photograph capturing the stark contrast of a solitary black tree against a white, snowy landscape. The tree's intricate branches are devoid of leaves, creating a network of dark lines that stand out sharply. In the background, the horizon is barely distinguishable, with the white of the snow blending into the overcast sky above.",,8,2,attribute,texture,"attribute - texture (horizon, barely distinguishable)",Is the horizon barely distinguishable? +partiprompts191,"A monochromatic photograph capturing the stark contrast of a solitary black tree against a white, snowy landscape. The tree's intricate branches are devoid of leaves, creating a network of dark lines that stand out sharply. In the background, the horizon is barely distinguishable, with the white of the snow blending into the overcast sky above.",,9,"2,4",relation,spatial,"relation - spatial (tree, landscape, against)","Is the tree against the white, snowy landscape?" +partiprompts191,"A monochromatic photograph capturing the stark contrast of a solitary black tree against a white, snowy landscape. The tree's intricate branches are devoid of leaves, creating a network of dark lines that stand out sharply. In the background, the horizon is barely distinguishable, with the white of the snow blending into the overcast sky above.",,10,"2,6",relation,spatial,"relation - spatial (tree, branches, network)",Do the tree's branches create a network of dark lines? +partiprompts159,"An abstract oil painting that radiates a blend of bright, joyful colors, with swirls of yellow and white that suggest a sense of light and positivity. The canvas is filled with dynamic strokes and splashes of color that seem to dance and spread across the surface, reaching out as if to touch every edge of the frame. The painting gives the impression of happiness diffusing into the space around it, with no single point of focus but rather a harmonious amalgamation of uplifting hues.",,1,0,entity,whole,entity - whole (painting),Is there a painting? +partiprompts159,"An abstract oil painting that radiates a blend of bright, joyful colors, with swirls of yellow and white that suggest a sense of light and positivity. The canvas is filled with dynamic strokes and splashes of color that seem to dance and spread across the surface, reaching out as if to touch every edge of the frame. The painting gives the impression of happiness diffusing into the space around it, with no single point of focus but rather a harmonious amalgamation of uplifting hues.",,2,1,global,,global - (abstract),Is the painting abstract? +partiprompts159,"An abstract oil painting that radiates a blend of bright, joyful colors, with swirls of yellow and white that suggest a sense of light and positivity. The canvas is filled with dynamic strokes and splashes of color that seem to dance and spread across the surface, reaching out as if to touch every edge of the frame. The painting gives the impression of happiness diffusing into the space around it, with no single point of focus but rather a harmonious amalgamation of uplifting hues.",,3,1,global,,global - (oil painting),Is the painting an oil painting? +partiprompts159,"An abstract oil painting that radiates a blend of bright, joyful colors, with swirls of yellow and white that suggest a sense of light and positivity. The canvas is filled with dynamic strokes and splashes of color that seem to dance and spread across the surface, reaching out as if to touch every edge of the frame. The painting gives the impression of happiness diffusing into the space around it, with no single point of focus but rather a harmonious amalgamation of uplifting hues.",,4,1,attribute,color,"attribute - color (painting, bright, joyful)",Are the colors of the painting bright and joyful? +partiprompts159,"An abstract oil painting that radiates a blend of bright, joyful colors, with swirls of yellow and white that suggest a sense of light and positivity. The canvas is filled with dynamic strokes and splashes of color that seem to dance and spread across the surface, reaching out as if to touch every edge of the frame. The painting gives the impression of happiness diffusing into the space around it, with no single point of focus but rather a harmonious amalgamation of uplifting hues.",,5,1,attribute,color,"attribute - color (swirls, yellow, white)",Are there swirls of yellow and white in the painting? +partiprompts159,"An abstract oil painting that radiates a blend of bright, joyful colors, with swirls of yellow and white that suggest a sense of light and positivity. The canvas is filled with dynamic strokes and splashes of color that seem to dance and spread across the surface, reaching out as if to touch every edge of the frame. The painting gives the impression of happiness diffusing into the space around it, with no single point of focus but rather a harmonious amalgamation of uplifting hues.",,6,1,attribute,texture,"attribute - texture (canvas, dynamic strokes, splashes)",Does the canvas have dynamic strokes and splashes? +partiprompts159,"An abstract oil painting that radiates a blend of bright, joyful colors, with swirls of yellow and white that suggest a sense of light and positivity. The canvas is filled with dynamic strokes and splashes of color that seem to dance and spread across the surface, reaching out as if to touch every edge of the frame. The painting gives the impression of happiness diffusing into the space around it, with no single point of focus but rather a harmonious amalgamation of uplifting hues.",,7,1,attribute,texture,"attribute - texture (colors, dance and spread)",Do the colors dance and spread across the surface? +partiprompts159,"An abstract oil painting that radiates a blend of bright, joyful colors, with swirls of yellow and white that suggest a sense of light and positivity. The canvas is filled with dynamic strokes and splashes of color that seem to dance and spread across the surface, reaching out as if to touch every edge of the frame. The painting gives the impression of happiness diffusing into the space around it, with no single point of focus but rather a harmonious amalgamation of uplifting hues.",,8,1,attribute,texture,"attribute - texture (hues, uplifting)",Are the hues uplifting? +partiprompts159,"An abstract oil painting that radiates a blend of bright, joyful colors, with swirls of yellow and white that suggest a sense of light and positivity. The canvas is filled with dynamic strokes and splashes of color that seem to dance and spread across the surface, reaching out as if to touch every edge of the frame. The painting gives the impression of happiness diffusing into the space around it, with no single point of focus but rather a harmonious amalgamation of uplifting hues.",,9,1,entity,state,"entity - state (painting, radiate)",Does the painting radiate? +partiprompts159,"An abstract oil painting that radiates a blend of bright, joyful colors, with swirls of yellow and white that suggest a sense of light and positivity. The canvas is filled with dynamic strokes and splashes of color that seem to dance and spread across the surface, reaching out as if to touch every edge of the frame. The painting gives the impression of happiness diffusing into the space around it, with no single point of focus but rather a harmonious amalgamation of uplifting hues.",,10,"1,6",relation,spatial,"relation - spatial (colors, surface, across)",Do the colors spread across the surface of the painting? +partiprompts128,"A striking portrait photograph showcasing a fluffy, cream-colored hamster adorned with a vibrant orange beanie and oversized black sunglasses. The hamster is gripping a small white sign with bold black letters that proclaim ""Let's PAINT!"" The background is a simple, blurred shade of grey, ensuring the hamster remains the focal point of the image.",,1,0,entity,whole,entity - whole (photograph),Is there a photograph? +partiprompts128,"A striking portrait photograph showcasing a fluffy, cream-colored hamster adorned with a vibrant orange beanie and oversized black sunglasses. The hamster is gripping a small white sign with bold black letters that proclaim ""Let's PAINT!"" The background is a simple, blurred shade of grey, ensuring the hamster remains the focal point of the image.",,2,0,entity,whole,entity - whole (hamster),Is there a hamster? +partiprompts128,"A striking portrait photograph showcasing a fluffy, cream-colored hamster adorned with a vibrant orange beanie and oversized black sunglasses. The hamster is gripping a small white sign with bold black letters that proclaim ""Let's PAINT!"" The background is a simple, blurred shade of grey, ensuring the hamster remains the focal point of the image.",,3,2,entity,part,entity - part (hamster's beanie),Is the hamster wearing a beanie? +partiprompts128,"A striking portrait photograph showcasing a fluffy, cream-colored hamster adorned with a vibrant orange beanie and oversized black sunglasses. The hamster is gripping a small white sign with bold black letters that proclaim ""Let's PAINT!"" The background is a simple, blurred shade of grey, ensuring the hamster remains the focal point of the image.",,4,2,entity,part,entity - part (hamster's sunglasses),Is the hamster wearing sunglasses? +partiprompts128,"A striking portrait photograph showcasing a fluffy, cream-colored hamster adorned with a vibrant orange beanie and oversized black sunglasses. The hamster is gripping a small white sign with bold black letters that proclaim ""Let's PAINT!"" The background is a simple, blurred shade of grey, ensuring the hamster remains the focal point of the image.",,5,0,entity,whole,entity - whole (sign),Is there a sign? +partiprompts128,"A striking portrait photograph showcasing a fluffy, cream-colored hamster adorned with a vibrant orange beanie and oversized black sunglasses. The hamster is gripping a small white sign with bold black letters that proclaim ""Let's PAINT!"" The background is a simple, blurred shade of grey, ensuring the hamster remains the focal point of the image.",,6,2,attribute,texture,"attribute - texture (hamster, fluffy)",Is the hamster fluffy? +partiprompts128,"A striking portrait photograph showcasing a fluffy, cream-colored hamster adorned with a vibrant orange beanie and oversized black sunglasses. The hamster is gripping a small white sign with bold black letters that proclaim ""Let's PAINT!"" The background is a simple, blurred shade of grey, ensuring the hamster remains the focal point of the image.",,7,2,attribute,color,"attribute - color (hamster, cream-colored)",Is the hamster cream-colored? +partiprompts128,"A striking portrait photograph showcasing a fluffy, cream-colored hamster adorned with a vibrant orange beanie and oversized black sunglasses. The hamster is gripping a small white sign with bold black letters that proclaim ""Let's PAINT!"" The background is a simple, blurred shade of grey, ensuring the hamster remains the focal point of the image.",,8,3,attribute,color,"attribute - color (beanie, vibrant orange)",Is the beanie vibrant orange? +partiprompts128,"A striking portrait photograph showcasing a fluffy, cream-colored hamster adorned with a vibrant orange beanie and oversized black sunglasses. The hamster is gripping a small white sign with bold black letters that proclaim ""Let's PAINT!"" The background is a simple, blurred shade of grey, ensuring the hamster remains the focal point of the image.",,9,4,attribute,color,"attribute - color (sunglasses, oversized black)",Are the sunglasses oversized black? +partiprompts128,"A striking portrait photograph showcasing a fluffy, cream-colored hamster adorned with a vibrant orange beanie and oversized black sunglasses. The hamster is gripping a small white sign with bold black letters that proclaim ""Let's PAINT!"" The background is a simple, blurred shade of grey, ensuring the hamster remains the focal point of the image.",,10,5,attribute,color,"attribute - color (sign, white)",Is the sign white? +partiprompts128,"A striking portrait photograph showcasing a fluffy, cream-colored hamster adorned with a vibrant orange beanie and oversized black sunglasses. The hamster is gripping a small white sign with bold black letters that proclaim ""Let's PAINT!"" The background is a simple, blurred shade of grey, ensuring the hamster remains the focal point of the image.",,11,5,attribute,color,"attribute - color (letters, bold black)",Are the letters on the sign bold black? +partiprompts128,"A striking portrait photograph showcasing a fluffy, cream-colored hamster adorned with a vibrant orange beanie and oversized black sunglasses. The hamster is gripping a small white sign with bold black letters that proclaim ""Let's PAINT!"" The background is a simple, blurred shade of grey, ensuring the hamster remains the focal point of the image.",,12,1,attribute,texture,"attribute - texture (background, simple, blurred)",Is the background simple and blurred? +partiprompts128,"A striking portrait photograph showcasing a fluffy, cream-colored hamster adorned with a vibrant orange beanie and oversized black sunglasses. The hamster is gripping a small white sign with bold black letters that proclaim ""Let's PAINT!"" The background is a simple, blurred shade of grey, ensuring the hamster remains the focal point of the image.",,13,1,attribute,color,"attribute - color (background, shade of grey)",Is the background a shade of grey? +partiprompts128,"A striking portrait photograph showcasing a fluffy, cream-colored hamster adorned with a vibrant orange beanie and oversized black sunglasses. The hamster is gripping a small white sign with bold black letters that proclaim ""Let's PAINT!"" The background is a simple, blurred shade of grey, ensuring the hamster remains the focal point of the image.",,14,"2,5",relation,spatial,"relation - spatial (hamster, sign, grip)",Is the hamster gripping the sign? +partiprompts128,"A striking portrait photograph showcasing a fluffy, cream-colored hamster adorned with a vibrant orange beanie and oversized black sunglasses. The hamster is gripping a small white sign with bold black letters that proclaim ""Let's PAINT!"" The background is a simple, blurred shade of grey, ensuring the hamster remains the focal point of the image.",,15,"5,12",relation,spatial,"relation - spatial (sign, background, in)",Is the sign in the background? +partiprompts128,"A striking portrait photograph showcasing a fluffy, cream-colored hamster adorned with a vibrant orange beanie and oversized black sunglasses. The hamster is gripping a small white sign with bold black letters that proclaim ""Let's PAINT!"" The background is a simple, blurred shade of grey, ensuring the hamster remains the focal point of the image.",,16,"12,2",relation,spatial,"relation - spatial (background, hamster, focal point)",Is the hamster the focal point of the image? +partiprompts233,"Three commercial airliners, with their distinctive liveries, are lined up side by side at an airport terminal. The planes, with their white fuselages and colored tails, are connected to the jet bridges, which are bustling with activity. In the foreground, the tarmac is marked with guiding lines and ground service equipment can be seen servicing the aircraft.",,1,0,entity,whole,entity - whole (airliners),Are there airliners? +partiprompts233,"Three commercial airliners, with their distinctive liveries, are lined up side by side at an airport terminal. The planes, with their white fuselages and colored tails, are connected to the jet bridges, which are bustling with activity. In the foreground, the tarmac is marked with guiding lines and ground service equipment can be seen servicing the aircraft.",,2,1,other,count,"other - count (airliners, ==3)",Are there three airliners? +partiprompts233,"Three commercial airliners, with their distinctive liveries, are lined up side by side at an airport terminal. The planes, with their white fuselages and colored tails, are connected to the jet bridges, which are bustling with activity. In the foreground, the tarmac is marked with guiding lines and ground service equipment can be seen servicing the aircraft.",,3,1,entity,whole,entity - whole (liveries),Are there distinctive liveries? +partiprompts233,"Three commercial airliners, with their distinctive liveries, are lined up side by side at an airport terminal. The planes, with their white fuselages and colored tails, are connected to the jet bridges, which are bustling with activity. In the foreground, the tarmac is marked with guiding lines and ground service equipment can be seen servicing the aircraft.",,4,0,entity,whole,entity - whole (airport terminal),Is there an airport terminal? +partiprompts233,"Three commercial airliners, with their distinctive liveries, are lined up side by side at an airport terminal. The planes, with their white fuselages and colored tails, are connected to the jet bridges, which are bustling with activity. In the foreground, the tarmac is marked with guiding lines and ground service equipment can be seen servicing the aircraft.",,5,0,entity,whole,entity - whole (planes),Are there planes? +partiprompts233,"Three commercial airliners, with their distinctive liveries, are lined up side by side at an airport terminal. The planes, with their white fuselages and colored tails, are connected to the jet bridges, which are bustling with activity. In the foreground, the tarmac is marked with guiding lines and ground service equipment can be seen servicing the aircraft.",,6,5,attribute,color,"attribute - color (planes, white)",Are the planes white? +partiprompts233,"Three commercial airliners, with their distinctive liveries, are lined up side by side at an airport terminal. The planes, with their white fuselages and colored tails, are connected to the jet bridges, which are bustling with activity. In the foreground, the tarmac is marked with guiding lines and ground service equipment can be seen servicing the aircraft.",,7,5,attribute,color,"attribute - color (planes' tails, colored)",Are the planes' tails colored? +partiprompts233,"Three commercial airliners, with their distinctive liveries, are lined up side by side at an airport terminal. The planes, with their white fuselages and colored tails, are connected to the jet bridges, which are bustling with activity. In the foreground, the tarmac is marked with guiding lines and ground service equipment can be seen servicing the aircraft.",,8,0,entity,whole,entity - whole (jet bridges),Are there jet bridges? +partiprompts233,"Three commercial airliners, with their distinctive liveries, are lined up side by side at an airport terminal. The planes, with their white fuselages and colored tails, are connected to the jet bridges, which are bustling with activity. In the foreground, the tarmac is marked with guiding lines and ground service equipment can be seen servicing the aircraft.",,9,0,entity,whole,entity - whole (tarmac),Is there tarmac? +partiprompts233,"Three commercial airliners, with their distinctive liveries, are lined up side by side at an airport terminal. The planes, with their white fuselages and colored tails, are connected to the jet bridges, which are bustling with activity. In the foreground, the tarmac is marked with guiding lines and ground service equipment can be seen servicing the aircraft.",,10,9,attribute,texture,"attribute - texture (tarmac, marked with guiding lines)",Is the tarmac marked with guiding lines? +partiprompts233,"Three commercial airliners, with their distinctive liveries, are lined up side by side at an airport terminal. The planes, with their white fuselages and colored tails, are connected to the jet bridges, which are bustling with activity. In the foreground, the tarmac is marked with guiding lines and ground service equipment can be seen servicing the aircraft.",,11,0,entity,whole,entity - whole (ground service equipment),Is there ground service equipment? +partiprompts233,"Three commercial airliners, with their distinctive liveries, are lined up side by side at an airport terminal. The planes, with their white fuselages and colored tails, are connected to the jet bridges, which are bustling with activity. In the foreground, the tarmac is marked with guiding lines and ground service equipment can be seen servicing the aircraft.",,12,"5,8",relation,spatial,"relation - spatial (planes, jet bridges, connected to)",Are the planes connected to the jet bridges? +partiprompts233,"Three commercial airliners, with their distinctive liveries, are lined up side by side at an airport terminal. The planes, with their white fuselages and colored tails, are connected to the jet bridges, which are bustling with activity. In the foreground, the tarmac is marked with guiding lines and ground service equipment can be seen servicing the aircraft.",,13,8,relation,spatial,"relation - spatial (jet bridges, bustling with activity)",Are the jet bridges bustling with activity? +partiprompts233,"Three commercial airliners, with their distinctive liveries, are lined up side by side at an airport terminal. The planes, with their white fuselages and colored tails, are connected to the jet bridges, which are bustling with activity. In the foreground, the tarmac is marked with guiding lines and ground service equipment can be seen servicing the aircraft.",,14,11,relation,spatial,"relation - spatial (ground service equipment, servicing the aircraft)",Is the ground service equipment servicing the aircraft? +partiprompts314,"A close-up image capturing the intricate details of a maple leaf, which is composed entirely of clear, sparkling water droplets. The leaf is set against a smooth, dark background that accentuates its delicate water structure. The droplets glisten as they cling to the invisible veins of the leaf, creating a natural yet surreal piece of art.",,1,0,global,,global - (close-up image),Is this a close-up image? +partiprompts314,"A close-up image capturing the intricate details of a maple leaf, which is composed entirely of clear, sparkling water droplets. The leaf is set against a smooth, dark background that accentuates its delicate water structure. The droplets glisten as they cling to the invisible veins of the leaf, creating a natural yet surreal piece of art.",,2,0,entity,whole,entity - whole (maple leaf),Is there a maple leaf? +partiprompts314,"A close-up image capturing the intricate details of a maple leaf, which is composed entirely of clear, sparkling water droplets. The leaf is set against a smooth, dark background that accentuates its delicate water structure. The droplets glisten as they cling to the invisible veins of the leaf, creating a natural yet surreal piece of art.",,3,2,attribute,texture,"attribute - texture (maple leaf, clear, sparkling water droplets)","Is the maple leaf composed of clear, sparkling water droplets?" +partiprompts314,"A close-up image capturing the intricate details of a maple leaf, which is composed entirely of clear, sparkling water droplets. The leaf is set against a smooth, dark background that accentuates its delicate water structure. The droplets glisten as they cling to the invisible veins of the leaf, creating a natural yet surreal piece of art.",,4,0,attribute,texture,"attribute - texture (background, smooth, dark)",Is the background smooth and dark? +partiprompts314,"A close-up image capturing the intricate details of a maple leaf, which is composed entirely of clear, sparkling water droplets. The leaf is set against a smooth, dark background that accentuates its delicate water structure. The droplets glisten as they cling to the invisible veins of the leaf, creating a natural yet surreal piece of art.",,5,3,attribute,other,"attribute - other (water droplets, glisten)",Do the water droplets glisten? +partiprompts314,"A close-up image capturing the intricate details of a maple leaf, which is composed entirely of clear, sparkling water droplets. The leaf is set against a smooth, dark background that accentuates its delicate water structure. The droplets glisten as they cling to the invisible veins of the leaf, creating a natural yet surreal piece of art.",,6,4,attribute,other,"attribute - other (water droplets, cling to veins)",Do the water droplets cling to the veins? +partiprompts314,"A close-up image capturing the intricate details of a maple leaf, which is composed entirely of clear, sparkling water droplets. The leaf is set against a smooth, dark background that accentuates its delicate water structure. The droplets glisten as they cling to the invisible veins of the leaf, creating a natural yet surreal piece of art.",,7,"3,2",relation,spatial,"relation - spatial (water droplets, maple leaf, on)",Are the water droplets on the maple leaf? +partiprompts314,"A close-up image capturing the intricate details of a maple leaf, which is composed entirely of clear, sparkling water droplets. The leaf is set against a smooth, dark background that accentuates its delicate water structure. The droplets glisten as they cling to the invisible veins of the leaf, creating a natural yet surreal piece of art.",,8,"2,4",relation,spatial,"relation - spatial (maple leaf, background, against)",Is the maple leaf set against the background? +partiprompts296,"A peculiar tree with a trunk that twists slightly as it rises stands in the center of a garden. Its branches are adorned with square-shaped, blue apples that hang amidst circular, bright yellow leaves. The contrast between the unconventional fruit and the vibrant foliage creates a striking visual against the backdrop of a clear sky.",,1,0,entity,whole,entity - whole (tree),Is there a tree? +partiprompts296,"A peculiar tree with a trunk that twists slightly as it rises stands in the center of a garden. Its branches are adorned with square-shaped, blue apples that hang amidst circular, bright yellow leaves. The contrast between the unconventional fruit and the vibrant foliage creates a striking visual against the backdrop of a clear sky.",,2,1,entity,part,entity - part (tree's trunk),Does the tree's trunk twist slightly? +partiprompts296,"A peculiar tree with a trunk that twists slightly as it rises stands in the center of a garden. Its branches are adorned with square-shaped, blue apples that hang amidst circular, bright yellow leaves. The contrast between the unconventional fruit and the vibrant foliage creates a striking visual against the backdrop of a clear sky.",,3,1,entity,part,entity - part (tree's branches),Are there branches on the tree? +partiprompts296,"A peculiar tree with a trunk that twists slightly as it rises stands in the center of a garden. Its branches are adorned with square-shaped, blue apples that hang amidst circular, bright yellow leaves. The contrast between the unconventional fruit and the vibrant foliage creates a striking visual against the backdrop of a clear sky.",,4,1,entity,part,entity - part (tree's fruit),Are there fruits on the tree? +partiprompts296,"A peculiar tree with a trunk that twists slightly as it rises stands in the center of a garden. Its branches are adorned with square-shaped, blue apples that hang amidst circular, bright yellow leaves. The contrast between the unconventional fruit and the vibrant foliage creates a striking visual against the backdrop of a clear sky.",,5,1,entity,part,entity - part (tree's leaves),Are there leaves on the tree? +partiprompts296,"A peculiar tree with a trunk that twists slightly as it rises stands in the center of a garden. Its branches are adorned with square-shaped, blue apples that hang amidst circular, bright yellow leaves. The contrast between the unconventional fruit and the vibrant foliage creates a striking visual against the backdrop of a clear sky.",,6,2,attribute,shape,"attribute - shape (trunk, twisted)",Is the trunk twisted? +partiprompts296,"A peculiar tree with a trunk that twists slightly as it rises stands in the center of a garden. Its branches are adorned with square-shaped, blue apples that hang amidst circular, bright yellow leaves. The contrast between the unconventional fruit and the vibrant foliage creates a striking visual against the backdrop of a clear sky.",,7,3,attribute,shape,"attribute - shape (branches, adorned)",Are the branches adorned? +partiprompts296,"A peculiar tree with a trunk that twists slightly as it rises stands in the center of a garden. Its branches are adorned with square-shaped, blue apples that hang amidst circular, bright yellow leaves. The contrast between the unconventional fruit and the vibrant foliage creates a striking visual against the backdrop of a clear sky.",,8,4,attribute,shape,"attribute - shape (fruit, square)",Are the fruits square-shaped? +partiprompts296,"A peculiar tree with a trunk that twists slightly as it rises stands in the center of a garden. Its branches are adorned with square-shaped, blue apples that hang amidst circular, bright yellow leaves. The contrast between the unconventional fruit and the vibrant foliage creates a striking visual against the backdrop of a clear sky.",,9,5,attribute,shape,"attribute - shape (leaves, circular)",Are the leaves circular? +partiprompts296,"A peculiar tree with a trunk that twists slightly as it rises stands in the center of a garden. Its branches are adorned with square-shaped, blue apples that hang amidst circular, bright yellow leaves. The contrast between the unconventional fruit and the vibrant foliage creates a striking visual against the backdrop of a clear sky.",,10,4,attribute,color,"attribute - color (fruit, blue)",Are the fruits blue? +partiprompts296,"A peculiar tree with a trunk that twists slightly as it rises stands in the center of a garden. Its branches are adorned with square-shaped, blue apples that hang amidst circular, bright yellow leaves. The contrast between the unconventional fruit and the vibrant foliage creates a striking visual against the backdrop of a clear sky.",,11,5,attribute,color,"attribute - color (leaves, bright yellow)",Are the leaves bright yellow? +partiprompts296,"A peculiar tree with a trunk that twists slightly as it rises stands in the center of a garden. Its branches are adorned with square-shaped, blue apples that hang amidst circular, bright yellow leaves. The contrast between the unconventional fruit and the vibrant foliage creates a striking visual against the backdrop of a clear sky.",,12,5,attribute,texture,"attribute - texture (foliage, vibrant)",Is the foliage vibrant? +partiprompts296,"A peculiar tree with a trunk that twists slightly as it rises stands in the center of a garden. Its branches are adorned with square-shaped, blue apples that hang amidst circular, bright yellow leaves. The contrast between the unconventional fruit and the vibrant foliage creates a striking visual against the backdrop of a clear sky.",,13,"1,13",relation,spatial,"relation - spatial (tree, garden, in)",Is the tree in the garden? +partiprompts296,"A peculiar tree with a trunk that twists slightly as it rises stands in the center of a garden. Its branches are adorned with square-shaped, blue apples that hang amidst circular, bright yellow leaves. The contrast between the unconventional fruit and the vibrant foliage creates a striking visual against the backdrop of a clear sky.",,14,"4,3",relation,spatial,"relation - spatial (fruit, branches, amidst)",Are the fruits amidst the branches? +partiprompts296,"A peculiar tree with a trunk that twists slightly as it rises stands in the center of a garden. Its branches are adorned with square-shaped, blue apples that hang amidst circular, bright yellow leaves. The contrast between the unconventional fruit and the vibrant foliage creates a striking visual against the backdrop of a clear sky.",,15,"5,3",relation,spatial,"relation - spatial (leaves, branches, amidst)",Are the leaves amidst the branches? +partiprompts296,"A peculiar tree with a trunk that twists slightly as it rises stands in the center of a garden. Its branches are adorned with square-shaped, blue apples that hang amidst circular, bright yellow leaves. The contrast between the unconventional fruit and the vibrant foliage creates a striking visual against the backdrop of a clear sky.",,16,"1,16",relation,spatial,"relation - spatial (tree, sky, against)",Is the tree against the sky? +partiprompts292,"A sleek, metallic robot with articulated joints and glowing blue eyes stands holding a large, rectangular sign with bold, colorful letters that spell out ""Let's PAINT!"" The robot's silver surface reflects the bright lights of the room, and it is positioned next to an array of paint cans in vibrant hues, neatly arranged on a tarp-covered floor. Behind the robot, a blank canvas on an easel awaits the first stroke of creativity.",,1,0,entity,whole,entity - whole (robot),Is there a robot? +partiprompts292,"A sleek, metallic robot with articulated joints and glowing blue eyes stands holding a large, rectangular sign with bold, colorful letters that spell out ""Let's PAINT!"" The robot's silver surface reflects the bright lights of the room, and it is positioned next to an array of paint cans in vibrant hues, neatly arranged on a tarp-covered floor. Behind the robot, a blank canvas on an easel awaits the first stroke of creativity.",,2,1,attribute,texture,"attribute - texture (robot, metallic)",Is the robot's texture metallic? +partiprompts292,"A sleek, metallic robot with articulated joints and glowing blue eyes stands holding a large, rectangular sign with bold, colorful letters that spell out ""Let's PAINT!"" The robot's silver surface reflects the bright lights of the room, and it is positioned next to an array of paint cans in vibrant hues, neatly arranged on a tarp-covered floor. Behind the robot, a blank canvas on an easel awaits the first stroke of creativity.",,3,1,attribute,shape,"attribute - shape (robot, sleek)",Is the robot sleek? +partiprompts292,"A sleek, metallic robot with articulated joints and glowing blue eyes stands holding a large, rectangular sign with bold, colorful letters that spell out ""Let's PAINT!"" The robot's silver surface reflects the bright lights of the room, and it is positioned next to an array of paint cans in vibrant hues, neatly arranged on a tarp-covered floor. Behind the robot, a blank canvas on an easel awaits the first stroke of creativity.",,4,1,attribute,other,"attribute - other (robot, articulated joints)",Does the robot have articulated joints? +partiprompts292,"A sleek, metallic robot with articulated joints and glowing blue eyes stands holding a large, rectangular sign with bold, colorful letters that spell out ""Let's PAINT!"" The robot's silver surface reflects the bright lights of the room, and it is positioned next to an array of paint cans in vibrant hues, neatly arranged on a tarp-covered floor. Behind the robot, a blank canvas on an easel awaits the first stroke of creativity.",,5,1,attribute,color,"attribute - color (robot's eyes, glowing blue)",Are the robot's eyes glowing blue? +partiprompts292,"A sleek, metallic robot with articulated joints and glowing blue eyes stands holding a large, rectangular sign with bold, colorful letters that spell out ""Let's PAINT!"" The robot's silver surface reflects the bright lights of the room, and it is positioned next to an array of paint cans in vibrant hues, neatly arranged on a tarp-covered floor. Behind the robot, a blank canvas on an easel awaits the first stroke of creativity.",,6,1,entity,state,"entity - state (robot, stand)",Is the robot standing? +partiprompts292,"A sleek, metallic robot with articulated joints and glowing blue eyes stands holding a large, rectangular sign with bold, colorful letters that spell out ""Let's PAINT!"" The robot's silver surface reflects the bright lights of the room, and it is positioned next to an array of paint cans in vibrant hues, neatly arranged on a tarp-covered floor. Behind the robot, a blank canvas on an easel awaits the first stroke of creativity.",,7,1,entity,whole,entity - whole (sign),Is there a sign? +partiprompts292,"A sleek, metallic robot with articulated joints and glowing blue eyes stands holding a large, rectangular sign with bold, colorful letters that spell out ""Let's PAINT!"" The robot's silver surface reflects the bright lights of the room, and it is positioned next to an array of paint cans in vibrant hues, neatly arranged on a tarp-covered floor. Behind the robot, a blank canvas on an easel awaits the first stroke of creativity.",,8,7,attribute,size,"attribute - size (sign, large)",Is the sign large? +partiprompts292,"A sleek, metallic robot with articulated joints and glowing blue eyes stands holding a large, rectangular sign with bold, colorful letters that spell out ""Let's PAINT!"" The robot's silver surface reflects the bright lights of the room, and it is positioned next to an array of paint cans in vibrant hues, neatly arranged on a tarp-covered floor. Behind the robot, a blank canvas on an easel awaits the first stroke of creativity.",,9,7,attribute,shape,"attribute - shape (sign, rectangular)",Is the sign rectangular? +partiprompts292,"A sleek, metallic robot with articulated joints and glowing blue eyes stands holding a large, rectangular sign with bold, colorful letters that spell out ""Let's PAINT!"" The robot's silver surface reflects the bright lights of the room, and it is positioned next to an array of paint cans in vibrant hues, neatly arranged on a tarp-covered floor. Behind the robot, a blank canvas on an easel awaits the first stroke of creativity.",,10,7,attribute,other,"attribute - other (sign, bold, colorful letters)",Are the letters on the sign bold and colorful? +partiprompts292,"A sleek, metallic robot with articulated joints and glowing blue eyes stands holding a large, rectangular sign with bold, colorful letters that spell out ""Let's PAINT!"" The robot's silver surface reflects the bright lights of the room, and it is positioned next to an array of paint cans in vibrant hues, neatly arranged on a tarp-covered floor. Behind the robot, a blank canvas on an easel awaits the first stroke of creativity.",,11,9,other,text,"other - text (letters, ""Let's PAINT!"")","Do the letters spell out ""Let's PAINT!""?" +partiprompts292,"A sleek, metallic robot with articulated joints and glowing blue eyes stands holding a large, rectangular sign with bold, colorful letters that spell out ""Let's PAINT!"" The robot's silver surface reflects the bright lights of the room, and it is positioned next to an array of paint cans in vibrant hues, neatly arranged on a tarp-covered floor. Behind the robot, a blank canvas on an easel awaits the first stroke of creativity.",,12,1,attribute,color,"attribute - color (robot, silver)",Is the robot's surface silver? +partiprompts292,"A sleek, metallic robot with articulated joints and glowing blue eyes stands holding a large, rectangular sign with bold, colorful letters that spell out ""Let's PAINT!"" The robot's silver surface reflects the bright lights of the room, and it is positioned next to an array of paint cans in vibrant hues, neatly arranged on a tarp-covered floor. Behind the robot, a blank canvas on an easel awaits the first stroke of creativity.",,13,1,relation,spatial,"relation - spatial (robot, lights of the room, reflect)",Are the bright lights of the room reflecting on the robot? +partiprompts292,"A sleek, metallic robot with articulated joints and glowing blue eyes stands holding a large, rectangular sign with bold, colorful letters that spell out ""Let's PAINT!"" The robot's silver surface reflects the bright lights of the room, and it is positioned next to an array of paint cans in vibrant hues, neatly arranged on a tarp-covered floor. Behind the robot, a blank canvas on an easel awaits the first stroke of creativity.",,14,"1,15",relation,spatial,"relation - spatial (robot, paint cans, next to)",Is the robot holding a sign next to paint cans? +partiprompts292,"A sleek, metallic robot with articulated joints and glowing blue eyes stands holding a large, rectangular sign with bold, colorful letters that spell out ""Let's PAINT!"" The robot's silver surface reflects the bright lights of the room, and it is positioned next to an array of paint cans in vibrant hues, neatly arranged on a tarp-covered floor. Behind the robot, a blank canvas on an easel awaits the first stroke of creativity.",,15,1,attribute,texture,"attribute - texture (paint cans, vibrant)",Are the paint cans in vibrant hues? +partiprompts292,"A sleek, metallic robot with articulated joints and glowing blue eyes stands holding a large, rectangular sign with bold, colorful letters that spell out ""Let's PAINT!"" The robot's silver surface reflects the bright lights of the room, and it is positioned next to an array of paint cans in vibrant hues, neatly arranged on a tarp-covered floor. Behind the robot, a blank canvas on an easel awaits the first stroke of creativity.",,16,15,attribute,other,"attribute - other (paint cans, neatly arranged)",Are the paint cans neatly arranged? +partiprompts292,"A sleek, metallic robot with articulated joints and glowing blue eyes stands holding a large, rectangular sign with bold, colorful letters that spell out ""Let's PAINT!"" The robot's silver surface reflects the bright lights of the room, and it is positioned next to an array of paint cans in vibrant hues, neatly arranged on a tarp-covered floor. Behind the robot, a blank canvas on an easel awaits the first stroke of creativity.",,17,15,relation,spatial,"relation - spatial (paint cans, floor, on)",Are the paint cans on a tarp-covered floor? +partiprompts292,"A sleek, metallic robot with articulated joints and glowing blue eyes stands holding a large, rectangular sign with bold, colorful letters that spell out ""Let's PAINT!"" The robot's silver surface reflects the bright lights of the room, and it is positioned next to an array of paint cans in vibrant hues, neatly arranged on a tarp-covered floor. Behind the robot, a blank canvas on an easel awaits the first stroke of creativity.",,18,17,attribute,texture,"attribute - texture (floor, tarp-covered)",Is the floor covered with a tarp? +partiprompts292,"A sleek, metallic robot with articulated joints and glowing blue eyes stands holding a large, rectangular sign with bold, colorful letters that spell out ""Let's PAINT!"" The robot's silver surface reflects the bright lights of the room, and it is positioned next to an array of paint cans in vibrant hues, neatly arranged on a tarp-covered floor. Behind the robot, a blank canvas on an easel awaits the first stroke of creativity.",,19,1,entity,whole,entity - whole (canvas),Is there a canvas? +partiprompts292,"A sleek, metallic robot with articulated joints and glowing blue eyes stands holding a large, rectangular sign with bold, colorful letters that spell out ""Let's PAINT!"" The robot's silver surface reflects the bright lights of the room, and it is positioned next to an array of paint cans in vibrant hues, neatly arranged on a tarp-covered floor. Behind the robot, a blank canvas on an easel awaits the first stroke of creativity.",,20,1,entity,whole,entity - whole (easel),Is there an easel? +partiprompts292,"A sleek, metallic robot with articulated joints and glowing blue eyes stands holding a large, rectangular sign with bold, colorful letters that spell out ""Let's PAINT!"" The robot's silver surface reflects the bright lights of the room, and it is positioned next to an array of paint cans in vibrant hues, neatly arranged on a tarp-covered floor. Behind the robot, a blank canvas on an easel awaits the first stroke of creativity.",,21,19,entity,state,"entity - state (canvas, blank)",Is the canvas blank? +partiprompts292,"A sleek, metallic robot with articulated joints and glowing blue eyes stands holding a large, rectangular sign with bold, colorful letters that spell out ""Let's PAINT!"" The robot's silver surface reflects the bright lights of the room, and it is positioned next to an array of paint cans in vibrant hues, neatly arranged on a tarp-covered floor. Behind the robot, a blank canvas on an easel awaits the first stroke of creativity.",,22,19,relation,spatial,"relation - spatial (canvas, easel, on)",Is the canvas on the easel? +partiprompts292,"A sleek, metallic robot with articulated joints and glowing blue eyes stands holding a large, rectangular sign with bold, colorful letters that spell out ""Let's PAINT!"" The robot's silver surface reflects the bright lights of the room, and it is positioned next to an array of paint cans in vibrant hues, neatly arranged on a tarp-covered floor. Behind the robot, a blank canvas on an easel awaits the first stroke of creativity.",,23,"1,19",relation,spatial,"relation - spatial (robot, canvas, behind)",Is the robot behind the canvas? +partiprompts199,"a brightly colored storefront with large, bold letters spelling out 'AwesomePurchase' above the entrance. The shop's window displays are neatly arranged with an array of products, and a small, potted plant sits to the left of the door. The facade of the building is a clean, modern white, contrasting with the vibrant signage.",,1,0,entity,whole,entity - whole (storefront),Is there a storefront? +partiprompts199,"a brightly colored storefront with large, bold letters spelling out 'AwesomePurchase' above the entrance. The shop's window displays are neatly arranged with an array of products, and a small, potted plant sits to the left of the door. The facade of the building is a clean, modern white, contrasting with the vibrant signage.",,2,1,attribute,color,"attribute - color (storefront, brightly colored)",Is the storefront brightly colored? +partiprompts199,"a brightly colored storefront with large, bold letters spelling out 'AwesomePurchase' above the entrance. The shop's window displays are neatly arranged with an array of products, and a small, potted plant sits to the left of the door. The facade of the building is a clean, modern white, contrasting with the vibrant signage.",,3,2,attribute,size,"attribute - size (letters, large)",Are the letters large? +partiprompts199,"a brightly colored storefront with large, bold letters spelling out 'AwesomePurchase' above the entrance. The shop's window displays are neatly arranged with an array of products, and a small, potted plant sits to the left of the door. The facade of the building is a clean, modern white, contrasting with the vibrant signage.",,4,2,attribute,other,"attribute - other (letters, bold)",Are the letters bold? +partiprompts199,"a brightly colored storefront with large, bold letters spelling out 'AwesomePurchase' above the entrance. The shop's window displays are neatly arranged with an array of products, and a small, potted plant sits to the left of the door. The facade of the building is a clean, modern white, contrasting with the vibrant signage.",,5,3,other,text,"other - text (letters, ""AwesomePurchase"")","Do the letters spell out ""AwesomePurchase""?" +partiprompts199,"a brightly colored storefront with large, bold letters spelling out 'AwesomePurchase' above the entrance. The shop's window displays are neatly arranged with an array of products, and a small, potted plant sits to the left of the door. The facade of the building is a clean, modern white, contrasting with the vibrant signage.",,6,1,entity,whole,entity - whole (entrance),Is there an entrance? +partiprompts199,"a brightly colored storefront with large, bold letters spelling out 'AwesomePurchase' above the entrance. The shop's window displays are neatly arranged with an array of products, and a small, potted plant sits to the left of the door. The facade of the building is a clean, modern white, contrasting with the vibrant signage.",,7,1,entity,whole,entity - whole (shop's window displays),Are there shop's window displays? +partiprompts199,"a brightly colored storefront with large, bold letters spelling out 'AwesomePurchase' above the entrance. The shop's window displays are neatly arranged with an array of products, and a small, potted plant sits to the left of the door. The facade of the building is a clean, modern white, contrasting with the vibrant signage.",,8,7,entity,whole,entity - whole (products),Are there products? +partiprompts199,"a brightly colored storefront with large, bold letters spelling out 'AwesomePurchase' above the entrance. The shop's window displays are neatly arranged with an array of products, and a small, potted plant sits to the left of the door. The facade of the building is a clean, modern white, contrasting with the vibrant signage.",,9,1,entity,whole,entity - whole (potted plant),Is there a potted plant? +partiprompts199,"a brightly colored storefront with large, bold letters spelling out 'AwesomePurchase' above the entrance. The shop's window displays are neatly arranged with an array of products, and a small, potted plant sits to the left of the door. The facade of the building is a clean, modern white, contrasting with the vibrant signage.",,10,1,attribute,texture,"attribute - texture (building facade, clean, modern)",Is the building facade clean and modern? +partiprompts199,"a brightly colored storefront with large, bold letters spelling out 'AwesomePurchase' above the entrance. The shop's window displays are neatly arranged with an array of products, and a small, potted plant sits to the left of the door. The facade of the building is a clean, modern white, contrasting with the vibrant signage.",,11,10,attribute,color,"attribute - color (building facade, white)",Is the building facade white? +partiprompts199,"a brightly colored storefront with large, bold letters spelling out 'AwesomePurchase' above the entrance. The shop's window displays are neatly arranged with an array of products, and a small, potted plant sits to the left of the door. The facade of the building is a clean, modern white, contrasting with the vibrant signage.",,12,1,attribute,color,"attribute - color (signage, vibrant)",Is the signage vibrant? +partiprompts199,"a brightly colored storefront with large, bold letters spelling out 'AwesomePurchase' above the entrance. The shop's window displays are neatly arranged with an array of products, and a small, potted plant sits to the left of the door. The facade of the building is a clean, modern white, contrasting with the vibrant signage.",,13,"7,1",relation,spatial,"relation - spatial (shop's window displays, storefront, in)",Are the shop's window displays inside the storefront? +partiprompts199,"a brightly colored storefront with large, bold letters spelling out 'AwesomePurchase' above the entrance. The shop's window displays are neatly arranged with an array of products, and a small, potted plant sits to the left of the door. The facade of the building is a clean, modern white, contrasting with the vibrant signage.",,14,"9,6",relation,spatial,"relation - spatial (potted plant, door, left of)",Is the potted plant to the left of the door? +partiprompts199,"a brightly colored storefront with large, bold letters spelling out 'AwesomePurchase' above the entrance. The shop's window displays are neatly arranged with an array of products, and a small, potted plant sits to the left of the door. The facade of the building is a clean, modern white, contrasting with the vibrant signage.",,15,"5,6",relation,spatial,"relation - spatial (signage, entrance, above)",Is the signage above the entrance? +partiprompts294,"a whimsical illustration of a small, white baby daikon radish with rosy cheeks and green shoots atop its head, donning a pink, frilly tutu. It is walking a brown, fluffy dog on a red leash, which looks up at the radish with a playful expression. The background features a simple, pastel-colored path that winds through a grassy field.",,1,0,global,,global - (whimsical illustration),Is this a whimsical illustration? +partiprompts294,"a whimsical illustration of a small, white baby daikon radish with rosy cheeks and green shoots atop its head, donning a pink, frilly tutu. It is walking a brown, fluffy dog on a red leash, which looks up at the radish with a playful expression. The background features a simple, pastel-colored path that winds through a grassy field.",,2,1,entity,whole,entity - whole (daikon radish),Is there a daikon radish? +partiprompts294,"a whimsical illustration of a small, white baby daikon radish with rosy cheeks and green shoots atop its head, donning a pink, frilly tutu. It is walking a brown, fluffy dog on a red leash, which looks up at the radish with a playful expression. The background features a simple, pastel-colored path that winds through a grassy field.",,3,1,entity,whole,entity - whole (cheeks),Are there cheeks? +partiprompts294,"a whimsical illustration of a small, white baby daikon radish with rosy cheeks and green shoots atop its head, donning a pink, frilly tutu. It is walking a brown, fluffy dog on a red leash, which looks up at the radish with a playful expression. The background features a simple, pastel-colored path that winds through a grassy field.",,4,1,entity,whole,entity - whole (shoots),Are there shoots? +partiprompts294,"a whimsical illustration of a small, white baby daikon radish with rosy cheeks and green shoots atop its head, donning a pink, frilly tutu. It is walking a brown, fluffy dog on a red leash, which looks up at the radish with a playful expression. The background features a simple, pastel-colored path that winds through a grassy field.",,5,1,entity,whole,entity - whole (tutu),Is there a tutu? +partiprompts294,"a whimsical illustration of a small, white baby daikon radish with rosy cheeks and green shoots atop its head, donning a pink, frilly tutu. It is walking a brown, fluffy dog on a red leash, which looks up at the radish with a playful expression. The background features a simple, pastel-colored path that winds through a grassy field.",,6,0,entity,whole,entity - whole (dog),Is there a dog? +partiprompts294,"a whimsical illustration of a small, white baby daikon radish with rosy cheeks and green shoots atop its head, donning a pink, frilly tutu. It is walking a brown, fluffy dog on a red leash, which looks up at the radish with a playful expression. The background features a simple, pastel-colored path that winds through a grassy field.",,7,0,entity,whole,entity - whole (leash),Is there a leash? +partiprompts294,"a whimsical illustration of a small, white baby daikon radish with rosy cheeks and green shoots atop its head, donning a pink, frilly tutu. It is walking a brown, fluffy dog on a red leash, which looks up at the radish with a playful expression. The background features a simple, pastel-colored path that winds through a grassy field.",,8,0,entity,whole,entity - whole (path),Is there a path? +partiprompts294,"a whimsical illustration of a small, white baby daikon radish with rosy cheeks and green shoots atop its head, donning a pink, frilly tutu. It is walking a brown, fluffy dog on a red leash, which looks up at the radish with a playful expression. The background features a simple, pastel-colored path that winds through a grassy field.",,9,2,attribute,size,"attribute - size (daikon radish, small)",Is the daikon radish small? +partiprompts294,"a whimsical illustration of a small, white baby daikon radish with rosy cheeks and green shoots atop its head, donning a pink, frilly tutu. It is walking a brown, fluffy dog on a red leash, which looks up at the radish with a playful expression. The background features a simple, pastel-colored path that winds through a grassy field.",,10,2,attribute,color,"attribute - color (daikon radish, white)",Is the daikon radish white? +partiprompts294,"a whimsical illustration of a small, white baby daikon radish with rosy cheeks and green shoots atop its head, donning a pink, frilly tutu. It is walking a brown, fluffy dog on a red leash, which looks up at the radish with a playful expression. The background features a simple, pastel-colored path that winds through a grassy field.",,11,3,attribute,color,"attribute - color (cheeks, rosy)",Are the cheeks rosy? +partiprompts294,"a whimsical illustration of a small, white baby daikon radish with rosy cheeks and green shoots atop its head, donning a pink, frilly tutu. It is walking a brown, fluffy dog on a red leash, which looks up at the radish with a playful expression. The background features a simple, pastel-colored path that winds through a grassy field.",,12,4,attribute,color,"attribute - color (shoots, green)",Are the shoots green? +partiprompts294,"a whimsical illustration of a small, white baby daikon radish with rosy cheeks and green shoots atop its head, donning a pink, frilly tutu. It is walking a brown, fluffy dog on a red leash, which looks up at the radish with a playful expression. The background features a simple, pastel-colored path that winds through a grassy field.",,13,5,attribute,color,"attribute - color (tutu, pink)",Is the tutu pink? +partiprompts294,"a whimsical illustration of a small, white baby daikon radish with rosy cheeks and green shoots atop its head, donning a pink, frilly tutu. It is walking a brown, fluffy dog on a red leash, which looks up at the radish with a playful expression. The background features a simple, pastel-colored path that winds through a grassy field.",,14,6,attribute,color,"attribute - color (dog, brown)",Is the dog brown? +partiprompts294,"a whimsical illustration of a small, white baby daikon radish with rosy cheeks and green shoots atop its head, donning a pink, frilly tutu. It is walking a brown, fluffy dog on a red leash, which looks up at the radish with a playful expression. The background features a simple, pastel-colored path that winds through a grassy field.",,15,6,attribute,texture,"attribute - texture (dog, fluffy)",Is the dog fluffy? +partiprompts294,"a whimsical illustration of a small, white baby daikon radish with rosy cheeks and green shoots atop its head, donning a pink, frilly tutu. It is walking a brown, fluffy dog on a red leash, which looks up at the radish with a playful expression. The background features a simple, pastel-colored path that winds through a grassy field.",,16,7,attribute,color,"attribute - color (leash, red)",Is the leash red? +partiprompts294,"a whimsical illustration of a small, white baby daikon radish with rosy cheeks and green shoots atop its head, donning a pink, frilly tutu. It is walking a brown, fluffy dog on a red leash, which looks up at the radish with a playful expression. The background features a simple, pastel-colored path that winds through a grassy field.",,17,2,entity,state,"entity - state (daikon radish, walk)",Is the daikon radish walking? +partiprompts294,"a whimsical illustration of a small, white baby daikon radish with rosy cheeks and green shoots atop its head, donning a pink, frilly tutu. It is walking a brown, fluffy dog on a red leash, which looks up at the radish with a playful expression. The background features a simple, pastel-colored path that winds through a grassy field.",,18,6,entity,state,"entity - state (dog, look up)",Is the dog looking up? +partiprompts294,"a whimsical illustration of a small, white baby daikon radish with rosy cheeks and green shoots atop its head, donning a pink, frilly tutu. It is walking a brown, fluffy dog on a red leash, which looks up at the radish with a playful expression. The background features a simple, pastel-colored path that winds through a grassy field.",,19,6,entity,state,"entity - state (dog, playful)",Is the dog playful? +partiprompts294,"a whimsical illustration of a small, white baby daikon radish with rosy cheeks and green shoots atop its head, donning a pink, frilly tutu. It is walking a brown, fluffy dog on a red leash, which looks up at the radish with a playful expression. The background features a simple, pastel-colored path that winds through a grassy field.",,20,"2,6",relation,spatial,"relation - spatial (daikon radish, dog, walk)",Is the daikon radish walking the dog? +partiprompts294,"a whimsical illustration of a small, white baby daikon radish with rosy cheeks and green shoots atop its head, donning a pink, frilly tutu. It is walking a brown, fluffy dog on a red leash, which looks up at the radish with a playful expression. The background features a simple, pastel-colored path that winds through a grassy field.",,21,"6,2",relation,spatial,"relation - spatial (dog, daikon radish, look up)",Is the dog looking up at the daikon radish? +partiprompts294,"a whimsical illustration of a small, white baby daikon radish with rosy cheeks and green shoots atop its head, donning a pink, frilly tutu. It is walking a brown, fluffy dog on a red leash, which looks up at the radish with a playful expression. The background features a simple, pastel-colored path that winds through a grassy field.",,22,"6,2",relation,spatial,"relation - spatial (dog, daikon radish, playful)",Is the dog playing with the daikon radish? +partiprompts294,"a whimsical illustration of a small, white baby daikon radish with rosy cheeks and green shoots atop its head, donning a pink, frilly tutu. It is walking a brown, fluffy dog on a red leash, which looks up at the radish with a playful expression. The background features a simple, pastel-colored path that winds through a grassy field.",,23,"8,9",relation,spatial,"relation - spatial (path, field, through)",Does the path wind through the grassy field? +partiprompts116,"A tall man with dark hair, wearing a gray suit and sunglasses, is carefully stooping down to enter a sleek, low-profile red sports car. The car's glossy paint reflects the sunlight, highlighting its aerodynamic design. The vehicle is parked on a clean, concrete driveway beside a neatly trimmed lawn.",,1,0,entity,whole,entity - whole (man),Is there a man? +partiprompts116,"A tall man with dark hair, wearing a gray suit and sunglasses, is carefully stooping down to enter a sleek, low-profile red sports car. The car's glossy paint reflects the sunlight, highlighting its aerodynamic design. The vehicle is parked on a clean, concrete driveway beside a neatly trimmed lawn.",,2,1,entity,part,entity - part (man's hair),Does the man have hair? +partiprompts116,"A tall man with dark hair, wearing a gray suit and sunglasses, is carefully stooping down to enter a sleek, low-profile red sports car. The car's glossy paint reflects the sunlight, highlighting its aerodynamic design. The vehicle is parked on a clean, concrete driveway beside a neatly trimmed lawn.",,3,1,attribute,size,"attribute - size (man, tall)",Is the man tall? +partiprompts116,"A tall man with dark hair, wearing a gray suit and sunglasses, is carefully stooping down to enter a sleek, low-profile red sports car. The car's glossy paint reflects the sunlight, highlighting its aerodynamic design. The vehicle is parked on a clean, concrete driveway beside a neatly trimmed lawn.",,4,0,attribute,color,"attribute - color (man's hair, dark)",Is the hair dark? +partiprompts116,"A tall man with dark hair, wearing a gray suit and sunglasses, is carefully stooping down to enter a sleek, low-profile red sports car. The car's glossy paint reflects the sunlight, highlighting its aerodynamic design. The vehicle is parked on a clean, concrete driveway beside a neatly trimmed lawn.",,5,0,entity,whole,entity - whole (suit),Is the man wearing a suit? +partiprompts116,"A tall man with dark hair, wearing a gray suit and sunglasses, is carefully stooping down to enter a sleek, low-profile red sports car. The car's glossy paint reflects the sunlight, highlighting its aerodynamic design. The vehicle is parked on a clean, concrete driveway beside a neatly trimmed lawn.",,6,5,attribute,color,"attribute - color (suit, gray)",Is the suit gray? +partiprompts116,"A tall man with dark hair, wearing a gray suit and sunglasses, is carefully stooping down to enter a sleek, low-profile red sports car. The car's glossy paint reflects the sunlight, highlighting its aerodynamic design. The vehicle is parked on a clean, concrete driveway beside a neatly trimmed lawn.",,7,0,entity,whole,entity - whole (sunglasses),Are there sunglasses? +partiprompts116,"A tall man with dark hair, wearing a gray suit and sunglasses, is carefully stooping down to enter a sleek, low-profile red sports car. The car's glossy paint reflects the sunlight, highlighting its aerodynamic design. The vehicle is parked on a clean, concrete driveway beside a neatly trimmed lawn.",,8,0,entity,whole,entity - whole (car),Is there a car? +partiprompts116,"A tall man with dark hair, wearing a gray suit and sunglasses, is carefully stooping down to enter a sleek, low-profile red sports car. The car's glossy paint reflects the sunlight, highlighting its aerodynamic design. The vehicle is parked on a clean, concrete driveway beside a neatly trimmed lawn.",,9,8,attribute,size,"attribute - size (car, low-profile)",Is the car low-profile? +partiprompts116,"A tall man with dark hair, wearing a gray suit and sunglasses, is carefully stooping down to enter a sleek, low-profile red sports car. The car's glossy paint reflects the sunlight, highlighting its aerodynamic design. The vehicle is parked on a clean, concrete driveway beside a neatly trimmed lawn.",,10,8,attribute,color,"attribute - color (car, red)",Is the car red? +partiprompts116,"A tall man with dark hair, wearing a gray suit and sunglasses, is carefully stooping down to enter a sleek, low-profile red sports car. The car's glossy paint reflects the sunlight, highlighting its aerodynamic design. The vehicle is parked on a clean, concrete driveway beside a neatly trimmed lawn.",,11,10,attribute,texture,"attribute - texture (car's paint, glossy)",Is the car's paint glossy? +partiprompts116,"A tall man with dark hair, wearing a gray suit and sunglasses, is carefully stooping down to enter a sleek, low-profile red sports car. The car's glossy paint reflects the sunlight, highlighting its aerodynamic design. The vehicle is parked on a clean, concrete driveway beside a neatly trimmed lawn.",,12,10,attribute,other,"attribute - other (car's design, aerodynamic)",Is the car's design aerodynamic? +partiprompts116,"A tall man with dark hair, wearing a gray suit and sunglasses, is carefully stooping down to enter a sleek, low-profile red sports car. The car's glossy paint reflects the sunlight, highlighting its aerodynamic design. The vehicle is parked on a clean, concrete driveway beside a neatly trimmed lawn.",,13,1,entity,state,"entity - state (man, stoop down)",Is the man carefully stooping down? +partiprompts116,"A tall man with dark hair, wearing a gray suit and sunglasses, is carefully stooping down to enter a sleek, low-profile red sports car. The car's glossy paint reflects the sunlight, highlighting its aerodynamic design. The vehicle is parked on a clean, concrete driveway beside a neatly trimmed lawn.",,14,"1,8",relation,spatial,"relation - spatial (man, car, enter)",Is the man entering the car? +partiprompts116,"A tall man with dark hair, wearing a gray suit and sunglasses, is carefully stooping down to enter a sleek, low-profile red sports car. The car's glossy paint reflects the sunlight, highlighting its aerodynamic design. The vehicle is parked on a clean, concrete driveway beside a neatly trimmed lawn.",,15,8,entity,state,"entity - state (car, park)",Is the car parked? +partiprompts116,"A tall man with dark hair, wearing a gray suit and sunglasses, is carefully stooping down to enter a sleek, low-profile red sports car. The car's glossy paint reflects the sunlight, highlighting its aerodynamic design. The vehicle is parked on a clean, concrete driveway beside a neatly trimmed lawn.",,16,16,attribute,texture,"attribute - texture (driveway, clean)",Is the driveway clean? +partiprompts116,"A tall man with dark hair, wearing a gray suit and sunglasses, is carefully stooping down to enter a sleek, low-profile red sports car. The car's glossy paint reflects the sunlight, highlighting its aerodynamic design. The vehicle is parked on a clean, concrete driveway beside a neatly trimmed lawn.",,17,17,attribute,texture,"attribute - texture (lawn, neatly trimmed)",Is the lawn neatly trimmed? +partiprompts116,"A tall man with dark hair, wearing a gray suit and sunglasses, is carefully stooping down to enter a sleek, low-profile red sports car. The car's glossy paint reflects the sunlight, highlighting its aerodynamic design. The vehicle is parked on a clean, concrete driveway beside a neatly trimmed lawn.",,18,"8,16",relation,spatial,"relation - spatial (car, driveway, on)",Is the car on the driveway? +partiprompts116,"A tall man with dark hair, wearing a gray suit and sunglasses, is carefully stooping down to enter a sleek, low-profile red sports car. The car's glossy paint reflects the sunlight, highlighting its aerodynamic design. The vehicle is parked on a clean, concrete driveway beside a neatly trimmed lawn.",,19,"8,17",relation,spatial,"relation - spatial (car, lawn, beside)",Is the car beside the lawn? +partiprompts114,"A joyful black Labrador retriever with a glossy coat leaping up towards a smiling woman clad in a bright red sweater. The woman is standing in a grassy backyard, her arms open to embrace the energetic dog. Behind them, a wooden fence can be seen, partially covered by climbing green ivy.",,1,0,entity,whole,entity - whole (Labrador retriever),Is there a Labrador retriever? +partiprompts114,"A joyful black Labrador retriever with a glossy coat leaping up towards a smiling woman clad in a bright red sweater. The woman is standing in a grassy backyard, her arms open to embrace the energetic dog. Behind them, a wooden fence can be seen, partially covered by climbing green ivy.",,2,0,entity,whole,entity - whole (woman),Is there a woman? +partiprompts114,"A joyful black Labrador retriever with a glossy coat leaping up towards a smiling woman clad in a bright red sweater. The woman is standing in a grassy backyard, her arms open to embrace the energetic dog. Behind them, a wooden fence can be seen, partially covered by climbing green ivy.",,3,0,entity,whole,entity - whole (sweater),Is the woman wearing a sweater? +partiprompts114,"A joyful black Labrador retriever with a glossy coat leaping up towards a smiling woman clad in a bright red sweater. The woman is standing in a grassy backyard, her arms open to embrace the energetic dog. Behind them, a wooden fence can be seen, partially covered by climbing green ivy.",,4,0,entity,whole,entity - whole (backyard),Is there a backyard? +partiprompts114,"A joyful black Labrador retriever with a glossy coat leaping up towards a smiling woman clad in a bright red sweater. The woman is standing in a grassy backyard, her arms open to embrace the energetic dog. Behind them, a wooden fence can be seen, partially covered by climbing green ivy.",,5,0,entity,whole,entity - whole (arms),Are there arms? +partiprompts114,"A joyful black Labrador retriever with a glossy coat leaping up towards a smiling woman clad in a bright red sweater. The woman is standing in a grassy backyard, her arms open to embrace the energetic dog. Behind them, a wooden fence can be seen, partially covered by climbing green ivy.",,6,0,entity,whole,entity - whole (dog),Is there a dog? +partiprompts114,"A joyful black Labrador retriever with a glossy coat leaping up towards a smiling woman clad in a bright red sweater. The woman is standing in a grassy backyard, her arms open to embrace the energetic dog. Behind them, a wooden fence can be seen, partially covered by climbing green ivy.",,7,0,entity,whole,entity - whole (fence),Is there a fence? +partiprompts114,"A joyful black Labrador retriever with a glossy coat leaping up towards a smiling woman clad in a bright red sweater. The woman is standing in a grassy backyard, her arms open to embrace the energetic dog. Behind them, a wooden fence can be seen, partially covered by climbing green ivy.",,8,0,entity,whole,entity - whole (ivy),Is there ivy? +partiprompts114,"A joyful black Labrador retriever with a glossy coat leaping up towards a smiling woman clad in a bright red sweater. The woman is standing in a grassy backyard, her arms open to embrace the energetic dog. Behind them, a wooden fence can be seen, partially covered by climbing green ivy.",,9,1,attribute,color,"attribute - color (Labrador retriever, black)",Is the Labrador retriever black? +partiprompts114,"A joyful black Labrador retriever with a glossy coat leaping up towards a smiling woman clad in a bright red sweater. The woman is standing in a grassy backyard, her arms open to embrace the energetic dog. Behind them, a wooden fence can be seen, partially covered by climbing green ivy.",,10,1,attribute,texture,"attribute - texture (Labrador retriever's coat, glossy)",Is the Labrador retriever's coat glossy? +partiprompts114,"A joyful black Labrador retriever with a glossy coat leaping up towards a smiling woman clad in a bright red sweater. The woman is standing in a grassy backyard, her arms open to embrace the energetic dog. Behind them, a wooden fence can be seen, partially covered by climbing green ivy.",,11,2,attribute,color,"attribute - color (woman, bright red)",Is the woman's sweater bright red? +partiprompts114,"A joyful black Labrador retriever with a glossy coat leaping up towards a smiling woman clad in a bright red sweater. The woman is standing in a grassy backyard, her arms open to embrace the energetic dog. Behind them, a wooden fence can be seen, partially covered by climbing green ivy.",,12,7,attribute,texture,"attribute - texture (fence, wooden)",Is the fence wooden? +partiprompts114,"A joyful black Labrador retriever with a glossy coat leaping up towards a smiling woman clad in a bright red sweater. The woman is standing in a grassy backyard, her arms open to embrace the energetic dog. Behind them, a wooden fence can be seen, partially covered by climbing green ivy.",,13,8,attribute,texture,"attribute - texture (ivy, climbing green)",Is the ivy climbing green? +partiprompts114,"A joyful black Labrador retriever with a glossy coat leaping up towards a smiling woman clad in a bright red sweater. The woman is standing in a grassy backyard, her arms open to embrace the energetic dog. Behind them, a wooden fence can be seen, partially covered by climbing green ivy.",,14,1,entity,state,"entity - state (Labrador retriever, leap up)",Is the Labrador retriever leaping up? +partiprompts114,"A joyful black Labrador retriever with a glossy coat leaping up towards a smiling woman clad in a bright red sweater. The woman is standing in a grassy backyard, her arms open to embrace the energetic dog. Behind them, a wooden fence can be seen, partially covered by climbing green ivy.",,15,2,entity,state,"entity - state (woman, smile)",Is the woman smiling? +partiprompts114,"A joyful black Labrador retriever with a glossy coat leaping up towards a smiling woman clad in a bright red sweater. The woman is standing in a grassy backyard, her arms open to embrace the energetic dog. Behind them, a wooden fence can be seen, partially covered by climbing green ivy.",,16,2,entity,state,"entity - state (woman, stand)",Is the woman standing? +partiprompts114,"A joyful black Labrador retriever with a glossy coat leaping up towards a smiling woman clad in a bright red sweater. The woman is standing in a grassy backyard, her arms open to embrace the energetic dog. Behind them, a wooden fence can be seen, partially covered by climbing green ivy.",,17,2,entity,state,"entity - state (woman, embrace)",Is the woman embracing? +partiprompts114,"A joyful black Labrador retriever with a glossy coat leaping up towards a smiling woman clad in a bright red sweater. The woman is standing in a grassy backyard, her arms open to embrace the energetic dog. Behind them, a wooden fence can be seen, partially covered by climbing green ivy.",,18,"1,2",relation,spatial,"relation - spatial (Labrador retriever, woman, towards)",Is the Labrador retriever leaping towards the woman? +partiprompts114,"A joyful black Labrador retriever with a glossy coat leaping up towards a smiling woman clad in a bright red sweater. The woman is standing in a grassy backyard, her arms open to embrace the energetic dog. Behind them, a wooden fence can be seen, partially covered by climbing green ivy.",,19,"2,4",relation,spatial,"relation - spatial (woman, backyard, in)",Is the woman in the backyard? +partiprompts114,"A joyful black Labrador retriever with a glossy coat leaping up towards a smiling woman clad in a bright red sweater. The woman is standing in a grassy backyard, her arms open to embrace the energetic dog. Behind them, a wooden fence can be seen, partially covered by climbing green ivy.",,20,"2,5",relation,spatial,"relation - spatial (woman, arms, open)",Are the woman's arms open? +partiprompts114,"A joyful black Labrador retriever with a glossy coat leaping up towards a smiling woman clad in a bright red sweater. The woman is standing in a grassy backyard, her arms open to embrace the energetic dog. Behind them, a wooden fence can be seen, partially covered by climbing green ivy.",,21,"2,6",relation,spatial,"relation - spatial (woman, dog, embrace)",Is the woman embracing the dog? +partiprompts114,"A joyful black Labrador retriever with a glossy coat leaping up towards a smiling woman clad in a bright red sweater. The woman is standing in a grassy backyard, her arms open to embrace the energetic dog. Behind them, a wooden fence can be seen, partially covered by climbing green ivy.",,22,"2,7",relation,spatial,"relation - spatial (woman, fence, behind)",Is the woman behind the fence? +partiprompts114,"A joyful black Labrador retriever with a glossy coat leaping up towards a smiling woman clad in a bright red sweater. The woman is standing in a grassy backyard, her arms open to embrace the energetic dog. Behind them, a wooden fence can be seen, partially covered by climbing green ivy.",,23,"7,8",relation,spatial,"relation - spatial (fence, ivy, covered by)",Is the fence partially covered by climbing green ivy? +partiprompts107,"A focused young woman with round spectacles is deeply engrossed in a thick, leather-bound book that rests on a polished mahogany desk. The desk is neatly organized, with a brass desk lamp casting a warm glow over her reading material. To her left, there's a small potted plant with vibrant green leaves, adding a touch of nature to the scholarly setting.",,1,0,entity,whole,entity - whole (woman),Is there a woman? +partiprompts107,"A focused young woman with round spectacles is deeply engrossed in a thick, leather-bound book that rests on a polished mahogany desk. The desk is neatly organized, with a brass desk lamp casting a warm glow over her reading material. To her left, there's a small potted plant with vibrant green leaves, adding a touch of nature to the scholarly setting.",,2,0,entity,whole,entity - whole (spectacles),Is she wearing spectacles? +partiprompts107,"A focused young woman with round spectacles is deeply engrossed in a thick, leather-bound book that rests on a polished mahogany desk. The desk is neatly organized, with a brass desk lamp casting a warm glow over her reading material. To her left, there's a small potted plant with vibrant green leaves, adding a touch of nature to the scholarly setting.",,3,0,entity,whole,entity - whole (book),Is she engrossed in a book? +partiprompts107,"A focused young woman with round spectacles is deeply engrossed in a thick, leather-bound book that rests on a polished mahogany desk. The desk is neatly organized, with a brass desk lamp casting a warm glow over her reading material. To her left, there's a small potted plant with vibrant green leaves, adding a touch of nature to the scholarly setting.",,4,0,entity,whole,entity - whole (desk),Is there a desk? +partiprompts107,"A focused young woman with round spectacles is deeply engrossed in a thick, leather-bound book that rests on a polished mahogany desk. The desk is neatly organized, with a brass desk lamp casting a warm glow over her reading material. To her left, there's a small potted plant with vibrant green leaves, adding a touch of nature to the scholarly setting.",,5,0,entity,whole,entity - whole (lamp),Is there a lamp? +partiprompts107,"A focused young woman with round spectacles is deeply engrossed in a thick, leather-bound book that rests on a polished mahogany desk. The desk is neatly organized, with a brass desk lamp casting a warm glow over her reading material. To her left, there's a small potted plant with vibrant green leaves, adding a touch of nature to the scholarly setting.",,6,0,entity,whole,entity - whole (plant),Is there a plant? +partiprompts107,"A focused young woman with round spectacles is deeply engrossed in a thick, leather-bound book that rests on a polished mahogany desk. The desk is neatly organized, with a brass desk lamp casting a warm glow over her reading material. To her left, there's a small potted plant with vibrant green leaves, adding a touch of nature to the scholarly setting.",,7,1,attribute,other,"attribute - other (woman, young)",Is the woman young? +partiprompts107,"A focused young woman with round spectacles is deeply engrossed in a thick, leather-bound book that rests on a polished mahogany desk. The desk is neatly organized, with a brass desk lamp casting a warm glow over her reading material. To her left, there's a small potted plant with vibrant green leaves, adding a touch of nature to the scholarly setting.",,8,2,attribute,shape,"attribute - shape (spectacles, round)",Are the spectacles round? +partiprompts107,"A focused young woman with round spectacles is deeply engrossed in a thick, leather-bound book that rests on a polished mahogany desk. The desk is neatly organized, with a brass desk lamp casting a warm glow over her reading material. To her left, there's a small potted plant with vibrant green leaves, adding a touch of nature to the scholarly setting.",,9,3,attribute,texture,"attribute - texture (book, leather-bound)",Is the book leather-bound? +partiprompts107,"A focused young woman with round spectacles is deeply engrossed in a thick, leather-bound book that rests on a polished mahogany desk. The desk is neatly organized, with a brass desk lamp casting a warm glow over her reading material. To her left, there's a small potted plant with vibrant green leaves, adding a touch of nature to the scholarly setting.",,10,4,attribute,texture,"attribute - texture (desk, polished mahogany)",Is the desk polished mahogany? +partiprompts107,"A focused young woman with round spectacles is deeply engrossed in a thick, leather-bound book that rests on a polished mahogany desk. The desk is neatly organized, with a brass desk lamp casting a warm glow over her reading material. To her left, there's a small potted plant with vibrant green leaves, adding a touch of nature to the scholarly setting.",,11,5,attribute,texture,"attribute - texture (lamp, brass)",Is the lamp made of brass? +partiprompts107,"A focused young woman with round spectacles is deeply engrossed in a thick, leather-bound book that rests on a polished mahogany desk. The desk is neatly organized, with a brass desk lamp casting a warm glow over her reading material. To her left, there's a small potted plant with vibrant green leaves, adding a touch of nature to the scholarly setting.",,12,6,attribute,texture,"attribute - texture (plant, vibrant)",Is the plant vibrant? +partiprompts107,"A focused young woman with round spectacles is deeply engrossed in a thick, leather-bound book that rests on a polished mahogany desk. The desk is neatly organized, with a brass desk lamp casting a warm glow over her reading material. To her left, there's a small potted plant with vibrant green leaves, adding a touch of nature to the scholarly setting.",,13,6,attribute,color,"attribute - color (leaves, green)",Are the leaves green? +partiprompts107,"A focused young woman with round spectacles is deeply engrossed in a thick, leather-bound book that rests on a polished mahogany desk. The desk is neatly organized, with a brass desk lamp casting a warm glow over her reading material. To her left, there's a small potted plant with vibrant green leaves, adding a touch of nature to the scholarly setting.",,14,1,entity,state,"entity - state (woman, engrossed)",Is the woman deeply engrossed? +partiprompts107,"A focused young woman with round spectacles is deeply engrossed in a thick, leather-bound book that rests on a polished mahogany desk. The desk is neatly organized, with a brass desk lamp casting a warm glow over her reading material. To her left, there's a small potted plant with vibrant green leaves, adding a touch of nature to the scholarly setting.",,15,4,entity,state,"entity - state (desk, organized)",Is the desk neatly organized? +partiprompts107,"A focused young woman with round spectacles is deeply engrossed in a thick, leather-bound book that rests on a polished mahogany desk. The desk is neatly organized, with a brass desk lamp casting a warm glow over her reading material. To her left, there's a small potted plant with vibrant green leaves, adding a touch of nature to the scholarly setting.",,16,5,entity,state,"entity - state (lamp, casting warm glow)",Is the lamp casting a warm glow? +partiprompts107,"A focused young woman with round spectacles is deeply engrossed in a thick, leather-bound book that rests on a polished mahogany desk. The desk is neatly organized, with a brass desk lamp casting a warm glow over her reading material. To her left, there's a small potted plant with vibrant green leaves, adding a touch of nature to the scholarly setting.",,17,"3,4",relation,spatial,"relation - spatial (book, desk, on)",Is the book on the desk? +partiprompts107,"A focused young woman with round spectacles is deeply engrossed in a thick, leather-bound book that rests on a polished mahogany desk. The desk is neatly organized, with a brass desk lamp casting a warm glow over her reading material. To her left, there's a small potted plant with vibrant green leaves, adding a touch of nature to the scholarly setting.",,18,"5,4",relation,spatial,"relation - spatial (lamp, desk, on)",Is the lamp on the desk? +partiprompts107,"A focused young woman with round spectacles is deeply engrossed in a thick, leather-bound book that rests on a polished mahogany desk. The desk is neatly organized, with a brass desk lamp casting a warm glow over her reading material. To her left, there's a small potted plant with vibrant green leaves, adding a touch of nature to the scholarly setting.",,19,"6,4",relation,spatial,"relation - spatial (plant, desk, on the left)",Is the plant on the left side of the desk? +partiprompts152,"A lone figure, cloaked in a heavy mist, stands on an ancient cobblestone street, gazing upwards at the towering, dark gothic architecture that looms ominously above. The soft, golden glow of an old-fashioned street lamp casts a warm light nearby, contrasting with the cool, grey stones underfoot. This scene, reminiscent of a bygone era, is captured in the textured brushstrokes of an oil painting, giving it a timeless quality.",,1,0,entity,whole,entity - whole (figure),Is there a figure? +partiprompts152,"A lone figure, cloaked in a heavy mist, stands on an ancient cobblestone street, gazing upwards at the towering, dark gothic architecture that looms ominously above. The soft, golden glow of an old-fashioned street lamp casts a warm light nearby, contrasting with the cool, grey stones underfoot. This scene, reminiscent of a bygone era, is captured in the textured brushstrokes of an oil painting, giving it a timeless quality.",,2,0,entity,whole,entity - whole (mist),Is there mist? +partiprompts152,"A lone figure, cloaked in a heavy mist, stands on an ancient cobblestone street, gazing upwards at the towering, dark gothic architecture that looms ominously above. The soft, golden glow of an old-fashioned street lamp casts a warm light nearby, contrasting with the cool, grey stones underfoot. This scene, reminiscent of a bygone era, is captured in the textured brushstrokes of an oil painting, giving it a timeless quality.",,3,0,entity,whole,entity - whole (street),Is there a street? +partiprompts152,"A lone figure, cloaked in a heavy mist, stands on an ancient cobblestone street, gazing upwards at the towering, dark gothic architecture that looms ominously above. The soft, golden glow of an old-fashioned street lamp casts a warm light nearby, contrasting with the cool, grey stones underfoot. This scene, reminiscent of a bygone era, is captured in the textured brushstrokes of an oil painting, giving it a timeless quality.",,4,0,entity,whole,entity - whole (architecture),Is there architecture? +partiprompts152,"A lone figure, cloaked in a heavy mist, stands on an ancient cobblestone street, gazing upwards at the towering, dark gothic architecture that looms ominously above. The soft, golden glow of an old-fashioned street lamp casts a warm light nearby, contrasting with the cool, grey stones underfoot. This scene, reminiscent of a bygone era, is captured in the textured brushstrokes of an oil painting, giving it a timeless quality.",,5,0,entity,whole,entity - whole (street lamp),Is there a street lamp? +partiprompts152,"A lone figure, cloaked in a heavy mist, stands on an ancient cobblestone street, gazing upwards at the towering, dark gothic architecture that looms ominously above. The soft, golden glow of an old-fashioned street lamp casts a warm light nearby, contrasting with the cool, grey stones underfoot. This scene, reminiscent of a bygone era, is captured in the textured brushstrokes of an oil painting, giving it a timeless quality.",,6,1,attribute,texture,"attribute - texture (painting, oil)",Is the painting done in oil? +partiprompts152,"A lone figure, cloaked in a heavy mist, stands on an ancient cobblestone street, gazing upwards at the towering, dark gothic architecture that looms ominously above. The soft, golden glow of an old-fashioned street lamp casts a warm light nearby, contrasting with the cool, grey stones underfoot. This scene, reminiscent of a bygone era, is captured in the textured brushstrokes of an oil painting, giving it a timeless quality.",,7,3,attribute,texture,"attribute - texture (street, cobblestone)",Are the streets cobblestone? +partiprompts152,"A lone figure, cloaked in a heavy mist, stands on an ancient cobblestone street, gazing upwards at the towering, dark gothic architecture that looms ominously above. The soft, golden glow of an old-fashioned street lamp casts a warm light nearby, contrasting with the cool, grey stones underfoot. This scene, reminiscent of a bygone era, is captured in the textured brushstrokes of an oil painting, giving it a timeless quality.",,8,4,attribute,texture,"attribute - texture (architecture, gothic)",Is the architecture gothic? +partiprompts152,"A lone figure, cloaked in a heavy mist, stands on an ancient cobblestone street, gazing upwards at the towering, dark gothic architecture that looms ominously above. The soft, golden glow of an old-fashioned street lamp casts a warm light nearby, contrasting with the cool, grey stones underfoot. This scene, reminiscent of a bygone era, is captured in the textured brushstrokes of an oil painting, giving it a timeless quality.",,9,5,attribute,color,"attribute - color (lamp light, golden)",Is the lamp light golden? +partiprompts152,"A lone figure, cloaked in a heavy mist, stands on an ancient cobblestone street, gazing upwards at the towering, dark gothic architecture that looms ominously above. The soft, golden glow of an old-fashioned street lamp casts a warm light nearby, contrasting with the cool, grey stones underfoot. This scene, reminiscent of a bygone era, is captured in the textured brushstrokes of an oil painting, giving it a timeless quality.",,10,3,attribute,color,"attribute - color (stones, grey)",Are the stones grey? +partiprompts4,"A towering Gundam robot, painted in a striking combination of white, blue, and red, stands with its gleaming sword raised high against the backdrop of a sprawling metropolis. The cityscape features an array of tall, glass skyscrapers that reflect the fading light of the sunset. Beyond the urban expanse, a majestic mountain range looms, leading to the tranquil expanse of the ocean, while above, a dark, ominous moon dominates the twilight sky. The entire scene is rendered in a vivid, high-contrast style reminiscent of a detailed anime illustration.",,1,0,entity,whole,entity - whole (Gundam robot),Is there a Gundam robot? +partiprompts4,"A towering Gundam robot, painted in a striking combination of white, blue, and red, stands with its gleaming sword raised high against the backdrop of a sprawling metropolis. The cityscape features an array of tall, glass skyscrapers that reflect the fading light of the sunset. Beyond the urban expanse, a majestic mountain range looms, leading to the tranquil expanse of the ocean, while above, a dark, ominous moon dominates the twilight sky. The entire scene is rendered in a vivid, high-contrast style reminiscent of a detailed anime illustration.",,2,1,attribute,color,"attribute - color (Gundam robot, white)",Is the Gundam robot white? +partiprompts4,"A towering Gundam robot, painted in a striking combination of white, blue, and red, stands with its gleaming sword raised high against the backdrop of a sprawling metropolis. The cityscape features an array of tall, glass skyscrapers that reflect the fading light of the sunset. Beyond the urban expanse, a majestic mountain range looms, leading to the tranquil expanse of the ocean, while above, a dark, ominous moon dominates the twilight sky. The entire scene is rendered in a vivid, high-contrast style reminiscent of a detailed anime illustration.",,3,1,attribute,color,"attribute - color (Gundam robot, blue)",Is the Gundam robot blue? +partiprompts4,"A towering Gundam robot, painted in a striking combination of white, blue, and red, stands with its gleaming sword raised high against the backdrop of a sprawling metropolis. The cityscape features an array of tall, glass skyscrapers that reflect the fading light of the sunset. Beyond the urban expanse, a majestic mountain range looms, leading to the tranquil expanse of the ocean, while above, a dark, ominous moon dominates the twilight sky. The entire scene is rendered in a vivid, high-contrast style reminiscent of a detailed anime illustration.",,4,1,attribute,color,"attribute - color (Gundam robot, red)",Is the Gundam robot red? +partiprompts4,"A towering Gundam robot, painted in a striking combination of white, blue, and red, stands with its gleaming sword raised high against the backdrop of a sprawling metropolis. The cityscape features an array of tall, glass skyscrapers that reflect the fading light of the sunset. Beyond the urban expanse, a majestic mountain range looms, leading to the tranquil expanse of the ocean, while above, a dark, ominous moon dominates the twilight sky. The entire scene is rendered in a vivid, high-contrast style reminiscent of a detailed anime illustration.",,5,1,attribute,size,"attribute - size (Gundam robot, towering)",Is the Gundam robot towering? +partiprompts4,"A towering Gundam robot, painted in a striking combination of white, blue, and red, stands with its gleaming sword raised high against the backdrop of a sprawling metropolis. The cityscape features an array of tall, glass skyscrapers that reflect the fading light of the sunset. Beyond the urban expanse, a majestic mountain range looms, leading to the tranquil expanse of the ocean, while above, a dark, ominous moon dominates the twilight sky. The entire scene is rendered in a vivid, high-contrast style reminiscent of a detailed anime illustration.",,6,1,entity,part,entity - part (Gundam robot's sword),Does the Gundam robot have a sword? +partiprompts4,"A towering Gundam robot, painted in a striking combination of white, blue, and red, stands with its gleaming sword raised high against the backdrop of a sprawling metropolis. The cityscape features an array of tall, glass skyscrapers that reflect the fading light of the sunset. Beyond the urban expanse, a majestic mountain range looms, leading to the tranquil expanse of the ocean, while above, a dark, ominous moon dominates the twilight sky. The entire scene is rendered in a vivid, high-contrast style reminiscent of a detailed anime illustration.",,7,1,entity,state,"entity - state (Gundam robot, stand)",Is the Gundam robot standing? +partiprompts4,"A towering Gundam robot, painted in a striking combination of white, blue, and red, stands with its gleaming sword raised high against the backdrop of a sprawling metropolis. The cityscape features an array of tall, glass skyscrapers that reflect the fading light of the sunset. Beyond the urban expanse, a majestic mountain range looms, leading to the tranquil expanse of the ocean, while above, a dark, ominous moon dominates the twilight sky. The entire scene is rendered in a vivid, high-contrast style reminiscent of a detailed anime illustration.",,8,0,entity,whole,entity - whole (cityscape),Is there a cityscape? +partiprompts4,"A towering Gundam robot, painted in a striking combination of white, blue, and red, stands with its gleaming sword raised high against the backdrop of a sprawling metropolis. The cityscape features an array of tall, glass skyscrapers that reflect the fading light of the sunset. Beyond the urban expanse, a majestic mountain range looms, leading to the tranquil expanse of the ocean, while above, a dark, ominous moon dominates the twilight sky. The entire scene is rendered in a vivid, high-contrast style reminiscent of a detailed anime illustration.",,9,8,attribute,texture,"attribute - texture (skyscrapers, glass)",Are the skyscrapers made of glass? +partiprompts4,"A towering Gundam robot, painted in a striking combination of white, blue, and red, stands with its gleaming sword raised high against the backdrop of a sprawling metropolis. The cityscape features an array of tall, glass skyscrapers that reflect the fading light of the sunset. Beyond the urban expanse, a majestic mountain range looms, leading to the tranquil expanse of the ocean, while above, a dark, ominous moon dominates the twilight sky. The entire scene is rendered in a vivid, high-contrast style reminiscent of a detailed anime illustration.",,10,8,attribute,texture,"attribute - texture (moon, ominous)",Is the moon ominous? +partiprompts4,"A towering Gundam robot, painted in a striking combination of white, blue, and red, stands with its gleaming sword raised high against the backdrop of a sprawling metropolis. The cityscape features an array of tall, glass skyscrapers that reflect the fading light of the sunset. Beyond the urban expanse, a majestic mountain range looms, leading to the tranquil expanse of the ocean, while above, a dark, ominous moon dominates the twilight sky. The entire scene is rendered in a vivid, high-contrast style reminiscent of a detailed anime illustration.",,11,8,attribute,texture,"attribute - texture (ocean, tranquil)",Is the ocean tranquil? +partiprompts4,"A towering Gundam robot, painted in a striking combination of white, blue, and red, stands with its gleaming sword raised high against the backdrop of a sprawling metropolis. The cityscape features an array of tall, glass skyscrapers that reflect the fading light of the sunset. Beyond the urban expanse, a majestic mountain range looms, leading to the tranquil expanse of the ocean, while above, a dark, ominous moon dominates the twilight sky. The entire scene is rendered in a vivid, high-contrast style reminiscent of a detailed anime illustration.",,12,8,attribute,texture,"attribute - texture (sky, twilight)",Is the sky in twilight? +partiprompts4,"A towering Gundam robot, painted in a striking combination of white, blue, and red, stands with its gleaming sword raised high against the backdrop of a sprawling metropolis. The cityscape features an array of tall, glass skyscrapers that reflect the fading light of the sunset. Beyond the urban expanse, a majestic mountain range looms, leading to the tranquil expanse of the ocean, while above, a dark, ominous moon dominates the twilight sky. The entire scene is rendered in a vivid, high-contrast style reminiscent of a detailed anime illustration.",,13,0,global,,"global - (vivid, high-contrast)",Is the scene vivid and high-contrast? +partiprompts4,"A towering Gundam robot, painted in a striking combination of white, blue, and red, stands with its gleaming sword raised high against the backdrop of a sprawling metropolis. The cityscape features an array of tall, glass skyscrapers that reflect the fading light of the sunset. Beyond the urban expanse, a majestic mountain range looms, leading to the tranquil expanse of the ocean, while above, a dark, ominous moon dominates the twilight sky. The entire scene is rendered in a vivid, high-contrast style reminiscent of a detailed anime illustration.",,14,0,global,,global - (detailed anime illustration),Does the scene resemble a detailed anime illustration? +partiprompts308,"a peculiar sight of a tree with vibrant yellow leaves, each leaf delicately edged with hints of autumnal orange. Among the branches hang unusual blue apples, their smooth surfaces reflecting the soft sunlight. The tree stands alone in a field, its roots sprawling across the rich, brown earth.",,1,0,entity,whole,entity - whole (tree),Is there a tree? +partiprompts308,"a peculiar sight of a tree with vibrant yellow leaves, each leaf delicately edged with hints of autumnal orange. Among the branches hang unusual blue apples, their smooth surfaces reflecting the soft sunlight. The tree stands alone in a field, its roots sprawling across the rich, brown earth.",,2,1,entity,whole,entity - whole (leaves),Are there leaves? +partiprompts308,"a peculiar sight of a tree with vibrant yellow leaves, each leaf delicately edged with hints of autumnal orange. Among the branches hang unusual blue apples, their smooth surfaces reflecting the soft sunlight. The tree stands alone in a field, its roots sprawling across the rich, brown earth.",,3,1,entity,whole,entity - whole (apples),Are there apples? +partiprompts308,"a peculiar sight of a tree with vibrant yellow leaves, each leaf delicately edged with hints of autumnal orange. Among the branches hang unusual blue apples, their smooth surfaces reflecting the soft sunlight. The tree stands alone in a field, its roots sprawling across the rich, brown earth.",,4,2,attribute,color,"attribute - color (leaves, vibrant yellow)",Are the leaves vibrant yellow? +partiprompts308,"a peculiar sight of a tree with vibrant yellow leaves, each leaf delicately edged with hints of autumnal orange. Among the branches hang unusual blue apples, their smooth surfaces reflecting the soft sunlight. The tree stands alone in a field, its roots sprawling across the rich, brown earth.",,5,2,attribute,color,"attribute - color (leaves' edges, autumnal orange)",Are the edges of the leaves autumnal orange? +partiprompts308,"a peculiar sight of a tree with vibrant yellow leaves, each leaf delicately edged with hints of autumnal orange. Among the branches hang unusual blue apples, their smooth surfaces reflecting the soft sunlight. The tree stands alone in a field, its roots sprawling across the rich, brown earth.",,6,3,attribute,color,"attribute - color (apples, unusual blue)",Are the apples unusual blue? +partiprompts308,"a peculiar sight of a tree with vibrant yellow leaves, each leaf delicately edged with hints of autumnal orange. Among the branches hang unusual blue apples, their smooth surfaces reflecting the soft sunlight. The tree stands alone in a field, its roots sprawling across the rich, brown earth.",,7,3,attribute,texture,"attribute - texture (apples, smooth)",Are the apples smooth? +partiprompts308,"a peculiar sight of a tree with vibrant yellow leaves, each leaf delicately edged with hints of autumnal orange. Among the branches hang unusual blue apples, their smooth surfaces reflecting the soft sunlight. The tree stands alone in a field, its roots sprawling across the rich, brown earth.",,8,1,relation,spatial,"relation - spatial (tree, field, alone)",Is the tree standing alone in a field? +partiprompts308,"a peculiar sight of a tree with vibrant yellow leaves, each leaf delicately edged with hints of autumnal orange. Among the branches hang unusual blue apples, their smooth surfaces reflecting the soft sunlight. The tree stands alone in a field, its roots sprawling across the rich, brown earth.",,9,"1,10",relation,spatial,"relation - spatial (roots, earth, across)",Are the roots sprawling across the earth? +partiprompts308,"a peculiar sight of a tree with vibrant yellow leaves, each leaf delicately edged with hints of autumnal orange. Among the branches hang unusual blue apples, their smooth surfaces reflecting the soft sunlight. The tree stands alone in a field, its roots sprawling across the rich, brown earth.",,10,"1,8",relation,spatial,"relation - spatial (branches, sunlight, reflect)",Are the branches reflecting sunlight? +partiprompts174,"an impressionistic painting that features a vibrant array of colors, depicting a tree with a swirl of green and yellow leaves next to an old stone building with a red-tiled roof. The brush strokes are thick and visible, giving the painting a textured look, and the tree's branches seem to dance around the building's edges. The sky in the background is a mix of blues and purples, suggesting either dawn or dusk.",,1,0,entity,whole,entity - whole (painting),Is there a painting? +partiprompts174,"an impressionistic painting that features a vibrant array of colors, depicting a tree with a swirl of green and yellow leaves next to an old stone building with a red-tiled roof. The brush strokes are thick and visible, giving the painting a textured look, and the tree's branches seem to dance around the building's edges. The sky in the background is a mix of blues and purples, suggesting either dawn or dusk.",,2,1,attribute,texture,"attribute - texture (painting, impressionistic)",Is the painting impressionistic? +partiprompts174,"an impressionistic painting that features a vibrant array of colors, depicting a tree with a swirl of green and yellow leaves next to an old stone building with a red-tiled roof. The brush strokes are thick and visible, giving the painting a textured look, and the tree's branches seem to dance around the building's edges. The sky in the background is a mix of blues and purples, suggesting either dawn or dusk.",,3,1,attribute,color,"attribute - color (painting, vibrant)",Are the colors vibrant? +partiprompts174,"an impressionistic painting that features a vibrant array of colors, depicting a tree with a swirl of green and yellow leaves next to an old stone building with a red-tiled roof. The brush strokes are thick and visible, giving the painting a textured look, and the tree's branches seem to dance around the building's edges. The sky in the background is a mix of blues and purples, suggesting either dawn or dusk.",,4,1,entity,whole,entity - whole (colors),Are there colors in the painting? +partiprompts174,"an impressionistic painting that features a vibrant array of colors, depicting a tree with a swirl of green and yellow leaves next to an old stone building with a red-tiled roof. The brush strokes are thick and visible, giving the painting a textured look, and the tree's branches seem to dance around the building's edges. The sky in the background is a mix of blues and purples, suggesting either dawn or dusk.",,5,1,entity,whole,entity - whole (tree),Is there a tree? +partiprompts174,"an impressionistic painting that features a vibrant array of colors, depicting a tree with a swirl of green and yellow leaves next to an old stone building with a red-tiled roof. The brush strokes are thick and visible, giving the painting a textured look, and the tree's branches seem to dance around the building's edges. The sky in the background is a mix of blues and purples, suggesting either dawn or dusk.",,6,1,entity,whole,entity - whole (building),Is there a building? +partiprompts174,"an impressionistic painting that features a vibrant array of colors, depicting a tree with a swirl of green and yellow leaves next to an old stone building with a red-tiled roof. The brush strokes are thick and visible, giving the painting a textured look, and the tree's branches seem to dance around the building's edges. The sky in the background is a mix of blues and purples, suggesting either dawn or dusk.",,7,5,entity,part,entity - part (tree's leaves),Are there leaves on the tree? +partiprompts174,"an impressionistic painting that features a vibrant array of colors, depicting a tree with a swirl of green and yellow leaves next to an old stone building with a red-tiled roof. The brush strokes are thick and visible, giving the painting a textured look, and the tree's branches seem to dance around the building's edges. The sky in the background is a mix of blues and purples, suggesting either dawn or dusk.",,8,6,entity,part,entity - part (building's roof),Is there a roof on the building? +partiprompts174,"an impressionistic painting that features a vibrant array of colors, depicting a tree with a swirl of green and yellow leaves next to an old stone building with a red-tiled roof. The brush strokes are thick and visible, giving the painting a textured look, and the tree's branches seem to dance around the building's edges. The sky in the background is a mix of blues and purples, suggesting either dawn or dusk.",,9,7,attribute,color,"attribute - color (leaves, green and yellow)",Are the leaves green and yellow? +partiprompts174,"an impressionistic painting that features a vibrant array of colors, depicting a tree with a swirl of green and yellow leaves next to an old stone building with a red-tiled roof. The brush strokes are thick and visible, giving the painting a textured look, and the tree's branches seem to dance around the building's edges. The sky in the background is a mix of blues and purples, suggesting either dawn or dusk.",,10,8,attribute,color,"attribute - color (roof, red-tiled)",Is the roof red-tiled? +partiprompts174,"an impressionistic painting that features a vibrant array of colors, depicting a tree with a swirl of green and yellow leaves next to an old stone building with a red-tiled roof. The brush strokes are thick and visible, giving the painting a textured look, and the tree's branches seem to dance around the building's edges. The sky in the background is a mix of blues and purples, suggesting either dawn or dusk.",,11,1,attribute,other,"attribute - other (brush strokes, thick and visible)",Are the brush strokes thick and visible? +partiprompts174,"an impressionistic painting that features a vibrant array of colors, depicting a tree with a swirl of green and yellow leaves next to an old stone building with a red-tiled roof. The brush strokes are thick and visible, giving the painting a textured look, and the tree's branches seem to dance around the building's edges. The sky in the background is a mix of blues and purples, suggesting either dawn or dusk.",,12,"5,6",attribute,other,"attribute - other (branches, dance around)",Do the branches dance around the building? +partiprompts174,"an impressionistic painting that features a vibrant array of colors, depicting a tree with a swirl of green and yellow leaves next to an old stone building with a red-tiled roof. The brush strokes are thick and visible, giving the painting a textured look, and the tree's branches seem to dance around the building's edges. The sky in the background is a mix of blues and purples, suggesting either dawn or dusk.",,13,1,attribute,texture,"attribute - texture (sky, mix of blues and purples)",Is the sky a mix of blues and purples? +partiprompts174,"an impressionistic painting that features a vibrant array of colors, depicting a tree with a swirl of green and yellow leaves next to an old stone building with a red-tiled roof. The brush strokes are thick and visible, giving the painting a textured look, and the tree's branches seem to dance around the building's edges. The sky in the background is a mix of blues and purples, suggesting either dawn or dusk.",,14,1,attribute,other,"attribute - other (sky, suggest dawn or dusk)",Does the sky suggest dawn or dusk? +partiprompts84,"The book cover features a sleek, modern design with a gradient of blue to purple hues, symbolizing the concept of 'Backpropaganda' by the author I.C. Gradients. The title is emblazoned in bold, white font across the top, with the author's name neatly printed at the bottom. The cover also displays an abstract illustration that hints at the theme of artificial intelligence, with interconnected nodes and lines subtly forming a network pattern.",,1,0,entity,whole,entity - whole (book cover),Is there a book cover? +partiprompts84,"The book cover features a sleek, modern design with a gradient of blue to purple hues, symbolizing the concept of 'Backpropaganda' by the author I.C. Gradients. The title is emblazoned in bold, white font across the top, with the author's name neatly printed at the bottom. The cover also displays an abstract illustration that hints at the theme of artificial intelligence, with interconnected nodes and lines subtly forming a network pattern.",,2,1,attribute,other,"attribute - other (book cover, sleek, modern)",Is the book cover sleek and modern? +partiprompts84,"The book cover features a sleek, modern design with a gradient of blue to purple hues, symbolizing the concept of 'Backpropaganda' by the author I.C. Gradients. The title is emblazoned in bold, white font across the top, with the author's name neatly printed at the bottom. The cover also displays an abstract illustration that hints at the theme of artificial intelligence, with interconnected nodes and lines subtly forming a network pattern.",,3,1,attribute,color,"attribute - color (book cover, blue)",Is the book cover blue? +partiprompts84,"The book cover features a sleek, modern design with a gradient of blue to purple hues, symbolizing the concept of 'Backpropaganda' by the author I.C. Gradients. The title is emblazoned in bold, white font across the top, with the author's name neatly printed at the bottom. The cover also displays an abstract illustration that hints at the theme of artificial intelligence, with interconnected nodes and lines subtly forming a network pattern.",,4,1,attribute,color,"attribute - color (book cover, purple)",Is the book cover purple? +partiprompts84,"The book cover features a sleek, modern design with a gradient of blue to purple hues, symbolizing the concept of 'Backpropaganda' by the author I.C. Gradients. The title is emblazoned in bold, white font across the top, with the author's name neatly printed at the bottom. The cover also displays an abstract illustration that hints at the theme of artificial intelligence, with interconnected nodes and lines subtly forming a network pattern.",,5,1,attribute,texture,"attribute - texture (book cover, gradient)",Does the book cover have a gradient? +partiprompts84,"The book cover features a sleek, modern design with a gradient of blue to purple hues, symbolizing the concept of 'Backpropaganda' by the author I.C. Gradients. The title is emblazoned in bold, white font across the top, with the author's name neatly printed at the bottom. The cover also displays an abstract illustration that hints at the theme of artificial intelligence, with interconnected nodes and lines subtly forming a network pattern.",,6,1,attribute,other,"attribute - other (book cover, abstract)",Is the book cover abstract? +partiprompts84,"The book cover features a sleek, modern design with a gradient of blue to purple hues, symbolizing the concept of 'Backpropaganda' by the author I.C. Gradients. The title is emblazoned in bold, white font across the top, with the author's name neatly printed at the bottom. The cover also displays an abstract illustration that hints at the theme of artificial intelligence, with interconnected nodes and lines subtly forming a network pattern.",,7,1,attribute,other,"attribute - other (book cover, artificial intelligence theme)",Does the book cover hint at artificial intelligence theme? +partiprompts84,"The book cover features a sleek, modern design with a gradient of blue to purple hues, symbolizing the concept of 'Backpropaganda' by the author I.C. Gradients. The title is emblazoned in bold, white font across the top, with the author's name neatly printed at the bottom. The cover also displays an abstract illustration that hints at the theme of artificial intelligence, with interconnected nodes and lines subtly forming a network pattern.",,8,1,entity,whole,entity - whole (title),Is there a title? +partiprompts84,"The book cover features a sleek, modern design with a gradient of blue to purple hues, symbolizing the concept of 'Backpropaganda' by the author I.C. Gradients. The title is emblazoned in bold, white font across the top, with the author's name neatly printed at the bottom. The cover also displays an abstract illustration that hints at the theme of artificial intelligence, with interconnected nodes and lines subtly forming a network pattern.",,9,1,attribute,other,"attribute - other (title, bold, white)",Is the title bold and white? +partiprompts84,"The book cover features a sleek, modern design with a gradient of blue to purple hues, symbolizing the concept of 'Backpropaganda' by the author I.C. Gradients. The title is emblazoned in bold, white font across the top, with the author's name neatly printed at the bottom. The cover also displays an abstract illustration that hints at the theme of artificial intelligence, with interconnected nodes and lines subtly forming a network pattern.",,10,1,entity,whole,entity - whole (author's name),Is there an author's name? +partiprompts84,"The book cover features a sleek, modern design with a gradient of blue to purple hues, symbolizing the concept of 'Backpropaganda' by the author I.C. Gradients. The title is emblazoned in bold, white font across the top, with the author's name neatly printed at the bottom. The cover also displays an abstract illustration that hints at the theme of artificial intelligence, with interconnected nodes and lines subtly forming a network pattern.",,11,1,attribute,other,"attribute - other (author's name, neatly printed)",Is the author's name neatly printed? +partiprompts84,"The book cover features a sleek, modern design with a gradient of blue to purple hues, symbolizing the concept of 'Backpropaganda' by the author I.C. Gradients. The title is emblazoned in bold, white font across the top, with the author's name neatly printed at the bottom. The cover also displays an abstract illustration that hints at the theme of artificial intelligence, with interconnected nodes and lines subtly forming a network pattern.",,12,1,entity,whole,entity - whole (illustration),Is there an illustration? +partiprompts84,"The book cover features a sleek, modern design with a gradient of blue to purple hues, symbolizing the concept of 'Backpropaganda' by the author I.C. Gradients. The title is emblazoned in bold, white font across the top, with the author's name neatly printed at the bottom. The cover also displays an abstract illustration that hints at the theme of artificial intelligence, with interconnected nodes and lines subtly forming a network pattern.",,13,1,attribute,other,"attribute - other (illustration, abstract)",Is the illustration abstract? +partiprompts84,"The book cover features a sleek, modern design with a gradient of blue to purple hues, symbolizing the concept of 'Backpropaganda' by the author I.C. Gradients. The title is emblazoned in bold, white font across the top, with the author's name neatly printed at the bottom. The cover also displays an abstract illustration that hints at the theme of artificial intelligence, with interconnected nodes and lines subtly forming a network pattern.",,14,1,attribute,other,"attribute - other (illustration, interconnected nodes and lines)",Does the illustration have interconnected nodes and lines? +partiprompts84,"The book cover features a sleek, modern design with a gradient of blue to purple hues, symbolizing the concept of 'Backpropaganda' by the author I.C. Gradients. The title is emblazoned in bold, white font across the top, with the author's name neatly printed at the bottom. The cover also displays an abstract illustration that hints at the theme of artificial intelligence, with interconnected nodes and lines subtly forming a network pattern.",,15,1,attribute,other,"attribute - other (illustration, network pattern)",Does the illustration form a network pattern? +partiprompts213,"An old-fashioned covered wagon with a weathered canvas top and wooden spokes on its wheels is captured from behind. Peeking out from the flap of the canvas, a large polar bear's head emerges, its fur a stark contrast to the beige fabric of the wagon. The wagon itself is parked on a gravel path, surrounded by tufts of grass and small shrubs.",,1,0,entity,whole,entity - whole (covered wagon),Is there a covered wagon? +partiprompts213,"An old-fashioned covered wagon with a weathered canvas top and wooden spokes on its wheels is captured from behind. Peeking out from the flap of the canvas, a large polar bear's head emerges, its fur a stark contrast to the beige fabric of the wagon. The wagon itself is parked on a gravel path, surrounded by tufts of grass and small shrubs.",,2,1,entity,part,entity - part (covered wagon's canvas top),Is there a canvas top? +partiprompts213,"An old-fashioned covered wagon with a weathered canvas top and wooden spokes on its wheels is captured from behind. Peeking out from the flap of the canvas, a large polar bear's head emerges, its fur a stark contrast to the beige fabric of the wagon. The wagon itself is parked on a gravel path, surrounded by tufts of grass and small shrubs.",,3,1,entity,part,entity - part (covered wagon's wheels),Are there wheels? +partiprompts213,"An old-fashioned covered wagon with a weathered canvas top and wooden spokes on its wheels is captured from behind. Peeking out from the flap of the canvas, a large polar bear's head emerges, its fur a stark contrast to the beige fabric of the wagon. The wagon itself is parked on a gravel path, surrounded by tufts of grass and small shrubs.",,4,0,entity,whole,entity - whole (polar bear),Is there a polar bear? +partiprompts213,"An old-fashioned covered wagon with a weathered canvas top and wooden spokes on its wheels is captured from behind. Peeking out from the flap of the canvas, a large polar bear's head emerges, its fur a stark contrast to the beige fabric of the wagon. The wagon itself is parked on a gravel path, surrounded by tufts of grass and small shrubs.",,5,1,attribute,other,"attribute - other (covered wagon, old-fashioned)",Is the covered wagon old-fashioned? +partiprompts213,"An old-fashioned covered wagon with a weathered canvas top and wooden spokes on its wheels is captured from behind. Peeking out from the flap of the canvas, a large polar bear's head emerges, its fur a stark contrast to the beige fabric of the wagon. The wagon itself is parked on a gravel path, surrounded by tufts of grass and small shrubs.",,6,2,attribute,texture,"attribute - texture (canvas top, weathered)",Is the canvas top weathered? +partiprompts213,"An old-fashioned covered wagon with a weathered canvas top and wooden spokes on its wheels is captured from behind. Peeking out from the flap of the canvas, a large polar bear's head emerges, its fur a stark contrast to the beige fabric of the wagon. The wagon itself is parked on a gravel path, surrounded by tufts of grass and small shrubs.",,7,3,attribute,texture,"attribute - texture (wheels, wooden spokes)",Do the wheels have wooden spokes? +partiprompts213,"An old-fashioned covered wagon with a weathered canvas top and wooden spokes on its wheels is captured from behind. Peeking out from the flap of the canvas, a large polar bear's head emerges, its fur a stark contrast to the beige fabric of the wagon. The wagon itself is parked on a gravel path, surrounded by tufts of grass and small shrubs.",,8,4,attribute,color,"attribute - color (polar bear's fur, stark contrast)",Is the polar bear's fur a stark contrast? +partiprompts213,"An old-fashioned covered wagon with a weathered canvas top and wooden spokes on its wheels is captured from behind. Peeking out from the flap of the canvas, a large polar bear's head emerges, its fur a stark contrast to the beige fabric of the wagon. The wagon itself is parked on a gravel path, surrounded by tufts of grass and small shrubs.",,9,2,attribute,color,"attribute - color (canvas, beige)",Is the canvas beige? +partiprompts213,"An old-fashioned covered wagon with a weathered canvas top and wooden spokes on its wheels is captured from behind. Peeking out from the flap of the canvas, a large polar bear's head emerges, its fur a stark contrast to the beige fabric of the wagon. The wagon itself is parked on a gravel path, surrounded by tufts of grass and small shrubs.",,10,2,relation,spatial,"relation - spatial (polar bear's head, canvas flap, peek out)",Is the polar bear's head peeking out from the canvas flap? +partiprompts213,"An old-fashioned covered wagon with a weathered canvas top and wooden spokes on its wheels is captured from behind. Peeking out from the flap of the canvas, a large polar bear's head emerges, its fur a stark contrast to the beige fabric of the wagon. The wagon itself is parked on a gravel path, surrounded by tufts of grass and small shrubs.",,11,"1,11",relation,spatial,"relation - spatial (wagon, gravel path, on)",Is the wagon on a gravel path? +partiprompts213,"An old-fashioned covered wagon with a weathered canvas top and wooden spokes on its wheels is captured from behind. Peeking out from the flap of the canvas, a large polar bear's head emerges, its fur a stark contrast to the beige fabric of the wagon. The wagon itself is parked on a gravel path, surrounded by tufts of grass and small shrubs.",,12,"1,11",relation,spatial,"relation - spatial (wagon, grass, surrounded by)",Is the wagon surrounded by tufts of grass? +partiprompts213,"An old-fashioned covered wagon with a weathered canvas top and wooden spokes on its wheels is captured from behind. Peeking out from the flap of the canvas, a large polar bear's head emerges, its fur a stark contrast to the beige fabric of the wagon. The wagon itself is parked on a gravel path, surrounded by tufts of grass and small shrubs.",,13,"1,12",relation,spatial,"relation - spatial (wagon, shrubs, surrounded by)",Is the wagon surrounded by small shrubs? +partiprompts317,"a cheerful yellow banana with a wide, drawn-on smile, donning a red bandana with white paisley patterns. It's placed against a backdrop of assorted fruits on a light wooden table. The banana's peel is partially opened, revealing its ripe, edible interior.",,1,0,entity,whole,entity - whole (banana),Is there a banana? +partiprompts317,"a cheerful yellow banana with a wide, drawn-on smile, donning a red bandana with white paisley patterns. It's placed against a backdrop of assorted fruits on a light wooden table. The banana's peel is partially opened, revealing its ripe, edible interior.",,2,1,attribute,color,"attribute - color (banana, yellow)",Is the banana yellow? +partiprompts317,"a cheerful yellow banana with a wide, drawn-on smile, donning a red bandana with white paisley patterns. It's placed against a backdrop of assorted fruits on a light wooden table. The banana's peel is partially opened, revealing its ripe, edible interior.",,3,1,attribute,other,"attribute - other (banana, cheerful)",Is the banana cheerful? +partiprompts317,"a cheerful yellow banana with a wide, drawn-on smile, donning a red bandana with white paisley patterns. It's placed against a backdrop of assorted fruits on a light wooden table. The banana's peel is partially opened, revealing its ripe, edible interior.",,4,1,attribute,other,"attribute - other (banana, wide smile)",Does the banana have a wide smile? +partiprompts317,"a cheerful yellow banana with a wide, drawn-on smile, donning a red bandana with white paisley patterns. It's placed against a backdrop of assorted fruits on a light wooden table. The banana's peel is partially opened, revealing its ripe, edible interior.",,5,1,attribute,other,"attribute - other (banana, red bandana)",Is the banana wearing a red bandana? +partiprompts317,"a cheerful yellow banana with a wide, drawn-on smile, donning a red bandana with white paisley patterns. It's placed against a backdrop of assorted fruits on a light wooden table. The banana's peel is partially opened, revealing its ripe, edible interior.",,6,5,attribute,color,"attribute - color (bandana, red)",Is the bandana red? +partiprompts317,"a cheerful yellow banana with a wide, drawn-on smile, donning a red bandana with white paisley patterns. It's placed against a backdrop of assorted fruits on a light wooden table. The banana's peel is partially opened, revealing its ripe, edible interior.",,7,6,attribute,texture,"attribute - texture (bandana, white paisley patterns)",Does the bandana have white paisley patterns? +partiprompts317,"a cheerful yellow banana with a wide, drawn-on smile, donning a red bandana with white paisley patterns. It's placed against a backdrop of assorted fruits on a light wooden table. The banana's peel is partially opened, revealing its ripe, edible interior.",,8,6,attribute,texture,"attribute - texture (table, light wood)",Is the table made of light wood? +partiprompts317,"a cheerful yellow banana with a wide, drawn-on smile, donning a red bandana with white paisley patterns. It's placed against a backdrop of assorted fruits on a light wooden table. The banana's peel is partially opened, revealing its ripe, edible interior.",,9,1,entity,state,"entity - state (banana's peel, partially opened)",Is the banana's peel partially opened? +partiprompts317,"a cheerful yellow banana with a wide, drawn-on smile, donning a red bandana with white paisley patterns. It's placed against a backdrop of assorted fruits on a light wooden table. The banana's peel is partially opened, revealing its ripe, edible interior.",,10,1,entity,state,"entity - state (banana's interior, ripe and edible)",Is the banana's interior ripe and edible? +partiprompts311,"A vibrant garden scene where two red tulips stand out with their bright petals, surrounded by three white daisies with yellow centers. The flowers are nestled among green leaves and stems, with the red tulips slightly taller than the daisies. The arrangement is set against a backdrop of dark soil, hinting at a well-tended garden bed.",,1,0,entity,whole,entity - whole (garden scene),Is there a garden scene? +partiprompts311,"A vibrant garden scene where two red tulips stand out with their bright petals, surrounded by three white daisies with yellow centers. The flowers are nestled among green leaves and stems, with the red tulips slightly taller than the daisies. The arrangement is set against a backdrop of dark soil, hinting at a well-tended garden bed.",,2,1,entity,whole,entity - whole (tulips),Are there tulips? +partiprompts311,"A vibrant garden scene where two red tulips stand out with their bright petals, surrounded by three white daisies with yellow centers. The flowers are nestled among green leaves and stems, with the red tulips slightly taller than the daisies. The arrangement is set against a backdrop of dark soil, hinting at a well-tended garden bed.",,3,1,entity,whole,entity - whole (daisies),Are there daisies? +partiprompts311,"A vibrant garden scene where two red tulips stand out with their bright petals, surrounded by three white daisies with yellow centers. The flowers are nestled among green leaves and stems, with the red tulips slightly taller than the daisies. The arrangement is set against a backdrop of dark soil, hinting at a well-tended garden bed.",,4,"2,3",entity,whole,entity - whole (flowers),Are there flowers? +partiprompts311,"A vibrant garden scene where two red tulips stand out with their bright petals, surrounded by three white daisies with yellow centers. The flowers are nestled among green leaves and stems, with the red tulips slightly taller than the daisies. The arrangement is set against a backdrop of dark soil, hinting at a well-tended garden bed.",,5,4,entity,whole,entity - whole (leaves),Are there leaves? +partiprompts311,"A vibrant garden scene where two red tulips stand out with their bright petals, surrounded by three white daisies with yellow centers. The flowers are nestled among green leaves and stems, with the red tulips slightly taller than the daisies. The arrangement is set against a backdrop of dark soil, hinting at a well-tended garden bed.",,6,5,entity,whole,entity - whole (stems),Are there stems? +partiprompts311,"A vibrant garden scene where two red tulips stand out with their bright petals, surrounded by three white daisies with yellow centers. The flowers are nestled among green leaves and stems, with the red tulips slightly taller than the daisies. The arrangement is set against a backdrop of dark soil, hinting at a well-tended garden bed.",,7,6,entity,whole,entity - whole (soil),Is there soil? +partiprompts311,"A vibrant garden scene where two red tulips stand out with their bright petals, surrounded by three white daisies with yellow centers. The flowers are nestled among green leaves and stems, with the red tulips slightly taller than the daisies. The arrangement is set against a backdrop of dark soil, hinting at a well-tended garden bed.",,8,2,attribute,color,"attribute - color (tulips, red)",Are the tulips red? +partiprompts311,"A vibrant garden scene where two red tulips stand out with their bright petals, surrounded by three white daisies with yellow centers. The flowers are nestled among green leaves and stems, with the red tulips slightly taller than the daisies. The arrangement is set against a backdrop of dark soil, hinting at a well-tended garden bed.",,9,3,attribute,color,"attribute - color (daisies, white)",Are the daisies white? +partiprompts311,"A vibrant garden scene where two red tulips stand out with their bright petals, surrounded by three white daisies with yellow centers. The flowers are nestled among green leaves and stems, with the red tulips slightly taller than the daisies. The arrangement is set against a backdrop of dark soil, hinting at a well-tended garden bed.",,10,3,attribute,color,"attribute - color (daisies' centers, yellow)",Are the daisies' centers yellow? +partiprompts311,"A vibrant garden scene where two red tulips stand out with their bright petals, surrounded by three white daisies with yellow centers. The flowers are nestled among green leaves and stems, with the red tulips slightly taller than the daisies. The arrangement is set against a backdrop of dark soil, hinting at a well-tended garden bed.",,11,4,attribute,color,"attribute - color (leaves, green)",Are the leaves green? +partiprompts311,"A vibrant garden scene where two red tulips stand out with their bright petals, surrounded by three white daisies with yellow centers. The flowers are nestled among green leaves and stems, with the red tulips slightly taller than the daisies. The arrangement is set against a backdrop of dark soil, hinting at a well-tended garden bed.",,12,5,attribute,color,"attribute - color (stems, green)",Are the stems green? +partiprompts311,"A vibrant garden scene where two red tulips stand out with their bright petals, surrounded by three white daisies with yellow centers. The flowers are nestled among green leaves and stems, with the red tulips slightly taller than the daisies. The arrangement is set against a backdrop of dark soil, hinting at a well-tended garden bed.",,13,7,attribute,color,"attribute - color (soil, dark)",Is the soil dark? +partiprompts311,"A vibrant garden scene where two red tulips stand out with their bright petals, surrounded by three white daisies with yellow centers. The flowers are nestled among green leaves and stems, with the red tulips slightly taller than the daisies. The arrangement is set against a backdrop of dark soil, hinting at a well-tended garden bed.",,14,2,attribute,size,"attribute - size (tulips, slightly taller)",Are the tulips slightly taller? +partiprompts311,"A vibrant garden scene where two red tulips stand out with their bright petals, surrounded by three white daisies with yellow centers. The flowers are nestled among green leaves and stems, with the red tulips slightly taller than the daisies. The arrangement is set against a backdrop of dark soil, hinting at a well-tended garden bed.",,15,"2,3",relation,spatial,"relation - spatial (tulips, daisies, surrounded by)",Are the tulips surrounded by daisies? +partiprompts311,"A vibrant garden scene where two red tulips stand out with their bright petals, surrounded by three white daisies with yellow centers. The flowers are nestled among green leaves and stems, with the red tulips slightly taller than the daisies. The arrangement is set against a backdrop of dark soil, hinting at a well-tended garden bed.",,16,"4,5",relation,spatial,"relation - spatial (flowers, leaves, among)",Are the flowers among the leaves? +partiprompts311,"A vibrant garden scene where two red tulips stand out with their bright petals, surrounded by three white daisies with yellow centers. The flowers are nestled among green leaves and stems, with the red tulips slightly taller than the daisies. The arrangement is set against a backdrop of dark soil, hinting at a well-tended garden bed.",,17,"4,6",relation,spatial,"relation - spatial (flowers, stems, among)",Are the flowers among the stems? +partiprompts311,"A vibrant garden scene where two red tulips stand out with their bright petals, surrounded by three white daisies with yellow centers. The flowers are nestled among green leaves and stems, with the red tulips slightly taller than the daisies. The arrangement is set against a backdrop of dark soil, hinting at a well-tended garden bed.",,18,"4,7",relation,spatial,"relation - spatial (flowers, soil, against)",Is the arrangement set against the soil? +partiprompts150,"An oil-on-canvas masterpiece that captures the dynamic essence of a blue night sky, bursting with the energy of swirling azure hues and speckled with stars that seem to explode in shades of yellow. Dominating the celestial scene is a luminous, fuzzy-edged yellow crescent moon, casting its soft glow from the upper portion of the canvas. Below this cosmic display, a tranquil village is depicted to the right, its quaint houses huddled in repose. On the left, a towering cypress tree stretches upwards, its branches undulating like flames, creating a stark contrast against the serene sky. In the distance, amidst the gentle roll of blue hills, the spire of a church stands tall, a silent sentinel overlooking the sleepy hamlet.",,1,0,entity,whole,entity - whole (masterpiece),Is there a masterpiece? +partiprompts150,"An oil-on-canvas masterpiece that captures the dynamic essence of a blue night sky, bursting with the energy of swirling azure hues and speckled with stars that seem to explode in shades of yellow. Dominating the celestial scene is a luminous, fuzzy-edged yellow crescent moon, casting its soft glow from the upper portion of the canvas. Below this cosmic display, a tranquil village is depicted to the right, its quaint houses huddled in repose. On the left, a towering cypress tree stretches upwards, its branches undulating like flames, creating a stark contrast against the serene sky. In the distance, amidst the gentle roll of blue hills, the spire of a church stands tall, a silent sentinel overlooking the sleepy hamlet.",,2,1,entity,whole,entity - whole (night sky),Is there a night sky? +partiprompts150,"An oil-on-canvas masterpiece that captures the dynamic essence of a blue night sky, bursting with the energy of swirling azure hues and speckled with stars that seem to explode in shades of yellow. Dominating the celestial scene is a luminous, fuzzy-edged yellow crescent moon, casting its soft glow from the upper portion of the canvas. Below this cosmic display, a tranquil village is depicted to the right, its quaint houses huddled in repose. On the left, a towering cypress tree stretches upwards, its branches undulating like flames, creating a stark contrast against the serene sky. In the distance, amidst the gentle roll of blue hills, the spire of a church stands tall, a silent sentinel overlooking the sleepy hamlet.",,3,2,attribute,color,"attribute - color (night sky, blue)",Is the night sky blue? +partiprompts150,"An oil-on-canvas masterpiece that captures the dynamic essence of a blue night sky, bursting with the energy of swirling azure hues and speckled with stars that seem to explode in shades of yellow. Dominating the celestial scene is a luminous, fuzzy-edged yellow crescent moon, casting its soft glow from the upper portion of the canvas. Below this cosmic display, a tranquil village is depicted to the right, its quaint houses huddled in repose. On the left, a towering cypress tree stretches upwards, its branches undulating like flames, creating a stark contrast against the serene sky. In the distance, amidst the gentle roll of blue hills, the spire of a church stands tall, a silent sentinel overlooking the sleepy hamlet.",,4,2,attribute,texture,"attribute - texture (night sky, oil-on-canvas)",Is the night sky made of oil-on-canvas? +partiprompts150,"An oil-on-canvas masterpiece that captures the dynamic essence of a blue night sky, bursting with the energy of swirling azure hues and speckled with stars that seem to explode in shades of yellow. Dominating the celestial scene is a luminous, fuzzy-edged yellow crescent moon, casting its soft glow from the upper portion of the canvas. Below this cosmic display, a tranquil village is depicted to the right, its quaint houses huddled in repose. On the left, a towering cypress tree stretches upwards, its branches undulating like flames, creating a stark contrast against the serene sky. In the distance, amidst the gentle roll of blue hills, the spire of a church stands tall, a silent sentinel overlooking the sleepy hamlet.",,5,2,attribute,texture,"attribute - texture (stars, speckled)",Are the stars speckled? +partiprompts150,"An oil-on-canvas masterpiece that captures the dynamic essence of a blue night sky, bursting with the energy of swirling azure hues and speckled with stars that seem to explode in shades of yellow. Dominating the celestial scene is a luminous, fuzzy-edged yellow crescent moon, casting its soft glow from the upper portion of the canvas. Below this cosmic display, a tranquil village is depicted to the right, its quaint houses huddled in repose. On the left, a towering cypress tree stretches upwards, its branches undulating like flames, creating a stark contrast against the serene sky. In the distance, amidst the gentle roll of blue hills, the spire of a church stands tall, a silent sentinel overlooking the sleepy hamlet.",,6,5,attribute,color,"attribute - color (stars, yellow)",Are the stars yellow? +partiprompts150,"An oil-on-canvas masterpiece that captures the dynamic essence of a blue night sky, bursting with the energy of swirling azure hues and speckled with stars that seem to explode in shades of yellow. Dominating the celestial scene is a luminous, fuzzy-edged yellow crescent moon, casting its soft glow from the upper portion of the canvas. Below this cosmic display, a tranquil village is depicted to the right, its quaint houses huddled in repose. On the left, a towering cypress tree stretches upwards, its branches undulating like flames, creating a stark contrast against the serene sky. In the distance, amidst the gentle roll of blue hills, the spire of a church stands tall, a silent sentinel overlooking the sleepy hamlet.",,7,2,attribute,size,"attribute - size (moon, luminous)",Is the moon luminous? +partiprompts150,"An oil-on-canvas masterpiece that captures the dynamic essence of a blue night sky, bursting with the energy of swirling azure hues and speckled with stars that seem to explode in shades of yellow. Dominating the celestial scene is a luminous, fuzzy-edged yellow crescent moon, casting its soft glow from the upper portion of the canvas. Below this cosmic display, a tranquil village is depicted to the right, its quaint houses huddled in repose. On the left, a towering cypress tree stretches upwards, its branches undulating like flames, creating a stark contrast against the serene sky. In the distance, amidst the gentle roll of blue hills, the spire of a church stands tall, a silent sentinel overlooking the sleepy hamlet.",,8,7,attribute,texture,"attribute - texture (moon, fuzzy-edged)",Is the moon fuzzy-edged? +partiprompts150,"An oil-on-canvas masterpiece that captures the dynamic essence of a blue night sky, bursting with the energy of swirling azure hues and speckled with stars that seem to explode in shades of yellow. Dominating the celestial scene is a luminous, fuzzy-edged yellow crescent moon, casting its soft glow from the upper portion of the canvas. Below this cosmic display, a tranquil village is depicted to the right, its quaint houses huddled in repose. On the left, a towering cypress tree stretches upwards, its branches undulating like flames, creating a stark contrast against the serene sky. In the distance, amidst the gentle roll of blue hills, the spire of a church stands tall, a silent sentinel overlooking the sleepy hamlet.",,9,9,attribute,color,"attribute - color (moon, yellow)",Is the moon yellow? +partiprompts150,"An oil-on-canvas masterpiece that captures the dynamic essence of a blue night sky, bursting with the energy of swirling azure hues and speckled with stars that seem to explode in shades of yellow. Dominating the celestial scene is a luminous, fuzzy-edged yellow crescent moon, casting its soft glow from the upper portion of the canvas. Below this cosmic display, a tranquil village is depicted to the right, its quaint houses huddled in repose. On the left, a towering cypress tree stretches upwards, its branches undulating like flames, creating a stark contrast against the serene sky. In the distance, amidst the gentle roll of blue hills, the spire of a church stands tall, a silent sentinel overlooking the sleepy hamlet.",,10,1,entity,whole,entity - whole (village),Is there a village? +partiprompts150,"An oil-on-canvas masterpiece that captures the dynamic essence of a blue night sky, bursting with the energy of swirling azure hues and speckled with stars that seem to explode in shades of yellow. Dominating the celestial scene is a luminous, fuzzy-edged yellow crescent moon, casting its soft glow from the upper portion of the canvas. Below this cosmic display, a tranquil village is depicted to the right, its quaint houses huddled in repose. On the left, a towering cypress tree stretches upwards, its branches undulating like flames, creating a stark contrast against the serene sky. In the distance, amidst the gentle roll of blue hills, the spire of a church stands tall, a silent sentinel overlooking the sleepy hamlet.",,11,10,entity,state,"entity - state (houses, quaint)",Are the houses quaint? +partiprompts150,"An oil-on-canvas masterpiece that captures the dynamic essence of a blue night sky, bursting with the energy of swirling azure hues and speckled with stars that seem to explode in shades of yellow. Dominating the celestial scene is a luminous, fuzzy-edged yellow crescent moon, casting its soft glow from the upper portion of the canvas. Below this cosmic display, a tranquil village is depicted to the right, its quaint houses huddled in repose. On the left, a towering cypress tree stretches upwards, its branches undulating like flames, creating a stark contrast against the serene sky. In the distance, amidst the gentle roll of blue hills, the spire of a church stands tall, a silent sentinel overlooking the sleepy hamlet.",,12,10,relation,spatial,"relation - spatial (village, right)",Is the village on the right? +partiprompts150,"An oil-on-canvas masterpiece that captures the dynamic essence of a blue night sky, bursting with the energy of swirling azure hues and speckled with stars that seem to explode in shades of yellow. Dominating the celestial scene is a luminous, fuzzy-edged yellow crescent moon, casting its soft glow from the upper portion of the canvas. Below this cosmic display, a tranquil village is depicted to the right, its quaint houses huddled in repose. On the left, a towering cypress tree stretches upwards, its branches undulating like flames, creating a stark contrast against the serene sky. In the distance, amidst the gentle roll of blue hills, the spire of a church stands tall, a silent sentinel overlooking the sleepy hamlet.",,13,1,entity,whole,entity - whole (cypress tree),Is there a cypress tree? +partiprompts150,"An oil-on-canvas masterpiece that captures the dynamic essence of a blue night sky, bursting with the energy of swirling azure hues and speckled with stars that seem to explode in shades of yellow. Dominating the celestial scene is a luminous, fuzzy-edged yellow crescent moon, casting its soft glow from the upper portion of the canvas. Below this cosmic display, a tranquil village is depicted to the right, its quaint houses huddled in repose. On the left, a towering cypress tree stretches upwards, its branches undulating like flames, creating a stark contrast against the serene sky. In the distance, amidst the gentle roll of blue hills, the spire of a church stands tall, a silent sentinel overlooking the sleepy hamlet.",,14,13,attribute,size,"attribute - size (cypress tree, towering)",Is the cypress tree towering? +partiprompts150,"An oil-on-canvas masterpiece that captures the dynamic essence of a blue night sky, bursting with the energy of swirling azure hues and speckled with stars that seem to explode in shades of yellow. Dominating the celestial scene is a luminous, fuzzy-edged yellow crescent moon, casting its soft glow from the upper portion of the canvas. Below this cosmic display, a tranquil village is depicted to the right, its quaint houses huddled in repose. On the left, a towering cypress tree stretches upwards, its branches undulating like flames, creating a stark contrast against the serene sky. In the distance, amidst the gentle roll of blue hills, the spire of a church stands tall, a silent sentinel overlooking the sleepy hamlet.",,15,13,attribute,texture,"attribute - texture (cypress tree, undulating)",Is the cypress tree undulating? +partiprompts150,"An oil-on-canvas masterpiece that captures the dynamic essence of a blue night sky, bursting with the energy of swirling azure hues and speckled with stars that seem to explode in shades of yellow. Dominating the celestial scene is a luminous, fuzzy-edged yellow crescent moon, casting its soft glow from the upper portion of the canvas. Below this cosmic display, a tranquil village is depicted to the right, its quaint houses huddled in repose. On the left, a towering cypress tree stretches upwards, its branches undulating like flames, creating a stark contrast against the serene sky. In the distance, amidst the gentle roll of blue hills, the spire of a church stands tall, a silent sentinel overlooking the sleepy hamlet.",,16,13,attribute,shape,"attribute - shape (branches, flame-like)",Do the branches look flame-like? +partiprompts150,"An oil-on-canvas masterpiece that captures the dynamic essence of a blue night sky, bursting with the energy of swirling azure hues and speckled with stars that seem to explode in shades of yellow. Dominating the celestial scene is a luminous, fuzzy-edged yellow crescent moon, casting its soft glow from the upper portion of the canvas. Below this cosmic display, a tranquil village is depicted to the right, its quaint houses huddled in repose. On the left, a towering cypress tree stretches upwards, its branches undulating like flames, creating a stark contrast against the serene sky. In the distance, amidst the gentle roll of blue hills, the spire of a church stands tall, a silent sentinel overlooking the sleepy hamlet.",,17,13,relation,spatial,"relation - spatial (cypress tree, left)",Is the cypress tree on the left? +partiprompts150,"An oil-on-canvas masterpiece that captures the dynamic essence of a blue night sky, bursting with the energy of swirling azure hues and speckled with stars that seem to explode in shades of yellow. Dominating the celestial scene is a luminous, fuzzy-edged yellow crescent moon, casting its soft glow from the upper portion of the canvas. Below this cosmic display, a tranquil village is depicted to the right, its quaint houses huddled in repose. On the left, a towering cypress tree stretches upwards, its branches undulating like flames, creating a stark contrast against the serene sky. In the distance, amidst the gentle roll of blue hills, the spire of a church stands tall, a silent sentinel overlooking the sleepy hamlet.",,18,1,entity,whole,entity - whole (hills),Are there hills? +partiprompts150,"An oil-on-canvas masterpiece that captures the dynamic essence of a blue night sky, bursting with the energy of swirling azure hues and speckled with stars that seem to explode in shades of yellow. Dominating the celestial scene is a luminous, fuzzy-edged yellow crescent moon, casting its soft glow from the upper portion of the canvas. Below this cosmic display, a tranquil village is depicted to the right, its quaint houses huddled in repose. On the left, a towering cypress tree stretches upwards, its branches undulating like flames, creating a stark contrast against the serene sky. In the distance, amidst the gentle roll of blue hills, the spire of a church stands tall, a silent sentinel overlooking the sleepy hamlet.",,19,18,attribute,color,"attribute - color (hills, blue)",Are the hills blue? +partiprompts150,"An oil-on-canvas masterpiece that captures the dynamic essence of a blue night sky, bursting with the energy of swirling azure hues and speckled with stars that seem to explode in shades of yellow. Dominating the celestial scene is a luminous, fuzzy-edged yellow crescent moon, casting its soft glow from the upper portion of the canvas. Below this cosmic display, a tranquil village is depicted to the right, its quaint houses huddled in repose. On the left, a towering cypress tree stretches upwards, its branches undulating like flames, creating a stark contrast against the serene sky. In the distance, amidst the gentle roll of blue hills, the spire of a church stands tall, a silent sentinel overlooking the sleepy hamlet.",,20,20,relation,spatial,"relation - spatial (church, hills, in)",Is the church in the hills? +partiprompts150,"An oil-on-canvas masterpiece that captures the dynamic essence of a blue night sky, bursting with the energy of swirling azure hues and speckled with stars that seem to explode in shades of yellow. Dominating the celestial scene is a luminous, fuzzy-edged yellow crescent moon, casting its soft glow from the upper portion of the canvas. Below this cosmic display, a tranquil village is depicted to the right, its quaint houses huddled in repose. On the left, a towering cypress tree stretches upwards, its branches undulating like flames, creating a stark contrast against the serene sky. In the distance, amidst the gentle roll of blue hills, the spire of a church stands tall, a silent sentinel overlooking the sleepy hamlet.",,21,20,attribute,size,"attribute - size (church spire, tall)",Is the church spire tall? +partiprompts150,"An oil-on-canvas masterpiece that captures the dynamic essence of a blue night sky, bursting with the energy of swirling azure hues and speckled with stars that seem to explode in shades of yellow. Dominating the celestial scene is a luminous, fuzzy-edged yellow crescent moon, casting its soft glow from the upper portion of the canvas. Below this cosmic display, a tranquil village is depicted to the right, its quaint houses huddled in repose. On the left, a towering cypress tree stretches upwards, its branches undulating like flames, creating a stark contrast against the serene sky. In the distance, amidst the gentle roll of blue hills, the spire of a church stands tall, a silent sentinel overlooking the sleepy hamlet.",,22,20,entity,state,"entity - state (church, silent)",Is the church silent? +partiprompts150,"An oil-on-canvas masterpiece that captures the dynamic essence of a blue night sky, bursting with the energy of swirling azure hues and speckled with stars that seem to explode in shades of yellow. Dominating the celestial scene is a luminous, fuzzy-edged yellow crescent moon, casting its soft glow from the upper portion of the canvas. Below this cosmic display, a tranquil village is depicted to the right, its quaint houses huddled in repose. On the left, a towering cypress tree stretches upwards, its branches undulating like flames, creating a stark contrast against the serene sky. In the distance, amidst the gentle roll of blue hills, the spire of a church stands tall, a silent sentinel overlooking the sleepy hamlet.",,23,20,entity,state,"entity - state (church, overlooking)",Is the church overlooking something? +partiprompts150,"An oil-on-canvas masterpiece that captures the dynamic essence of a blue night sky, bursting with the energy of swirling azure hues and speckled with stars that seem to explode in shades of yellow. Dominating the celestial scene is a luminous, fuzzy-edged yellow crescent moon, casting its soft glow from the upper portion of the canvas. Below this cosmic display, a tranquil village is depicted to the right, its quaint houses huddled in repose. On the left, a towering cypress tree stretches upwards, its branches undulating like flames, creating a stark contrast against the serene sky. In the distance, amidst the gentle roll of blue hills, the spire of a church stands tall, a silent sentinel overlooking the sleepy hamlet.",,24,"10,20",relation,spatial,"relation - spatial (church, village, overlooking)",Is the church overlooking the village? +partiprompts46,"On a wooden cutting board, there are five vibrant green bell peppers neatly arranged to the right of two glossy red onions. The vegetables are freshly washed, with droplets of water accentuating their colors. The cutting board is set against a backdrop of a light gray kitchen countertop, which contrasts with the bright hues of the produce.",,1,0,entity,whole,entity - whole (cutting board),Is there a cutting board? +partiprompts46,"On a wooden cutting board, there are five vibrant green bell peppers neatly arranged to the right of two glossy red onions. The vegetables are freshly washed, with droplets of water accentuating their colors. The cutting board is set against a backdrop of a light gray kitchen countertop, which contrasts with the bright hues of the produce.",,2,1,entity,whole,entity - whole (bell peppers),Are there bell peppers? +partiprompts46,"On a wooden cutting board, there are five vibrant green bell peppers neatly arranged to the right of two glossy red onions. The vegetables are freshly washed, with droplets of water accentuating their colors. The cutting board is set against a backdrop of a light gray kitchen countertop, which contrasts with the bright hues of the produce.",,3,1,entity,whole,entity - whole (onions),Are there onions? +partiprompts46,"On a wooden cutting board, there are five vibrant green bell peppers neatly arranged to the right of two glossy red onions. The vegetables are freshly washed, with droplets of water accentuating their colors. The cutting board is set against a backdrop of a light gray kitchen countertop, which contrasts with the bright hues of the produce.",,4,2,attribute,color,"attribute - color (bell peppers, green)",Are the bell peppers green? +partiprompts46,"On a wooden cutting board, there are five vibrant green bell peppers neatly arranged to the right of two glossy red onions. The vegetables are freshly washed, with droplets of water accentuating their colors. The cutting board is set against a backdrop of a light gray kitchen countertop, which contrasts with the bright hues of the produce.",,5,3,attribute,color,"attribute - color (onions, red)",Are the onions red? +partiprompts46,"On a wooden cutting board, there are five vibrant green bell peppers neatly arranged to the right of two glossy red onions. The vegetables are freshly washed, with droplets of water accentuating their colors. The cutting board is set against a backdrop of a light gray kitchen countertop, which contrasts with the bright hues of the produce.",,6,"2,3",attribute,texture,"attribute - texture (bell peppers, glossy)",Are the bell peppers glossy? +partiprompts46,"On a wooden cutting board, there are five vibrant green bell peppers neatly arranged to the right of two glossy red onions. The vegetables are freshly washed, with droplets of water accentuating their colors. The cutting board is set against a backdrop of a light gray kitchen countertop, which contrasts with the bright hues of the produce.",,7,"2,3",attribute,texture,"attribute - texture (onions, glossy)",Are the onions glossy? +partiprompts46,"On a wooden cutting board, there are five vibrant green bell peppers neatly arranged to the right of two glossy red onions. The vegetables are freshly washed, with droplets of water accentuating their colors. The cutting board is set against a backdrop of a light gray kitchen countertop, which contrasts with the bright hues of the produce.",,8,1,attribute,texture,"attribute - texture (cutting board, wooden)",Is the cutting board wooden? +partiprompts46,"On a wooden cutting board, there are five vibrant green bell peppers neatly arranged to the right of two glossy red onions. The vegetables are freshly washed, with droplets of water accentuating their colors. The cutting board is set against a backdrop of a light gray kitchen countertop, which contrasts with the bright hues of the produce.",,9,1,attribute,texture,"attribute - texture (kitchen countertop, light gray)",Is the kitchen countertop light gray? +partiprompts46,"On a wooden cutting board, there are five vibrant green bell peppers neatly arranged to the right of two glossy red onions. The vegetables are freshly washed, with droplets of water accentuating their colors. The cutting board is set against a backdrop of a light gray kitchen countertop, which contrasts with the bright hues of the produce.",,10,2,attribute,other,"attribute - other (vegetables, freshly washed)",Are the vegetables freshly washed? +partiprompts46,"On a wooden cutting board, there are five vibrant green bell peppers neatly arranged to the right of two glossy red onions. The vegetables are freshly washed, with droplets of water accentuating their colors. The cutting board is set against a backdrop of a light gray kitchen countertop, which contrasts with the bright hues of the produce.",,11,2,attribute,other,"attribute - other (vegetables, droplets of water)",Are there droplets of water on the vegetables? +partiprompts46,"On a wooden cutting board, there are five vibrant green bell peppers neatly arranged to the right of two glossy red onions. The vegetables are freshly washed, with droplets of water accentuating their colors. The cutting board is set against a backdrop of a light gray kitchen countertop, which contrasts with the bright hues of the produce.",,12,"1,2",relation,spatial,"relation - spatial (bell peppers, cutting board, right of)",Are the bell peppers neatly arranged to the right of the cutting board? +partiprompts46,"On a wooden cutting board, there are five vibrant green bell peppers neatly arranged to the right of two glossy red onions. The vegetables are freshly washed, with droplets of water accentuating their colors. The cutting board is set against a backdrop of a light gray kitchen countertop, which contrasts with the bright hues of the produce.",,13,"1,3",relation,spatial,"relation - spatial (onions, cutting board, right of)",Are the onions neatly arranged to the right of the cutting board? +partiprompts46,"On a wooden cutting board, there are five vibrant green bell peppers neatly arranged to the right of two glossy red onions. The vegetables are freshly washed, with droplets of water accentuating their colors. The cutting board is set against a backdrop of a light gray kitchen countertop, which contrasts with the bright hues of the produce.",,14,"1,9",relation,spatial,"relation - spatial (cutting board, kitchen countertop, against)",Is the cutting board set against the kitchen countertop? +partiprompts8,"An animated warrior wombat, clad in silver armor, stands boldly in a fighting stance with a gleaming sword in one hand and a sturdy round shield in the other. The iconic Arc de Triomphe looms in the background, partially veiled by a thin layer of mist that softens the contours of the monument. Despite the mist, the sun is positioned high above, casting a subtle glow on the scene and highlighting the wombat's determined expression.",,1,0,entity,whole,entity - whole (warrior wombat),Is there a warrior wombat? +partiprompts8,"An animated warrior wombat, clad in silver armor, stands boldly in a fighting stance with a gleaming sword in one hand and a sturdy round shield in the other. The iconic Arc de Triomphe looms in the background, partially veiled by a thin layer of mist that softens the contours of the monument. Despite the mist, the sun is positioned high above, casting a subtle glow on the scene and highlighting the wombat's determined expression.",,2,1,entity,whole,entity - whole (armor),Is there armor? +partiprompts8,"An animated warrior wombat, clad in silver armor, stands boldly in a fighting stance with a gleaming sword in one hand and a sturdy round shield in the other. The iconic Arc de Triomphe looms in the background, partially veiled by a thin layer of mist that softens the contours of the monument. Despite the mist, the sun is positioned high above, casting a subtle glow on the scene and highlighting the wombat's determined expression.",,3,1,entity,whole,entity - whole (sword),Is there a sword? +partiprompts8,"An animated warrior wombat, clad in silver armor, stands boldly in a fighting stance with a gleaming sword in one hand and a sturdy round shield in the other. The iconic Arc de Triomphe looms in the background, partially veiled by a thin layer of mist that softens the contours of the monument. Despite the mist, the sun is positioned high above, casting a subtle glow on the scene and highlighting the wombat's determined expression.",,4,1,entity,whole,entity - whole (shield),Is there a shield? +partiprompts8,"An animated warrior wombat, clad in silver armor, stands boldly in a fighting stance with a gleaming sword in one hand and a sturdy round shield in the other. The iconic Arc de Triomphe looms in the background, partially veiled by a thin layer of mist that softens the contours of the monument. Despite the mist, the sun is positioned high above, casting a subtle glow on the scene and highlighting the wombat's determined expression.",,5,0,entity,whole,entity - whole (Arc de Triomphe),Is there the Arc de Triomphe? +partiprompts8,"An animated warrior wombat, clad in silver armor, stands boldly in a fighting stance with a gleaming sword in one hand and a sturdy round shield in the other. The iconic Arc de Triomphe looms in the background, partially veiled by a thin layer of mist that softens the contours of the monument. Despite the mist, the sun is positioned high above, casting a subtle glow on the scene and highlighting the wombat's determined expression.",,6,0,entity,whole,entity - whole (sun),Is there the sun? +partiprompts8,"An animated warrior wombat, clad in silver armor, stands boldly in a fighting stance with a gleaming sword in one hand and a sturdy round shield in the other. The iconic Arc de Triomphe looms in the background, partially veiled by a thin layer of mist that softens the contours of the monument. Despite the mist, the sun is positioned high above, casting a subtle glow on the scene and highlighting the wombat's determined expression.",,7,2,attribute,color,"attribute - color (armor, silver)",Is the armor silver? +partiprompts8,"An animated warrior wombat, clad in silver armor, stands boldly in a fighting stance with a gleaming sword in one hand and a sturdy round shield in the other. The iconic Arc de Triomphe looms in the background, partially veiled by a thin layer of mist that softens the contours of the monument. Despite the mist, the sun is positioned high above, casting a subtle glow on the scene and highlighting the wombat's determined expression.",,8,3,attribute,texture,"attribute - texture (shield, sturdy)",Is the shield sturdy? +partiprompts8,"An animated warrior wombat, clad in silver armor, stands boldly in a fighting stance with a gleaming sword in one hand and a sturdy round shield in the other. The iconic Arc de Triomphe looms in the background, partially veiled by a thin layer of mist that softens the contours of the monument. Despite the mist, the sun is positioned high above, casting a subtle glow on the scene and highlighting the wombat's determined expression.",,9,4,attribute,shape,"attribute - shape (shield, round)",Is the shield round? +partiprompts8,"An animated warrior wombat, clad in silver armor, stands boldly in a fighting stance with a gleaming sword in one hand and a sturdy round shield in the other. The iconic Arc de Triomphe looms in the background, partially veiled by a thin layer of mist that softens the contours of the monument. Despite the mist, the sun is positioned high above, casting a subtle glow on the scene and highlighting the wombat's determined expression.",,10,1,entity,state,"entity - state (warrior wombat, stand)",Is the warrior wombat standing? +partiprompts8,"An animated warrior wombat, clad in silver armor, stands boldly in a fighting stance with a gleaming sword in one hand and a sturdy round shield in the other. The iconic Arc de Triomphe looms in the background, partially veiled by a thin layer of mist that softens the contours of the monument. Despite the mist, the sun is positioned high above, casting a subtle glow on the scene and highlighting the wombat's determined expression.",,11,3,entity,state,"entity - state (sword, gleaming)",Is the sword gleaming? +partiprompts8,"An animated warrior wombat, clad in silver armor, stands boldly in a fighting stance with a gleaming sword in one hand and a sturdy round shield in the other. The iconic Arc de Triomphe looms in the background, partially veiled by a thin layer of mist that softens the contours of the monument. Despite the mist, the sun is positioned high above, casting a subtle glow on the scene and highlighting the wombat's determined expression.",,12,4,entity,state,"entity - state (shield, sturdy)",Is the shield sturdy? +partiprompts8,"An animated warrior wombat, clad in silver armor, stands boldly in a fighting stance with a gleaming sword in one hand and a sturdy round shield in the other. The iconic Arc de Triomphe looms in the background, partially veiled by a thin layer of mist that softens the contours of the monument. Despite the mist, the sun is positioned high above, casting a subtle glow on the scene and highlighting the wombat's determined expression.",,13,5,entity,state,"entity - state (Arc de Triomphe, loom)",Is the Arc de Triomphe looming? +partiprompts8,"An animated warrior wombat, clad in silver armor, stands boldly in a fighting stance with a gleaming sword in one hand and a sturdy round shield in the other. The iconic Arc de Triomphe looms in the background, partially veiled by a thin layer of mist that softens the contours of the monument. Despite the mist, the sun is positioned high above, casting a subtle glow on the scene and highlighting the wombat's determined expression.",,14,6,entity,state,"entity - state (sun, position)",Is the sun positioned? +partiprompts8,"An animated warrior wombat, clad in silver armor, stands boldly in a fighting stance with a gleaming sword in one hand and a sturdy round shield in the other. The iconic Arc de Triomphe looms in the background, partially veiled by a thin layer of mist that softens the contours of the monument. Despite the mist, the sun is positioned high above, casting a subtle glow on the scene and highlighting the wombat's determined expression.",,15,6,entity,state,"entity - state (sun, cast)",Is the sun casting? +partiprompts8,"An animated warrior wombat, clad in silver armor, stands boldly in a fighting stance with a gleaming sword in one hand and a sturdy round shield in the other. The iconic Arc de Triomphe looms in the background, partially veiled by a thin layer of mist that softens the contours of the monument. Despite the mist, the sun is positioned high above, casting a subtle glow on the scene and highlighting the wombat's determined expression.",,16,6,entity,state,"entity - state (sun, highlight)",Is the sun highlighting? +partiprompts8,"An animated warrior wombat, clad in silver armor, stands boldly in a fighting stance with a gleaming sword in one hand and a sturdy round shield in the other. The iconic Arc de Triomphe looms in the background, partially veiled by a thin layer of mist that softens the contours of the monument. Despite the mist, the sun is positioned high above, casting a subtle glow on the scene and highlighting the wombat's determined expression.",,17,0,entity,state,"entity - state (mist, veil)",Is there mist veiling? +partiprompts8,"An animated warrior wombat, clad in silver armor, stands boldly in a fighting stance with a gleaming sword in one hand and a sturdy round shield in the other. The iconic Arc de Triomphe looms in the background, partially veiled by a thin layer of mist that softens the contours of the monument. Despite the mist, the sun is positioned high above, casting a subtle glow on the scene and highlighting the wombat's determined expression.",,18,17,entity,state,"entity - state (mist, soften)",Is the mist softening? +partiprompts8,"An animated warrior wombat, clad in silver armor, stands boldly in a fighting stance with a gleaming sword in one hand and a sturdy round shield in the other. The iconic Arc de Triomphe looms in the background, partially veiled by a thin layer of mist that softens the contours of the monument. Despite the mist, the sun is positioned high above, casting a subtle glow on the scene and highlighting the wombat's determined expression.",,19,5,entity,state,"entity - state (monument, contour)",Is the monument's contour visible? +partiprompts8,"An animated warrior wombat, clad in silver armor, stands boldly in a fighting stance with a gleaming sword in one hand and a sturdy round shield in the other. The iconic Arc de Triomphe looms in the background, partially veiled by a thin layer of mist that softens the contours of the monument. Despite the mist, the sun is positioned high above, casting a subtle glow on the scene and highlighting the wombat's determined expression.",,20,6,entity,state,"entity - state (sun, glow)",Is the sun glowing? +partiprompts8,"An animated warrior wombat, clad in silver armor, stands boldly in a fighting stance with a gleaming sword in one hand and a sturdy round shield in the other. The iconic Arc de Triomphe looms in the background, partially veiled by a thin layer of mist that softens the contours of the monument. Despite the mist, the sun is positioned high above, casting a subtle glow on the scene and highlighting the wombat's determined expression.",,21,1,entity,state,"entity - state (wombat, express)",Is the wombat expressing determination? +partiprompts8,"An animated warrior wombat, clad in silver armor, stands boldly in a fighting stance with a gleaming sword in one hand and a sturdy round shield in the other. The iconic Arc de Triomphe looms in the background, partially veiled by a thin layer of mist that softens the contours of the monument. Despite the mist, the sun is positioned high above, casting a subtle glow on the scene and highlighting the wombat's determined expression.",,22,1,attribute,other,"attribute - other (wombat, warrior)",Is the wombat a warrior? +partiprompts8,"An animated warrior wombat, clad in silver armor, stands boldly in a fighting stance with a gleaming sword in one hand and a sturdy round shield in the other. The iconic Arc de Triomphe looms in the background, partially veiled by a thin layer of mist that softens the contours of the monument. Despite the mist, the sun is positioned high above, casting a subtle glow on the scene and highlighting the wombat's determined expression.",,23,1,relation,spatial,"relation - spatial (wombat, stance, in)",Is the wombat in a fighting stance? +partiprompts8,"An animated warrior wombat, clad in silver armor, stands boldly in a fighting stance with a gleaming sword in one hand and a sturdy round shield in the other. The iconic Arc de Triomphe looms in the background, partially veiled by a thin layer of mist that softens the contours of the monument. Despite the mist, the sun is positioned high above, casting a subtle glow on the scene and highlighting the wombat's determined expression.",,24,1,relation,spatial,"relation - spatial (wombat, sword, in one hand)",Is the sword in one hand of the wombat? +partiprompts8,"An animated warrior wombat, clad in silver armor, stands boldly in a fighting stance with a gleaming sword in one hand and a sturdy round shield in the other. The iconic Arc de Triomphe looms in the background, partially veiled by a thin layer of mist that softens the contours of the monument. Despite the mist, the sun is positioned high above, casting a subtle glow on the scene and highlighting the wombat's determined expression.",,25,1,relation,spatial,"relation - spatial (wombat, shield, in the other hand)",Is the shield in the other hand of the wombat? +partiprompts8,"An animated warrior wombat, clad in silver armor, stands boldly in a fighting stance with a gleaming sword in one hand and a sturdy round shield in the other. The iconic Arc de Triomphe looms in the background, partially veiled by a thin layer of mist that softens the contours of the monument. Despite the mist, the sun is positioned high above, casting a subtle glow on the scene and highlighting the wombat's determined expression.",,26,1,relation,spatial,"relation - spatial (Arc de Triomphe, background, in)",Is the Arc de Triomphe in the background? +partiprompts8,"An animated warrior wombat, clad in silver armor, stands boldly in a fighting stance with a gleaming sword in one hand and a sturdy round shield in the other. The iconic Arc de Triomphe looms in the background, partially veiled by a thin layer of mist that softens the contours of the monument. Despite the mist, the sun is positioned high above, casting a subtle glow on the scene and highlighting the wombat's determined expression.",,27,"5,13",relation,spatial,"relation - spatial (mist, Arc de Triomphe, partially veiled)",Is the Arc de Triomphe partially veiled by the mist? +partiprompts8,"An animated warrior wombat, clad in silver armor, stands boldly in a fighting stance with a gleaming sword in one hand and a sturdy round shield in the other. The iconic Arc de Triomphe looms in the background, partially veiled by a thin layer of mist that softens the contours of the monument. Despite the mist, the sun is positioned high above, casting a subtle glow on the scene and highlighting the wombat's determined expression.",,28,"6,1",relation,spatial,"relation - spatial (sun, scene, above)",Is the sun positioned above the scene? +partiprompts8,"An animated warrior wombat, clad in silver armor, stands boldly in a fighting stance with a gleaming sword in one hand and a sturdy round shield in the other. The iconic Arc de Triomphe looms in the background, partially veiled by a thin layer of mist that softens the contours of the monument. Despite the mist, the sun is positioned high above, casting a subtle glow on the scene and highlighting the wombat's determined expression.",,29,"6,20",relation,non-spatial,"relation - non-spatial (sun, scene, highlight)",Is the sun highlighting the scene? +partiprompts5,"A whimsical scene captured in a portrait photo featuring a kangaroo donned in a vibrant orange hoodie and stylish blue sunglasses. The kangaroo stands confidently on the lush green grass, with the iconic Sydney Opera House forming an impressive backdrop. Clutched against its chest is a white sign with bold black letters that warmly proclaim ""Welcome Friends!"" to all who gaze upon the image.",,1,0,global,,global - (whimsical scene),Is this a whimsical scene? +partiprompts5,"A whimsical scene captured in a portrait photo featuring a kangaroo donned in a vibrant orange hoodie and stylish blue sunglasses. The kangaroo stands confidently on the lush green grass, with the iconic Sydney Opera House forming an impressive backdrop. Clutched against its chest is a white sign with bold black letters that warmly proclaim ""Welcome Friends!"" to all who gaze upon the image.",,2,0,global,,global - (portrait photo),Is this a portrait photo? +partiprompts5,"A whimsical scene captured in a portrait photo featuring a kangaroo donned in a vibrant orange hoodie and stylish blue sunglasses. The kangaroo stands confidently on the lush green grass, with the iconic Sydney Opera House forming an impressive backdrop. Clutched against its chest is a white sign with bold black letters that warmly proclaim ""Welcome Friends!"" to all who gaze upon the image.",,3,0,entity,whole,entity - whole (kangaroo),Is there a kangaroo? +partiprompts5,"A whimsical scene captured in a portrait photo featuring a kangaroo donned in a vibrant orange hoodie and stylish blue sunglasses. The kangaroo stands confidently on the lush green grass, with the iconic Sydney Opera House forming an impressive backdrop. Clutched against its chest is a white sign with bold black letters that warmly proclaim ""Welcome Friends!"" to all who gaze upon the image.",,4,3,entity,whole,entity - whole (hoodie),Is the kangaroo wearing a hoodie? +partiprompts5,"A whimsical scene captured in a portrait photo featuring a kangaroo donned in a vibrant orange hoodie and stylish blue sunglasses. The kangaroo stands confidently on the lush green grass, with the iconic Sydney Opera House forming an impressive backdrop. Clutched against its chest is a white sign with bold black letters that warmly proclaim ""Welcome Friends!"" to all who gaze upon the image.",,5,0,entity,whole,entity - whole (sunglasses),Is the kangaroo wearing sunglasses? +partiprompts5,"A whimsical scene captured in a portrait photo featuring a kangaroo donned in a vibrant orange hoodie and stylish blue sunglasses. The kangaroo stands confidently on the lush green grass, with the iconic Sydney Opera House forming an impressive backdrop. Clutched against its chest is a white sign with bold black letters that warmly proclaim ""Welcome Friends!"" to all who gaze upon the image.",,6,0,entity,whole,entity - whole (grass),Is there grass? +partiprompts5,"A whimsical scene captured in a portrait photo featuring a kangaroo donned in a vibrant orange hoodie and stylish blue sunglasses. The kangaroo stands confidently on the lush green grass, with the iconic Sydney Opera House forming an impressive backdrop. Clutched against its chest is a white sign with bold black letters that warmly proclaim ""Welcome Friends!"" to all who gaze upon the image.",,7,0,entity,whole,entity - whole (Sydney Opera House),Is there the Sydney Opera House? +partiprompts5,"A whimsical scene captured in a portrait photo featuring a kangaroo donned in a vibrant orange hoodie and stylish blue sunglasses. The kangaroo stands confidently on the lush green grass, with the iconic Sydney Opera House forming an impressive backdrop. Clutched against its chest is a white sign with bold black letters that warmly proclaim ""Welcome Friends!"" to all who gaze upon the image.",,8,0,entity,whole,entity - whole (sign),Is there a sign? +partiprompts5,"A whimsical scene captured in a portrait photo featuring a kangaroo donned in a vibrant orange hoodie and stylish blue sunglasses. The kangaroo stands confidently on the lush green grass, with the iconic Sydney Opera House forming an impressive backdrop. Clutched against its chest is a white sign with bold black letters that warmly proclaim ""Welcome Friends!"" to all who gaze upon the image.",,9,4,attribute,color,"attribute - color (hoodie, orange)",Is the hoodie orange? +partiprompts5,"A whimsical scene captured in a portrait photo featuring a kangaroo donned in a vibrant orange hoodie and stylish blue sunglasses. The kangaroo stands confidently on the lush green grass, with the iconic Sydney Opera House forming an impressive backdrop. Clutched against its chest is a white sign with bold black letters that warmly proclaim ""Welcome Friends!"" to all who gaze upon the image.",,10,5,attribute,color,"attribute - color (sunglasses, blue)",Are the sunglasses blue? +partiprompts5,"A whimsical scene captured in a portrait photo featuring a kangaroo donned in a vibrant orange hoodie and stylish blue sunglasses. The kangaroo stands confidently on the lush green grass, with the iconic Sydney Opera House forming an impressive backdrop. Clutched against its chest is a white sign with bold black letters that warmly proclaim ""Welcome Friends!"" to all who gaze upon the image.",,11,8,attribute,color,"attribute - color (sign, white)",Is the sign white? +partiprompts5,"A whimsical scene captured in a portrait photo featuring a kangaroo donned in a vibrant orange hoodie and stylish blue sunglasses. The kangaroo stands confidently on the lush green grass, with the iconic Sydney Opera House forming an impressive backdrop. Clutched against its chest is a white sign with bold black letters that warmly proclaim ""Welcome Friends!"" to all who gaze upon the image.",,12,11,attribute,color,"attribute - color (letters, black)",Are the letters black? +partiprompts5,"A whimsical scene captured in a portrait photo featuring a kangaroo donned in a vibrant orange hoodie and stylish blue sunglasses. The kangaroo stands confidently on the lush green grass, with the iconic Sydney Opera House forming an impressive backdrop. Clutched against its chest is a white sign with bold black letters that warmly proclaim ""Welcome Friends!"" to all who gaze upon the image.",,13,6,attribute,texture,"attribute - texture (grass, lush green)",Is the grass lush green? +partiprompts5,"A whimsical scene captured in a portrait photo featuring a kangaroo donned in a vibrant orange hoodie and stylish blue sunglasses. The kangaroo stands confidently on the lush green grass, with the iconic Sydney Opera House forming an impressive backdrop. Clutched against its chest is a white sign with bold black letters that warmly proclaim ""Welcome Friends!"" to all who gaze upon the image.",,14,3,entity,state,"entity - state (kangaroo, stand confidently)",Is the kangaroo standing confidently? +partiprompts5,"A whimsical scene captured in a portrait photo featuring a kangaroo donned in a vibrant orange hoodie and stylish blue sunglasses. The kangaroo stands confidently on the lush green grass, with the iconic Sydney Opera House forming an impressive backdrop. Clutched against its chest is a white sign with bold black letters that warmly proclaim ""Welcome Friends!"" to all who gaze upon the image.",,15,"3,6",relation,spatial,"relation - spatial (kangaroo, grass, on)",Is the kangaroo on the grass? +partiprompts5,"A whimsical scene captured in a portrait photo featuring a kangaroo donned in a vibrant orange hoodie and stylish blue sunglasses. The kangaroo stands confidently on the lush green grass, with the iconic Sydney Opera House forming an impressive backdrop. Clutched against its chest is a white sign with bold black letters that warmly proclaim ""Welcome Friends!"" to all who gaze upon the image.",,16,"3,7",relation,spatial,"relation - spatial (kangaroo, Sydney Opera House, in front of)",Is the kangaroo in front of the Sydney Opera House? +partiprompts5,"A whimsical scene captured in a portrait photo featuring a kangaroo donned in a vibrant orange hoodie and stylish blue sunglasses. The kangaroo stands confidently on the lush green grass, with the iconic Sydney Opera House forming an impressive backdrop. Clutched against its chest is a white sign with bold black letters that warmly proclaim ""Welcome Friends!"" to all who gaze upon the image.",,17,"3,8",relation,spatial,"relation - spatial (kangaroo, sign, clutched against chest)",Is the sign clutched against the kangaroo's chest? +partiprompts99,"a man dressed in a dark business suit and tie is carefully ascending a silver aluminum ladder. The ladder is propped securely against the side of a pristine white house with beige trim around the windows. Sunlight reflects off the house's clean siding, highlighting the contrast between the man's formal attire and the manual task at hand.",,1,0,entity,whole,entity - whole (man),Is there a man? +partiprompts99,"a man dressed in a dark business suit and tie is carefully ascending a silver aluminum ladder. The ladder is propped securely against the side of a pristine white house with beige trim around the windows. Sunlight reflects off the house's clean siding, highlighting the contrast between the man's formal attire and the manual task at hand.",,2,1,entity,whole,entity - whole (business suit),Is the man dressed in a business suit? +partiprompts99,"a man dressed in a dark business suit and tie is carefully ascending a silver aluminum ladder. The ladder is propped securely against the side of a pristine white house with beige trim around the windows. Sunlight reflects off the house's clean siding, highlighting the contrast between the man's formal attire and the manual task at hand.",,3,1,entity,whole,entity - whole (tie),Is the man wearing a tie? +partiprompts99,"a man dressed in a dark business suit and tie is carefully ascending a silver aluminum ladder. The ladder is propped securely against the side of a pristine white house with beige trim around the windows. Sunlight reflects off the house's clean siding, highlighting the contrast between the man's formal attire and the manual task at hand.",,4,0,entity,whole,entity - whole (ladder),Is there a ladder? +partiprompts99,"a man dressed in a dark business suit and tie is carefully ascending a silver aluminum ladder. The ladder is propped securely against the side of a pristine white house with beige trim around the windows. Sunlight reflects off the house's clean siding, highlighting the contrast between the man's formal attire and the manual task at hand.",,5,0,entity,whole,entity - whole (house),Is there a house? +partiprompts99,"a man dressed in a dark business suit and tie is carefully ascending a silver aluminum ladder. The ladder is propped securely against the side of a pristine white house with beige trim around the windows. Sunlight reflects off the house's clean siding, highlighting the contrast between the man's formal attire and the manual task at hand.",,6,2,attribute,color,"attribute - color (business suit, dark)",Is the business suit dark? +partiprompts99,"a man dressed in a dark business suit and tie is carefully ascending a silver aluminum ladder. The ladder is propped securely against the side of a pristine white house with beige trim around the windows. Sunlight reflects off the house's clean siding, highlighting the contrast between the man's formal attire and the manual task at hand.",,7,3,attribute,color,"attribute - color (tie, dark)",Is the tie dark? +partiprompts99,"a man dressed in a dark business suit and tie is carefully ascending a silver aluminum ladder. The ladder is propped securely against the side of a pristine white house with beige trim around the windows. Sunlight reflects off the house's clean siding, highlighting the contrast between the man's formal attire and the manual task at hand.",,8,4,attribute,color,"attribute - color (ladder, silver aluminum)",Is the ladder silver aluminum? +partiprompts99,"a man dressed in a dark business suit and tie is carefully ascending a silver aluminum ladder. The ladder is propped securely against the side of a pristine white house with beige trim around the windows. Sunlight reflects off the house's clean siding, highlighting the contrast between the man's formal attire and the manual task at hand.",,9,5,attribute,color,"attribute - color (house, pristine white)",Is the house pristine white? +partiprompts99,"a man dressed in a dark business suit and tie is carefully ascending a silver aluminum ladder. The ladder is propped securely against the side of a pristine white house with beige trim around the windows. Sunlight reflects off the house's clean siding, highlighting the contrast between the man's formal attire and the manual task at hand.",,10,5,attribute,color,"attribute - color (trim, beige)",Is there beige trim around the windows? +partiprompts99,"a man dressed in a dark business suit and tie is carefully ascending a silver aluminum ladder. The ladder is propped securely against the side of a pristine white house with beige trim around the windows. Sunlight reflects off the house's clean siding, highlighting the contrast between the man's formal attire and the manual task at hand.",,11,5,attribute,texture,"attribute - texture (siding, clean)",Is the siding clean? +partiprompts99,"a man dressed in a dark business suit and tie is carefully ascending a silver aluminum ladder. The ladder is propped securely against the side of a pristine white house with beige trim around the windows. Sunlight reflects off the house's clean siding, highlighting the contrast between the man's formal attire and the manual task at hand.",,12,"1,4",relation,spatial,"relation - spatial (man, ladder, ascending)",Is the man ascending the ladder? +partiprompts99,"a man dressed in a dark business suit and tie is carefully ascending a silver aluminum ladder. The ladder is propped securely against the side of a pristine white house with beige trim around the windows. Sunlight reflects off the house's clean siding, highlighting the contrast between the man's formal attire and the manual task at hand.",,13,"4,5",relation,spatial,"relation - spatial (ladder, house, propped against)",Is the ladder propped against the house? +partiprompts99,"a man dressed in a dark business suit and tie is carefully ascending a silver aluminum ladder. The ladder is propped securely against the side of a pristine white house with beige trim around the windows. Sunlight reflects off the house's clean siding, highlighting the contrast between the man's formal attire and the manual task at hand.",,14,"4,5",relation,spatial,"relation - spatial (ladder, house, securely)",Is the ladder securely propped against the house? +partiprompts99,"a man dressed in a dark business suit and tie is carefully ascending a silver aluminum ladder. The ladder is propped securely against the side of a pristine white house with beige trim around the windows. Sunlight reflects off the house's clean siding, highlighting the contrast between the man's formal attire and the manual task at hand.",,15,5,relation,spatial,"relation - spatial (house, sunlight, reflects off)",Is sunlight reflecting off the house? +partiprompts99,"a man dressed in a dark business suit and tie is carefully ascending a silver aluminum ladder. The ladder is propped securely against the side of a pristine white house with beige trim around the windows. Sunlight reflects off the house's clean siding, highlighting the contrast between the man's formal attire and the manual task at hand.",,16,"1,4",relation,spatial,"relation - spatial (man's attire, ladder, contrast)",Is there a contrast between the man's formal attire and the manual task? +partiprompts99,"a man dressed in a dark business suit and tie is carefully ascending a silver aluminum ladder. The ladder is propped securely against the side of a pristine white house with beige trim around the windows. Sunlight reflects off the house's clean siding, highlighting the contrast between the man's formal attire and the manual task at hand.",,17,"1,16",relation,spatial,"relation - spatial (man's attire, task, manual)",Is the task manual? +partiprompts135,"A tall giraffe, adorned in a whimsical white bathing suit with polka dots, is cautiously approaching the edge of a wooden diving board. The diving board extends over a large, clear blue swimming pool, reflecting the bright sunlight. The giraffe's long legs move gingerly, displaying a mix of hesitation and grace as it prepares to execute its dive.",,1,0,entity,whole,entity - whole (giraffe),Is there a giraffe? +partiprompts135,"A tall giraffe, adorned in a whimsical white bathing suit with polka dots, is cautiously approaching the edge of a wooden diving board. The diving board extends over a large, clear blue swimming pool, reflecting the bright sunlight. The giraffe's long legs move gingerly, displaying a mix of hesitation and grace as it prepares to execute its dive.",,2,0,entity,whole,entity - whole (bathing suit),Is the giraffe wearing a bathing suit? +partiprompts135,"A tall giraffe, adorned in a whimsical white bathing suit with polka dots, is cautiously approaching the edge of a wooden diving board. The diving board extends over a large, clear blue swimming pool, reflecting the bright sunlight. The giraffe's long legs move gingerly, displaying a mix of hesitation and grace as it prepares to execute its dive.",,3,0,entity,whole,entity - whole (diving board),Is there a diving board? +partiprompts135,"A tall giraffe, adorned in a whimsical white bathing suit with polka dots, is cautiously approaching the edge of a wooden diving board. The diving board extends over a large, clear blue swimming pool, reflecting the bright sunlight. The giraffe's long legs move gingerly, displaying a mix of hesitation and grace as it prepares to execute its dive.",,4,0,entity,whole,entity - whole (swimming pool),Is there a swimming pool? +partiprompts135,"A tall giraffe, adorned in a whimsical white bathing suit with polka dots, is cautiously approaching the edge of a wooden diving board. The diving board extends over a large, clear blue swimming pool, reflecting the bright sunlight. The giraffe's long legs move gingerly, displaying a mix of hesitation and grace as it prepares to execute its dive.",,5,1,attribute,size,"attribute - size (giraffe, tall)",Is the giraffe tall? +partiprompts135,"A tall giraffe, adorned in a whimsical white bathing suit with polka dots, is cautiously approaching the edge of a wooden diving board. The diving board extends over a large, clear blue swimming pool, reflecting the bright sunlight. The giraffe's long legs move gingerly, displaying a mix of hesitation and grace as it prepares to execute its dive.",,6,2,attribute,color,"attribute - color (bathing suit, white with polka dots)",Is the bathing suit white with polka dots? +partiprompts135,"A tall giraffe, adorned in a whimsical white bathing suit with polka dots, is cautiously approaching the edge of a wooden diving board. The diving board extends over a large, clear blue swimming pool, reflecting the bright sunlight. The giraffe's long legs move gingerly, displaying a mix of hesitation and grace as it prepares to execute its dive.",,7,3,attribute,texture,"attribute - texture (diving board, wooden)",Is the diving board wooden? +partiprompts135,"A tall giraffe, adorned in a whimsical white bathing suit with polka dots, is cautiously approaching the edge of a wooden diving board. The diving board extends over a large, clear blue swimming pool, reflecting the bright sunlight. The giraffe's long legs move gingerly, displaying a mix of hesitation and grace as it prepares to execute its dive.",,8,4,attribute,texture,"attribute - texture (swimming pool, clear blue)",Is the swimming pool clear blue? +partiprompts135,"A tall giraffe, adorned in a whimsical white bathing suit with polka dots, is cautiously approaching the edge of a wooden diving board. The diving board extends over a large, clear blue swimming pool, reflecting the bright sunlight. The giraffe's long legs move gingerly, displaying a mix of hesitation and grace as it prepares to execute its dive.",,9,1,attribute,other,"attribute - other (giraffe's movement, gingerly)",Is the giraffe moving gingerly? +partiprompts135,"A tall giraffe, adorned in a whimsical white bathing suit with polka dots, is cautiously approaching the edge of a wooden diving board. The diving board extends over a large, clear blue swimming pool, reflecting the bright sunlight. The giraffe's long legs move gingerly, displaying a mix of hesitation and grace as it prepares to execute its dive.",,10,1,entity,state,"entity - state (giraffe, approach)",Is the giraffe approaching something? +partiprompts135,"A tall giraffe, adorned in a whimsical white bathing suit with polka dots, is cautiously approaching the edge of a wooden diving board. The diving board extends over a large, clear blue swimming pool, reflecting the bright sunlight. The giraffe's long legs move gingerly, displaying a mix of hesitation and grace as it prepares to execute its dive.",,11,1,entity,state,"entity - state (giraffe, hesitation)",Is the giraffe showing hesitation? +partiprompts135,"A tall giraffe, adorned in a whimsical white bathing suit with polka dots, is cautiously approaching the edge of a wooden diving board. The diving board extends over a large, clear blue swimming pool, reflecting the bright sunlight. The giraffe's long legs move gingerly, displaying a mix of hesitation and grace as it prepares to execute its dive.",,12,1,entity,state,"entity - state (giraffe, grace)",Is the giraffe showing grace? +partiprompts135,"A tall giraffe, adorned in a whimsical white bathing suit with polka dots, is cautiously approaching the edge of a wooden diving board. The diving board extends over a large, clear blue swimming pool, reflecting the bright sunlight. The giraffe's long legs move gingerly, displaying a mix of hesitation and grace as it prepares to execute its dive.",,13,"1,3",relation,spatial,"relation - spatial (giraffe, diving board, on)",Is the giraffe on the diving board? +partiprompts135,"A tall giraffe, adorned in a whimsical white bathing suit with polka dots, is cautiously approaching the edge of a wooden diving board. The diving board extends over a large, clear blue swimming pool, reflecting the bright sunlight. The giraffe's long legs move gingerly, displaying a mix of hesitation and grace as it prepares to execute its dive.",,14,"3,4",relation,spatial,"relation - spatial (diving board, swimming pool, extends over)",Does the diving board extend over the swimming pool? +partiprompts135,"A tall giraffe, adorned in a whimsical white bathing suit with polka dots, is cautiously approaching the edge of a wooden diving board. The diving board extends over a large, clear blue swimming pool, reflecting the bright sunlight. The giraffe's long legs move gingerly, displaying a mix of hesitation and grace as it prepares to execute its dive.",,15,4,relation,spatial,"relation - spatial (swimming pool, sunlight, reflecting)",Is the swimming pool reflecting the sunlight? +partiprompts29,"a traditional kachina doll stands with its intricate feathers adorning its head, creating a vibrant crown of colors. It is dressed in a ceremonial white dress with detailed patterns, and its feet are clad in meticulously crafted brown boots. The doll is positioned against a plain backdrop, which accentuates its detailed craftsmanship and the rich cultural heritage it represents.",,1,0,entity,whole,entity - whole (kachina doll),Is there a traditional kachina doll? +partiprompts29,"a traditional kachina doll stands with its intricate feathers adorning its head, creating a vibrant crown of colors. It is dressed in a ceremonial white dress with detailed patterns, and its feet are clad in meticulously crafted brown boots. The doll is positioned against a plain backdrop, which accentuates its detailed craftsmanship and the rich cultural heritage it represents.",,2,1,entity,part,entity - part (kachina doll's feathers),Are there feathers on the kachina doll? +partiprompts29,"a traditional kachina doll stands with its intricate feathers adorning its head, creating a vibrant crown of colors. It is dressed in a ceremonial white dress with detailed patterns, and its feet are clad in meticulously crafted brown boots. The doll is positioned against a plain backdrop, which accentuates its detailed craftsmanship and the rich cultural heritage it represents.",,3,2,attribute,other,"attribute - other (feathers, intricate)",Are the feathers intricate? +partiprompts29,"a traditional kachina doll stands with its intricate feathers adorning its head, creating a vibrant crown of colors. It is dressed in a ceremonial white dress with detailed patterns, and its feet are clad in meticulously crafted brown boots. The doll is positioned against a plain backdrop, which accentuates its detailed craftsmanship and the rich cultural heritage it represents.",,4,2,attribute,color,"attribute - color (feathers, vibrant)",Are the feathers vibrant in color? +partiprompts29,"a traditional kachina doll stands with its intricate feathers adorning its head, creating a vibrant crown of colors. It is dressed in a ceremonial white dress with detailed patterns, and its feet are clad in meticulously crafted brown boots. The doll is positioned against a plain backdrop, which accentuates its detailed craftsmanship and the rich cultural heritage it represents.",,5,2,attribute,color,"attribute - color (dress, white)",Is the dress white? +partiprompts29,"a traditional kachina doll stands with its intricate feathers adorning its head, creating a vibrant crown of colors. It is dressed in a ceremonial white dress with detailed patterns, and its feet are clad in meticulously crafted brown boots. The doll is positioned against a plain backdrop, which accentuates its detailed craftsmanship and the rich cultural heritage it represents.",,6,5,attribute,other,"attribute - other (dress, ceremonial)",Is the dress ceremonial? +partiprompts29,"a traditional kachina doll stands with its intricate feathers adorning its head, creating a vibrant crown of colors. It is dressed in a ceremonial white dress with detailed patterns, and its feet are clad in meticulously crafted brown boots. The doll is positioned against a plain backdrop, which accentuates its detailed craftsmanship and the rich cultural heritage it represents.",,7,5,attribute,other,"attribute - other (dress, detailed patterns)",Does the dress have detailed patterns? +partiprompts29,"a traditional kachina doll stands with its intricate feathers adorning its head, creating a vibrant crown of colors. It is dressed in a ceremonial white dress with detailed patterns, and its feet are clad in meticulously crafted brown boots. The doll is positioned against a plain backdrop, which accentuates its detailed craftsmanship and the rich cultural heritage it represents.",,8,6,attribute,color,"attribute - color (boots, brown)",Are the boots brown? +partiprompts29,"a traditional kachina doll stands with its intricate feathers adorning its head, creating a vibrant crown of colors. It is dressed in a ceremonial white dress with detailed patterns, and its feet are clad in meticulously crafted brown boots. The doll is positioned against a plain backdrop, which accentuates its detailed craftsmanship and the rich cultural heritage it represents.",,9,6,attribute,other,"attribute - other (boots, meticulously crafted)",Are the boots meticulously crafted? +partiprompts29,"a traditional kachina doll stands with its intricate feathers adorning its head, creating a vibrant crown of colors. It is dressed in a ceremonial white dress with detailed patterns, and its feet are clad in meticulously crafted brown boots. The doll is positioned against a plain backdrop, which accentuates its detailed craftsmanship and the rich cultural heritage it represents.",,10,1,attribute,texture,"attribute - texture (backdrop, plain)",Is the backdrop plain? +partiprompts29,"a traditional kachina doll stands with its intricate feathers adorning its head, creating a vibrant crown of colors. It is dressed in a ceremonial white dress with detailed patterns, and its feet are clad in meticulously crafted brown boots. The doll is positioned against a plain backdrop, which accentuates its detailed craftsmanship and the rich cultural heritage it represents.",,11,10,attribute,other,"attribute - other (backdrop, accentuates)",Does the backdrop accentuate the doll? +partiprompts29,"a traditional kachina doll stands with its intricate feathers adorning its head, creating a vibrant crown of colors. It is dressed in a ceremonial white dress with detailed patterns, and its feet are clad in meticulously crafted brown boots. The doll is positioned against a plain backdrop, which accentuates its detailed craftsmanship and the rich cultural heritage it represents.",,12,1,attribute,other,"attribute - other (craftsmanship, detailed)",Is the craftsmanship detailed? +partiprompts29,"a traditional kachina doll stands with its intricate feathers adorning its head, creating a vibrant crown of colors. It is dressed in a ceremonial white dress with detailed patterns, and its feet are clad in meticulously crafted brown boots. The doll is positioned against a plain backdrop, which accentuates its detailed craftsmanship and the rich cultural heritage it represents.",,13,1,attribute,other,"attribute - other (heritage, rich cultural)",Does the doll represent rich cultural heritage? +partiprompts200,"A classic wooden rocking chair with a smooth, varnished finish sits adjacent to the green, chain-link fence of a tennis court. The court's surface is a vibrant blue with white boundary lines, and a few tennis balls can be seen resting near the net. In the background, there's a tall fence that separates the court from a row of dense, neatly trimmed hedges.",,1,0,entity,whole,entity - whole (rocking chair),Is there a rocking chair? +partiprompts200,"A classic wooden rocking chair with a smooth, varnished finish sits adjacent to the green, chain-link fence of a tennis court. The court's surface is a vibrant blue with white boundary lines, and a few tennis balls can be seen resting near the net. In the background, there's a tall fence that separates the court from a row of dense, neatly trimmed hedges.",,2,1,attribute,texture,"attribute - texture (rocking chair, smooth, varnished)",Is the rocking chair smooth and varnished? +partiprompts200,"A classic wooden rocking chair with a smooth, varnished finish sits adjacent to the green, chain-link fence of a tennis court. The court's surface is a vibrant blue with white boundary lines, and a few tennis balls can be seen resting near the net. In the background, there's a tall fence that separates the court from a row of dense, neatly trimmed hedges.",,3,1,attribute,texture,"attribute - texture (fence, green, chain-link)","Is there a green, chain-link fence?" +partiprompts200,"A classic wooden rocking chair with a smooth, varnished finish sits adjacent to the green, chain-link fence of a tennis court. The court's surface is a vibrant blue with white boundary lines, and a few tennis balls can be seen resting near the net. In the background, there's a tall fence that separates the court from a row of dense, neatly trimmed hedges.",,4,1,attribute,texture,"attribute - texture (tennis court's surface, vibrant blue)",Is the tennis court's surface vibrant blue? +partiprompts200,"A classic wooden rocking chair with a smooth, varnished finish sits adjacent to the green, chain-link fence of a tennis court. The court's surface is a vibrant blue with white boundary lines, and a few tennis balls can be seen resting near the net. In the background, there's a tall fence that separates the court from a row of dense, neatly trimmed hedges.",,5,1,attribute,color,"attribute - color (boundary lines, white)",Are the boundary lines white? +partiprompts200,"A classic wooden rocking chair with a smooth, varnished finish sits adjacent to the green, chain-link fence of a tennis court. The court's surface is a vibrant blue with white boundary lines, and a few tennis balls can be seen resting near the net. In the background, there's a tall fence that separates the court from a row of dense, neatly trimmed hedges.",,6,0,entity,whole,entity - whole (tennis balls),Are there tennis balls near the net? +partiprompts200,"A classic wooden rocking chair with a smooth, varnished finish sits adjacent to the green, chain-link fence of a tennis court. The court's surface is a vibrant blue with white boundary lines, and a few tennis balls can be seen resting near the net. In the background, there's a tall fence that separates the court from a row of dense, neatly trimmed hedges.",,7,0,attribute,texture,"attribute - texture (hedges, dense, neatly trimmed)","Are there dense, neatly trimmed hedges?" +partiprompts200,"A classic wooden rocking chair with a smooth, varnished finish sits adjacent to the green, chain-link fence of a tennis court. The court's surface is a vibrant blue with white boundary lines, and a few tennis balls can be seen resting near the net. In the background, there's a tall fence that separates the court from a row of dense, neatly trimmed hedges.",,8,3,attribute,size,"attribute - size (fence, tall)",Is the fence tall? +partiprompts200,"A classic wooden rocking chair with a smooth, varnished finish sits adjacent to the green, chain-link fence of a tennis court. The court's surface is a vibrant blue with white boundary lines, and a few tennis balls can be seen resting near the net. In the background, there's a tall fence that separates the court from a row of dense, neatly trimmed hedges.",,9,"1,3",relation,spatial,"relation - spatial (rocking chair, fence, adjacent to)",Is the rocking chair adjacent to the fence? +partiprompts200,"A classic wooden rocking chair with a smooth, varnished finish sits adjacent to the green, chain-link fence of a tennis court. The court's surface is a vibrant blue with white boundary lines, and a few tennis balls can be seen resting near the net. In the background, there's a tall fence that separates the court from a row of dense, neatly trimmed hedges.",,10,"3,3",relation,spatial,"relation - spatial (tennis court, fence, adjacent to)",Is the tennis court adjacent to the fence? +partiprompts200,"A classic wooden rocking chair with a smooth, varnished finish sits adjacent to the green, chain-link fence of a tennis court. The court's surface is a vibrant blue with white boundary lines, and a few tennis balls can be seen resting near the net. In the background, there's a tall fence that separates the court from a row of dense, neatly trimmed hedges.",,11,"6,3",relation,spatial,"relation - spatial (tennis balls, net, near)",Are the tennis balls near the net? +partiprompts200,"A classic wooden rocking chair with a smooth, varnished finish sits adjacent to the green, chain-link fence of a tennis court. The court's surface is a vibrant blue with white boundary lines, and a few tennis balls can be seen resting near the net. In the background, there's a tall fence that separates the court from a row of dense, neatly trimmed hedges.",,12,"3,7",relation,spatial,"relation - spatial (court, hedges, separated by)",Are the court and hedges separated by a tall fence? +partiprompts9,"An imaginative anime-style illustration that features the iconic Sydney Opera House with its distinctive white sail-like shells, sitting adjacent to the towering Eiffel Tower with its intricate iron lattice work. Both structures are set against a vibrant blue night sky, pulsating with dynamic energy, where yellow stars burst forth amidst swirling patterns of electric blue. The fantastical scene is further accentuated by the exaggerated proportions and stylized elements typical of anime art, creating a surreal and whimsical landscape.",,1,0,global,,global - (illustration),Is this an illustration? +partiprompts9,"An imaginative anime-style illustration that features the iconic Sydney Opera House with its distinctive white sail-like shells, sitting adjacent to the towering Eiffel Tower with its intricate iron lattice work. Both structures are set against a vibrant blue night sky, pulsating with dynamic energy, where yellow stars burst forth amidst swirling patterns of electric blue. The fantastical scene is further accentuated by the exaggerated proportions and stylized elements typical of anime art, creating a surreal and whimsical landscape.",,2,1,entity,whole,entity - whole (Sydney Opera House),Is there the Sydney Opera House? +partiprompts9,"An imaginative anime-style illustration that features the iconic Sydney Opera House with its distinctive white sail-like shells, sitting adjacent to the towering Eiffel Tower with its intricate iron lattice work. Both structures are set against a vibrant blue night sky, pulsating with dynamic energy, where yellow stars burst forth amidst swirling patterns of electric blue. The fantastical scene is further accentuated by the exaggerated proportions and stylized elements typical of anime art, creating a surreal and whimsical landscape.",,3,1,entity,whole,entity - whole (Eiffel Tower),Is there the Eiffel Tower? +partiprompts9,"An imaginative anime-style illustration that features the iconic Sydney Opera House with its distinctive white sail-like shells, sitting adjacent to the towering Eiffel Tower with its intricate iron lattice work. Both structures are set against a vibrant blue night sky, pulsating with dynamic energy, where yellow stars burst forth amidst swirling patterns of electric blue. The fantastical scene is further accentuated by the exaggerated proportions and stylized elements typical of anime art, creating a surreal and whimsical landscape.",,4,2,attribute,color,"attribute - color (Sydney Opera House, white)",Is the Sydney Opera House white? +partiprompts9,"An imaginative anime-style illustration that features the iconic Sydney Opera House with its distinctive white sail-like shells, sitting adjacent to the towering Eiffel Tower with its intricate iron lattice work. Both structures are set against a vibrant blue night sky, pulsating with dynamic energy, where yellow stars burst forth amidst swirling patterns of electric blue. The fantastical scene is further accentuated by the exaggerated proportions and stylized elements typical of anime art, creating a surreal and whimsical landscape.",,5,3,attribute,color,"attribute - color (Eiffel Tower, iron)",Is the Eiffel Tower iron-colored? +partiprompts9,"An imaginative anime-style illustration that features the iconic Sydney Opera House with its distinctive white sail-like shells, sitting adjacent to the towering Eiffel Tower with its intricate iron lattice work. Both structures are set against a vibrant blue night sky, pulsating with dynamic energy, where yellow stars burst forth amidst swirling patterns of electric blue. The fantastical scene is further accentuated by the exaggerated proportions and stylized elements typical of anime art, creating a surreal and whimsical landscape.",,6,3,attribute,color,"attribute - color (night sky, vibrant blue)",Is the night sky vibrant blue? +partiprompts9,"An imaginative anime-style illustration that features the iconic Sydney Opera House with its distinctive white sail-like shells, sitting adjacent to the towering Eiffel Tower with its intricate iron lattice work. Both structures are set against a vibrant blue night sky, pulsating with dynamic energy, where yellow stars burst forth amidst swirling patterns of electric blue. The fantastical scene is further accentuated by the exaggerated proportions and stylized elements typical of anime art, creating a surreal and whimsical landscape.",,7,3,attribute,color,"attribute - color (stars, yellow)",Are the stars yellow? +partiprompts9,"An imaginative anime-style illustration that features the iconic Sydney Opera House with its distinctive white sail-like shells, sitting adjacent to the towering Eiffel Tower with its intricate iron lattice work. Both structures are set against a vibrant blue night sky, pulsating with dynamic energy, where yellow stars burst forth amidst swirling patterns of electric blue. The fantastical scene is further accentuated by the exaggerated proportions and stylized elements typical of anime art, creating a surreal and whimsical landscape.",,8,3,attribute,color,"attribute - color (patterns, electric blue)",Are there electric blue patterns? +partiprompts9,"An imaginative anime-style illustration that features the iconic Sydney Opera House with its distinctive white sail-like shells, sitting adjacent to the towering Eiffel Tower with its intricate iron lattice work. Both structures are set against a vibrant blue night sky, pulsating with dynamic energy, where yellow stars burst forth amidst swirling patterns of electric blue. The fantastical scene is further accentuated by the exaggerated proportions and stylized elements typical of anime art, creating a surreal and whimsical landscape.",,9,2,attribute,texture,"attribute - texture (Sydney Opera House, sail-like shells)",Does the Sydney Opera House have sail-like shells? +partiprompts9,"An imaginative anime-style illustration that features the iconic Sydney Opera House with its distinctive white sail-like shells, sitting adjacent to the towering Eiffel Tower with its intricate iron lattice work. Both structures are set against a vibrant blue night sky, pulsating with dynamic energy, where yellow stars burst forth amidst swirling patterns of electric blue. The fantastical scene is further accentuated by the exaggerated proportions and stylized elements typical of anime art, creating a surreal and whimsical landscape.",,10,3,attribute,texture,"attribute - texture (Eiffel Tower, lattice work)",Does the Eiffel Tower have lattice work? +partiprompts9,"An imaginative anime-style illustration that features the iconic Sydney Opera House with its distinctive white sail-like shells, sitting adjacent to the towering Eiffel Tower with its intricate iron lattice work. Both structures are set against a vibrant blue night sky, pulsating with dynamic energy, where yellow stars burst forth amidst swirling patterns of electric blue. The fantastical scene is further accentuated by the exaggerated proportions and stylized elements typical of anime art, creating a surreal and whimsical landscape.",,11,1,attribute,other,"attribute - other (proportions, exaggerated)",Are the proportions exaggerated? +partiprompts9,"An imaginative anime-style illustration that features the iconic Sydney Opera House with its distinctive white sail-like shells, sitting adjacent to the towering Eiffel Tower with its intricate iron lattice work. Both structures are set against a vibrant blue night sky, pulsating with dynamic energy, where yellow stars burst forth amidst swirling patterns of electric blue. The fantastical scene is further accentuated by the exaggerated proportions and stylized elements typical of anime art, creating a surreal and whimsical landscape.",,12,1,attribute,other,"attribute - other (elements, stylized)",Are the elements stylized? +partiprompts9,"An imaginative anime-style illustration that features the iconic Sydney Opera House with its distinctive white sail-like shells, sitting adjacent to the towering Eiffel Tower with its intricate iron lattice work. Both structures are set against a vibrant blue night sky, pulsating with dynamic energy, where yellow stars burst forth amidst swirling patterns of electric blue. The fantastical scene is further accentuated by the exaggerated proportions and stylized elements typical of anime art, creating a surreal and whimsical landscape.",,13,"2,3",relation,spatial,"relation - spatial (Sydney Opera House, Eiffel Tower, adjacent)",Are the Sydney Opera House and Eiffel Tower adjacent? +partiprompts9,"An imaginative anime-style illustration that features the iconic Sydney Opera House with its distinctive white sail-like shells, sitting adjacent to the towering Eiffel Tower with its intricate iron lattice work. Both structures are set against a vibrant blue night sky, pulsating with dynamic energy, where yellow stars burst forth amidst swirling patterns of electric blue. The fantastical scene is further accentuated by the exaggerated proportions and stylized elements typical of anime art, creating a surreal and whimsical landscape.",,14,"2,6",relation,spatial,"relation - spatial (Sydney Opera House, night sky, against)",Is the Sydney Opera House against the night sky? +partiprompts9,"An imaginative anime-style illustration that features the iconic Sydney Opera House with its distinctive white sail-like shells, sitting adjacent to the towering Eiffel Tower with its intricate iron lattice work. Both structures are set against a vibrant blue night sky, pulsating with dynamic energy, where yellow stars burst forth amidst swirling patterns of electric blue. The fantastical scene is further accentuated by the exaggerated proportions and stylized elements typical of anime art, creating a surreal and whimsical landscape.",,15,"3,6",relation,spatial,"relation - spatial (Eiffel Tower, night sky, against)",Is the Eiffel Tower against the night sky? +partiprompts9,"An imaginative anime-style illustration that features the iconic Sydney Opera House with its distinctive white sail-like shells, sitting adjacent to the towering Eiffel Tower with its intricate iron lattice work. Both structures are set against a vibrant blue night sky, pulsating with dynamic energy, where yellow stars burst forth amidst swirling patterns of electric blue. The fantastical scene is further accentuated by the exaggerated proportions and stylized elements typical of anime art, creating a surreal and whimsical landscape.",,16,"7,6",relation,spatial,"relation - spatial (stars, night sky, burst forth)",Do the stars burst forth in the night sky? +partiprompts9,"An imaginative anime-style illustration that features the iconic Sydney Opera House with its distinctive white sail-like shells, sitting adjacent to the towering Eiffel Tower with its intricate iron lattice work. Both structures are set against a vibrant blue night sky, pulsating with dynamic energy, where yellow stars burst forth amidst swirling patterns of electric blue. The fantastical scene is further accentuated by the exaggerated proportions and stylized elements typical of anime art, creating a surreal and whimsical landscape.",,17,"8,6",relation,spatial,"relation - spatial (patterns, night sky, swirling)",Do swirling patterns appear in the night sky? +partiprompts9,"An imaginative anime-style illustration that features the iconic Sydney Opera House with its distinctive white sail-like shells, sitting adjacent to the towering Eiffel Tower with its intricate iron lattice work. Both structures are set against a vibrant blue night sky, pulsating with dynamic energy, where yellow stars burst forth amidst swirling patterns of electric blue. The fantastical scene is further accentuated by the exaggerated proportions and stylized elements typical of anime art, creating a surreal and whimsical landscape.",,18,"1,6",relation,spatial,"relation - spatial (Sydney Opera House, landscape, surreal)",Is the landscape surreal around the Sydney Opera House? +partiprompts9,"An imaginative anime-style illustration that features the iconic Sydney Opera House with its distinctive white sail-like shells, sitting adjacent to the towering Eiffel Tower with its intricate iron lattice work. Both structures are set against a vibrant blue night sky, pulsating with dynamic energy, where yellow stars burst forth amidst swirling patterns of electric blue. The fantastical scene is further accentuated by the exaggerated proportions and stylized elements typical of anime art, creating a surreal and whimsical landscape.",,19,"3,6",relation,spatial,"relation - spatial (Eiffel Tower, landscape, surreal)",Is the landscape surreal around the Eiffel Tower? +partiprompts11,"On the barren, gray surface of the moon, two chestnut horses adorned with silver harnesses are depicted pulling an antique carriage. In the surreal background, the Statue of Liberty stands tall, its green patina contrasting with the sandy hues of the Great Pyramid nearby. Above this otherworldly scene, the Planet Earth hangs majestically in the dark lunar sky, its blues and greens vibrant against the starkness of space.",,1,0,global,,global - (moon surface),Is this the moon's surface? +partiprompts11,"On the barren, gray surface of the moon, two chestnut horses adorned with silver harnesses are depicted pulling an antique carriage. In the surreal background, the Statue of Liberty stands tall, its green patina contrasting with the sandy hues of the Great Pyramid nearby. Above this otherworldly scene, the Planet Earth hangs majestically in the dark lunar sky, its blues and greens vibrant against the starkness of space.",,2,1,entity,whole,entity - whole (horses),Are there horses? +partiprompts11,"On the barren, gray surface of the moon, two chestnut horses adorned with silver harnesses are depicted pulling an antique carriage. In the surreal background, the Statue of Liberty stands tall, its green patina contrasting with the sandy hues of the Great Pyramid nearby. Above this otherworldly scene, the Planet Earth hangs majestically in the dark lunar sky, its blues and greens vibrant against the starkness of space.",,3,2,entity,whole,entity - whole (harnesses),Are there harnesses? +partiprompts11,"On the barren, gray surface of the moon, two chestnut horses adorned with silver harnesses are depicted pulling an antique carriage. In the surreal background, the Statue of Liberty stands tall, its green patina contrasting with the sandy hues of the Great Pyramid nearby. Above this otherworldly scene, the Planet Earth hangs majestically in the dark lunar sky, its blues and greens vibrant against the starkness of space.",,4,3,entity,whole,entity - whole (carriage),Is there a carriage? +partiprompts11,"On the barren, gray surface of the moon, two chestnut horses adorned with silver harnesses are depicted pulling an antique carriage. In the surreal background, the Statue of Liberty stands tall, its green patina contrasting with the sandy hues of the Great Pyramid nearby. Above this otherworldly scene, the Planet Earth hangs majestically in the dark lunar sky, its blues and greens vibrant against the starkness of space.",,5,0,entity,whole,entity - whole (background),Is there a background? +partiprompts11,"On the barren, gray surface of the moon, two chestnut horses adorned with silver harnesses are depicted pulling an antique carriage. In the surreal background, the Statue of Liberty stands tall, its green patina contrasting with the sandy hues of the Great Pyramid nearby. Above this otherworldly scene, the Planet Earth hangs majestically in the dark lunar sky, its blues and greens vibrant against the starkness of space.",,6,0,entity,whole,entity - whole (Statue of Liberty),Is there the Statue of Liberty? +partiprompts11,"On the barren, gray surface of the moon, two chestnut horses adorned with silver harnesses are depicted pulling an antique carriage. In the surreal background, the Statue of Liberty stands tall, its green patina contrasting with the sandy hues of the Great Pyramid nearby. Above this otherworldly scene, the Planet Earth hangs majestically in the dark lunar sky, its blues and greens vibrant against the starkness of space.",,7,6,attribute,color,"attribute - color (Statue of Liberty, green)",Is the Statue of Liberty green? +partiprompts11,"On the barren, gray surface of the moon, two chestnut horses adorned with silver harnesses are depicted pulling an antique carriage. In the surreal background, the Statue of Liberty stands tall, its green patina contrasting with the sandy hues of the Great Pyramid nearby. Above this otherworldly scene, the Planet Earth hangs majestically in the dark lunar sky, its blues and greens vibrant against the starkness of space.",,8,6,attribute,texture,"attribute - texture (Statue of Liberty, patina)",Is the Statue of Liberty's texture patina? +partiprompts11,"On the barren, gray surface of the moon, two chestnut horses adorned with silver harnesses are depicted pulling an antique carriage. In the surreal background, the Statue of Liberty stands tall, its green patina contrasting with the sandy hues of the Great Pyramid nearby. Above this otherworldly scene, the Planet Earth hangs majestically in the dark lunar sky, its blues and greens vibrant against the starkness of space.",,9,0,entity,whole,entity - whole (Great Pyramid),Is there the Great Pyramid? +partiprompts11,"On the barren, gray surface of the moon, two chestnut horses adorned with silver harnesses are depicted pulling an antique carriage. In the surreal background, the Statue of Liberty stands tall, its green patina contrasting with the sandy hues of the Great Pyramid nearby. Above this otherworldly scene, the Planet Earth hangs majestically in the dark lunar sky, its blues and greens vibrant against the starkness of space.",,10,9,attribute,color,"attribute - color (Great Pyramid, sandy)",Is the Great Pyramid sandy? +partiprompts11,"On the barren, gray surface of the moon, two chestnut horses adorned with silver harnesses are depicted pulling an antique carriage. In the surreal background, the Statue of Liberty stands tall, its green patina contrasting with the sandy hues of the Great Pyramid nearby. Above this otherworldly scene, the Planet Earth hangs majestically in the dark lunar sky, its blues and greens vibrant against the starkness of space.",,11,0,entity,whole,entity - whole (Planet Earth),Is there Planet Earth? +partiprompts11,"On the barren, gray surface of the moon, two chestnut horses adorned with silver harnesses are depicted pulling an antique carriage. In the surreal background, the Statue of Liberty stands tall, its green patina contrasting with the sandy hues of the Great Pyramid nearby. Above this otherworldly scene, the Planet Earth hangs majestically in the dark lunar sky, its blues and greens vibrant against the starkness of space.",,12,11,attribute,color,"attribute - color (Planet Earth, blue)",Is Planet Earth blue? +partiprompts11,"On the barren, gray surface of the moon, two chestnut horses adorned with silver harnesses are depicted pulling an antique carriage. In the surreal background, the Statue of Liberty stands tall, its green patina contrasting with the sandy hues of the Great Pyramid nearby. Above this otherworldly scene, the Planet Earth hangs majestically in the dark lunar sky, its blues and greens vibrant against the starkness of space.",,13,11,attribute,color,"attribute - color (Planet Earth, green)",Is Planet Earth green? +partiprompts11,"On the barren, gray surface of the moon, two chestnut horses adorned with silver harnesses are depicted pulling an antique carriage. In the surreal background, the Statue of Liberty stands tall, its green patina contrasting with the sandy hues of the Great Pyramid nearby. Above this otherworldly scene, the Planet Earth hangs majestically in the dark lunar sky, its blues and greens vibrant against the starkness of space.",,14,"1,1",relation,spatial,"relation - spatial (horses, moon surface, on)",Are the horses on the moon's surface? +partiprompts11,"On the barren, gray surface of the moon, two chestnut horses adorned with silver harnesses are depicted pulling an antique carriage. In the surreal background, the Statue of Liberty stands tall, its green patina contrasting with the sandy hues of the Great Pyramid nearby. Above this otherworldly scene, the Planet Earth hangs majestically in the dark lunar sky, its blues and greens vibrant against the starkness of space.",,15,"2,2",relation,spatial,"relation - spatial (harnesses, horses, adorned with)",Are the horses adorned with harnesses? +partiprompts11,"On the barren, gray surface of the moon, two chestnut horses adorned with silver harnesses are depicted pulling an antique carriage. In the surreal background, the Statue of Liberty stands tall, its green patina contrasting with the sandy hues of the Great Pyramid nearby. Above this otherworldly scene, the Planet Earth hangs majestically in the dark lunar sky, its blues and greens vibrant against the starkness of space.",,16,"3,2",relation,non-spatial,"relation - non-spatial (carriage, horses, pulling)",Are the horses pulling a carriage? +partiprompts11,"On the barren, gray surface of the moon, two chestnut horses adorned with silver harnesses are depicted pulling an antique carriage. In the surreal background, the Statue of Liberty stands tall, its green patina contrasting with the sandy hues of the Great Pyramid nearby. Above this otherworldly scene, the Planet Earth hangs majestically in the dark lunar sky, its blues and greens vibrant against the starkness of space.",,17,"6,1",relation,spatial,"relation - spatial (Statue of Liberty, moon surface, in)",Is the Statue of Liberty on the moon's surface? +partiprompts11,"On the barren, gray surface of the moon, two chestnut horses adorned with silver harnesses are depicted pulling an antique carriage. In the surreal background, the Statue of Liberty stands tall, its green patina contrasting with the sandy hues of the Great Pyramid nearby. Above this otherworldly scene, the Planet Earth hangs majestically in the dark lunar sky, its blues and greens vibrant against the starkness of space.",,18,"9,1",relation,spatial,"relation - spatial (Great Pyramid, moon surface, nearby)",Is the Great Pyramid nearby on the moon's surface? +partiprompts11,"On the barren, gray surface of the moon, two chestnut horses adorned with silver harnesses are depicted pulling an antique carriage. In the surreal background, the Statue of Liberty stands tall, its green patina contrasting with the sandy hues of the Great Pyramid nearby. Above this otherworldly scene, the Planet Earth hangs majestically in the dark lunar sky, its blues and greens vibrant against the starkness of space.",,19,"11,1",relation,spatial,"relation - spatial (Planet Earth, moon surface, above)",Is Planet Earth above this scene on the moon's surface? +partiprompts170,"An intricately detailed oil painting that showcases a vibrant and whimsical creature, a fusion of a hamster and a dragon, set against a swirling backdrop of psychedelic colors. The creature's fur is a kaleidoscope of hues, with scales that shimmer in iridescent tones, and it's depicted with a playful yet majestic pose. The artwork is framed in an ornate, golden frame that complements the fantastical theme of the painting.",,1,0,entity,whole,entity - whole (oil painting),Is there an oil painting? +partiprompts170,"An intricately detailed oil painting that showcases a vibrant and whimsical creature, a fusion of a hamster and a dragon, set against a swirling backdrop of psychedelic colors. The creature's fur is a kaleidoscope of hues, with scales that shimmer in iridescent tones, and it's depicted with a playful yet majestic pose. The artwork is framed in an ornate, golden frame that complements the fantastical theme of the painting.",,2,1,entity,whole,entity - whole (creature),Is there a creature? +partiprompts170,"An intricately detailed oil painting that showcases a vibrant and whimsical creature, a fusion of a hamster and a dragon, set against a swirling backdrop of psychedelic colors. The creature's fur is a kaleidoscope of hues, with scales that shimmer in iridescent tones, and it's depicted with a playful yet majestic pose. The artwork is framed in an ornate, golden frame that complements the fantastical theme of the painting.",,3,1,attribute,texture,"attribute - texture (oil painting, intricately detailed)",Is the oil painting intricately detailed? +partiprompts170,"An intricately detailed oil painting that showcases a vibrant and whimsical creature, a fusion of a hamster and a dragon, set against a swirling backdrop of psychedelic colors. The creature's fur is a kaleidoscope of hues, with scales that shimmer in iridescent tones, and it's depicted with a playful yet majestic pose. The artwork is framed in an ornate, golden frame that complements the fantastical theme of the painting.",,4,2,attribute,texture,"attribute - texture (creature's fur, kaleidoscope of hues)",Is the creature's fur a kaleidoscope of hues? +partiprompts170,"An intricately detailed oil painting that showcases a vibrant and whimsical creature, a fusion of a hamster and a dragon, set against a swirling backdrop of psychedelic colors. The creature's fur is a kaleidoscope of hues, with scales that shimmer in iridescent tones, and it's depicted with a playful yet majestic pose. The artwork is framed in an ornate, golden frame that complements the fantastical theme of the painting.",,5,2,attribute,texture,"attribute - texture (creature's scales, shimmering in iridescent tones)",Do the creature's scales shimmer in iridescent tones? +partiprompts170,"An intricately detailed oil painting that showcases a vibrant and whimsical creature, a fusion of a hamster and a dragon, set against a swirling backdrop of psychedelic colors. The creature's fur is a kaleidoscope of hues, with scales that shimmer in iridescent tones, and it's depicted with a playful yet majestic pose. The artwork is framed in an ornate, golden frame that complements the fantastical theme of the painting.",,6,2,attribute,other,"attribute - other (creature, fusion of hamster and dragon)",Is the creature a fusion of a hamster and a dragon? +partiprompts170,"An intricately detailed oil painting that showcases a vibrant and whimsical creature, a fusion of a hamster and a dragon, set against a swirling backdrop of psychedelic colors. The creature's fur is a kaleidoscope of hues, with scales that shimmer in iridescent tones, and it's depicted with a playful yet majestic pose. The artwork is framed in an ornate, golden frame that complements the fantastical theme of the painting.",,7,2,attribute,other,"attribute - other (creature, playful yet majestic pose)",Does the creature have a playful yet majestic pose? +partiprompts170,"An intricately detailed oil painting that showcases a vibrant and whimsical creature, a fusion of a hamster and a dragon, set against a swirling backdrop of psychedelic colors. The creature's fur is a kaleidoscope of hues, with scales that shimmer in iridescent tones, and it's depicted with a playful yet majestic pose. The artwork is framed in an ornate, golden frame that complements the fantastical theme of the painting.",,8,1,attribute,other,"attribute - other (frame, ornate and golden)",Is the frame ornate and golden? +partiprompts170,"An intricately detailed oil painting that showcases a vibrant and whimsical creature, a fusion of a hamster and a dragon, set against a swirling backdrop of psychedelic colors. The creature's fur is a kaleidoscope of hues, with scales that shimmer in iridescent tones, and it's depicted with a playful yet majestic pose. The artwork is framed in an ornate, golden frame that complements the fantastical theme of the painting.",,9,1,attribute,other,"attribute - other (backdrop, swirling psychedelic colors)",Is the backdrop swirling with psychedelic colors? +partiprompts170,"An intricately detailed oil painting that showcases a vibrant and whimsical creature, a fusion of a hamster and a dragon, set against a swirling backdrop of psychedelic colors. The creature's fur is a kaleidoscope of hues, with scales that shimmer in iridescent tones, and it's depicted with a playful yet majestic pose. The artwork is framed in an ornate, golden frame that complements the fantastical theme of the painting.",,10,"2,9",relation,spatial,"relation - spatial (creature, backdrop, against)",Is the creature set against the backdrop? +partiprompts180,"A vibrant watercolor mural depicting a group of foxes playing jazz instruments adorns a large wall on a bustling city street. The foxes are painted in various shades of orange and red, with one playing a saxophone and another on the drums, set against a backdrop of colorful musical notes. The wall itself is part of a row of buildings, with pedestrians passing by and occasionally stopping to admire the artwork.",,1,0,entity,whole,entity - whole (mural),Is there a mural? +partiprompts180,"A vibrant watercolor mural depicting a group of foxes playing jazz instruments adorns a large wall on a bustling city street. The foxes are painted in various shades of orange and red, with one playing a saxophone and another on the drums, set against a backdrop of colorful musical notes. The wall itself is part of a row of buildings, with pedestrians passing by and occasionally stopping to admire the artwork.",,2,0,entity,whole,entity - whole (wall),Is there a wall? +partiprompts180,"A vibrant watercolor mural depicting a group of foxes playing jazz instruments adorns a large wall on a bustling city street. The foxes are painted in various shades of orange and red, with one playing a saxophone and another on the drums, set against a backdrop of colorful musical notes. The wall itself is part of a row of buildings, with pedestrians passing by and occasionally stopping to admire the artwork.",,3,1,entity,whole,entity - whole (foxes),Are there foxes? +partiprompts180,"A vibrant watercolor mural depicting a group of foxes playing jazz instruments adorns a large wall on a bustling city street. The foxes are painted in various shades of orange and red, with one playing a saxophone and another on the drums, set against a backdrop of colorful musical notes. The wall itself is part of a row of buildings, with pedestrians passing by and occasionally stopping to admire the artwork.",,4,0,entity,whole,entity - whole (instruments),Are there instruments? +partiprompts180,"A vibrant watercolor mural depicting a group of foxes playing jazz instruments adorns a large wall on a bustling city street. The foxes are painted in various shades of orange and red, with one playing a saxophone and another on the drums, set against a backdrop of colorful musical notes. The wall itself is part of a row of buildings, with pedestrians passing by and occasionally stopping to admire the artwork.",,5,0,entity,whole,entity - whole (city street),Is there a city street? +partiprompts180,"A vibrant watercolor mural depicting a group of foxes playing jazz instruments adorns a large wall on a bustling city street. The foxes are painted in various shades of orange and red, with one playing a saxophone and another on the drums, set against a backdrop of colorful musical notes. The wall itself is part of a row of buildings, with pedestrians passing by and occasionally stopping to admire the artwork.",,6,0,entity,whole,entity - whole (buildings),Are there buildings? +partiprompts180,"A vibrant watercolor mural depicting a group of foxes playing jazz instruments adorns a large wall on a bustling city street. The foxes are painted in various shades of orange and red, with one playing a saxophone and another on the drums, set against a backdrop of colorful musical notes. The wall itself is part of a row of buildings, with pedestrians passing by and occasionally stopping to admire the artwork.",,7,0,entity,whole,entity - whole (pedestrians),Are there pedestrians? +partiprompts180,"A vibrant watercolor mural depicting a group of foxes playing jazz instruments adorns a large wall on a bustling city street. The foxes are painted in various shades of orange and red, with one playing a saxophone and another on the drums, set against a backdrop of colorful musical notes. The wall itself is part of a row of buildings, with pedestrians passing by and occasionally stopping to admire the artwork.",,8,3,attribute,color,"attribute - color (foxes, various shades of orange and red)",Are the foxes painted in various shades of orange and red? +partiprompts180,"A vibrant watercolor mural depicting a group of foxes playing jazz instruments adorns a large wall on a bustling city street. The foxes are painted in various shades of orange and red, with one playing a saxophone and another on the drums, set against a backdrop of colorful musical notes. The wall itself is part of a row of buildings, with pedestrians passing by and occasionally stopping to admire the artwork.",,9,9,attribute,color,"attribute - color (musical notes, colorful)",Are the musical notes colorful? +partiprompts180,"A vibrant watercolor mural depicting a group of foxes playing jazz instruments adorns a large wall on a bustling city street. The foxes are painted in various shades of orange and red, with one playing a saxophone and another on the drums, set against a backdrop of colorful musical notes. The wall itself is part of a row of buildings, with pedestrians passing by and occasionally stopping to admire the artwork.",,10,3,entity,state,"entity - state (foxes, play)",Are the foxes playing jazz instruments? +partiprompts180,"A vibrant watercolor mural depicting a group of foxes playing jazz instruments adorns a large wall on a bustling city street. The foxes are painted in various shades of orange and red, with one playing a saxophone and another on the drums, set against a backdrop of colorful musical notes. The wall itself is part of a row of buildings, with pedestrians passing by and occasionally stopping to admire the artwork.",,11,"1,2",relation,spatial,"relation - spatial (mural, wall, on)",Is the mural on the wall? +partiprompts180,"A vibrant watercolor mural depicting a group of foxes playing jazz instruments adorns a large wall on a bustling city street. The foxes are painted in various shades of orange and red, with one playing a saxophone and another on the drums, set against a backdrop of colorful musical notes. The wall itself is part of a row of buildings, with pedestrians passing by and occasionally stopping to admire the artwork.",,12,"2,6",relation,spatial,"relation - spatial (wall, buildings, part of)",Is the wall part of the row of buildings? +partiprompts180,"A vibrant watercolor mural depicting a group of foxes playing jazz instruments adorns a large wall on a bustling city street. The foxes are painted in various shades of orange and red, with one playing a saxophone and another on the drums, set against a backdrop of colorful musical notes. The wall itself is part of a row of buildings, with pedestrians passing by and occasionally stopping to admire the artwork.",,13,"2,5",relation,spatial,"relation - spatial (wall, city street, on)",Is the wall on the city street? +partiprompts180,"A vibrant watercolor mural depicting a group of foxes playing jazz instruments adorns a large wall on a bustling city street. The foxes are painted in various shades of orange and red, with one playing a saxophone and another on the drums, set against a backdrop of colorful musical notes. The wall itself is part of a row of buildings, with pedestrians passing by and occasionally stopping to admire the artwork.",,14,"7,2",relation,spatial,"relation - spatial (pedestrians, wall, passing by)",Are pedestrians passing by the wall? +partiprompts167,"An abstract oil painting that depicts a chaotic blend of vibrant colors and swirling patterns, giving the impression of a vast, disorienting landscape. The canvas is filled with bold strokes of reds, blues, and yellows that seem to clash and compete for space, symbolizing the complexity and confusion of navigating through life. Amidst the turmoil, a small, indistinct figure appears to be wandering, searching for direction in the overwhelming expanse.",,1,0,entity,whole,entity - whole (painting),Is there a painting? +partiprompts167,"An abstract oil painting that depicts a chaotic blend of vibrant colors and swirling patterns, giving the impression of a vast, disorienting landscape. The canvas is filled with bold strokes of reds, blues, and yellows that seem to clash and compete for space, symbolizing the complexity and confusion of navigating through life. Amidst the turmoil, a small, indistinct figure appears to be wandering, searching for direction in the overwhelming expanse.",,2,1,global,,global - (abstract),Is the painting abstract? +partiprompts167,"An abstract oil painting that depicts a chaotic blend of vibrant colors and swirling patterns, giving the impression of a vast, disorienting landscape. The canvas is filled with bold strokes of reds, blues, and yellows that seem to clash and compete for space, symbolizing the complexity and confusion of navigating through life. Amidst the turmoil, a small, indistinct figure appears to be wandering, searching for direction in the overwhelming expanse.",,3,1,global,,global - (oil),Is the painting oil-based? +partiprompts167,"An abstract oil painting that depicts a chaotic blend of vibrant colors and swirling patterns, giving the impression of a vast, disorienting landscape. The canvas is filled with bold strokes of reds, blues, and yellows that seem to clash and compete for space, symbolizing the complexity and confusion of navigating through life. Amidst the turmoil, a small, indistinct figure appears to be wandering, searching for direction in the overwhelming expanse.",,4,1,attribute,texture,"attribute - texture (painting, chaotic blend)",Does the painting depict a chaotic blend of vibrant colors and swirling patterns? +partiprompts167,"An abstract oil painting that depicts a chaotic blend of vibrant colors and swirling patterns, giving the impression of a vast, disorienting landscape. The canvas is filled with bold strokes of reds, blues, and yellows that seem to clash and compete for space, symbolizing the complexity and confusion of navigating through life. Amidst the turmoil, a small, indistinct figure appears to be wandering, searching for direction in the overwhelming expanse.",,5,1,attribute,texture,"attribute - texture (canvas, bold strokes)",Does the canvas have bold strokes? +partiprompts167,"An abstract oil painting that depicts a chaotic blend of vibrant colors and swirling patterns, giving the impression of a vast, disorienting landscape. The canvas is filled with bold strokes of reds, blues, and yellows that seem to clash and compete for space, symbolizing the complexity and confusion of navigating through life. Amidst the turmoil, a small, indistinct figure appears to be wandering, searching for direction in the overwhelming expanse.",,6,5,attribute,color,"attribute - color (bold strokes, red)",Are the bold strokes red? +partiprompts167,"An abstract oil painting that depicts a chaotic blend of vibrant colors and swirling patterns, giving the impression of a vast, disorienting landscape. The canvas is filled with bold strokes of reds, blues, and yellows that seem to clash and compete for space, symbolizing the complexity and confusion of navigating through life. Amidst the turmoil, a small, indistinct figure appears to be wandering, searching for direction in the overwhelming expanse.",,7,5,attribute,color,"attribute - color (bold strokes, blue)",Are the bold strokes blue? +partiprompts167,"An abstract oil painting that depicts a chaotic blend of vibrant colors and swirling patterns, giving the impression of a vast, disorienting landscape. The canvas is filled with bold strokes of reds, blues, and yellows that seem to clash and compete for space, symbolizing the complexity and confusion of navigating through life. Amidst the turmoil, a small, indistinct figure appears to be wandering, searching for direction in the overwhelming expanse.",,8,5,attribute,color,"attribute - color (bold strokes, yellow)",Are the bold strokes yellow? +partiprompts167,"An abstract oil painting that depicts a chaotic blend of vibrant colors and swirling patterns, giving the impression of a vast, disorienting landscape. The canvas is filled with bold strokes of reds, blues, and yellows that seem to clash and compete for space, symbolizing the complexity and confusion of navigating through life. Amidst the turmoil, a small, indistinct figure appears to be wandering, searching for direction in the overwhelming expanse.",,9,1,entity,state,"entity - state (figure, indistinct)",Is there a figure? +partiprompts167,"An abstract oil painting that depicts a chaotic blend of vibrant colors and swirling patterns, giving the impression of a vast, disorienting landscape. The canvas is filled with bold strokes of reds, blues, and yellows that seem to clash and compete for space, symbolizing the complexity and confusion of navigating through life. Amidst the turmoil, a small, indistinct figure appears to be wandering, searching for direction in the overwhelming expanse.",,10,9,entity,state,"entity - state (figure, wander)",Is the figure indistinct? +partiprompts167,"An abstract oil painting that depicts a chaotic blend of vibrant colors and swirling patterns, giving the impression of a vast, disorienting landscape. The canvas is filled with bold strokes of reds, blues, and yellows that seem to clash and compete for space, symbolizing the complexity and confusion of navigating through life. Amidst the turmoil, a small, indistinct figure appears to be wandering, searching for direction in the overwhelming expanse.",,11,10,entity,state,"entity - state (figure, search)",Is the figure wandering? +partiprompts167,"An abstract oil painting that depicts a chaotic blend of vibrant colors and swirling patterns, giving the impression of a vast, disorienting landscape. The canvas is filled with bold strokes of reds, blues, and yellows that seem to clash and compete for space, symbolizing the complexity and confusion of navigating through life. Amidst the turmoil, a small, indistinct figure appears to be wandering, searching for direction in the overwhelming expanse.",,12,"1,9",relation,spatial,"relation - spatial (figure, canvas, amidst)",Is the figure searching amidst the canvas? +partiprompts253,"A spacious living area featuring a large flat-screen television mounted on a pale wall, directly above a sleek, black entertainment console. In front of the television, there is a rectangular coffee table made of dark wood, surrounded by a comfortable beige sofa and two matching armchairs. The table is adorned with a small potted plant and a few magazines neatly arranged to one side.",,1,0,entity,whole,entity - whole (living area),Is there a living area? +partiprompts253,"A spacious living area featuring a large flat-screen television mounted on a pale wall, directly above a sleek, black entertainment console. In front of the television, there is a rectangular coffee table made of dark wood, surrounded by a comfortable beige sofa and two matching armchairs. The table is adorned with a small potted plant and a few magazines neatly arranged to one side.",,2,0,entity,whole,entity - whole (television),Is there a television? +partiprompts253,"A spacious living area featuring a large flat-screen television mounted on a pale wall, directly above a sleek, black entertainment console. In front of the television, there is a rectangular coffee table made of dark wood, surrounded by a comfortable beige sofa and two matching armchairs. The table is adorned with a small potted plant and a few magazines neatly arranged to one side.",,3,0,entity,whole,entity - whole (wall),Is there a wall? +partiprompts253,"A spacious living area featuring a large flat-screen television mounted on a pale wall, directly above a sleek, black entertainment console. In front of the television, there is a rectangular coffee table made of dark wood, surrounded by a comfortable beige sofa and two matching armchairs. The table is adorned with a small potted plant and a few magazines neatly arranged to one side.",,4,0,entity,whole,entity - whole (entertainment console),Is there an entertainment console? +partiprompts253,"A spacious living area featuring a large flat-screen television mounted on a pale wall, directly above a sleek, black entertainment console. In front of the television, there is a rectangular coffee table made of dark wood, surrounded by a comfortable beige sofa and two matching armchairs. The table is adorned with a small potted plant and a few magazines neatly arranged to one side.",,5,0,entity,whole,entity - whole (coffee table),Is there a coffee table? +partiprompts253,"A spacious living area featuring a large flat-screen television mounted on a pale wall, directly above a sleek, black entertainment console. In front of the television, there is a rectangular coffee table made of dark wood, surrounded by a comfortable beige sofa and two matching armchairs. The table is adorned with a small potted plant and a few magazines neatly arranged to one side.",,6,0,entity,whole,entity - whole (sofa),Is there a sofa? +partiprompts253,"A spacious living area featuring a large flat-screen television mounted on a pale wall, directly above a sleek, black entertainment console. In front of the television, there is a rectangular coffee table made of dark wood, surrounded by a comfortable beige sofa and two matching armchairs. The table is adorned with a small potted plant and a few magazines neatly arranged to one side.",,7,0,entity,whole,entity - whole (armchairs),Are there armchairs? +partiprompts253,"A spacious living area featuring a large flat-screen television mounted on a pale wall, directly above a sleek, black entertainment console. In front of the television, there is a rectangular coffee table made of dark wood, surrounded by a comfortable beige sofa and two matching armchairs. The table is adorned with a small potted plant and a few magazines neatly arranged to one side.",,8,0,entity,whole,entity - whole (potted plant),Is there a potted plant? +partiprompts253,"A spacious living area featuring a large flat-screen television mounted on a pale wall, directly above a sleek, black entertainment console. In front of the television, there is a rectangular coffee table made of dark wood, surrounded by a comfortable beige sofa and two matching armchairs. The table is adorned with a small potted plant and a few magazines neatly arranged to one side.",,9,0,entity,whole,entity - whole (magazines),Are there magazines? +partiprompts253,"A spacious living area featuring a large flat-screen television mounted on a pale wall, directly above a sleek, black entertainment console. In front of the television, there is a rectangular coffee table made of dark wood, surrounded by a comfortable beige sofa and two matching armchairs. The table is adorned with a small potted plant and a few magazines neatly arranged to one side.",,10,1,attribute,size,"attribute - size (living area, spacious)",Is the living area spacious? +partiprompts253,"A spacious living area featuring a large flat-screen television mounted on a pale wall, directly above a sleek, black entertainment console. In front of the television, there is a rectangular coffee table made of dark wood, surrounded by a comfortable beige sofa and two matching armchairs. The table is adorned with a small potted plant and a few magazines neatly arranged to one side.",,11,2,attribute,size,"attribute - size (television, large)",Is the television large? +partiprompts253,"A spacious living area featuring a large flat-screen television mounted on a pale wall, directly above a sleek, black entertainment console. In front of the television, there is a rectangular coffee table made of dark wood, surrounded by a comfortable beige sofa and two matching armchairs. The table is adorned with a small potted plant and a few magazines neatly arranged to one side.",,12,3,attribute,color,"attribute - color (wall, pale)",Is the wall pale? +partiprompts253,"A spacious living area featuring a large flat-screen television mounted on a pale wall, directly above a sleek, black entertainment console. In front of the television, there is a rectangular coffee table made of dark wood, surrounded by a comfortable beige sofa and two matching armchairs. The table is adorned with a small potted plant and a few magazines neatly arranged to one side.",,13,4,attribute,color,"attribute - color (entertainment console, black)",Is the entertainment console black? +partiprompts253,"A spacious living area featuring a large flat-screen television mounted on a pale wall, directly above a sleek, black entertainment console. In front of the television, there is a rectangular coffee table made of dark wood, surrounded by a comfortable beige sofa and two matching armchairs. The table is adorned with a small potted plant and a few magazines neatly arranged to one side.",,14,5,attribute,texture,"attribute - texture (coffee table, dark wood)",Is the coffee table made of dark wood? +partiprompts253,"A spacious living area featuring a large flat-screen television mounted on a pale wall, directly above a sleek, black entertainment console. In front of the television, there is a rectangular coffee table made of dark wood, surrounded by a comfortable beige sofa and two matching armchairs. The table is adorned with a small potted plant and a few magazines neatly arranged to one side.",,15,6,attribute,texture,"attribute - texture (sofa, beige)",Is the sofa beige? +partiprompts253,"A spacious living area featuring a large flat-screen television mounted on a pale wall, directly above a sleek, black entertainment console. In front of the television, there is a rectangular coffee table made of dark wood, surrounded by a comfortable beige sofa and two matching armchairs. The table is adorned with a small potted plant and a few magazines neatly arranged to one side.",,16,7,attribute,texture,"attribute - texture (armchairs, matching)",Are the armchairs matching? +partiprompts253,"A spacious living area featuring a large flat-screen television mounted on a pale wall, directly above a sleek, black entertainment console. In front of the television, there is a rectangular coffee table made of dark wood, surrounded by a comfortable beige sofa and two matching armchairs. The table is adorned with a small potted plant and a few magazines neatly arranged to one side.",,17,8,attribute,texture,"attribute - texture (potted plant, small)",Is the potted plant small? +partiprompts253,"A spacious living area featuring a large flat-screen television mounted on a pale wall, directly above a sleek, black entertainment console. In front of the television, there is a rectangular coffee table made of dark wood, surrounded by a comfortable beige sofa and two matching armchairs. The table is adorned with a small potted plant and a few magazines neatly arranged to one side.",,18,9,attribute,texture,"attribute - texture (magazines, neatly arranged)",Are the magazines neatly arranged? +partiprompts253,"A spacious living area featuring a large flat-screen television mounted on a pale wall, directly above a sleek, black entertainment console. In front of the television, there is a rectangular coffee table made of dark wood, surrounded by a comfortable beige sofa and two matching armchairs. The table is adorned with a small potted plant and a few magazines neatly arranged to one side.",,19,5,attribute,shape,"attribute - shape (coffee table, rectangular)",Is the coffee table rectangular? +partiprompts253,"A spacious living area featuring a large flat-screen television mounted on a pale wall, directly above a sleek, black entertainment console. In front of the television, there is a rectangular coffee table made of dark wood, surrounded by a comfortable beige sofa and two matching armchairs. The table is adorned with a small potted plant and a few magazines neatly arranged to one side.",,20,"2,3",relation,spatial,"relation - spatial (television, wall, mounted on)",Is the television mounted on the wall? +partiprompts253,"A spacious living area featuring a large flat-screen television mounted on a pale wall, directly above a sleek, black entertainment console. In front of the television, there is a rectangular coffee table made of dark wood, surrounded by a comfortable beige sofa and two matching armchairs. The table is adorned with a small potted plant and a few magazines neatly arranged to one side.",,21,"2,4",relation,spatial,"relation - spatial (television, entertainment console, above)",Is the television above the entertainment console? +partiprompts253,"A spacious living area featuring a large flat-screen television mounted on a pale wall, directly above a sleek, black entertainment console. In front of the television, there is a rectangular coffee table made of dark wood, surrounded by a comfortable beige sofa and two matching armchairs. The table is adorned with a small potted plant and a few magazines neatly arranged to one side.",,22,"5,2",relation,spatial,"relation - spatial (coffee table, television, in front of)",Is the coffee table in front of the television? +partiprompts253,"A spacious living area featuring a large flat-screen television mounted on a pale wall, directly above a sleek, black entertainment console. In front of the television, there is a rectangular coffee table made of dark wood, surrounded by a comfortable beige sofa and two matching armchairs. The table is adorned with a small potted plant and a few magazines neatly arranged to one side.",,23,"6,5",relation,spatial,"relation - spatial (sofa, coffee table, surrounded by)",Are the sofa and armchairs surrounded by the coffee table? +partiprompts253,"A spacious living area featuring a large flat-screen television mounted on a pale wall, directly above a sleek, black entertainment console. In front of the television, there is a rectangular coffee table made of dark wood, surrounded by a comfortable beige sofa and two matching armchairs. The table is adorned with a small potted plant and a few magazines neatly arranged to one side.",,24,"7,5",relation,spatial,"relation - spatial (armchairs, coffee table, surrounded by)",Are the armchairs and sofa surrounded by the coffee table? +partiprompts253,"A spacious living area featuring a large flat-screen television mounted on a pale wall, directly above a sleek, black entertainment console. In front of the television, there is a rectangular coffee table made of dark wood, surrounded by a comfortable beige sofa and two matching armchairs. The table is adorned with a small potted plant and a few magazines neatly arranged to one side.",,25,"8,5",relation,spatial,"relation - spatial (potted plant, coffee table, adorned with)",Is the potted plant adorned with the coffee table? +partiprompts253,"A spacious living area featuring a large flat-screen television mounted on a pale wall, directly above a sleek, black entertainment console. In front of the television, there is a rectangular coffee table made of dark wood, surrounded by a comfortable beige sofa and two matching armchairs. The table is adorned with a small potted plant and a few magazines neatly arranged to one side.",,26,"9,5",relation,spatial,"relation - spatial (magazines, coffee table, neatly arranged)",Are the magazines neatly arranged on the coffee table? +partiprompts96,"A large Saint Bernard dog with a reddish-brown and white coat stands on its hind legs, its front paws reaching up into the air. Seated on the dog's broad shoulders is a young girl with curly hair, wearing a pink dress and a wide smile. The scene takes place in a spacious backyard, where a wooden fence can be seen in the background, partially covered by climbing ivy.",,1,0,entity,whole,entity - whole (Saint Bernard dog),Is there a Saint Bernard dog? +partiprompts96,"A large Saint Bernard dog with a reddish-brown and white coat stands on its hind legs, its front paws reaching up into the air. Seated on the dog's broad shoulders is a young girl with curly hair, wearing a pink dress and a wide smile. The scene takes place in a spacious backyard, where a wooden fence can be seen in the background, partially covered by climbing ivy.",,2,0,entity,whole,entity - whole (girl),Is there a girl? +partiprompts96,"A large Saint Bernard dog with a reddish-brown and white coat stands on its hind legs, its front paws reaching up into the air. Seated on the dog's broad shoulders is a young girl with curly hair, wearing a pink dress and a wide smile. The scene takes place in a spacious backyard, where a wooden fence can be seen in the background, partially covered by climbing ivy.",,3,0,entity,whole,entity - whole (hair),Is there hair? +partiprompts96,"A large Saint Bernard dog with a reddish-brown and white coat stands on its hind legs, its front paws reaching up into the air. Seated on the dog's broad shoulders is a young girl with curly hair, wearing a pink dress and a wide smile. The scene takes place in a spacious backyard, where a wooden fence can be seen in the background, partially covered by climbing ivy.",,4,0,entity,whole,entity - whole (dress),Is there a dress? +partiprompts96,"A large Saint Bernard dog with a reddish-brown and white coat stands on its hind legs, its front paws reaching up into the air. Seated on the dog's broad shoulders is a young girl with curly hair, wearing a pink dress and a wide smile. The scene takes place in a spacious backyard, where a wooden fence can be seen in the background, partially covered by climbing ivy.",,5,0,entity,whole,entity - whole (smile),Is there a smile? +partiprompts96,"A large Saint Bernard dog with a reddish-brown and white coat stands on its hind legs, its front paws reaching up into the air. Seated on the dog's broad shoulders is a young girl with curly hair, wearing a pink dress and a wide smile. The scene takes place in a spacious backyard, where a wooden fence can be seen in the background, partially covered by climbing ivy.",,6,0,entity,whole,entity - whole (backyard),Is there a backyard? +partiprompts96,"A large Saint Bernard dog with a reddish-brown and white coat stands on its hind legs, its front paws reaching up into the air. Seated on the dog's broad shoulders is a young girl with curly hair, wearing a pink dress and a wide smile. The scene takes place in a spacious backyard, where a wooden fence can be seen in the background, partially covered by climbing ivy.",,7,0,entity,whole,entity - whole (fence),Is there a fence? +partiprompts96,"A large Saint Bernard dog with a reddish-brown and white coat stands on its hind legs, its front paws reaching up into the air. Seated on the dog's broad shoulders is a young girl with curly hair, wearing a pink dress and a wide smile. The scene takes place in a spacious backyard, where a wooden fence can be seen in the background, partially covered by climbing ivy.",,8,0,entity,whole,entity - whole (ivy),Is there ivy? +partiprompts96,"A large Saint Bernard dog with a reddish-brown and white coat stands on its hind legs, its front paws reaching up into the air. Seated on the dog's broad shoulders is a young girl with curly hair, wearing a pink dress and a wide smile. The scene takes place in a spacious backyard, where a wooden fence can be seen in the background, partially covered by climbing ivy.",,9,1,attribute,size,"attribute - size (dog, large)",Is the dog large? +partiprompts96,"A large Saint Bernard dog with a reddish-brown and white coat stands on its hind legs, its front paws reaching up into the air. Seated on the dog's broad shoulders is a young girl with curly hair, wearing a pink dress and a wide smile. The scene takes place in a spacious backyard, where a wooden fence can be seen in the background, partially covered by climbing ivy.",,10,1,attribute,color,"attribute - color (dog's coat, reddish-brown and white)",Is the dog's coat reddish-brown and white? +partiprompts96,"A large Saint Bernard dog with a reddish-brown and white coat stands on its hind legs, its front paws reaching up into the air. Seated on the dog's broad shoulders is a young girl with curly hair, wearing a pink dress and a wide smile. The scene takes place in a spacious backyard, where a wooden fence can be seen in the background, partially covered by climbing ivy.",,11,4,attribute,color,"attribute - color (girl's dress, pink)",Is the girl's dress pink? +partiprompts96,"A large Saint Bernard dog with a reddish-brown and white coat stands on its hind legs, its front paws reaching up into the air. Seated on the dog's broad shoulders is a young girl with curly hair, wearing a pink dress and a wide smile. The scene takes place in a spacious backyard, where a wooden fence can be seen in the background, partially covered by climbing ivy.",,12,2,attribute,other,"attribute - other (girl, young)",Is the girl young? +partiprompts96,"A large Saint Bernard dog with a reddish-brown and white coat stands on its hind legs, its front paws reaching up into the air. Seated on the dog's broad shoulders is a young girl with curly hair, wearing a pink dress and a wide smile. The scene takes place in a spacious backyard, where a wooden fence can be seen in the background, partially covered by climbing ivy.",,13,2,attribute,other,"attribute - other (girl's hair, curly)",Is the girl's hair curly? +partiprompts96,"A large Saint Bernard dog with a reddish-brown and white coat stands on its hind legs, its front paws reaching up into the air. Seated on the dog's broad shoulders is a young girl with curly hair, wearing a pink dress and a wide smile. The scene takes place in a spacious backyard, where a wooden fence can be seen in the background, partially covered by climbing ivy.",,14,5,attribute,other,"attribute - other (girl's smile, wide)",Is the girl's smile wide? +partiprompts96,"A large Saint Bernard dog with a reddish-brown and white coat stands on its hind legs, its front paws reaching up into the air. Seated on the dog's broad shoulders is a young girl with curly hair, wearing a pink dress and a wide smile. The scene takes place in a spacious backyard, where a wooden fence can be seen in the background, partially covered by climbing ivy.",,15,1,relation,spatial,"relation - spatial (dog, hind legs, stand)",Is the dog standing on its hind legs? +partiprompts96,"A large Saint Bernard dog with a reddish-brown and white coat stands on its hind legs, its front paws reaching up into the air. Seated on the dog's broad shoulders is a young girl with curly hair, wearing a pink dress and a wide smile. The scene takes place in a spacious backyard, where a wooden fence can be seen in the background, partially covered by climbing ivy.",,16,1,relation,spatial,"relation - spatial (dog, front paws, reach up)",Are the dog's front paws reaching up? +partiprompts96,"A large Saint Bernard dog with a reddish-brown and white coat stands on its hind legs, its front paws reaching up into the air. Seated on the dog's broad shoulders is a young girl with curly hair, wearing a pink dress and a wide smile. The scene takes place in a spacious backyard, where a wooden fence can be seen in the background, partially covered by climbing ivy.",,17,"1,2",relation,spatial,"relation - spatial (girl, dog's shoulders, seated on)",Is the girl seated on the dog's shoulders? +partiprompts96,"A large Saint Bernard dog with a reddish-brown and white coat stands on its hind legs, its front paws reaching up into the air. Seated on the dog's broad shoulders is a young girl with curly hair, wearing a pink dress and a wide smile. The scene takes place in a spacious backyard, where a wooden fence can be seen in the background, partially covered by climbing ivy.",,18,6,relation,spatial,"relation - spatial (fence, backyard, in)",Is the fence in the backyard? +partiprompts96,"A large Saint Bernard dog with a reddish-brown and white coat stands on its hind legs, its front paws reaching up into the air. Seated on the dog's broad shoulders is a young girl with curly hair, wearing a pink dress and a wide smile. The scene takes place in a spacious backyard, where a wooden fence can be seen in the background, partially covered by climbing ivy.",,19,7,relation,spatial,"relation - spatial (ivy, fence, cover partially)",Is the fence partially covered by climbing ivy? +partiprompts119,"a group of four musicians performing live on a modestly-sized stage with bright spotlights casting shadows behind them. The lead singer, clad in a red leather jacket, grips the microphone stand, while the guitarist, dressed in a black shirt, strums his electric guitar with fervor. The drummer, situated at the back, is partially obscured by his drum kit, and the bassist sways to the rhythm. In front of the stage, a small but enthusiastic audience is gathered, some with raised hands, enjoying the live music.",,1,0,entity,whole,entity - whole (musicians),Are there musicians? +partiprompts119,"a group of four musicians performing live on a modestly-sized stage with bright spotlights casting shadows behind them. The lead singer, clad in a red leather jacket, grips the microphone stand, while the guitarist, dressed in a black shirt, strums his electric guitar with fervor. The drummer, situated at the back, is partially obscured by his drum kit, and the bassist sways to the rhythm. In front of the stage, a small but enthusiastic audience is gathered, some with raised hands, enjoying the live music.",,2,1,other,count,"other - count(musicians, ==4)",Are there four musicians? +partiprompts119,"a group of four musicians performing live on a modestly-sized stage with bright spotlights casting shadows behind them. The lead singer, clad in a red leather jacket, grips the microphone stand, while the guitarist, dressed in a black shirt, strums his electric guitar with fervor. The drummer, situated at the back, is partially obscured by his drum kit, and the bassist sways to the rhythm. In front of the stage, a small but enthusiastic audience is gathered, some with raised hands, enjoying the live music.",,3,0,entity,whole,entity - whole (stage),Is there a stage? +partiprompts119,"a group of four musicians performing live on a modestly-sized stage with bright spotlights casting shadows behind them. The lead singer, clad in a red leather jacket, grips the microphone stand, while the guitarist, dressed in a black shirt, strums his electric guitar with fervor. The drummer, situated at the back, is partially obscured by his drum kit, and the bassist sways to the rhythm. In front of the stage, a small but enthusiastic audience is gathered, some with raised hands, enjoying the live music.",,4,3,attribute,size,"attribute - size (stage, modestly-sized)",Is the stage modestly-sized? +partiprompts119,"a group of four musicians performing live on a modestly-sized stage with bright spotlights casting shadows behind them. The lead singer, clad in a red leather jacket, grips the microphone stand, while the guitarist, dressed in a black shirt, strums his electric guitar with fervor. The drummer, situated at the back, is partially obscured by his drum kit, and the bassist sways to the rhythm. In front of the stage, a small but enthusiastic audience is gathered, some with raised hands, enjoying the live music.",,5,0,entity,whole,entity - whole (spotlights),Are there spotlights? +partiprompts119,"a group of four musicians performing live on a modestly-sized stage with bright spotlights casting shadows behind them. The lead singer, clad in a red leather jacket, grips the microphone stand, while the guitarist, dressed in a black shirt, strums his electric guitar with fervor. The drummer, situated at the back, is partially obscured by his drum kit, and the bassist sways to the rhythm. In front of the stage, a small but enthusiastic audience is gathered, some with raised hands, enjoying the live music.",,6,5,attribute,other,"attribute - other (spotlights, bright)",Are the spotlights bright? +partiprompts119,"a group of four musicians performing live on a modestly-sized stage with bright spotlights casting shadows behind them. The lead singer, clad in a red leather jacket, grips the microphone stand, while the guitarist, dressed in a black shirt, strums his electric guitar with fervor. The drummer, situated at the back, is partially obscured by his drum kit, and the bassist sways to the rhythm. In front of the stage, a small but enthusiastic audience is gathered, some with raised hands, enjoying the live music.",,7,5,entity,whole,entity - whole (shadows),Are there shadows? +partiprompts119,"a group of four musicians performing live on a modestly-sized stage with bright spotlights casting shadows behind them. The lead singer, clad in a red leather jacket, grips the microphone stand, while the guitarist, dressed in a black shirt, strums his electric guitar with fervor. The drummer, situated at the back, is partially obscured by his drum kit, and the bassist sways to the rhythm. In front of the stage, a small but enthusiastic audience is gathered, some with raised hands, enjoying the live music.",,8,1,entity,whole,entity - whole (lead singer),Is there a lead singer? +partiprompts119,"a group of four musicians performing live on a modestly-sized stage with bright spotlights casting shadows behind them. The lead singer, clad in a red leather jacket, grips the microphone stand, while the guitarist, dressed in a black shirt, strums his electric guitar with fervor. The drummer, situated at the back, is partially obscured by his drum kit, and the bassist sways to the rhythm. In front of the stage, a small but enthusiastic audience is gathered, some with raised hands, enjoying the live music.",,9,8,entity,whole,entity - whole (red leather jacket),Is the lead singer wearing a red leather jacket? +partiprompts119,"a group of four musicians performing live on a modestly-sized stage with bright spotlights casting shadows behind them. The lead singer, clad in a red leather jacket, grips the microphone stand, while the guitarist, dressed in a black shirt, strums his electric guitar with fervor. The drummer, situated at the back, is partially obscured by his drum kit, and the bassist sways to the rhythm. In front of the stage, a small but enthusiastic audience is gathered, some with raised hands, enjoying the live music.",,10,8,entity,whole,entity - whole (microphone stand),Is there a microphone stand? +partiprompts119,"a group of four musicians performing live on a modestly-sized stage with bright spotlights casting shadows behind them. The lead singer, clad in a red leather jacket, grips the microphone stand, while the guitarist, dressed in a black shirt, strums his electric guitar with fervor. The drummer, situated at the back, is partially obscured by his drum kit, and the bassist sways to the rhythm. In front of the stage, a small but enthusiastic audience is gathered, some with raised hands, enjoying the live music.",,11,1,entity,whole,entity - whole (guitarist),Is there a guitarist? +partiprompts119,"a group of four musicians performing live on a modestly-sized stage with bright spotlights casting shadows behind them. The lead singer, clad in a red leather jacket, grips the microphone stand, while the guitarist, dressed in a black shirt, strums his electric guitar with fervor. The drummer, situated at the back, is partially obscured by his drum kit, and the bassist sways to the rhythm. In front of the stage, a small but enthusiastic audience is gathered, some with raised hands, enjoying the live music.",,12,11,entity,whole,entity - whole (black shirt),Is the guitarist wearing a black shirt? +partiprompts119,"a group of four musicians performing live on a modestly-sized stage with bright spotlights casting shadows behind them. The lead singer, clad in a red leather jacket, grips the microphone stand, while the guitarist, dressed in a black shirt, strums his electric guitar with fervor. The drummer, situated at the back, is partially obscured by his drum kit, and the bassist sways to the rhythm. In front of the stage, a small but enthusiastic audience is gathered, some with raised hands, enjoying the live music.",,13,11,entity,whole,entity - whole (electric guitar),Is there an electric guitar? +partiprompts119,"a group of four musicians performing live on a modestly-sized stage with bright spotlights casting shadows behind them. The lead singer, clad in a red leather jacket, grips the microphone stand, while the guitarist, dressed in a black shirt, strums his electric guitar with fervor. The drummer, situated at the back, is partially obscured by his drum kit, and the bassist sways to the rhythm. In front of the stage, a small but enthusiastic audience is gathered, some with raised hands, enjoying the live music.",,14,1,entity,whole,entity - whole (drummer),Is there a drummer? +partiprompts119,"a group of four musicians performing live on a modestly-sized stage with bright spotlights casting shadows behind them. The lead singer, clad in a red leather jacket, grips the microphone stand, while the guitarist, dressed in a black shirt, strums his electric guitar with fervor. The drummer, situated at the back, is partially obscured by his drum kit, and the bassist sways to the rhythm. In front of the stage, a small but enthusiastic audience is gathered, some with raised hands, enjoying the live music.",,15,14,entity,whole,entity - whole (drum kit),Is there a drum kit? +partiprompts119,"a group of four musicians performing live on a modestly-sized stage with bright spotlights casting shadows behind them. The lead singer, clad in a red leather jacket, grips the microphone stand, while the guitarist, dressed in a black shirt, strums his electric guitar with fervor. The drummer, situated at the back, is partially obscured by his drum kit, and the bassist sways to the rhythm. In front of the stage, a small but enthusiastic audience is gathered, some with raised hands, enjoying the live music.",,16,1,entity,whole,entity - whole (bassist),Is there a bassist? +partiprompts119,"a group of four musicians performing live on a modestly-sized stage with bright spotlights casting shadows behind them. The lead singer, clad in a red leather jacket, grips the microphone stand, while the guitarist, dressed in a black shirt, strums his electric guitar with fervor. The drummer, situated at the back, is partially obscured by his drum kit, and the bassist sways to the rhythm. In front of the stage, a small but enthusiastic audience is gathered, some with raised hands, enjoying the live music.",,17,16,entity,state,"entity - state (bassist, sway)",Is the bassist swaying? +partiprompts119,"a group of four musicians performing live on a modestly-sized stage with bright spotlights casting shadows behind them. The lead singer, clad in a red leather jacket, grips the microphone stand, while the guitarist, dressed in a black shirt, strums his electric guitar with fervor. The drummer, situated at the back, is partially obscured by his drum kit, and the bassist sways to the rhythm. In front of the stage, a small but enthusiastic audience is gathered, some with raised hands, enjoying the live music.",,18,0,entity,whole,entity - whole (audience),Is there an audience? +partiprompts119,"a group of four musicians performing live on a modestly-sized stage with bright spotlights casting shadows behind them. The lead singer, clad in a red leather jacket, grips the microphone stand, while the guitarist, dressed in a black shirt, strums his electric guitar with fervor. The drummer, situated at the back, is partially obscured by his drum kit, and the bassist sways to the rhythm. In front of the stage, a small but enthusiastic audience is gathered, some with raised hands, enjoying the live music.",,19,18,attribute,size,"attribute - size (audience, small)",Is the audience small? +partiprompts119,"a group of four musicians performing live on a modestly-sized stage with bright spotlights casting shadows behind them. The lead singer, clad in a red leather jacket, grips the microphone stand, while the guitarist, dressed in a black shirt, strums his electric guitar with fervor. The drummer, situated at the back, is partially obscured by his drum kit, and the bassist sways to the rhythm. In front of the stage, a small but enthusiastic audience is gathered, some with raised hands, enjoying the live music.",,20,18,entity,state,"entity - state (audience, enthusiastic)",Is the audience enthusiastic? +partiprompts119,"a group of four musicians performing live on a modestly-sized stage with bright spotlights casting shadows behind them. The lead singer, clad in a red leather jacket, grips the microphone stand, while the guitarist, dressed in a black shirt, strums his electric guitar with fervor. The drummer, situated at the back, is partially obscured by his drum kit, and the bassist sways to the rhythm. In front of the stage, a small but enthusiastic audience is gathered, some with raised hands, enjoying the live music.",,21,"1,3",relation,spatial,"relation - spatial (musicians, stage, on)",Are the musicians on the stage? +partiprompts119,"a group of four musicians performing live on a modestly-sized stage with bright spotlights casting shadows behind them. The lead singer, clad in a red leather jacket, grips the microphone stand, while the guitarist, dressed in a black shirt, strums his electric guitar with fervor. The drummer, situated at the back, is partially obscured by his drum kit, and the bassist sways to the rhythm. In front of the stage, a small but enthusiastic audience is gathered, some with raised hands, enjoying the live music.",,22,"5,1",relation,spatial,"relation - spatial (spotlights, musicians, behind)",Are the spotlights behind the musicians? +partiprompts119,"a group of four musicians performing live on a modestly-sized stage with bright spotlights casting shadows behind them. The lead singer, clad in a red leather jacket, grips the microphone stand, while the guitarist, dressed in a black shirt, strums his electric guitar with fervor. The drummer, situated at the back, is partially obscured by his drum kit, and the bassist sways to the rhythm. In front of the stage, a small but enthusiastic audience is gathered, some with raised hands, enjoying the live music.",,23,"8,10",relation,non-spatial,"relation - non-spatial (lead singer, microphone stand, grip)",Is the lead singer gripping the microphone stand? +partiprompts119,"a group of four musicians performing live on a modestly-sized stage with bright spotlights casting shadows behind them. The lead singer, clad in a red leather jacket, grips the microphone stand, while the guitarist, dressed in a black shirt, strums his electric guitar with fervor. The drummer, situated at the back, is partially obscured by his drum kit, and the bassist sways to the rhythm. In front of the stage, a small but enthusiastic audience is gathered, some with raised hands, enjoying the live music.",,24,"12,13",relation,non-spatial,"relation - non-spatial (guitarist, electric guitar, strum)",Is the guitarist strumming the electric guitar? +partiprompts119,"a group of four musicians performing live on a modestly-sized stage with bright spotlights casting shadows behind them. The lead singer, clad in a red leather jacket, grips the microphone stand, while the guitarist, dressed in a black shirt, strums his electric guitar with fervor. The drummer, situated at the back, is partially obscured by his drum kit, and the bassist sways to the rhythm. In front of the stage, a small but enthusiastic audience is gathered, some with raised hands, enjoying the live music.",,25,"18,3",relation,spatial,"relation - spatial (audience, stage, in front of)",Is the audience in front of the stage? +partiprompts62,"An intricately designed robot with a polished metallic surface, donning a vibrant red and white race car suit, stands with a confident posture in front of a sleek F1 race car. The robot's black visor reflects the brilliant hues of the setting sun, which casts a warm glow over the futuristic cityscape depicted in the background. The illustration, reminiscent of a scene from a dynamic comic book, captures the essence of speed and technology.",,1,0,entity,whole,entity - whole (robot),Is there a robot? +partiprompts62,"An intricately designed robot with a polished metallic surface, donning a vibrant red and white race car suit, stands with a confident posture in front of a sleek F1 race car. The robot's black visor reflects the brilliant hues of the setting sun, which casts a warm glow over the futuristic cityscape depicted in the background. The illustration, reminiscent of a scene from a dynamic comic book, captures the essence of speed and technology.",,2,1,attribute,texture,"attribute - texture (robot, polished metallic)",Is the robot's surface polished metallic? +partiprompts62,"An intricately designed robot with a polished metallic surface, donning a vibrant red and white race car suit, stands with a confident posture in front of a sleek F1 race car. The robot's black visor reflects the brilliant hues of the setting sun, which casts a warm glow over the futuristic cityscape depicted in the background. The illustration, reminiscent of a scene from a dynamic comic book, captures the essence of speed and technology.",,3,1,attribute,other,"attribute - other (robot, intricately designed)",Is the robot intricately designed? +partiprompts62,"An intricately designed robot with a polished metallic surface, donning a vibrant red and white race car suit, stands with a confident posture in front of a sleek F1 race car. The robot's black visor reflects the brilliant hues of the setting sun, which casts a warm glow over the futuristic cityscape depicted in the background. The illustration, reminiscent of a scene from a dynamic comic book, captures the essence of speed and technology.",,4,1,attribute,color,"attribute - color (robot's suit, red)",Is the robot's suit red? +partiprompts62,"An intricately designed robot with a polished metallic surface, donning a vibrant red and white race car suit, stands with a confident posture in front of a sleek F1 race car. The robot's black visor reflects the brilliant hues of the setting sun, which casts a warm glow over the futuristic cityscape depicted in the background. The illustration, reminiscent of a scene from a dynamic comic book, captures the essence of speed and technology.",,5,1,attribute,color,"attribute - color (robot's suit, white)",Is the robot's suit white? +partiprompts62,"An intricately designed robot with a polished metallic surface, donning a vibrant red and white race car suit, stands with a confident posture in front of a sleek F1 race car. The robot's black visor reflects the brilliant hues of the setting sun, which casts a warm glow over the futuristic cityscape depicted in the background. The illustration, reminiscent of a scene from a dynamic comic book, captures the essence of speed and technology.",,6,1,entity,state,"entity - state (robot, stand)",Is the robot standing? +partiprompts62,"An intricately designed robot with a polished metallic surface, donning a vibrant red and white race car suit, stands with a confident posture in front of a sleek F1 race car. The robot's black visor reflects the brilliant hues of the setting sun, which casts a warm glow over the futuristic cityscape depicted in the background. The illustration, reminiscent of a scene from a dynamic comic book, captures the essence of speed and technology.",,7,0,entity,whole,entity - whole (race car),Is there a race car? +partiprompts62,"An intricately designed robot with a polished metallic surface, donning a vibrant red and white race car suit, stands with a confident posture in front of a sleek F1 race car. The robot's black visor reflects the brilliant hues of the setting sun, which casts a warm glow over the futuristic cityscape depicted in the background. The illustration, reminiscent of a scene from a dynamic comic book, captures the essence of speed and technology.",,8,7,attribute,other,"attribute - other (race car, sleek)",Is the race car sleek? +partiprompts62,"An intricately designed robot with a polished metallic surface, donning a vibrant red and white race car suit, stands with a confident posture in front of a sleek F1 race car. The robot's black visor reflects the brilliant hues of the setting sun, which casts a warm glow over the futuristic cityscape depicted in the background. The illustration, reminiscent of a scene from a dynamic comic book, captures the essence of speed and technology.",,9,7,attribute,other,"attribute - other (race car, F1)",Is the race car an F1 car? +partiprompts62,"An intricately designed robot with a polished metallic surface, donning a vibrant red and white race car suit, stands with a confident posture in front of a sleek F1 race car. The robot's black visor reflects the brilliant hues of the setting sun, which casts a warm glow over the futuristic cityscape depicted in the background. The illustration, reminiscent of a scene from a dynamic comic book, captures the essence of speed and technology.",,10,1,attribute,color,"attribute - color (robot's visor, black)",Is the robot's visor black? +partiprompts62,"An intricately designed robot with a polished metallic surface, donning a vibrant red and white race car suit, stands with a confident posture in front of a sleek F1 race car. The robot's black visor reflects the brilliant hues of the setting sun, which casts a warm glow over the futuristic cityscape depicted in the background. The illustration, reminiscent of a scene from a dynamic comic book, captures the essence of speed and technology.",,11,1,attribute,color,"attribute - color (background, futuristic cityscape)",Is the background a futuristic cityscape? +partiprompts62,"An intricately designed robot with a polished metallic surface, donning a vibrant red and white race car suit, stands with a confident posture in front of a sleek F1 race car. The robot's black visor reflects the brilliant hues of the setting sun, which casts a warm glow over the futuristic cityscape depicted in the background. The illustration, reminiscent of a scene from a dynamic comic book, captures the essence of speed and technology.",,12,1,attribute,color,"attribute - color (setting sun, brilliant hues)",Are the hues of the setting sun brilliant? +partiprompts62,"An intricately designed robot with a polished metallic surface, donning a vibrant red and white race car suit, stands with a confident posture in front of a sleek F1 race car. The robot's black visor reflects the brilliant hues of the setting sun, which casts a warm glow over the futuristic cityscape depicted in the background. The illustration, reminiscent of a scene from a dynamic comic book, captures the essence of speed and technology.",,13,1,attribute,color,"attribute - color (setting sun, warm glow)",Does the setting sun cast a warm glow? +partiprompts62,"An intricately designed robot with a polished metallic surface, donning a vibrant red and white race car suit, stands with a confident posture in front of a sleek F1 race car. The robot's black visor reflects the brilliant hues of the setting sun, which casts a warm glow over the futuristic cityscape depicted in the background. The illustration, reminiscent of a scene from a dynamic comic book, captures the essence of speed and technology.",,14,"1,7",relation,spatial,"relation - spatial (robot, race car, in front of)",Is the robot in front of the race car? +partiprompts62,"An intricately designed robot with a polished metallic surface, donning a vibrant red and white race car suit, stands with a confident posture in front of a sleek F1 race car. The robot's black visor reflects the brilliant hues of the setting sun, which casts a warm glow over the futuristic cityscape depicted in the background. The illustration, reminiscent of a scene from a dynamic comic book, captures the essence of speed and technology.",,15,1,relation,spatial,"relation - spatial (robot, background, in)",Is the robot in the background? +partiprompts62,"An intricately designed robot with a polished metallic surface, donning a vibrant red and white race car suit, stands with a confident posture in front of a sleek F1 race car. The robot's black visor reflects the brilliant hues of the setting sun, which casts a warm glow over the futuristic cityscape depicted in the background. The illustration, reminiscent of a scene from a dynamic comic book, captures the essence of speed and technology.",,16,"1,12",relation,spatial,"relation - spatial (robot's visor, setting sun, reflect)",Does the robot's visor reflect the setting sun? +partiprompts43,"A large, clear glass pitcher filled to the brim with golden beer, the frothy head spilling slightly over the edge. An elephant's trunk, textured and wrinkled, is playfully dipped into the pitcher, disrupting the liquid's surface. The pitcher sits on a wooden table, with a few scattered peanuts nearby, hinting at a bar-like setting.",,1,0,entity,whole,entity - whole (pitcher),Is there a pitcher? +partiprompts43,"A large, clear glass pitcher filled to the brim with golden beer, the frothy head spilling slightly over the edge. An elephant's trunk, textured and wrinkled, is playfully dipped into the pitcher, disrupting the liquid's surface. The pitcher sits on a wooden table, with a few scattered peanuts nearby, hinting at a bar-like setting.",,2,1,entity,whole,entity - whole (beer),Is there beer? +partiprompts43,"A large, clear glass pitcher filled to the brim with golden beer, the frothy head spilling slightly over the edge. An elephant's trunk, textured and wrinkled, is playfully dipped into the pitcher, disrupting the liquid's surface. The pitcher sits on a wooden table, with a few scattered peanuts nearby, hinting at a bar-like setting.",,3,2,entity,whole,entity - whole (head),Is there a frothy head? +partiprompts43,"A large, clear glass pitcher filled to the brim with golden beer, the frothy head spilling slightly over the edge. An elephant's trunk, textured and wrinkled, is playfully dipped into the pitcher, disrupting the liquid's surface. The pitcher sits on a wooden table, with a few scattered peanuts nearby, hinting at a bar-like setting.",,4,0,entity,whole,entity - whole (elephant's trunk),Is there an elephant's trunk? +partiprompts43,"A large, clear glass pitcher filled to the brim with golden beer, the frothy head spilling slightly over the edge. An elephant's trunk, textured and wrinkled, is playfully dipped into the pitcher, disrupting the liquid's surface. The pitcher sits on a wooden table, with a few scattered peanuts nearby, hinting at a bar-like setting.",,5,0,entity,whole,entity - whole (table),Is there a table? +partiprompts43,"A large, clear glass pitcher filled to the brim with golden beer, the frothy head spilling slightly over the edge. An elephant's trunk, textured and wrinkled, is playfully dipped into the pitcher, disrupting the liquid's surface. The pitcher sits on a wooden table, with a few scattered peanuts nearby, hinting at a bar-like setting.",,6,0,entity,whole,entity - whole (peanuts),Are there peanuts? +partiprompts43,"A large, clear glass pitcher filled to the brim with golden beer, the frothy head spilling slightly over the edge. An elephant's trunk, textured and wrinkled, is playfully dipped into the pitcher, disrupting the liquid's surface. The pitcher sits on a wooden table, with a few scattered peanuts nearby, hinting at a bar-like setting.",,7,1,attribute,size,"attribute - size (pitcher, large)",Is the pitcher large? +partiprompts43,"A large, clear glass pitcher filled to the brim with golden beer, the frothy head spilling slightly over the edge. An elephant's trunk, textured and wrinkled, is playfully dipped into the pitcher, disrupting the liquid's surface. The pitcher sits on a wooden table, with a few scattered peanuts nearby, hinting at a bar-like setting.",,8,4,attribute,texture,"attribute - texture (trunk, textured and wrinkled)",Is the trunk textured and wrinkled? +partiprompts43,"A large, clear glass pitcher filled to the brim with golden beer, the frothy head spilling slightly over the edge. An elephant's trunk, textured and wrinkled, is playfully dipped into the pitcher, disrupting the liquid's surface. The pitcher sits on a wooden table, with a few scattered peanuts nearby, hinting at a bar-like setting.",,9,5,attribute,texture,"attribute - texture (table, wooden)",Is the table wooden? +partiprompts43,"A large, clear glass pitcher filled to the brim with golden beer, the frothy head spilling slightly over the edge. An elephant's trunk, textured and wrinkled, is playfully dipped into the pitcher, disrupting the liquid's surface. The pitcher sits on a wooden table, with a few scattered peanuts nearby, hinting at a bar-like setting.",,10,"1,5",relation,spatial,"relation - spatial (pitcher, table, on)",Is the pitcher on the table? +partiprompts43,"A large, clear glass pitcher filled to the brim with golden beer, the frothy head spilling slightly over the edge. An elephant's trunk, textured and wrinkled, is playfully dipped into the pitcher, disrupting the liquid's surface. The pitcher sits on a wooden table, with a few scattered peanuts nearby, hinting at a bar-like setting.",,11,"2,1",relation,spatial,"relation - spatial (head, pitcher, fill)",Is the head filling the pitcher? +partiprompts43,"A large, clear glass pitcher filled to the brim with golden beer, the frothy head spilling slightly over the edge. An elephant's trunk, textured and wrinkled, is playfully dipped into the pitcher, disrupting the liquid's surface. The pitcher sits on a wooden table, with a few scattered peanuts nearby, hinting at a bar-like setting.",,12,"2,1",relation,spatial,"relation - spatial (head, edge, spill slightly over)",Is the head spilling slightly over the edge? +partiprompts43,"A large, clear glass pitcher filled to the brim with golden beer, the frothy head spilling slightly over the edge. An elephant's trunk, textured and wrinkled, is playfully dipped into the pitcher, disrupting the liquid's surface. The pitcher sits on a wooden table, with a few scattered peanuts nearby, hinting at a bar-like setting.",,13,"4,1",relation,spatial,"relation - spatial (trunk, pitcher, dip into)",Is the elephant's trunk playfully dipped into the pitcher? +partiprompts43,"A large, clear glass pitcher filled to the brim with golden beer, the frothy head spilling slightly over the edge. An elephant's trunk, textured and wrinkled, is playfully dipped into the pitcher, disrupting the liquid's surface. The pitcher sits on a wooden table, with a few scattered peanuts nearby, hinting at a bar-like setting.",,14,"1,6",relation,spatial,"relation - spatial (pitcher, peanuts, nearby)",Are the peanuts nearby the pitcher? +partiprompts259,"a collection of various laptops with different sizes and colors, stacked haphazardly on a plush beige sofa. The sofa is positioned against a white wall, and the laptops appear to be in a state of disuse with some open and others closed. Nearby, a small wooden coffee table holds a single potted plant, adding a touch of greenery to the scene.",,1,0,entity,whole,entity - whole (laptops),Are there laptops? +partiprompts259,"a collection of various laptops with different sizes and colors, stacked haphazardly on a plush beige sofa. The sofa is positioned against a white wall, and the laptops appear to be in a state of disuse with some open and others closed. Nearby, a small wooden coffee table holds a single potted plant, adding a touch of greenery to the scene.",,2,1,attribute,size,"attribute - size (laptops, various)",Are the laptops various sizes? +partiprompts259,"a collection of various laptops with different sizes and colors, stacked haphazardly on a plush beige sofa. The sofa is positioned against a white wall, and the laptops appear to be in a state of disuse with some open and others closed. Nearby, a small wooden coffee table holds a single potted plant, adding a touch of greenery to the scene.",,3,1,attribute,color,"attribute - color (laptops, various)",Are the laptops various colors? +partiprompts259,"a collection of various laptops with different sizes and colors, stacked haphazardly on a plush beige sofa. The sofa is positioned against a white wall, and the laptops appear to be in a state of disuse with some open and others closed. Nearby, a small wooden coffee table holds a single potted plant, adding a touch of greenery to the scene.",,4,1,attribute,other,"attribute - other (laptops, stacked haphazardly)",Are the laptops stacked haphazardly? +partiprompts259,"a collection of various laptops with different sizes and colors, stacked haphazardly on a plush beige sofa. The sofa is positioned against a white wall, and the laptops appear to be in a state of disuse with some open and others closed. Nearby, a small wooden coffee table holds a single potted plant, adding a touch of greenery to the scene.",,5,1,attribute,texture,"attribute - texture (sofa, plush)",Is the sofa plush? +partiprompts259,"a collection of various laptops with different sizes and colors, stacked haphazardly on a plush beige sofa. The sofa is positioned against a white wall, and the laptops appear to be in a state of disuse with some open and others closed. Nearby, a small wooden coffee table holds a single potted plant, adding a touch of greenery to the scene.",,6,5,attribute,color,"attribute - color (sofa, beige)",Is the sofa beige? +partiprompts259,"a collection of various laptops with different sizes and colors, stacked haphazardly on a plush beige sofa. The sofa is positioned against a white wall, and the laptops appear to be in a state of disuse with some open and others closed. Nearby, a small wooden coffee table holds a single potted plant, adding a touch of greenery to the scene.",,7,0,entity,whole,entity - whole (sofa),Is there a sofa? +partiprompts259,"a collection of various laptops with different sizes and colors, stacked haphazardly on a plush beige sofa. The sofa is positioned against a white wall, and the laptops appear to be in a state of disuse with some open and others closed. Nearby, a small wooden coffee table holds a single potted plant, adding a touch of greenery to the scene.",,8,0,entity,whole,entity - whole (wall),Is there a wall? +partiprompts259,"a collection of various laptops with different sizes and colors, stacked haphazardly on a plush beige sofa. The sofa is positioned against a white wall, and the laptops appear to be in a state of disuse with some open and others closed. Nearby, a small wooden coffee table holds a single potted plant, adding a touch of greenery to the scene.",,9,1,entity,state,"entity - state (laptops, disuse)",Are the laptops in a state of disuse? +partiprompts259,"a collection of various laptops with different sizes and colors, stacked haphazardly on a plush beige sofa. The sofa is positioned against a white wall, and the laptops appear to be in a state of disuse with some open and others closed. Nearby, a small wooden coffee table holds a single potted plant, adding a touch of greenery to the scene.",,10,1,entity,state,"entity - state (laptops, open)",Are some laptops open? +partiprompts259,"a collection of various laptops with different sizes and colors, stacked haphazardly on a plush beige sofa. The sofa is positioned against a white wall, and the laptops appear to be in a state of disuse with some open and others closed. Nearby, a small wooden coffee table holds a single potted plant, adding a touch of greenery to the scene.",,11,1,entity,state,"entity - state (laptops, closed)",Are some laptops closed? +partiprompts259,"a collection of various laptops with different sizes and colors, stacked haphazardly on a plush beige sofa. The sofa is positioned against a white wall, and the laptops appear to be in a state of disuse with some open and others closed. Nearby, a small wooden coffee table holds a single potted plant, adding a touch of greenery to the scene.",,12,0,entity,whole,entity - whole (coffee table),Is there a coffee table? +partiprompts259,"a collection of various laptops with different sizes and colors, stacked haphazardly on a plush beige sofa. The sofa is positioned against a white wall, and the laptops appear to be in a state of disuse with some open and others closed. Nearby, a small wooden coffee table holds a single potted plant, adding a touch of greenery to the scene.",,13,0,entity,whole,entity - whole (potted plant),Is there a potted plant? +partiprompts259,"a collection of various laptops with different sizes and colors, stacked haphazardly on a plush beige sofa. The sofa is positioned against a white wall, and the laptops appear to be in a state of disuse with some open and others closed. Nearby, a small wooden coffee table holds a single potted plant, adding a touch of greenery to the scene.",,14,12,attribute,texture,"attribute - texture (coffee table, wooden)",Is the coffee table wooden? +partiprompts259,"a collection of various laptops with different sizes and colors, stacked haphazardly on a plush beige sofa. The sofa is positioned against a white wall, and the laptops appear to be in a state of disuse with some open and others closed. Nearby, a small wooden coffee table holds a single potted plant, adding a touch of greenery to the scene.",,15,13,attribute,color,"attribute - color (potted plant, green)",Is the potted plant green? +partiprompts259,"a collection of various laptops with different sizes and colors, stacked haphazardly on a plush beige sofa. The sofa is positioned against a white wall, and the laptops appear to be in a state of disuse with some open and others closed. Nearby, a small wooden coffee table holds a single potted plant, adding a touch of greenery to the scene.",,16,"1,7",relation,spatial,"relation - spatial (laptops, sofa, on)",Are the laptops on the sofa? +partiprompts259,"a collection of various laptops with different sizes and colors, stacked haphazardly on a plush beige sofa. The sofa is positioned against a white wall, and the laptops appear to be in a state of disuse with some open and others closed. Nearby, a small wooden coffee table holds a single potted plant, adding a touch of greenery to the scene.",,17,"7,8",relation,spatial,"relation - spatial (sofa, wall, against)",Is the sofa against the wall? +partiprompts259,"a collection of various laptops with different sizes and colors, stacked haphazardly on a plush beige sofa. The sofa is positioned against a white wall, and the laptops appear to be in a state of disuse with some open and others closed. Nearby, a small wooden coffee table holds a single potted plant, adding a touch of greenery to the scene.",,18,"12,7",relation,spatial,"relation - spatial (coffee table, sofa, nearby)",Is the coffee table nearby the sofa? +partiprompts259,"a collection of various laptops with different sizes and colors, stacked haphazardly on a plush beige sofa. The sofa is positioned against a white wall, and the laptops appear to be in a state of disuse with some open and others closed. Nearby, a small wooden coffee table holds a single potted plant, adding a touch of greenery to the scene.",,19,"13,12",relation,spatial,"relation - spatial (potted plant, coffee table, on)",Is the potted plant on the coffee table? +partiprompts147,"A glossy black dog with a curious expression sits snugly between a lush green bush and an unusual pair of green pants that stand upright as if an invisible person were inside them. The pants are supported by a hidden frame, creating a whimsical garden display. The dog's shiny coat contrasts with the matte texture of the foliage and the fabric of the pants.",,1,0,entity,whole,entity - whole (dog),Is there a dog? +partiprompts147,"A glossy black dog with a curious expression sits snugly between a lush green bush and an unusual pair of green pants that stand upright as if an invisible person were inside them. The pants are supported by a hidden frame, creating a whimsical garden display. The dog's shiny coat contrasts with the matte texture of the foliage and the fabric of the pants.",,2,1,attribute,color,"attribute - color (dog, black)",Is the dog black? +partiprompts147,"A glossy black dog with a curious expression sits snugly between a lush green bush and an unusual pair of green pants that stand upright as if an invisible person were inside them. The pants are supported by a hidden frame, creating a whimsical garden display. The dog's shiny coat contrasts with the matte texture of the foliage and the fabric of the pants.",,3,1,attribute,texture,"attribute - texture (dog's coat, glossy)",Is the dog's coat glossy? +partiprompts147,"A glossy black dog with a curious expression sits snugly between a lush green bush and an unusual pair of green pants that stand upright as if an invisible person were inside them. The pants are supported by a hidden frame, creating a whimsical garden display. The dog's shiny coat contrasts with the matte texture of the foliage and the fabric of the pants.",,4,1,entity,state,"entity - state (dog, sit)",Is the dog sitting? +partiprompts147,"A glossy black dog with a curious expression sits snugly between a lush green bush and an unusual pair of green pants that stand upright as if an invisible person were inside them. The pants are supported by a hidden frame, creating a whimsical garden display. The dog's shiny coat contrasts with the matte texture of the foliage and the fabric of the pants.",,5,0,entity,whole,entity - whole (bush),Is there a bush? +partiprompts147,"A glossy black dog with a curious expression sits snugly between a lush green bush and an unusual pair of green pants that stand upright as if an invisible person were inside them. The pants are supported by a hidden frame, creating a whimsical garden display. The dog's shiny coat contrasts with the matte texture of the foliage and the fabric of the pants.",,6,0,attribute,color,"attribute - color (bush, green)",Is the bush green? +partiprompts147,"A glossy black dog with a curious expression sits snugly between a lush green bush and an unusual pair of green pants that stand upright as if an invisible person were inside them. The pants are supported by a hidden frame, creating a whimsical garden display. The dog's shiny coat contrasts with the matte texture of the foliage and the fabric of the pants.",,7,5,attribute,texture,"attribute - texture (bush, lush)",Is the bush lush? +partiprompts147,"A glossy black dog with a curious expression sits snugly between a lush green bush and an unusual pair of green pants that stand upright as if an invisible person were inside them. The pants are supported by a hidden frame, creating a whimsical garden display. The dog's shiny coat contrasts with the matte texture of the foliage and the fabric of the pants.",,8,0,entity,whole,entity - whole (pants),Are there pants? +partiprompts147,"A glossy black dog with a curious expression sits snugly between a lush green bush and an unusual pair of green pants that stand upright as if an invisible person were inside them. The pants are supported by a hidden frame, creating a whimsical garden display. The dog's shiny coat contrasts with the matte texture of the foliage and the fabric of the pants.",,9,6,attribute,color,"attribute - color (pants, green)",Are the pants green? +partiprompts147,"A glossy black dog with a curious expression sits snugly between a lush green bush and an unusual pair of green pants that stand upright as if an invisible person were inside them. The pants are supported by a hidden frame, creating a whimsical garden display. The dog's shiny coat contrasts with the matte texture of the foliage and the fabric of the pants.",,10,8,attribute,shape,"attribute - shape (pants, upright)",Are the pants upright? +partiprompts147,"A glossy black dog with a curious expression sits snugly between a lush green bush and an unusual pair of green pants that stand upright as if an invisible person were inside them. The pants are supported by a hidden frame, creating a whimsical garden display. The dog's shiny coat contrasts with the matte texture of the foliage and the fabric of the pants.",,11,8,attribute,texture,"attribute - texture (pants, fabric)",Are the pants made of fabric? +partiprompts147,"A glossy black dog with a curious expression sits snugly between a lush green bush and an unusual pair of green pants that stand upright as if an invisible person were inside them. The pants are supported by a hidden frame, creating a whimsical garden display. The dog's shiny coat contrasts with the matte texture of the foliage and the fabric of the pants.",,12,8,attribute,other,"attribute - other (pants, unusual)",Are the pants unusual? +partiprompts147,"A glossy black dog with a curious expression sits snugly between a lush green bush and an unusual pair of green pants that stand upright as if an invisible person were inside them. The pants are supported by a hidden frame, creating a whimsical garden display. The dog's shiny coat contrasts with the matte texture of the foliage and the fabric of the pants.",,13,8,entity,state,"entity - state (pants, stand)",Are the pants standing? +partiprompts147,"A glossy black dog with a curious expression sits snugly between a lush green bush and an unusual pair of green pants that stand upright as if an invisible person were inside them. The pants are supported by a hidden frame, creating a whimsical garden display. The dog's shiny coat contrasts with the matte texture of the foliage and the fabric of the pants.",,14,8,attribute,other,"attribute - other (pants, supported by hidden frame)",Are the pants supported by a hidden frame? +partiprompts147,"A glossy black dog with a curious expression sits snugly between a lush green bush and an unusual pair of green pants that stand upright as if an invisible person were inside them. The pants are supported by a hidden frame, creating a whimsical garden display. The dog's shiny coat contrasts with the matte texture of the foliage and the fabric of the pants.",,15,8,attribute,other,"attribute - other (pants, whimsical garden display)",Is the pants a whimsical garden display? +partiprompts147,"A glossy black dog with a curious expression sits snugly between a lush green bush and an unusual pair of green pants that stand upright as if an invisible person were inside them. The pants are supported by a hidden frame, creating a whimsical garden display. The dog's shiny coat contrasts with the matte texture of the foliage and the fabric of the pants.",,16,6,attribute,texture,"attribute - texture (foliage, matte)",Is the foliage matte? +partiprompts147,"A glossy black dog with a curious expression sits snugly between a lush green bush and an unusual pair of green pants that stand upright as if an invisible person were inside them. The pants are supported by a hidden frame, creating a whimsical garden display. The dog's shiny coat contrasts with the matte texture of the foliage and the fabric of the pants.",,17,"1,5",relation,spatial,"relation - spatial (dog, bush, between)",Is the dog between the bush? +partiprompts147,"A glossy black dog with a curious expression sits snugly between a lush green bush and an unusual pair of green pants that stand upright as if an invisible person were inside them. The pants are supported by a hidden frame, creating a whimsical garden display. The dog's shiny coat contrasts with the matte texture of the foliage and the fabric of the pants.",,18,"1,8",relation,spatial,"relation - spatial (dog, pants, between)",Is the dog between the pants? +partiprompts245,"a spacious room featuring a large painting of the Statue of Liberty prominently displayed on the main wall. Two modern chairs with sleek, silver frames and black cushions are positioned facing the artwork, creating a simple yet elegant seating area. The floor beneath is a polished hardwood, reflecting the soft light that filters into the room from a nearby window.",,1,0,entity,whole,entity - whole (room),Is there a room? +partiprompts245,"a spacious room featuring a large painting of the Statue of Liberty prominently displayed on the main wall. Two modern chairs with sleek, silver frames and black cushions are positioned facing the artwork, creating a simple yet elegant seating area. The floor beneath is a polished hardwood, reflecting the soft light that filters into the room from a nearby window.",,2,0,entity,whole,entity - whole (painting),Is there a painting? +partiprompts245,"a spacious room featuring a large painting of the Statue of Liberty prominently displayed on the main wall. Two modern chairs with sleek, silver frames and black cushions are positioned facing the artwork, creating a simple yet elegant seating area. The floor beneath is a polished hardwood, reflecting the soft light that filters into the room from a nearby window.",,3,0,entity,whole,entity - whole (Statue of Liberty),Is the Statue of Liberty in the painting? +partiprompts245,"a spacious room featuring a large painting of the Statue of Liberty prominently displayed on the main wall. Two modern chairs with sleek, silver frames and black cushions are positioned facing the artwork, creating a simple yet elegant seating area. The floor beneath is a polished hardwood, reflecting the soft light that filters into the room from a nearby window.",,4,0,entity,whole,entity - whole (wall),Is there a wall? +partiprompts245,"a spacious room featuring a large painting of the Statue of Liberty prominently displayed on the main wall. Two modern chairs with sleek, silver frames and black cushions are positioned facing the artwork, creating a simple yet elegant seating area. The floor beneath is a polished hardwood, reflecting the soft light that filters into the room from a nearby window.",,5,0,entity,whole,entity - whole (chairs),Are there chairs? +partiprompts245,"a spacious room featuring a large painting of the Statue of Liberty prominently displayed on the main wall. Two modern chairs with sleek, silver frames and black cushions are positioned facing the artwork, creating a simple yet elegant seating area. The floor beneath is a polished hardwood, reflecting the soft light that filters into the room from a nearby window.",,6,1,attribute,size,"attribute - size (room, spacious)",Is the room spacious? +partiprompts245,"a spacious room featuring a large painting of the Statue of Liberty prominently displayed on the main wall. Two modern chairs with sleek, silver frames and black cushions are positioned facing the artwork, creating a simple yet elegant seating area. The floor beneath is a polished hardwood, reflecting the soft light that filters into the room from a nearby window.",,7,2,attribute,size,"attribute - size (painting, large)",Is the painting large? +partiprompts245,"a spacious room featuring a large painting of the Statue of Liberty prominently displayed on the main wall. Two modern chairs with sleek, silver frames and black cushions are positioned facing the artwork, creating a simple yet elegant seating area. The floor beneath is a polished hardwood, reflecting the soft light that filters into the room from a nearby window.",,8,5,attribute,other,"attribute - other (chairs, modern)",Are the chairs modern? +partiprompts245,"a spacious room featuring a large painting of the Statue of Liberty prominently displayed on the main wall. Two modern chairs with sleek, silver frames and black cushions are positioned facing the artwork, creating a simple yet elegant seating area. The floor beneath is a polished hardwood, reflecting the soft light that filters into the room from a nearby window.",,9,5,attribute,color,"attribute - color (chairs, silver)",Are the chairs silver? +partiprompts245,"a spacious room featuring a large painting of the Statue of Liberty prominently displayed on the main wall. Two modern chairs with sleek, silver frames and black cushions are positioned facing the artwork, creating a simple yet elegant seating area. The floor beneath is a polished hardwood, reflecting the soft light that filters into the room from a nearby window.",,10,5,attribute,color,"attribute - color (cushions, black)",Are the cushions black? +partiprompts245,"a spacious room featuring a large painting of the Statue of Liberty prominently displayed on the main wall. Two modern chairs with sleek, silver frames and black cushions are positioned facing the artwork, creating a simple yet elegant seating area. The floor beneath is a polished hardwood, reflecting the soft light that filters into the room from a nearby window.",,11,1,attribute,texture,"attribute - texture (floor, polished hardwood)",Is the floor polished hardwood? +partiprompts245,"a spacious room featuring a large painting of the Statue of Liberty prominently displayed on the main wall. Two modern chairs with sleek, silver frames and black cushions are positioned facing the artwork, creating a simple yet elegant seating area. The floor beneath is a polished hardwood, reflecting the soft light that filters into the room from a nearby window.",,12,"2,4",relation,spatial,"relation - spatial (painting, wall, on)",Is the painting on the wall? +partiprompts245,"a spacious room featuring a large painting of the Statue of Liberty prominently displayed on the main wall. Two modern chairs with sleek, silver frames and black cushions are positioned facing the artwork, creating a simple yet elegant seating area. The floor beneath is a polished hardwood, reflecting the soft light that filters into the room from a nearby window.",,13,"5,2",relation,spatial,"relation - spatial (chairs, artwork, facing)",Are the chairs facing the artwork? +partiprompts245,"a spacious room featuring a large painting of the Statue of Liberty prominently displayed on the main wall. Two modern chairs with sleek, silver frames and black cushions are positioned facing the artwork, creating a simple yet elegant seating area. The floor beneath is a polished hardwood, reflecting the soft light that filters into the room from a nearby window.",,14,"11,1",relation,spatial,"relation - spatial (floor, room, beneath)",Is the floor beneath the room? +partiprompts245,"a spacious room featuring a large painting of the Statue of Liberty prominently displayed on the main wall. Two modern chairs with sleek, silver frames and black cushions are positioned facing the artwork, creating a simple yet elegant seating area. The floor beneath is a polished hardwood, reflecting the soft light that filters into the room from a nearby window.",,15,"11,1",relation,spatial,"relation - spatial (floor, window, nearby)",Is the window nearby the floor? +partiprompts149,"A fluffy white poodle, adorned with a red baseball cap, stands on its hind legs in front of a green chalkboard. In one paw, it holds a large, open dictionary, while the other paw is used to scrawl the word ""bonez"" in white chalk. The floor beneath the poodle is scattered with colorful pieces of chalk, and the room is filled with small wooden desks and chairs, suggesting a classroom setting.",,1,0,entity,whole,entity - whole (poodle),Is there a poodle? +partiprompts149,"A fluffy white poodle, adorned with a red baseball cap, stands on its hind legs in front of a green chalkboard. In one paw, it holds a large, open dictionary, while the other paw is used to scrawl the word ""bonez"" in white chalk. The floor beneath the poodle is scattered with colorful pieces of chalk, and the room is filled with small wooden desks and chairs, suggesting a classroom setting.",,2,0,entity,whole,entity - whole (baseball cap),Is the poodle wearing a baseball cap? +partiprompts149,"A fluffy white poodle, adorned with a red baseball cap, stands on its hind legs in front of a green chalkboard. In one paw, it holds a large, open dictionary, while the other paw is used to scrawl the word ""bonez"" in white chalk. The floor beneath the poodle is scattered with colorful pieces of chalk, and the room is filled with small wooden desks and chairs, suggesting a classroom setting.",,3,0,entity,whole,entity - whole (chalkboard),Is there a chalkboard? +partiprompts149,"A fluffy white poodle, adorned with a red baseball cap, stands on its hind legs in front of a green chalkboard. In one paw, it holds a large, open dictionary, while the other paw is used to scrawl the word ""bonez"" in white chalk. The floor beneath the poodle is scattered with colorful pieces of chalk, and the room is filled with small wooden desks and chairs, suggesting a classroom setting.",,4,0,entity,whole,entity - whole (dictionary),Is there a dictionary? +partiprompts149,"A fluffy white poodle, adorned with a red baseball cap, stands on its hind legs in front of a green chalkboard. In one paw, it holds a large, open dictionary, while the other paw is used to scrawl the word ""bonez"" in white chalk. The floor beneath the poodle is scattered with colorful pieces of chalk, and the room is filled with small wooden desks and chairs, suggesting a classroom setting.",,5,0,entity,whole,entity - whole (chalk),Is there chalk? +partiprompts149,"A fluffy white poodle, adorned with a red baseball cap, stands on its hind legs in front of a green chalkboard. In one paw, it holds a large, open dictionary, while the other paw is used to scrawl the word ""bonez"" in white chalk. The floor beneath the poodle is scattered with colorful pieces of chalk, and the room is filled with small wooden desks and chairs, suggesting a classroom setting.",,6,0,entity,whole,entity - whole (floor),Is there a floor? +partiprompts149,"A fluffy white poodle, adorned with a red baseball cap, stands on its hind legs in front of a green chalkboard. In one paw, it holds a large, open dictionary, while the other paw is used to scrawl the word ""bonez"" in white chalk. The floor beneath the poodle is scattered with colorful pieces of chalk, and the room is filled with small wooden desks and chairs, suggesting a classroom setting.",,7,0,entity,whole,entity - whole (room),Is there a room? +partiprompts149,"A fluffy white poodle, adorned with a red baseball cap, stands on its hind legs in front of a green chalkboard. In one paw, it holds a large, open dictionary, while the other paw is used to scrawl the word ""bonez"" in white chalk. The floor beneath the poodle is scattered with colorful pieces of chalk, and the room is filled with small wooden desks and chairs, suggesting a classroom setting.",,8,0,entity,whole,entity - whole (desks),Are there desks? +partiprompts149,"A fluffy white poodle, adorned with a red baseball cap, stands on its hind legs in front of a green chalkboard. In one paw, it holds a large, open dictionary, while the other paw is used to scrawl the word ""bonez"" in white chalk. The floor beneath the poodle is scattered with colorful pieces of chalk, and the room is filled with small wooden desks and chairs, suggesting a classroom setting.",,9,0,entity,whole,entity - whole (chairs),Are there chairs? +partiprompts149,"A fluffy white poodle, adorned with a red baseball cap, stands on its hind legs in front of a green chalkboard. In one paw, it holds a large, open dictionary, while the other paw is used to scrawl the word ""bonez"" in white chalk. The floor beneath the poodle is scattered with colorful pieces of chalk, and the room is filled with small wooden desks and chairs, suggesting a classroom setting.",,10,1,attribute,color,"attribute - color (poodle, white)",Is the poodle white? +partiprompts149,"A fluffy white poodle, adorned with a red baseball cap, stands on its hind legs in front of a green chalkboard. In one paw, it holds a large, open dictionary, while the other paw is used to scrawl the word ""bonez"" in white chalk. The floor beneath the poodle is scattered with colorful pieces of chalk, and the room is filled with small wooden desks and chairs, suggesting a classroom setting.",,11,2,attribute,color,"attribute - color (baseball cap, red)",Is the baseball cap red? +partiprompts149,"A fluffy white poodle, adorned with a red baseball cap, stands on its hind legs in front of a green chalkboard. In one paw, it holds a large, open dictionary, while the other paw is used to scrawl the word ""bonez"" in white chalk. The floor beneath the poodle is scattered with colorful pieces of chalk, and the room is filled with small wooden desks and chairs, suggesting a classroom setting.",,12,3,attribute,color,"attribute - color (chalkboard, green)",Is the chalkboard green? +partiprompts149,"A fluffy white poodle, adorned with a red baseball cap, stands on its hind legs in front of a green chalkboard. In one paw, it holds a large, open dictionary, while the other paw is used to scrawl the word ""bonez"" in white chalk. The floor beneath the poodle is scattered with colorful pieces of chalk, and the room is filled with small wooden desks and chairs, suggesting a classroom setting.",,13,5,attribute,color,"attribute - color (chalk, colorful)",Is the chalk colorful? +partiprompts149,"A fluffy white poodle, adorned with a red baseball cap, stands on its hind legs in front of a green chalkboard. In one paw, it holds a large, open dictionary, while the other paw is used to scrawl the word ""bonez"" in white chalk. The floor beneath the poodle is scattered with colorful pieces of chalk, and the room is filled with small wooden desks and chairs, suggesting a classroom setting.",,14,1,attribute,texture,"attribute - texture (poodle, fluffy)",Is the poodle fluffy? +partiprompts149,"A fluffy white poodle, adorned with a red baseball cap, stands on its hind legs in front of a green chalkboard. In one paw, it holds a large, open dictionary, while the other paw is used to scrawl the word ""bonez"" in white chalk. The floor beneath the poodle is scattered with colorful pieces of chalk, and the room is filled with small wooden desks and chairs, suggesting a classroom setting.",,15,3,attribute,texture,"attribute - texture (chalkboard, wooden)",Is the chalkboard wooden? +partiprompts149,"A fluffy white poodle, adorned with a red baseball cap, stands on its hind legs in front of a green chalkboard. In one paw, it holds a large, open dictionary, while the other paw is used to scrawl the word ""bonez"" in white chalk. The floor beneath the poodle is scattered with colorful pieces of chalk, and the room is filled with small wooden desks and chairs, suggesting a classroom setting.",,16,1,entity,state,"entity - state (poodle, stand on hind legs)",Is the poodle standing on hind legs? +partiprompts149,"A fluffy white poodle, adorned with a red baseball cap, stands on its hind legs in front of a green chalkboard. In one paw, it holds a large, open dictionary, while the other paw is used to scrawl the word ""bonez"" in white chalk. The floor beneath the poodle is scattered with colorful pieces of chalk, and the room is filled with small wooden desks and chairs, suggesting a classroom setting.",,17,4,entity,state,"entity - state (poodle, hold dictionary)",Is the poodle holding a dictionary? +partiprompts149,"A fluffy white poodle, adorned with a red baseball cap, stands on its hind legs in front of a green chalkboard. In one paw, it holds a large, open dictionary, while the other paw is used to scrawl the word ""bonez"" in white chalk. The floor beneath the poodle is scattered with colorful pieces of chalk, and the room is filled with small wooden desks and chairs, suggesting a classroom setting.",,18,4,entity,state,"entity - state (poodle, scrawl with chalk)",Is the poodle scrawling with chalk? +partiprompts149,"A fluffy white poodle, adorned with a red baseball cap, stands on its hind legs in front of a green chalkboard. In one paw, it holds a large, open dictionary, while the other paw is used to scrawl the word ""bonez"" in white chalk. The floor beneath the poodle is scattered with colorful pieces of chalk, and the room is filled with small wooden desks and chairs, suggesting a classroom setting.",,19,6,entity,state,"entity - state (floor, scattered with chalk)",Is the floor scattered with chalk? +partiprompts149,"A fluffy white poodle, adorned with a red baseball cap, stands on its hind legs in front of a green chalkboard. In one paw, it holds a large, open dictionary, while the other paw is used to scrawl the word ""bonez"" in white chalk. The floor beneath the poodle is scattered with colorful pieces of chalk, and the room is filled with small wooden desks and chairs, suggesting a classroom setting.",,20,"1,3",relation,spatial,"relation - spatial (poodle, chalkboard, in front of)",Is the poodle in front of the chalkboard? +partiprompts149,"A fluffy white poodle, adorned with a red baseball cap, stands on its hind legs in front of a green chalkboard. In one paw, it holds a large, open dictionary, while the other paw is used to scrawl the word ""bonez"" in white chalk. The floor beneath the poodle is scattered with colorful pieces of chalk, and the room is filled with small wooden desks and chairs, suggesting a classroom setting.",,21,"1,6",relation,spatial,"relation - spatial (poodle, floor, on)",Is the poodle on the floor? +partiprompts149,"A fluffy white poodle, adorned with a red baseball cap, stands on its hind legs in front of a green chalkboard. In one paw, it holds a large, open dictionary, while the other paw is used to scrawl the word ""bonez"" in white chalk. The floor beneath the poodle is scattered with colorful pieces of chalk, and the room is filled with small wooden desks and chairs, suggesting a classroom setting.",,22,"1,7",relation,spatial,"relation - spatial (poodle, desks, in)",Is the poodle among desks? +partiprompts149,"A fluffy white poodle, adorned with a red baseball cap, stands on its hind legs in front of a green chalkboard. In one paw, it holds a large, open dictionary, while the other paw is used to scrawl the word ""bonez"" in white chalk. The floor beneath the poodle is scattered with colorful pieces of chalk, and the room is filled with small wooden desks and chairs, suggesting a classroom setting.",,23,"1,7",relation,spatial,"relation - spatial (poodle, chairs, in)",Is the poodle among chairs? +partiprompts149,"A fluffy white poodle, adorned with a red baseball cap, stands on its hind legs in front of a green chalkboard. In one paw, it holds a large, open dictionary, while the other paw is used to scrawl the word ""bonez"" in white chalk. The floor beneath the poodle is scattered with colorful pieces of chalk, and the room is filled with small wooden desks and chairs, suggesting a classroom setting.",,24,"3,7",relation,spatial,"relation - spatial (chalkboard, room, in)",Is the chalkboard in the room? +partiprompts149,"A fluffy white poodle, adorned with a red baseball cap, stands on its hind legs in front of a green chalkboard. In one paw, it holds a large, open dictionary, while the other paw is used to scrawl the word ""bonez"" in white chalk. The floor beneath the poodle is scattered with colorful pieces of chalk, and the room is filled with small wooden desks and chairs, suggesting a classroom setting.",,25,"6,7",relation,spatial,"relation - spatial (floor, room, in)",Is the floor in the room? +partiprompts149,"A fluffy white poodle, adorned with a red baseball cap, stands on its hind legs in front of a green chalkboard. In one paw, it holds a large, open dictionary, while the other paw is used to scrawl the word ""bonez"" in white chalk. The floor beneath the poodle is scattered with colorful pieces of chalk, and the room is filled with small wooden desks and chairs, suggesting a classroom setting.",,26,"7,7",relation,spatial,"relation - spatial (desks, room, in)",Are the desks in the room? +partiprompts149,"A fluffy white poodle, adorned with a red baseball cap, stands on its hind legs in front of a green chalkboard. In one paw, it holds a large, open dictionary, while the other paw is used to scrawl the word ""bonez"" in white chalk. The floor beneath the poodle is scattered with colorful pieces of chalk, and the room is filled with small wooden desks and chairs, suggesting a classroom setting.",,27,"7,7",relation,spatial,"relation - spatial (chairs, room, in)",Are the chairs in the room? +partiprompts149,"A fluffy white poodle, adorned with a red baseball cap, stands on its hind legs in front of a green chalkboard. In one paw, it holds a large, open dictionary, while the other paw is used to scrawl the word ""bonez"" in white chalk. The floor beneath the poodle is scattered with colorful pieces of chalk, and the room is filled with small wooden desks and chairs, suggesting a classroom setting.",,28,"1,4",relation,spatial,"relation - spatial (chalk, poodle, in paw)",Is the chalk in the poodle's paw? +partiprompts149,"A fluffy white poodle, adorned with a red baseball cap, stands on its hind legs in front of a green chalkboard. In one paw, it holds a large, open dictionary, while the other paw is used to scrawl the word ""bonez"" in white chalk. The floor beneath the poodle is scattered with colorful pieces of chalk, and the room is filled with small wooden desks and chairs, suggesting a classroom setting.",,29,"1,5",relation,spatial,"relation - spatial (poodle, chalk, scrawl with)",Is the poodle using the chalk to scrawl? +partiprompts281,"An outdoor scene featuring a textured gravel driveway where a bright orange basketball rests to the left of two black and white soccer balls. The driveway is bordered by a patch of green grass, and the balls cast soft shadows on the ground due to the overhead sunlight. In the background, there is a glimpse of a wooden fence that marks the boundary of the property.",,1,0,global,,global - (outdoor scene),Is this an outdoor scene? +partiprompts281,"An outdoor scene featuring a textured gravel driveway where a bright orange basketball rests to the left of two black and white soccer balls. The driveway is bordered by a patch of green grass, and the balls cast soft shadows on the ground due to the overhead sunlight. In the background, there is a glimpse of a wooden fence that marks the boundary of the property.",,2,0,entity,whole,entity - whole (driveway),Is there a driveway? +partiprompts281,"An outdoor scene featuring a textured gravel driveway where a bright orange basketball rests to the left of two black and white soccer balls. The driveway is bordered by a patch of green grass, and the balls cast soft shadows on the ground due to the overhead sunlight. In the background, there is a glimpse of a wooden fence that marks the boundary of the property.",,3,2,entity,whole,entity - whole (basketball),Is there a basketball? +partiprompts281,"An outdoor scene featuring a textured gravel driveway where a bright orange basketball rests to the left of two black and white soccer balls. The driveway is bordered by a patch of green grass, and the balls cast soft shadows on the ground due to the overhead sunlight. In the background, there is a glimpse of a wooden fence that marks the boundary of the property.",,4,0,other,count,"other - count (soccer balls, ==2)",Are there two soccer balls? +partiprompts281,"An outdoor scene featuring a textured gravel driveway where a bright orange basketball rests to the left of two black and white soccer balls. The driveway is bordered by a patch of green grass, and the balls cast soft shadows on the ground due to the overhead sunlight. In the background, there is a glimpse of a wooden fence that marks the boundary of the property.",,5,3,attribute,color,"attribute - color (basketball, orange)",Is the basketball orange? +partiprompts281,"An outdoor scene featuring a textured gravel driveway where a bright orange basketball rests to the left of two black and white soccer balls. The driveway is bordered by a patch of green grass, and the balls cast soft shadows on the ground due to the overhead sunlight. In the background, there is a glimpse of a wooden fence that marks the boundary of the property.",,6,4,attribute,color,"attribute - color (soccer balls, black and white)",Are the soccer balls black and white? +partiprompts281,"An outdoor scene featuring a textured gravel driveway where a bright orange basketball rests to the left of two black and white soccer balls. The driveway is bordered by a patch of green grass, and the balls cast soft shadows on the ground due to the overhead sunlight. In the background, there is a glimpse of a wooden fence that marks the boundary of the property.",,7,2,attribute,texture,"attribute - texture (driveway, gravel)",Is the driveway textured with gravel? +partiprompts281,"An outdoor scene featuring a textured gravel driveway where a bright orange basketball rests to the left of two black and white soccer balls. The driveway is bordered by a patch of green grass, and the balls cast soft shadows on the ground due to the overhead sunlight. In the background, there is a glimpse of a wooden fence that marks the boundary of the property.",,8,2,entity,whole,entity - whole (grass),Is there grass? +partiprompts281,"An outdoor scene featuring a textured gravel driveway where a bright orange basketball rests to the left of two black and white soccer balls. The driveway is bordered by a patch of green grass, and the balls cast soft shadows on the ground due to the overhead sunlight. In the background, there is a glimpse of a wooden fence that marks the boundary of the property.",,9,2,attribute,color,"attribute - color (grass, green)",Is the grass green? +partiprompts281,"An outdoor scene featuring a textured gravel driveway where a bright orange basketball rests to the left of two black and white soccer balls. The driveway is bordered by a patch of green grass, and the balls cast soft shadows on the ground due to the overhead sunlight. In the background, there is a glimpse of a wooden fence that marks the boundary of the property.",,10,0,entity,whole,entity - whole (fence),Is there a fence? +partiprompts281,"An outdoor scene featuring a textured gravel driveway where a bright orange basketball rests to the left of two black and white soccer balls. The driveway is bordered by a patch of green grass, and the balls cast soft shadows on the ground due to the overhead sunlight. In the background, there is a glimpse of a wooden fence that marks the boundary of the property.",,11,10,attribute,texture,"attribute - texture (fence, wooden)",Is the fence wooden? +partiprompts281,"An outdoor scene featuring a textured gravel driveway where a bright orange basketball rests to the left of two black and white soccer balls. The driveway is bordered by a patch of green grass, and the balls cast soft shadows on the ground due to the overhead sunlight. In the background, there is a glimpse of a wooden fence that marks the boundary of the property.",,12,"2,3",relation,spatial,"relation - spatial (basketball, driveway, left of)",Is the basketball to the left of the driveway? +partiprompts281,"An outdoor scene featuring a textured gravel driveway where a bright orange basketball rests to the left of two black and white soccer balls. The driveway is bordered by a patch of green grass, and the balls cast soft shadows on the ground due to the overhead sunlight. In the background, there is a glimpse of a wooden fence that marks the boundary of the property.",,13,"3,4",relation,spatial,"relation - spatial (soccer balls, driveway, left of)",Are the soccer balls to the left of the driveway? +partiprompts281,"An outdoor scene featuring a textured gravel driveway where a bright orange basketball rests to the left of two black and white soccer balls. The driveway is bordered by a patch of green grass, and the balls cast soft shadows on the ground due to the overhead sunlight. In the background, there is a glimpse of a wooden fence that marks the boundary of the property.",,14,3,relation,spatial,"relation - spatial (balls, ground, cast soft shadows)",Are the balls casting soft shadows on the ground? +partiprompts281,"An outdoor scene featuring a textured gravel driveway where a bright orange basketball rests to the left of two black and white soccer balls. The driveway is bordered by a patch of green grass, and the balls cast soft shadows on the ground due to the overhead sunlight. In the background, there is a glimpse of a wooden fence that marks the boundary of the property.",,15,3,relation,spatial,"relation - spatial (balls, sunlight, overhead)",Are the balls being lit by overhead sunlight? +partiprompts281,"An outdoor scene featuring a textured gravel driveway where a bright orange basketball rests to the left of two black and white soccer balls. The driveway is bordered by a patch of green grass, and the balls cast soft shadows on the ground due to the overhead sunlight. In the background, there is a glimpse of a wooden fence that marks the boundary of the property.",,16,"2,8",relation,spatial,"relation - spatial (driveway, grass, bordered by)",Is the driveway bordered by grass? +partiprompts281,"An outdoor scene featuring a textured gravel driveway where a bright orange basketball rests to the left of two black and white soccer balls. The driveway is bordered by a patch of green grass, and the balls cast soft shadows on the ground due to the overhead sunlight. In the background, there is a glimpse of a wooden fence that marks the boundary of the property.",,17,"2,10",relation,spatial,"relation - spatial (driveway, fence, in background)",Is the fence in the background of the driveway? +partiprompts136,"A whimsical scene featuring a small elf with pointed ears and a green hat, sipping orange juice through a long straw from a disproportionately large orange. Next to the elf, a curious squirrel perches on its hind legs, while an owl with wide, observant eyes watches intently from a branch overhead. The orange's vibrant color contrasts with the muted browns and greens of the surrounding forest foliage.",,1,0,entity,whole,entity - whole (scene),Is there a whimsical scene? +partiprompts136,"A whimsical scene featuring a small elf with pointed ears and a green hat, sipping orange juice through a long straw from a disproportionately large orange. Next to the elf, a curious squirrel perches on its hind legs, while an owl with wide, observant eyes watches intently from a branch overhead. The orange's vibrant color contrasts with the muted browns and greens of the surrounding forest foliage.",,2,1,entity,whole,entity - whole (elf),Is there an elf? +partiprompts136,"A whimsical scene featuring a small elf with pointed ears and a green hat, sipping orange juice through a long straw from a disproportionately large orange. Next to the elf, a curious squirrel perches on its hind legs, while an owl with wide, observant eyes watches intently from a branch overhead. The orange's vibrant color contrasts with the muted browns and greens of the surrounding forest foliage.",,3,2,entity,whole,entity - whole (hat),Is the elf wearing a hat? +partiprompts136,"A whimsical scene featuring a small elf with pointed ears and a green hat, sipping orange juice through a long straw from a disproportionately large orange. Next to the elf, a curious squirrel perches on its hind legs, while an owl with wide, observant eyes watches intently from a branch overhead. The orange's vibrant color contrasts with the muted browns and greens of the surrounding forest foliage.",,4,0,entity,whole,entity - whole (orange juice),Is the elf sipping orange juice? +partiprompts136,"A whimsical scene featuring a small elf with pointed ears and a green hat, sipping orange juice through a long straw from a disproportionately large orange. Next to the elf, a curious squirrel perches on its hind legs, while an owl with wide, observant eyes watches intently from a branch overhead. The orange's vibrant color contrasts with the muted browns and greens of the surrounding forest foliage.",,5,0,entity,whole,entity - whole (straw),Is there orange juice? +partiprompts136,"A whimsical scene featuring a small elf with pointed ears and a green hat, sipping orange juice through a long straw from a disproportionately large orange. Next to the elf, a curious squirrel perches on its hind legs, while an owl with wide, observant eyes watches intently from a branch overhead. The orange's vibrant color contrasts with the muted browns and greens of the surrounding forest foliage.",,6,0,entity,whole,entity - whole (orange),Is there a straw? +partiprompts136,"A whimsical scene featuring a small elf with pointed ears and a green hat, sipping orange juice through a long straw from a disproportionately large orange. Next to the elf, a curious squirrel perches on its hind legs, while an owl with wide, observant eyes watches intently from a branch overhead. The orange's vibrant color contrasts with the muted browns and greens of the surrounding forest foliage.",,7,0,entity,whole,entity - whole (squirrel),Is there an orange? +partiprompts136,"A whimsical scene featuring a small elf with pointed ears and a green hat, sipping orange juice through a long straw from a disproportionately large orange. Next to the elf, a curious squirrel perches on its hind legs, while an owl with wide, observant eyes watches intently from a branch overhead. The orange's vibrant color contrasts with the muted browns and greens of the surrounding forest foliage.",,8,0,entity,whole,entity - whole (owl),Is there a squirrel? +partiprompts136,"A whimsical scene featuring a small elf with pointed ears and a green hat, sipping orange juice through a long straw from a disproportionately large orange. Next to the elf, a curious squirrel perches on its hind legs, while an owl with wide, observant eyes watches intently from a branch overhead. The orange's vibrant color contrasts with the muted browns and greens of the surrounding forest foliage.",,9,6,attribute,color,"attribute - color (orange, vibrant)",Is the orange vibrant in color? +partiprompts136,"A whimsical scene featuring a small elf with pointed ears and a green hat, sipping orange juice through a long straw from a disproportionately large orange. Next to the elf, a curious squirrel perches on its hind legs, while an owl with wide, observant eyes watches intently from a branch overhead. The orange's vibrant color contrasts with the muted browns and greens of the surrounding forest foliage.",,10,10,attribute,color,"attribute - color (forest foliage, muted browns and greens)",Are the forest foliage colors muted browns and greens? +partiprompts136,"A whimsical scene featuring a small elf with pointed ears and a green hat, sipping orange juice through a long straw from a disproportionately large orange. Next to the elf, a curious squirrel perches on its hind legs, while an owl with wide, observant eyes watches intently from a branch overhead. The orange's vibrant color contrasts with the muted browns and greens of the surrounding forest foliage.",,11,8,attribute,color,"attribute - color (owl's eyes, wide and observant)",Are the owl's eyes wide and observant? +partiprompts136,"A whimsical scene featuring a small elf with pointed ears and a green hat, sipping orange juice through a long straw from a disproportionately large orange. Next to the elf, a curious squirrel perches on its hind legs, while an owl with wide, observant eyes watches intently from a branch overhead. The orange's vibrant color contrasts with the muted browns and greens of the surrounding forest foliage.",,12,2,attribute,other,"attribute - other (elf, small)",Is the elf small? +partiprompts136,"A whimsical scene featuring a small elf with pointed ears and a green hat, sipping orange juice through a long straw from a disproportionately large orange. Next to the elf, a curious squirrel perches on its hind legs, while an owl with wide, observant eyes watches intently from a branch overhead. The orange's vibrant color contrasts with the muted browns and greens of the surrounding forest foliage.",,13,2,attribute,other,"attribute - other (elf, pointed ears)",Does the elf have pointed ears? +partiprompts136,"A whimsical scene featuring a small elf with pointed ears and a green hat, sipping orange juice through a long straw from a disproportionately large orange. Next to the elf, a curious squirrel perches on its hind legs, while an owl with wide, observant eyes watches intently from a branch overhead. The orange's vibrant color contrasts with the muted browns and greens of the surrounding forest foliage.",,14,7,attribute,other,"attribute - other (squirrel, curious)",Is the squirrel curious? +partiprompts136,"A whimsical scene featuring a small elf with pointed ears and a green hat, sipping orange juice through a long straw from a disproportionately large orange. Next to the elf, a curious squirrel perches on its hind legs, while an owl with wide, observant eyes watches intently from a branch overhead. The orange's vibrant color contrasts with the muted browns and greens of the surrounding forest foliage.",,15,7,attribute,other,"attribute - other (squirrel, hind legs)",Is the squirrel standing on its hind legs? +partiprompts136,"A whimsical scene featuring a small elf with pointed ears and a green hat, sipping orange juice through a long straw from a disproportionately large orange. Next to the elf, a curious squirrel perches on its hind legs, while an owl with wide, observant eyes watches intently from a branch overhead. The orange's vibrant color contrasts with the muted browns and greens of the surrounding forest foliage.",,16,8,attribute,other,"attribute - other (owl, watch intently)",Is the owl watching intently? +partiprompts136,"A whimsical scene featuring a small elf with pointed ears and a green hat, sipping orange juice through a long straw from a disproportionately large orange. Next to the elf, a curious squirrel perches on its hind legs, while an owl with wide, observant eyes watches intently from a branch overhead. The orange's vibrant color contrasts with the muted browns and greens of the surrounding forest foliage.",,17,"2,6",relation,spatial,"relation - spatial (elf, orange, sip through straw)",Is the elf sipping orange juice through a straw? +partiprompts136,"A whimsical scene featuring a small elf with pointed ears and a green hat, sipping orange juice through a long straw from a disproportionately large orange. Next to the elf, a curious squirrel perches on its hind legs, while an owl with wide, observant eyes watches intently from a branch overhead. The orange's vibrant color contrasts with the muted browns and greens of the surrounding forest foliage.",,18,"7,2",relation,spatial,"relation - spatial (squirrel, elf, next to)",Is the squirrel next to the elf? +partiprompts136,"A whimsical scene featuring a small elf with pointed ears and a green hat, sipping orange juice through a long straw from a disproportionately large orange. Next to the elf, a curious squirrel perches on its hind legs, while an owl with wide, observant eyes watches intently from a branch overhead. The orange's vibrant color contrasts with the muted browns and greens of the surrounding forest foliage.",,19,"8,9",relation,spatial,"relation - spatial (owl, branch, overhead)",Is the owl on a branch overhead? +partiprompts219,"An aerial perspective showcases a red pickup truck with a silver flatbed, loaded with neatly stacked brown cardboard boxes. The truck is parked on a gray concrete driveway, adjacent to a well-manicured green lawn. Surrounding the vehicle, a few orange traffic cones are placed, indicating a temporary work zone or moving area.",,1,0,global,,global - (aerial perspective),Is this an aerial perspective? +partiprompts219,"An aerial perspective showcases a red pickup truck with a silver flatbed, loaded with neatly stacked brown cardboard boxes. The truck is parked on a gray concrete driveway, adjacent to a well-manicured green lawn. Surrounding the vehicle, a few orange traffic cones are placed, indicating a temporary work zone or moving area.",,2,0,entity,whole,entity - whole (pickup truck),Is there a pickup truck? +partiprompts219,"An aerial perspective showcases a red pickup truck with a silver flatbed, loaded with neatly stacked brown cardboard boxes. The truck is parked on a gray concrete driveway, adjacent to a well-manicured green lawn. Surrounding the vehicle, a few orange traffic cones are placed, indicating a temporary work zone or moving area.",,3,2,entity,whole,entity - whole (flatbed),Is there a flatbed? +partiprompts219,"An aerial perspective showcases a red pickup truck with a silver flatbed, loaded with neatly stacked brown cardboard boxes. The truck is parked on a gray concrete driveway, adjacent to a well-manicured green lawn. Surrounding the vehicle, a few orange traffic cones are placed, indicating a temporary work zone or moving area.",,4,0,entity,whole,entity - whole (cardboard boxes),Are there cardboard boxes? +partiprompts219,"An aerial perspective showcases a red pickup truck with a silver flatbed, loaded with neatly stacked brown cardboard boxes. The truck is parked on a gray concrete driveway, adjacent to a well-manicured green lawn. Surrounding the vehicle, a few orange traffic cones are placed, indicating a temporary work zone or moving area.",,5,0,entity,whole,entity - whole (driveway),Is there a driveway? +partiprompts219,"An aerial perspective showcases a red pickup truck with a silver flatbed, loaded with neatly stacked brown cardboard boxes. The truck is parked on a gray concrete driveway, adjacent to a well-manicured green lawn. Surrounding the vehicle, a few orange traffic cones are placed, indicating a temporary work zone or moving area.",,6,0,entity,whole,entity - whole (lawn),Is there a lawn? +partiprompts219,"An aerial perspective showcases a red pickup truck with a silver flatbed, loaded with neatly stacked brown cardboard boxes. The truck is parked on a gray concrete driveway, adjacent to a well-manicured green lawn. Surrounding the vehicle, a few orange traffic cones are placed, indicating a temporary work zone or moving area.",,7,0,entity,whole,entity - whole (traffic cones),Are there traffic cones? +partiprompts219,"An aerial perspective showcases a red pickup truck with a silver flatbed, loaded with neatly stacked brown cardboard boxes. The truck is parked on a gray concrete driveway, adjacent to a well-manicured green lawn. Surrounding the vehicle, a few orange traffic cones are placed, indicating a temporary work zone or moving area.",,8,2,attribute,color,"attribute - color (truck, red)",Is the truck red? +partiprompts219,"An aerial perspective showcases a red pickup truck with a silver flatbed, loaded with neatly stacked brown cardboard boxes. The truck is parked on a gray concrete driveway, adjacent to a well-manicured green lawn. Surrounding the vehicle, a few orange traffic cones are placed, indicating a temporary work zone or moving area.",,9,3,attribute,color,"attribute - color (flatbed, silver)",Is the flatbed silver? +partiprompts219,"An aerial perspective showcases a red pickup truck with a silver flatbed, loaded with neatly stacked brown cardboard boxes. The truck is parked on a gray concrete driveway, adjacent to a well-manicured green lawn. Surrounding the vehicle, a few orange traffic cones are placed, indicating a temporary work zone or moving area.",,10,4,attribute,color,"attribute - color (cardboard boxes, brown)",Are the cardboard boxes brown? +partiprompts219,"An aerial perspective showcases a red pickup truck with a silver flatbed, loaded with neatly stacked brown cardboard boxes. The truck is parked on a gray concrete driveway, adjacent to a well-manicured green lawn. Surrounding the vehicle, a few orange traffic cones are placed, indicating a temporary work zone or moving area.",,11,5,attribute,color,"attribute - color (driveway, gray)",Is the driveway gray? +partiprompts219,"An aerial perspective showcases a red pickup truck with a silver flatbed, loaded with neatly stacked brown cardboard boxes. The truck is parked on a gray concrete driveway, adjacent to a well-manicured green lawn. Surrounding the vehicle, a few orange traffic cones are placed, indicating a temporary work zone or moving area.",,12,6,attribute,color,"attribute - color (lawn, green)",Is the lawn green? +partiprompts219,"An aerial perspective showcases a red pickup truck with a silver flatbed, loaded with neatly stacked brown cardboard boxes. The truck is parked on a gray concrete driveway, adjacent to a well-manicured green lawn. Surrounding the vehicle, a few orange traffic cones are placed, indicating a temporary work zone or moving area.",,13,7,attribute,color,"attribute - color (traffic cones, orange)",Are the traffic cones orange? +partiprompts219,"An aerial perspective showcases a red pickup truck with a silver flatbed, loaded with neatly stacked brown cardboard boxes. The truck is parked on a gray concrete driveway, adjacent to a well-manicured green lawn. Surrounding the vehicle, a few orange traffic cones are placed, indicating a temporary work zone or moving area.",,14,4,attribute,texture,"attribute - texture (cardboard boxes, neatly stacked)",Are the cardboard boxes neatly stacked? +partiprompts219,"An aerial perspective showcases a red pickup truck with a silver flatbed, loaded with neatly stacked brown cardboard boxes. The truck is parked on a gray concrete driveway, adjacent to a well-manicured green lawn. Surrounding the vehicle, a few orange traffic cones are placed, indicating a temporary work zone or moving area.",,15,5,attribute,texture,"attribute - texture (driveway, concrete)",Is the driveway made of concrete? +partiprompts219,"An aerial perspective showcases a red pickup truck with a silver flatbed, loaded with neatly stacked brown cardboard boxes. The truck is parked on a gray concrete driveway, adjacent to a well-manicured green lawn. Surrounding the vehicle, a few orange traffic cones are placed, indicating a temporary work zone or moving area.",,16,6,attribute,texture,"attribute - texture (lawn, well-manicured)",Is the lawn well-manicured? +partiprompts219,"An aerial perspective showcases a red pickup truck with a silver flatbed, loaded with neatly stacked brown cardboard boxes. The truck is parked on a gray concrete driveway, adjacent to a well-manicured green lawn. Surrounding the vehicle, a few orange traffic cones are placed, indicating a temporary work zone or moving area.",,17,"2,5",relation,spatial,"relation - spatial (truck, driveway, on)",Is the truck parked on the driveway? +partiprompts219,"An aerial perspective showcases a red pickup truck with a silver flatbed, loaded with neatly stacked brown cardboard boxes. The truck is parked on a gray concrete driveway, adjacent to a well-manicured green lawn. Surrounding the vehicle, a few orange traffic cones are placed, indicating a temporary work zone or moving area.",,18,"2,6",relation,spatial,"relation - spatial (truck, lawn, adjacent to)",Is the truck adjacent to the lawn? +partiprompts219,"An aerial perspective showcases a red pickup truck with a silver flatbed, loaded with neatly stacked brown cardboard boxes. The truck is parked on a gray concrete driveway, adjacent to a well-manicured green lawn. Surrounding the vehicle, a few orange traffic cones are placed, indicating a temporary work zone or moving area.",,19,"2,7",relation,spatial,"relation - spatial (truck, traffic cones, surrounding)",Are the traffic cones surrounding the truck? +partiprompts219,"An aerial perspective showcases a red pickup truck with a silver flatbed, loaded with neatly stacked brown cardboard boxes. The truck is parked on a gray concrete driveway, adjacent to a well-manicured green lawn. Surrounding the vehicle, a few orange traffic cones are placed, indicating a temporary work zone or moving area.",,20,7,attribute,other,"attribute - other (traffic cones, temporary work zone)",Are the traffic cones indicating a temporary work zone or moving area? +partiprompts310,"A close-up image of an intricately designed lotus flower, which appears to be crafted entirely from crystal-clear water droplets. The flower is set against a backdrop of soft green lily pads floating on a tranquil pond. Sunlight filters through the scene, highlighting the delicate texture and the shimmering surface of the water-formed petals.",,1,0,global,,global - (close-up image),Is this a close-up image? +partiprompts310,"A close-up image of an intricately designed lotus flower, which appears to be crafted entirely from crystal-clear water droplets. The flower is set against a backdrop of soft green lily pads floating on a tranquil pond. Sunlight filters through the scene, highlighting the delicate texture and the shimmering surface of the water-formed petals.",,2,0,entity,whole,entity - whole (lotus flower),Is there a lotus flower? +partiprompts310,"A close-up image of an intricately designed lotus flower, which appears to be crafted entirely from crystal-clear water droplets. The flower is set against a backdrop of soft green lily pads floating on a tranquil pond. Sunlight filters through the scene, highlighting the delicate texture and the shimmering surface of the water-formed petals.",,3,2,attribute,texture,"attribute - texture (lotus flower, intricately designed)",Is the lotus flower intricately designed? +partiprompts310,"A close-up image of an intricately designed lotus flower, which appears to be crafted entirely from crystal-clear water droplets. The flower is set against a backdrop of soft green lily pads floating on a tranquil pond. Sunlight filters through the scene, highlighting the delicate texture and the shimmering surface of the water-formed petals.",,4,2,attribute,texture,"attribute - texture (lotus flower, crystal-clear water droplets)",Is the lotus flower made of crystal-clear water droplets? +partiprompts310,"A close-up image of an intricately designed lotus flower, which appears to be crafted entirely from crystal-clear water droplets. The flower is set against a backdrop of soft green lily pads floating on a tranquil pond. Sunlight filters through the scene, highlighting the delicate texture and the shimmering surface of the water-formed petals.",,5,0,entity,whole,entity - whole (lily pads),Are there lily pads? +partiprompts310,"A close-up image of an intricately designed lotus flower, which appears to be crafted entirely from crystal-clear water droplets. The flower is set against a backdrop of soft green lily pads floating on a tranquil pond. Sunlight filters through the scene, highlighting the delicate texture and the shimmering surface of the water-formed petals.",,6,5,attribute,color,"attribute - color (lily pads, soft green)",Are the lily pads soft green? +partiprompts310,"A close-up image of an intricately designed lotus flower, which appears to be crafted entirely from crystal-clear water droplets. The flower is set against a backdrop of soft green lily pads floating on a tranquil pond. Sunlight filters through the scene, highlighting the delicate texture and the shimmering surface of the water-formed petals.",,7,0,entity,whole,entity - whole (pond),Is there a pond? +partiprompts310,"A close-up image of an intricately designed lotus flower, which appears to be crafted entirely from crystal-clear water droplets. The flower is set against a backdrop of soft green lily pads floating on a tranquil pond. Sunlight filters through the scene, highlighting the delicate texture and the shimmering surface of the water-formed petals.",,8,7,attribute,other,"attribute - other (pond, tranquil)",Is the pond tranquil? +partiprompts310,"A close-up image of an intricately designed lotus flower, which appears to be crafted entirely from crystal-clear water droplets. The flower is set against a backdrop of soft green lily pads floating on a tranquil pond. Sunlight filters through the scene, highlighting the delicate texture and the shimmering surface of the water-formed petals.",,9,0,attribute,other,"attribute - other (sunlight, filters through)",Does sunlight filter through the scene? +partiprompts310,"A close-up image of an intricately designed lotus flower, which appears to be crafted entirely from crystal-clear water droplets. The flower is set against a backdrop of soft green lily pads floating on a tranquil pond. Sunlight filters through the scene, highlighting the delicate texture and the shimmering surface of the water-formed petals.",,10,2,attribute,other,"attribute - other (petals, water-formed)",Are the petals water-formed? +partiprompts310,"A close-up image of an intricately designed lotus flower, which appears to be crafted entirely from crystal-clear water droplets. The flower is set against a backdrop of soft green lily pads floating on a tranquil pond. Sunlight filters through the scene, highlighting the delicate texture and the shimmering surface of the water-formed petals.",,11,2,attribute,other,"attribute - other (petals, shimmering)",Are the petals shimmering? +partiprompts310,"A close-up image of an intricately designed lotus flower, which appears to be crafted entirely from crystal-clear water droplets. The flower is set against a backdrop of soft green lily pads floating on a tranquil pond. Sunlight filters through the scene, highlighting the delicate texture and the shimmering surface of the water-formed petals.",,12,"2,5",relation,spatial,"relation - spatial (lotus flower, lily pads, against)",Is the lotus flower against the lily pads? +partiprompts310,"A close-up image of an intricately designed lotus flower, which appears to be crafted entirely from crystal-clear water droplets. The flower is set against a backdrop of soft green lily pads floating on a tranquil pond. Sunlight filters through the scene, highlighting the delicate texture and the shimmering surface of the water-formed petals.",,13,"2,7",relation,spatial,"relation - spatial (lotus flower, pond, against)",Is the lotus flower against the pond? +partiprompts310,"A close-up image of an intricately designed lotus flower, which appears to be crafted entirely from crystal-clear water droplets. The flower is set against a backdrop of soft green lily pads floating on a tranquil pond. Sunlight filters through the scene, highlighting the delicate texture and the shimmering surface of the water-formed petals.",,14,9,relation,spatial,"relation - spatial (sunlight, scene, through)",Does sunlight filter through the scene? +partiprompts70,"a geometric pattern consisting of multiple squares, each progressively smaller and nested within the other. The outermost square is a bright yellow, with each subsequent square transitioning smoothly into a deeper shade of orange as they move inward. The squares are evenly spaced, creating a gradient effect that draws the eye toward the center, where the deepest hue of orange resides.",,1,0,entity,whole,entity - whole (geometric pattern),Is there a geometric pattern? +partiprompts70,"a geometric pattern consisting of multiple squares, each progressively smaller and nested within the other. The outermost square is a bright yellow, with each subsequent square transitioning smoothly into a deeper shade of orange as they move inward. The squares are evenly spaced, creating a gradient effect that draws the eye toward the center, where the deepest hue of orange resides.",,2,1,entity,whole,entity - whole (squares),Are there squares? +partiprompts70,"a geometric pattern consisting of multiple squares, each progressively smaller and nested within the other. The outermost square is a bright yellow, with each subsequent square transitioning smoothly into a deeper shade of orange as they move inward. The squares are evenly spaced, creating a gradient effect that draws the eye toward the center, where the deepest hue of orange resides.",,3,2,attribute,shape,"attribute - shape (squares, square)",Are the shapes squares? +partiprompts70,"a geometric pattern consisting of multiple squares, each progressively smaller and nested within the other. The outermost square is a bright yellow, with each subsequent square transitioning smoothly into a deeper shade of orange as they move inward. The squares are evenly spaced, creating a gradient effect that draws the eye toward the center, where the deepest hue of orange resides.",,4,2,attribute,color,"attribute - color (outermost square, bright yellow)",Is the outermost square bright yellow? +partiprompts70,"a geometric pattern consisting of multiple squares, each progressively smaller and nested within the other. The outermost square is a bright yellow, with each subsequent square transitioning smoothly into a deeper shade of orange as they move inward. The squares are evenly spaced, creating a gradient effect that draws the eye toward the center, where the deepest hue of orange resides.",,5,2,attribute,color,"attribute - color (inner squares, shades of orange)",Are the inner squares shades of orange? +partiprompts70,"a geometric pattern consisting of multiple squares, each progressively smaller and nested within the other. The outermost square is a bright yellow, with each subsequent square transitioning smoothly into a deeper shade of orange as they move inward. The squares are evenly spaced, creating a gradient effect that draws the eye toward the center, where the deepest hue of orange resides.",,6,2,attribute,texture,"attribute - texture (squares, nested)",Are the squares nested within each other? +partiprompts70,"a geometric pattern consisting of multiple squares, each progressively smaller and nested within the other. The outermost square is a bright yellow, with each subsequent square transitioning smoothly into a deeper shade of orange as they move inward. The squares are evenly spaced, creating a gradient effect that draws the eye toward the center, where the deepest hue of orange resides.",,7,2,attribute,size,"attribute - size (squares, progressively smaller)",Are the squares progressively smaller? +partiprompts70,"a geometric pattern consisting of multiple squares, each progressively smaller and nested within the other. The outermost square is a bright yellow, with each subsequent square transitioning smoothly into a deeper shade of orange as they move inward. The squares are evenly spaced, creating a gradient effect that draws the eye toward the center, where the deepest hue of orange resides.",,8,2,relation,spatial,"relation - spatial (squares, evenly spaced)",Are the squares evenly spaced? +partiprompts70,"a geometric pattern consisting of multiple squares, each progressively smaller and nested within the other. The outermost square is a bright yellow, with each subsequent square transitioning smoothly into a deeper shade of orange as they move inward. The squares are evenly spaced, creating a gradient effect that draws the eye toward the center, where the deepest hue of orange resides.",,9,2,relation,spatial,"relation - spatial (squares, gradient effect)",Does the pattern create a gradient effect? +partiprompts70,"a geometric pattern consisting of multiple squares, each progressively smaller and nested within the other. The outermost square is a bright yellow, with each subsequent square transitioning smoothly into a deeper shade of orange as they move inward. The squares are evenly spaced, creating a gradient effect that draws the eye toward the center, where the deepest hue of orange resides.",,10,"2,9",relation,spatial,"relation - spatial (deepest hue of orange, center)",Is the deepest hue of orange at the center? +partiprompts41,"A ripe, golden pineapple sits centered on a light wooden table, with a single green-bottled beer to its left and a pair of identical bottles to its right. The beers have droplets of condensation on their surfaces, indicating they are chilled. The pineapple's spiky green leaves contrast with the smooth, cylindrical shape of the beer bottles.",,1,0,entity,whole,entity - whole (pineapple),Is there a pineapple? +partiprompts41,"A ripe, golden pineapple sits centered on a light wooden table, with a single green-bottled beer to its left and a pair of identical bottles to its right. The beers have droplets of condensation on their surfaces, indicating they are chilled. The pineapple's spiky green leaves contrast with the smooth, cylindrical shape of the beer bottles.",,2,0,entity,whole,entity - whole (table),Is there a table? +partiprompts41,"A ripe, golden pineapple sits centered on a light wooden table, with a single green-bottled beer to its left and a pair of identical bottles to its right. The beers have droplets of condensation on their surfaces, indicating they are chilled. The pineapple's spiky green leaves contrast with the smooth, cylindrical shape of the beer bottles.",,3,0,entity,whole,entity - whole (beer),Is there beer? +partiprompts41,"A ripe, golden pineapple sits centered on a light wooden table, with a single green-bottled beer to its left and a pair of identical bottles to its right. The beers have droplets of condensation on their surfaces, indicating they are chilled. The pineapple's spiky green leaves contrast with the smooth, cylindrical shape of the beer bottles.",,4,3,other,count,"other - count (beer, ==3)",Are there three beers? +partiprompts41,"A ripe, golden pineapple sits centered on a light wooden table, with a single green-bottled beer to its left and a pair of identical bottles to its right. The beers have droplets of condensation on their surfaces, indicating they are chilled. The pineapple's spiky green leaves contrast with the smooth, cylindrical shape of the beer bottles.",,5,1,attribute,color,"attribute - color (pineapple, golden)",Is the pineapple golden? +partiprompts41,"A ripe, golden pineapple sits centered on a light wooden table, with a single green-bottled beer to its left and a pair of identical bottles to its right. The beers have droplets of condensation on their surfaces, indicating they are chilled. The pineapple's spiky green leaves contrast with the smooth, cylindrical shape of the beer bottles.",,6,2,attribute,color,"attribute - color (table, light wooden)",Is the table light wooden? +partiprompts41,"A ripe, golden pineapple sits centered on a light wooden table, with a single green-bottled beer to its left and a pair of identical bottles to its right. The beers have droplets of condensation on their surfaces, indicating they are chilled. The pineapple's spiky green leaves contrast with the smooth, cylindrical shape of the beer bottles.",,7,3,attribute,color,"attribute - color (beer, green-bottled)",Is the beer green-bottled? +partiprompts41,"A ripe, golden pineapple sits centered on a light wooden table, with a single green-bottled beer to its left and a pair of identical bottles to its right. The beers have droplets of condensation on their surfaces, indicating they are chilled. The pineapple's spiky green leaves contrast with the smooth, cylindrical shape of the beer bottles.",,8,1,attribute,texture,"attribute - texture (pineapple, ripe)",Is the pineapple ripe? +partiprompts41,"A ripe, golden pineapple sits centered on a light wooden table, with a single green-bottled beer to its left and a pair of identical bottles to its right. The beers have droplets of condensation on their surfaces, indicating they are chilled. The pineapple's spiky green leaves contrast with the smooth, cylindrical shape of the beer bottles.",,9,3,attribute,texture,"attribute - texture (beer, condensation)",Do the beers have condensation? +partiprompts41,"A ripe, golden pineapple sits centered on a light wooden table, with a single green-bottled beer to its left and a pair of identical bottles to its right. The beers have droplets of condensation on their surfaces, indicating they are chilled. The pineapple's spiky green leaves contrast with the smooth, cylindrical shape of the beer bottles.",,10,"1,3",attribute,shape,"attribute - shape (pineapple, cylindrical)",Is the pineapple cylindrical? +partiprompts41,"A ripe, golden pineapple sits centered on a light wooden table, with a single green-bottled beer to its left and a pair of identical bottles to its right. The beers have droplets of condensation on their surfaces, indicating they are chilled. The pineapple's spiky green leaves contrast with the smooth, cylindrical shape of the beer bottles.",,11,3,attribute,shape,"attribute - shape (beer bottles, cylindrical)",Are the beer bottles cylindrical? +partiprompts41,"A ripe, golden pineapple sits centered on a light wooden table, with a single green-bottled beer to its left and a pair of identical bottles to its right. The beers have droplets of condensation on their surfaces, indicating they are chilled. The pineapple's spiky green leaves contrast with the smooth, cylindrical shape of the beer bottles.",,12,1,attribute,shape,"attribute - shape (pineapple's leaves, spiky)",Are the pineapple's leaves spiky? +partiprompts41,"A ripe, golden pineapple sits centered on a light wooden table, with a single green-bottled beer to its left and a pair of identical bottles to its right. The beers have droplets of condensation on their surfaces, indicating they are chilled. The pineapple's spiky green leaves contrast with the smooth, cylindrical shape of the beer bottles.",,13,"1,2",relation,spatial,"relation - spatial (pineapple, table, centered on)",Is the pineapple centered on the table? +partiprompts41,"A ripe, golden pineapple sits centered on a light wooden table, with a single green-bottled beer to its left and a pair of identical bottles to its right. The beers have droplets of condensation on their surfaces, indicating they are chilled. The pineapple's spiky green leaves contrast with the smooth, cylindrical shape of the beer bottles.",,14,"3,1",relation,spatial,"relation - spatial (beer, pineapple, left)",Is one beer to the left of the pineapple? +partiprompts41,"A ripe, golden pineapple sits centered on a light wooden table, with a single green-bottled beer to its left and a pair of identical bottles to its right. The beers have droplets of condensation on their surfaces, indicating they are chilled. The pineapple's spiky green leaves contrast with the smooth, cylindrical shape of the beer bottles.",,15,"3,1",relation,spatial,"relation - spatial (beer, pineapple, right)",Is one beer to the right of the pineapple? +partiprompts41,"A ripe, golden pineapple sits centered on a light wooden table, with a single green-bottled beer to its left and a pair of identical bottles to its right. The beers have droplets of condensation on their surfaces, indicating they are chilled. The pineapple's spiky green leaves contrast with the smooth, cylindrical shape of the beer bottles.",,16,"3,9",relation,spatial,"relation - spatial (beer, condensation, on)",Is the condensation on the beer? +partiprompts238,"A warm and inviting living room featuring a plush beige couch with a colorful throw pillow. Above the couch hangs a whimsical painting of a corgi, framed in a simple black frame that contrasts with the light-colored wall. In front of the couch, a round wooden coffee table holds a clear vase filled with fresh flowers, adding a touch of nature to the space.",,1,0,global,,global - (living room),Is this a living room? +partiprompts238,"A warm and inviting living room featuring a plush beige couch with a colorful throw pillow. Above the couch hangs a whimsical painting of a corgi, framed in a simple black frame that contrasts with the light-colored wall. In front of the couch, a round wooden coffee table holds a clear vase filled with fresh flowers, adding a touch of nature to the space.",,2,1,entity,whole,entity - whole (couch),Is there a couch? +partiprompts238,"A warm and inviting living room featuring a plush beige couch with a colorful throw pillow. Above the couch hangs a whimsical painting of a corgi, framed in a simple black frame that contrasts with the light-colored wall. In front of the couch, a round wooden coffee table holds a clear vase filled with fresh flowers, adding a touch of nature to the space.",,3,2,entity,whole,entity - whole (throw pillow),Is there a throw pillow? +partiprompts238,"A warm and inviting living room featuring a plush beige couch with a colorful throw pillow. Above the couch hangs a whimsical painting of a corgi, framed in a simple black frame that contrasts with the light-colored wall. In front of the couch, a round wooden coffee table holds a clear vase filled with fresh flowers, adding a touch of nature to the space.",,4,1,entity,whole,entity - whole (painting),Is there a painting? +partiprompts238,"A warm and inviting living room featuring a plush beige couch with a colorful throw pillow. Above the couch hangs a whimsical painting of a corgi, framed in a simple black frame that contrasts with the light-colored wall. In front of the couch, a round wooden coffee table holds a clear vase filled with fresh flowers, adding a touch of nature to the space.",,5,4,entity,whole,entity - whole (corgi),Is there a corgi in the painting? +partiprompts238,"A warm and inviting living room featuring a plush beige couch with a colorful throw pillow. Above the couch hangs a whimsical painting of a corgi, framed in a simple black frame that contrasts with the light-colored wall. In front of the couch, a round wooden coffee table holds a clear vase filled with fresh flowers, adding a touch of nature to the space.",,6,4,entity,whole,entity - whole (frame),Is there a frame? +partiprompts238,"A warm and inviting living room featuring a plush beige couch with a colorful throw pillow. Above the couch hangs a whimsical painting of a corgi, framed in a simple black frame that contrasts with the light-colored wall. In front of the couch, a round wooden coffee table holds a clear vase filled with fresh flowers, adding a touch of nature to the space.",,7,4,entity,whole,entity - whole (wall),Is there a wall? +partiprompts238,"A warm and inviting living room featuring a plush beige couch with a colorful throw pillow. Above the couch hangs a whimsical painting of a corgi, framed in a simple black frame that contrasts with the light-colored wall. In front of the couch, a round wooden coffee table holds a clear vase filled with fresh flowers, adding a touch of nature to the space.",,8,1,entity,whole,entity - whole (coffee table),Is there a coffee table? +partiprompts238,"A warm and inviting living room featuring a plush beige couch with a colorful throw pillow. Above the couch hangs a whimsical painting of a corgi, framed in a simple black frame that contrasts with the light-colored wall. In front of the couch, a round wooden coffee table holds a clear vase filled with fresh flowers, adding a touch of nature to the space.",,9,8,entity,whole,entity - whole (vase),Is there a vase? +partiprompts238,"A warm and inviting living room featuring a plush beige couch with a colorful throw pillow. Above the couch hangs a whimsical painting of a corgi, framed in a simple black frame that contrasts with the light-colored wall. In front of the couch, a round wooden coffee table holds a clear vase filled with fresh flowers, adding a touch of nature to the space.",,10,9,entity,whole,entity - whole (flowers),Are there flowers? +partiprompts238,"A warm and inviting living room featuring a plush beige couch with a colorful throw pillow. Above the couch hangs a whimsical painting of a corgi, framed in a simple black frame that contrasts with the light-colored wall. In front of the couch, a round wooden coffee table holds a clear vase filled with fresh flowers, adding a touch of nature to the space.",,11,2,attribute,texture,"attribute - texture (couch, plush)",Is the couch plush? +partiprompts238,"A warm and inviting living room featuring a plush beige couch with a colorful throw pillow. Above the couch hangs a whimsical painting of a corgi, framed in a simple black frame that contrasts with the light-colored wall. In front of the couch, a round wooden coffee table holds a clear vase filled with fresh flowers, adding a touch of nature to the space.",,12,2,attribute,color,"attribute - color (couch, beige)",Is the couch beige? +partiprompts238,"A warm and inviting living room featuring a plush beige couch with a colorful throw pillow. Above the couch hangs a whimsical painting of a corgi, framed in a simple black frame that contrasts with the light-colored wall. In front of the couch, a round wooden coffee table holds a clear vase filled with fresh flowers, adding a touch of nature to the space.",,13,3,attribute,color,"attribute - color (throw pillow, colorful)",Is the throw pillow colorful? +partiprompts238,"A warm and inviting living room featuring a plush beige couch with a colorful throw pillow. Above the couch hangs a whimsical painting of a corgi, framed in a simple black frame that contrasts with the light-colored wall. In front of the couch, a round wooden coffee table holds a clear vase filled with fresh flowers, adding a touch of nature to the space.",,14,6,attribute,color,"attribute - color (frame, black)",Is the frame black? +partiprompts238,"A warm and inviting living room featuring a plush beige couch with a colorful throw pillow. Above the couch hangs a whimsical painting of a corgi, framed in a simple black frame that contrasts with the light-colored wall. In front of the couch, a round wooden coffee table holds a clear vase filled with fresh flowers, adding a touch of nature to the space.",,15,7,attribute,color,"attribute - color (wall, light-colored)",Is the wall light-colored? +partiprompts238,"A warm and inviting living room featuring a plush beige couch with a colorful throw pillow. Above the couch hangs a whimsical painting of a corgi, framed in a simple black frame that contrasts with the light-colored wall. In front of the couch, a round wooden coffee table holds a clear vase filled with fresh flowers, adding a touch of nature to the space.",,16,8,attribute,shape,"attribute - shape (coffee table, round)",Is the coffee table round? +partiprompts238,"A warm and inviting living room featuring a plush beige couch with a colorful throw pillow. Above the couch hangs a whimsical painting of a corgi, framed in a simple black frame that contrasts with the light-colored wall. In front of the couch, a round wooden coffee table holds a clear vase filled with fresh flowers, adding a touch of nature to the space.",,17,8,attribute,texture,"attribute - texture (coffee table, wooden)",Is the coffee table wooden? +partiprompts238,"A warm and inviting living room featuring a plush beige couch with a colorful throw pillow. Above the couch hangs a whimsical painting of a corgi, framed in a simple black frame that contrasts with the light-colored wall. In front of the couch, a round wooden coffee table holds a clear vase filled with fresh flowers, adding a touch of nature to the space.",,18,9,attribute,texture,"attribute - texture (vase, clear)",Is the vase clear? +partiprompts238,"A warm and inviting living room featuring a plush beige couch with a colorful throw pillow. Above the couch hangs a whimsical painting of a corgi, framed in a simple black frame that contrasts with the light-colored wall. In front of the couch, a round wooden coffee table holds a clear vase filled with fresh flowers, adding a touch of nature to the space.",,19,10,attribute,texture,"attribute - texture (flowers, fresh)",Are the flowers fresh? +partiprompts238,"A warm and inviting living room featuring a plush beige couch with a colorful throw pillow. Above the couch hangs a whimsical painting of a corgi, framed in a simple black frame that contrasts with the light-colored wall. In front of the couch, a round wooden coffee table holds a clear vase filled with fresh flowers, adding a touch of nature to the space.",,20,"4,2",relation,spatial,"relation - spatial (painting, couch, above)",Is the painting above the couch? +partiprompts238,"A warm and inviting living room featuring a plush beige couch with a colorful throw pillow. Above the couch hangs a whimsical painting of a corgi, framed in a simple black frame that contrasts with the light-colored wall. In front of the couch, a round wooden coffee table holds a clear vase filled with fresh flowers, adding a touch of nature to the space.",,21,"6,4",relation,spatial,"relation - spatial (frame, painting, in)",Is the frame in the painting? +partiprompts238,"A warm and inviting living room featuring a plush beige couch with a colorful throw pillow. Above the couch hangs a whimsical painting of a corgi, framed in a simple black frame that contrasts with the light-colored wall. In front of the couch, a round wooden coffee table holds a clear vase filled with fresh flowers, adding a touch of nature to the space.",,22,"6,7",relation,spatial,"relation - spatial (frame, wall, contrasts with)",Does the frame contrast with the wall? +partiprompts238,"A warm and inviting living room featuring a plush beige couch with a colorful throw pillow. Above the couch hangs a whimsical painting of a corgi, framed in a simple black frame that contrasts with the light-colored wall. In front of the couch, a round wooden coffee table holds a clear vase filled with fresh flowers, adding a touch of nature to the space.",,23,"8,2",relation,spatial,"relation - spatial (coffee table, couch, in front of)",Is the coffee table in front of the couch? +partiprompts238,"A warm and inviting living room featuring a plush beige couch with a colorful throw pillow. Above the couch hangs a whimsical painting of a corgi, framed in a simple black frame that contrasts with the light-colored wall. In front of the couch, a round wooden coffee table holds a clear vase filled with fresh flowers, adding a touch of nature to the space.",,24,"9,8",relation,spatial,"relation - spatial (vase, coffee table, on)",Is the vase on the coffee table? +partiprompts238,"A warm and inviting living room featuring a plush beige couch with a colorful throw pillow. Above the couch hangs a whimsical painting of a corgi, framed in a simple black frame that contrasts with the light-colored wall. In front of the couch, a round wooden coffee table holds a clear vase filled with fresh flowers, adding a touch of nature to the space.",,25,"10,9",relation,spatial,"relation - spatial (flowers, vase, in)",Are the flowers in the vase? +partiprompts10,"A detailed sculpture of an ancient pharaoh, crafted from a lustrous bronze metal, stands imposingly against a plain backdrop. The statue is adorned with a pair of intricate steampunk glasses that rest on the bridge of its sculpted nose, and it wears a weathered leather jacket draped over a crisp white t-shirt. Emblazoned on the shirt is a detailed illustration of a space shuttle, adding a modern twist to the traditional regal attire.",,1,0,entity,whole,entity - whole (sculpture),Is there a sculpture? +partiprompts10,"A detailed sculpture of an ancient pharaoh, crafted from a lustrous bronze metal, stands imposingly against a plain backdrop. The statue is adorned with a pair of intricate steampunk glasses that rest on the bridge of its sculpted nose, and it wears a weathered leather jacket draped over a crisp white t-shirt. Emblazoned on the shirt is a detailed illustration of a space shuttle, adding a modern twist to the traditional regal attire.",,2,1,entity,whole,entity - whole (pharaoh),Is there an ancient pharaoh? +partiprompts10,"A detailed sculpture of an ancient pharaoh, crafted from a lustrous bronze metal, stands imposingly against a plain backdrop. The statue is adorned with a pair of intricate steampunk glasses that rest on the bridge of its sculpted nose, and it wears a weathered leather jacket draped over a crisp white t-shirt. Emblazoned on the shirt is a detailed illustration of a space shuttle, adding a modern twist to the traditional regal attire.",,3,1,attribute,texture,"attribute - texture (sculpture, lustrous bronze metal)",Is the sculpture made of lustrous bronze metal? +partiprompts10,"A detailed sculpture of an ancient pharaoh, crafted from a lustrous bronze metal, stands imposingly against a plain backdrop. The statue is adorned with a pair of intricate steampunk glasses that rest on the bridge of its sculpted nose, and it wears a weathered leather jacket draped over a crisp white t-shirt. Emblazoned on the shirt is a detailed illustration of a space shuttle, adding a modern twist to the traditional regal attire.",,4,2,attribute,other,"attribute - other (pharaoh, ancient)",Is the pharaoh ancient? +partiprompts10,"A detailed sculpture of an ancient pharaoh, crafted from a lustrous bronze metal, stands imposingly against a plain backdrop. The statue is adorned with a pair of intricate steampunk glasses that rest on the bridge of its sculpted nose, and it wears a weathered leather jacket draped over a crisp white t-shirt. Emblazoned on the shirt is a detailed illustration of a space shuttle, adding a modern twist to the traditional regal attire.",,5,2,attribute,other,"attribute - other (glasses, steampunk)",Are the glasses steampunk? +partiprompts10,"A detailed sculpture of an ancient pharaoh, crafted from a lustrous bronze metal, stands imposingly against a plain backdrop. The statue is adorned with a pair of intricate steampunk glasses that rest on the bridge of its sculpted nose, and it wears a weathered leather jacket draped over a crisp white t-shirt. Emblazoned on the shirt is a detailed illustration of a space shuttle, adding a modern twist to the traditional regal attire.",,6,2,attribute,texture,"attribute - texture (jacket, weathered leather)",Is the jacket weathered leather? +partiprompts10,"A detailed sculpture of an ancient pharaoh, crafted from a lustrous bronze metal, stands imposingly against a plain backdrop. The statue is adorned with a pair of intricate steampunk glasses that rest on the bridge of its sculpted nose, and it wears a weathered leather jacket draped over a crisp white t-shirt. Emblazoned on the shirt is a detailed illustration of a space shuttle, adding a modern twist to the traditional regal attire.",,7,2,attribute,texture,"attribute - texture (t-shirt, crisp white)",Is the t-shirt crisp white? +partiprompts10,"A detailed sculpture of an ancient pharaoh, crafted from a lustrous bronze metal, stands imposingly against a plain backdrop. The statue is adorned with a pair of intricate steampunk glasses that rest on the bridge of its sculpted nose, and it wears a weathered leather jacket draped over a crisp white t-shirt. Emblazoned on the shirt is a detailed illustration of a space shuttle, adding a modern twist to the traditional regal attire.",,8,7,attribute,other,"attribute - other (illustration, space shuttle)",Is there an illustration of a space shuttle? +partiprompts10,"A detailed sculpture of an ancient pharaoh, crafted from a lustrous bronze metal, stands imposingly against a plain backdrop. The statue is adorned with a pair of intricate steampunk glasses that rest on the bridge of its sculpted nose, and it wears a weathered leather jacket draped over a crisp white t-shirt. Emblazoned on the shirt is a detailed illustration of a space shuttle, adding a modern twist to the traditional regal attire.",,9,1,relation,spatial,"relation - spatial (sculpture, backdrop, against)",Is the sculpture against a plain backdrop? +partiprompts10,"A detailed sculpture of an ancient pharaoh, crafted from a lustrous bronze metal, stands imposingly against a plain backdrop. The statue is adorned with a pair of intricate steampunk glasses that rest on the bridge of its sculpted nose, and it wears a weathered leather jacket draped over a crisp white t-shirt. Emblazoned on the shirt is a detailed illustration of a space shuttle, adding a modern twist to the traditional regal attire.",,10,5,relation,spatial,"relation - spatial (glasses, nose, on)",Are the glasses on the bridge of the nose? +partiprompts204,"A glossy black grand piano stands majestically adjacent to the green mesh of a tennis court net. The piano's open lid reveals its intricate golden interior, contrasting with the stark white lines of the court. Nearby, a collection of tennis balls is scattered on the ground, hinting at a recent game.",,1,0,entity,whole,entity - whole (piano),Is there a grand piano? +partiprompts204,"A glossy black grand piano stands majestically adjacent to the green mesh of a tennis court net. The piano's open lid reveals its intricate golden interior, contrasting with the stark white lines of the court. Nearby, a collection of tennis balls is scattered on the ground, hinting at a recent game.",,2,0,entity,whole,entity - whole (net),Is there a tennis court net? +partiprompts204,"A glossy black grand piano stands majestically adjacent to the green mesh of a tennis court net. The piano's open lid reveals its intricate golden interior, contrasting with the stark white lines of the court. Nearby, a collection of tennis balls is scattered on the ground, hinting at a recent game.",,3,1,entity,whole,entity - whole (interior),Is there an interior? +partiprompts204,"A glossy black grand piano stands majestically adjacent to the green mesh of a tennis court net. The piano's open lid reveals its intricate golden interior, contrasting with the stark white lines of the court. Nearby, a collection of tennis balls is scattered on the ground, hinting at a recent game.",,4,1,entity,whole,entity - whole (lines),Are there lines? +partiprompts204,"A glossy black grand piano stands majestically adjacent to the green mesh of a tennis court net. The piano's open lid reveals its intricate golden interior, contrasting with the stark white lines of the court. Nearby, a collection of tennis balls is scattered on the ground, hinting at a recent game.",,5,0,entity,whole,entity - whole (balls),Are there balls? +partiprompts204,"A glossy black grand piano stands majestically adjacent to the green mesh of a tennis court net. The piano's open lid reveals its intricate golden interior, contrasting with the stark white lines of the court. Nearby, a collection of tennis balls is scattered on the ground, hinting at a recent game.",,6,1,attribute,color,"attribute - color (piano, black)",Is the piano black? +partiprompts204,"A glossy black grand piano stands majestically adjacent to the green mesh of a tennis court net. The piano's open lid reveals its intricate golden interior, contrasting with the stark white lines of the court. Nearby, a collection of tennis balls is scattered on the ground, hinting at a recent game.",,7,1,attribute,texture,"attribute - texture (piano, glossy)",Is the piano glossy? +partiprompts204,"A glossy black grand piano stands majestically adjacent to the green mesh of a tennis court net. The piano's open lid reveals its intricate golden interior, contrasting with the stark white lines of the court. Nearby, a collection of tennis balls is scattered on the ground, hinting at a recent game.",,8,3,attribute,color,"attribute - color (interior, golden)",Is the interior golden? +partiprompts204,"A glossy black grand piano stands majestically adjacent to the green mesh of a tennis court net. The piano's open lid reveals its intricate golden interior, contrasting with the stark white lines of the court. Nearby, a collection of tennis balls is scattered on the ground, hinting at a recent game.",,9,4,attribute,color,"attribute - color (lines, white)",Are the lines white? +partiprompts204,"A glossy black grand piano stands majestically adjacent to the green mesh of a tennis court net. The piano's open lid reveals its intricate golden interior, contrasting with the stark white lines of the court. Nearby, a collection of tennis balls is scattered on the ground, hinting at a recent game.",,10,"1,2",relation,spatial,"relation - spatial (piano, net, adjacent to)",Is the piano adjacent to the net? +partiprompts204,"A glossy black grand piano stands majestically adjacent to the green mesh of a tennis court net. The piano's open lid reveals its intricate golden interior, contrasting with the stark white lines of the court. Nearby, a collection of tennis balls is scattered on the ground, hinting at a recent game.",,11,"1,3",relation,non-spatial,"relation - non-spatial (piano, interior, reveal)",Does the piano's open lid reveal the interior? +partiprompts204,"A glossy black grand piano stands majestically adjacent to the green mesh of a tennis court net. The piano's open lid reveals its intricate golden interior, contrasting with the stark white lines of the court. Nearby, a collection of tennis balls is scattered on the ground, hinting at a recent game.",,12,"3,4",relation,non-spatial,"relation - non-spatial (interior, contrast with lines)",Does the interior contrast with the lines? +partiprompts204,"A glossy black grand piano stands majestically adjacent to the green mesh of a tennis court net. The piano's open lid reveals its intricate golden interior, contrasting with the stark white lines of the court. Nearby, a collection of tennis balls is scattered on the ground, hinting at a recent game.",,13,5,relation,spatial,"relation - spatial (balls, ground, scattered)",Are the tennis balls scattered on the ground? +partiprompts102,"a reimagined version of the Mona Lisa, where the iconic figure is depicted with a brown cowboy hat tilted rakishly atop her head. In her hand, she grips a silver microphone, her mouth open as if caught mid-scream of a punk rock anthem. The background, once a serene landscape, is now a vibrant splash of colors that seem to echo the intensity of her performance.",,1,0,entity,whole,entity - whole (Mona Lisa),Is there a Mona Lisa? +partiprompts102,"a reimagined version of the Mona Lisa, where the iconic figure is depicted with a brown cowboy hat tilted rakishly atop her head. In her hand, she grips a silver microphone, her mouth open as if caught mid-scream of a punk rock anthem. The background, once a serene landscape, is now a vibrant splash of colors that seem to echo the intensity of her performance.",,2,1,entity,part,entity - part (Mona Lisa's hat),Is there a hat? +partiprompts102,"a reimagined version of the Mona Lisa, where the iconic figure is depicted with a brown cowboy hat tilted rakishly atop her head. In her hand, she grips a silver microphone, her mouth open as if caught mid-scream of a punk rock anthem. The background, once a serene landscape, is now a vibrant splash of colors that seem to echo the intensity of her performance.",,3,1,entity,part,entity - part (Mona Lisa's hand),Is there a hand? +partiprompts102,"a reimagined version of the Mona Lisa, where the iconic figure is depicted with a brown cowboy hat tilted rakishly atop her head. In her hand, she grips a silver microphone, her mouth open as if caught mid-scream of a punk rock anthem. The background, once a serene landscape, is now a vibrant splash of colors that seem to echo the intensity of her performance.",,4,1,entity,part,entity - part (Mona Lisa's mouth),Is there a mouth? +partiprompts102,"a reimagined version of the Mona Lisa, where the iconic figure is depicted with a brown cowboy hat tilted rakishly atop her head. In her hand, she grips a silver microphone, her mouth open as if caught mid-scream of a punk rock anthem. The background, once a serene landscape, is now a vibrant splash of colors that seem to echo the intensity of her performance.",,5,0,entity,whole,entity - whole (microphone),Is there a microphone? +partiprompts102,"a reimagined version of the Mona Lisa, where the iconic figure is depicted with a brown cowboy hat tilted rakishly atop her head. In her hand, she grips a silver microphone, her mouth open as if caught mid-scream of a punk rock anthem. The background, once a serene landscape, is now a vibrant splash of colors that seem to echo the intensity of her performance.",,6,2,attribute,color,"attribute - color (hat, brown)",Is the hat brown? +partiprompts102,"a reimagined version of the Mona Lisa, where the iconic figure is depicted with a brown cowboy hat tilted rakishly atop her head. In her hand, she grips a silver microphone, her mouth open as if caught mid-scream of a punk rock anthem. The background, once a serene landscape, is now a vibrant splash of colors that seem to echo the intensity of her performance.",,7,3,attribute,color,"attribute - color (microphone, silver)",Is the microphone silver? +partiprompts102,"a reimagined version of the Mona Lisa, where the iconic figure is depicted with a brown cowboy hat tilted rakishly atop her head. In her hand, she grips a silver microphone, her mouth open as if caught mid-scream of a punk rock anthem. The background, once a serene landscape, is now a vibrant splash of colors that seem to echo the intensity of her performance.",,8,2,attribute,other,"attribute - other (hat, cowboy)",Is the hat a cowboy hat? +partiprompts102,"a reimagined version of the Mona Lisa, where the iconic figure is depicted with a brown cowboy hat tilted rakishly atop her head. In her hand, she grips a silver microphone, her mouth open as if caught mid-scream of a punk rock anthem. The background, once a serene landscape, is now a vibrant splash of colors that seem to echo the intensity of her performance.",,9,4,attribute,other,"attribute - other (mouth, open)",Is the mouth open? +partiprompts102,"a reimagined version of the Mona Lisa, where the iconic figure is depicted with a brown cowboy hat tilted rakishly atop her head. In her hand, she grips a silver microphone, her mouth open as if caught mid-scream of a punk rock anthem. The background, once a serene landscape, is now a vibrant splash of colors that seem to echo the intensity of her performance.",,10,3,attribute,other,"attribute - other (background, vibrant)",Is the background vibrant? +partiprompts102,"a reimagined version of the Mona Lisa, where the iconic figure is depicted with a brown cowboy hat tilted rakishly atop her head. In her hand, she grips a silver microphone, her mouth open as if caught mid-scream of a punk rock anthem. The background, once a serene landscape, is now a vibrant splash of colors that seem to echo the intensity of her performance.",,11,3,attribute,texture,"attribute - texture (background, colorful)",Is the background colorful? +partiprompts102,"a reimagined version of the Mona Lisa, where the iconic figure is depicted with a brown cowboy hat tilted rakishly atop her head. In her hand, she grips a silver microphone, her mouth open as if caught mid-scream of a punk rock anthem. The background, once a serene landscape, is now a vibrant splash of colors that seem to echo the intensity of her performance.",,12,1,entity,state,"entity - state (Mona Lisa, depict)",Is the Mona Lisa depicted? +partiprompts102,"a reimagined version of the Mona Lisa, where the iconic figure is depicted with a brown cowboy hat tilted rakishly atop her head. In her hand, she grips a silver microphone, her mouth open as if caught mid-scream of a punk rock anthem. The background, once a serene landscape, is now a vibrant splash of colors that seem to echo the intensity of her performance.",,13,"1,11",relation,spatial,"relation - spatial (Mona Lisa, background, in)",Is the Mona Lisa in the background? +partiprompts102,"a reimagined version of the Mona Lisa, where the iconic figure is depicted with a brown cowboy hat tilted rakishly atop her head. In her hand, she grips a silver microphone, her mouth open as if caught mid-scream of a punk rock anthem. The background, once a serene landscape, is now a vibrant splash of colors that seem to echo the intensity of her performance.",,14,"1,5",relation,non-spatial,"relation - non-spatial (Mona Lisa, microphone, grip)",Is the Mona Lisa gripping the microphone? +partiprompts102,"a reimagined version of the Mona Lisa, where the iconic figure is depicted with a brown cowboy hat tilted rakishly atop her head. In her hand, she grips a silver microphone, her mouth open as if caught mid-scream of a punk rock anthem. The background, once a serene landscape, is now a vibrant splash of colors that seem to echo the intensity of her performance.",,15,"1,2",relation,spatial,"relation - non-spatial (Mona Lisa, hat, tilt)",Is the hat tilted? +partiprompts220,"A large blue airplane with white accents is taxiing on a vast concrete runway, its engines humming steadily. The sun is setting behind it, casting a warm glow and elongating the shadow of the plane on the ground. The runway is marked with white lines and numbers, indicating the designated path for the aircraft.",,1,0,entity,whole,entity - whole (airplane),Is there an airplane? +partiprompts220,"A large blue airplane with white accents is taxiing on a vast concrete runway, its engines humming steadily. The sun is setting behind it, casting a warm glow and elongating the shadow of the plane on the ground. The runway is marked with white lines and numbers, indicating the designated path for the aircraft.",,2,1,attribute,size,"attribute - size (airplane, large)",Is the airplane large? +partiprompts220,"A large blue airplane with white accents is taxiing on a vast concrete runway, its engines humming steadily. The sun is setting behind it, casting a warm glow and elongating the shadow of the plane on the ground. The runway is marked with white lines and numbers, indicating the designated path for the aircraft.",,3,1,attribute,color,"attribute - color (airplane, blue)",Is the airplane blue? +partiprompts220,"A large blue airplane with white accents is taxiing on a vast concrete runway, its engines humming steadily. The sun is setting behind it, casting a warm glow and elongating the shadow of the plane on the ground. The runway is marked with white lines and numbers, indicating the designated path for the aircraft.",,4,1,attribute,color,"attribute - color (accents, white)",Are there white accents on the airplane? +partiprompts220,"A large blue airplane with white accents is taxiing on a vast concrete runway, its engines humming steadily. The sun is setting behind it, casting a warm glow and elongating the shadow of the plane on the ground. The runway is marked with white lines and numbers, indicating the designated path for the aircraft.",,5,1,entity,state,"entity - state (airplane, taxi)",Is the airplane taxiing? +partiprompts220,"A large blue airplane with white accents is taxiing on a vast concrete runway, its engines humming steadily. The sun is setting behind it, casting a warm glow and elongating the shadow of the plane on the ground. The runway is marked with white lines and numbers, indicating the designated path for the aircraft.",,6,1,entity,state,"entity - state (engines, hum)",Are the engines humming? +partiprompts220,"A large blue airplane with white accents is taxiing on a vast concrete runway, its engines humming steadily. The sun is setting behind it, casting a warm glow and elongating the shadow of the plane on the ground. The runway is marked with white lines and numbers, indicating the designated path for the aircraft.",,7,1,entity,state,"entity - state (sun, set)",Is the sun setting? +partiprompts220,"A large blue airplane with white accents is taxiing on a vast concrete runway, its engines humming steadily. The sun is setting behind it, casting a warm glow and elongating the shadow of the plane on the ground. The runway is marked with white lines and numbers, indicating the designated path for the aircraft.",,8,7,attribute,color,"attribute - color (sun, warm glow)",Is the sun casting a warm glow? +partiprompts220,"A large blue airplane with white accents is taxiing on a vast concrete runway, its engines humming steadily. The sun is setting behind it, casting a warm glow and elongating the shadow of the plane on the ground. The runway is marked with white lines and numbers, indicating the designated path for the aircraft.",,9,1,entity,state,"entity - state (shadow, elongate)",Is the shadow of the plane elongating? +partiprompts220,"A large blue airplane with white accents is taxiing on a vast concrete runway, its engines humming steadily. The sun is setting behind it, casting a warm glow and elongating the shadow of the plane on the ground. The runway is marked with white lines and numbers, indicating the designated path for the aircraft.",,10,1,attribute,texture,"attribute - texture (runway, concrete)",Is the runway made of concrete? +partiprompts220,"A large blue airplane with white accents is taxiing on a vast concrete runway, its engines humming steadily. The sun is setting behind it, casting a warm glow and elongating the shadow of the plane on the ground. The runway is marked with white lines and numbers, indicating the designated path for the aircraft.",,11,"1,10",relation,spatial,"relation - spatial (airplane, runway, on)",Is the airplane on the runway? +partiprompts220,"A large blue airplane with white accents is taxiing on a vast concrete runway, its engines humming steadily. The sun is setting behind it, casting a warm glow and elongating the shadow of the plane on the ground. The runway is marked with white lines and numbers, indicating the designated path for the aircraft.",,12,"7,1",relation,spatial,"relation - spatial (sun, airplane, behind)",Is the sun behind the airplane? +partiprompts220,"A large blue airplane with white accents is taxiing on a vast concrete runway, its engines humming steadily. The sun is setting behind it, casting a warm glow and elongating the shadow of the plane on the ground. The runway is marked with white lines and numbers, indicating the designated path for the aircraft.",,13,"7,10",relation,spatial,"relation - spatial (sun, runway, behind)",Is the sun behind the runway? +partiprompts220,"A large blue airplane with white accents is taxiing on a vast concrete runway, its engines humming steadily. The sun is setting behind it, casting a warm glow and elongating the shadow of the plane on the ground. The runway is marked with white lines and numbers, indicating the designated path for the aircraft.",,14,9,relation,spatial,"relation - spatial (shadow, ground, elongate)",Is the shadow elongating on the ground? +partiprompts220,"A large blue airplane with white accents is taxiing on a vast concrete runway, its engines humming steadily. The sun is setting behind it, casting a warm glow and elongating the shadow of the plane on the ground. The runway is marked with white lines and numbers, indicating the designated path for the aircraft.",,15,10,attribute,color,"attribute - color (lines, white)",Are the runway lines white? +partiprompts220,"A large blue airplane with white accents is taxiing on a vast concrete runway, its engines humming steadily. The sun is setting behind it, casting a warm glow and elongating the shadow of the plane on the ground. The runway is marked with white lines and numbers, indicating the designated path for the aircraft.",,16,10,attribute,color,"attribute - color (numbers, white)",Are the runway numbers white? +partiprompts220,"A large blue airplane with white accents is taxiing on a vast concrete runway, its engines humming steadily. The sun is setting behind it, casting a warm glow and elongating the shadow of the plane on the ground. The runway is marked with white lines and numbers, indicating the designated path for the aircraft.",,17,"10,15",relation,spatial,"relation - spatial (lines, runway, marked with)",Are the runway lines marked with white? +partiprompts220,"A large blue airplane with white accents is taxiing on a vast concrete runway, its engines humming steadily. The sun is setting behind it, casting a warm glow and elongating the shadow of the plane on the ground. The runway is marked with white lines and numbers, indicating the designated path for the aircraft.",,18,"10,16",relation,spatial,"relation - spatial (numbers, runway, marked with)",Are the runway numbers marked with white? +partiprompts271,"a neatly printed quote, 'Do unto others as they would do unto you,' in a simple black font centered on a pristine white canvas. The text is surrounded by a thin black border, and the canvas is positioned against a light grey wall. Just below the quote, in smaller letters, the source of the saying is attributed, adding a touch of elegance to the presentation.",,1,0,entity,whole,entity - whole (quote),Is there a quote? +partiprompts271,"a neatly printed quote, 'Do unto others as they would do unto you,' in a simple black font centered on a pristine white canvas. The text is surrounded by a thin black border, and the canvas is positioned against a light grey wall. Just below the quote, in smaller letters, the source of the saying is attributed, adding a touch of elegance to the presentation.",,2,1,attribute,other,"attribute - other (quote, neatly printed)",Is the quote neatly printed? +partiprompts271,"a neatly printed quote, 'Do unto others as they would do unto you,' in a simple black font centered on a pristine white canvas. The text is surrounded by a thin black border, and the canvas is positioned against a light grey wall. Just below the quote, in smaller letters, the source of the saying is attributed, adding a touch of elegance to the presentation.",,3,1,attribute,other,"attribute - other (quote, 'Do unto others as they would do unto you,')",Does the quote say 'Do unto others as they would do unto you'? +partiprompts271,"a neatly printed quote, 'Do unto others as they would do unto you,' in a simple black font centered on a pristine white canvas. The text is surrounded by a thin black border, and the canvas is positioned against a light grey wall. Just below the quote, in smaller letters, the source of the saying is attributed, adding a touch of elegance to the presentation.",,4,1,attribute,color,"attribute - color (quote, black)",Is the quote in black font? +partiprompts271,"a neatly printed quote, 'Do unto others as they would do unto you,' in a simple black font centered on a pristine white canvas. The text is surrounded by a thin black border, and the canvas is positioned against a light grey wall. Just below the quote, in smaller letters, the source of the saying is attributed, adding a touch of elegance to the presentation.",,5,1,attribute,texture,"attribute - texture (canvas, pristine)",Is the canvas pristine? +partiprompts271,"a neatly printed quote, 'Do unto others as they would do unto you,' in a simple black font centered on a pristine white canvas. The text is surrounded by a thin black border, and the canvas is positioned against a light grey wall. Just below the quote, in smaller letters, the source of the saying is attributed, adding a touch of elegance to the presentation.",,6,1,attribute,color,"attribute - color (canvas, white)",Is the canvas white? +partiprompts271,"a neatly printed quote, 'Do unto others as they would do unto you,' in a simple black font centered on a pristine white canvas. The text is surrounded by a thin black border, and the canvas is positioned against a light grey wall. Just below the quote, in smaller letters, the source of the saying is attributed, adding a touch of elegance to the presentation.",,7,1,attribute,color,"attribute - color (border, black)",Is there a black border around the quote? +partiprompts271,"a neatly printed quote, 'Do unto others as they would do unto you,' in a simple black font centered on a pristine white canvas. The text is surrounded by a thin black border, and the canvas is positioned against a light grey wall. Just below the quote, in smaller letters, the source of the saying is attributed, adding a touch of elegance to the presentation.",,8,1,attribute,color,"attribute - color (wall, light grey)",Is the wall light grey? +partiprompts271,"a neatly printed quote, 'Do unto others as they would do unto you,' in a simple black font centered on a pristine white canvas. The text is surrounded by a thin black border, and the canvas is positioned against a light grey wall. Just below the quote, in smaller letters, the source of the saying is attributed, adding a touch of elegance to the presentation.",,9,"1,6",relation,spatial,"relation - spatial (quote, canvas, centered on)",Is the quote centered on the canvas? +partiprompts271,"a neatly printed quote, 'Do unto others as they would do unto you,' in a simple black font centered on a pristine white canvas. The text is surrounded by a thin black border, and the canvas is positioned against a light grey wall. Just below the quote, in smaller letters, the source of the saying is attributed, adding a touch of elegance to the presentation.",,10,6,relation,spatial,"relation - spatial (canvas, wall, against)",Is the canvas positioned against the wall? +partiprompts94,"A surreal image capturing an astronaut in a white space suit, mounted on a chestnut brown horse amidst the dense greenery of a forest. The horse stands at the edge of a tranquil river, its surface adorned with floating water lilies. Sunlight filters through the canopy, casting dappled shadows on the scene.",,1,0,global,,global - (surreal),Is this a surreal image? +partiprompts94,"A surreal image capturing an astronaut in a white space suit, mounted on a chestnut brown horse amidst the dense greenery of a forest. The horse stands at the edge of a tranquil river, its surface adorned with floating water lilies. Sunlight filters through the canopy, casting dappled shadows on the scene.",,2,1,entity,whole,entity - whole (astronaut),Is there an astronaut? +partiprompts94,"A surreal image capturing an astronaut in a white space suit, mounted on a chestnut brown horse amidst the dense greenery of a forest. The horse stands at the edge of a tranquil river, its surface adorned with floating water lilies. Sunlight filters through the canopy, casting dappled shadows on the scene.",,3,2,entity,whole,entity - whole (space suit),Is the astronaut in a space suit? +partiprompts94,"A surreal image capturing an astronaut in a white space suit, mounted on a chestnut brown horse amidst the dense greenery of a forest. The horse stands at the edge of a tranquil river, its surface adorned with floating water lilies. Sunlight filters through the canopy, casting dappled shadows on the scene.",,4,0,entity,whole,entity - whole (horse),Is there a horse? +partiprompts94,"A surreal image capturing an astronaut in a white space suit, mounted on a chestnut brown horse amidst the dense greenery of a forest. The horse stands at the edge of a tranquil river, its surface adorned with floating water lilies. Sunlight filters through the canopy, casting dappled shadows on the scene.",,5,0,entity,whole,entity - whole (greenery),Is there greenery? +partiprompts94,"A surreal image capturing an astronaut in a white space suit, mounted on a chestnut brown horse amidst the dense greenery of a forest. The horse stands at the edge of a tranquil river, its surface adorned with floating water lilies. Sunlight filters through the canopy, casting dappled shadows on the scene.",,6,0,entity,whole,entity - whole (forest),Is there a forest? +partiprompts94,"A surreal image capturing an astronaut in a white space suit, mounted on a chestnut brown horse amidst the dense greenery of a forest. The horse stands at the edge of a tranquil river, its surface adorned with floating water lilies. Sunlight filters through the canopy, casting dappled shadows on the scene.",,7,0,entity,whole,entity - whole (river),Is there a river? +partiprompts94,"A surreal image capturing an astronaut in a white space suit, mounted on a chestnut brown horse amidst the dense greenery of a forest. The horse stands at the edge of a tranquil river, its surface adorned with floating water lilies. Sunlight filters through the canopy, casting dappled shadows on the scene.",,8,0,entity,whole,entity - whole (water lilies),Are there water lilies? +partiprompts94,"A surreal image capturing an astronaut in a white space suit, mounted on a chestnut brown horse amidst the dense greenery of a forest. The horse stands at the edge of a tranquil river, its surface adorned with floating water lilies. Sunlight filters through the canopy, casting dappled shadows on the scene.",,9,2,attribute,color,"attribute - color (astronaut's suit, white)",Is the astronaut's suit white? +partiprompts94,"A surreal image capturing an astronaut in a white space suit, mounted on a chestnut brown horse amidst the dense greenery of a forest. The horse stands at the edge of a tranquil river, its surface adorned with floating water lilies. Sunlight filters through the canopy, casting dappled shadows on the scene.",,10,4,attribute,color,"attribute - color (horse, chestnut brown)",Is the horse chestnut brown? +partiprompts94,"A surreal image capturing an astronaut in a white space suit, mounted on a chestnut brown horse amidst the dense greenery of a forest. The horse stands at the edge of a tranquil river, its surface adorned with floating water lilies. Sunlight filters through the canopy, casting dappled shadows on the scene.",,11,5,attribute,color,"attribute - color (greenery, dense)",Is the greenery dense? +partiprompts94,"A surreal image capturing an astronaut in a white space suit, mounted on a chestnut brown horse amidst the dense greenery of a forest. The horse stands at the edge of a tranquil river, its surface adorned with floating water lilies. Sunlight filters through the canopy, casting dappled shadows on the scene.",,12,6,attribute,color,"attribute - color (river, tranquil)",Is the river tranquil? +partiprompts94,"A surreal image capturing an astronaut in a white space suit, mounted on a chestnut brown horse amidst the dense greenery of a forest. The horse stands at the edge of a tranquil river, its surface adorned with floating water lilies. Sunlight filters through the canopy, casting dappled shadows on the scene.",,13,7,attribute,color,"attribute - color (water lilies, floating)",Are the water lilies floating? +partiprompts94,"A surreal image capturing an astronaut in a white space suit, mounted on a chestnut brown horse amidst the dense greenery of a forest. The horse stands at the edge of a tranquil river, its surface adorned with floating water lilies. Sunlight filters through the canopy, casting dappled shadows on the scene.",,14,6,attribute,color,"attribute - color (sunlight, dappled)",Is the sunlight dappled? +partiprompts94,"A surreal image capturing an astronaut in a white space suit, mounted on a chestnut brown horse amidst the dense greenery of a forest. The horse stands at the edge of a tranquil river, its surface adorned with floating water lilies. Sunlight filters through the canopy, casting dappled shadows on the scene.",,15,"2,4",relation,spatial,"relation - spatial (astronaut, horse, on)",Is the astronaut on the horse? +partiprompts94,"A surreal image capturing an astronaut in a white space suit, mounted on a chestnut brown horse amidst the dense greenery of a forest. The horse stands at the edge of a tranquil river, its surface adorned with floating water lilies. Sunlight filters through the canopy, casting dappled shadows on the scene.",,16,"4,7",relation,spatial,"relation - spatial (horse, edge of river, at)",Is the horse at the edge of the river? +partiprompts94,"A surreal image capturing an astronaut in a white space suit, mounted on a chestnut brown horse amidst the dense greenery of a forest. The horse stands at the edge of a tranquil river, its surface adorned with floating water lilies. Sunlight filters through the canopy, casting dappled shadows on the scene.",,17,"7,8",relation,spatial,"relation - spatial (river, water lilies, adorned with)",Is the river adorned with water lilies? +partiprompts94,"A surreal image capturing an astronaut in a white space suit, mounted on a chestnut brown horse amidst the dense greenery of a forest. The horse stands at the edge of a tranquil river, its surface adorned with floating water lilies. Sunlight filters through the canopy, casting dappled shadows on the scene.",,18,"6,7",relation,spatial,"relation - spatial (canopy, scene, sunlight filters through)","Does sunlight filter through the canopy, casting dappled shadows on the scene?" +partiprompts187,"a breathtaking photograph capturing the vibrant hues of a sunset with streaks of pink and orange painting the sky behind the majestic Grand Canyon. The canyon's intricate rock formations are silhouetted against the illuminated backdrop, showcasing the deep crevices and towering spires. In the foreground, the Colorado River can be glimpsed winding its way through the ancient geological marvel.",,1,0,global,,global - (photograph),Is this a photograph? +partiprompts187,"a breathtaking photograph capturing the vibrant hues of a sunset with streaks of pink and orange painting the sky behind the majestic Grand Canyon. The canyon's intricate rock formations are silhouetted against the illuminated backdrop, showcasing the deep crevices and towering spires. In the foreground, the Colorado River can be glimpsed winding its way through the ancient geological marvel.",,2,1,attribute,color,"attribute - color (sunset, vibrant)",Are the hues of the sunset vibrant? +partiprompts187,"a breathtaking photograph capturing the vibrant hues of a sunset with streaks of pink and orange painting the sky behind the majestic Grand Canyon. The canyon's intricate rock formations are silhouetted against the illuminated backdrop, showcasing the deep crevices and towering spires. In the foreground, the Colorado River can be glimpsed winding its way through the ancient geological marvel.",,3,1,attribute,color,"attribute - color (sky, pink)",Is the sky pink? +partiprompts187,"a breathtaking photograph capturing the vibrant hues of a sunset with streaks of pink and orange painting the sky behind the majestic Grand Canyon. The canyon's intricate rock formations are silhouetted against the illuminated backdrop, showcasing the deep crevices and towering spires. In the foreground, the Colorado River can be glimpsed winding its way through the ancient geological marvel.",,4,1,attribute,color,"attribute - color (sky, orange)",Is the sky orange? +partiprompts187,"a breathtaking photograph capturing the vibrant hues of a sunset with streaks of pink and orange painting the sky behind the majestic Grand Canyon. The canyon's intricate rock formations are silhouetted against the illuminated backdrop, showcasing the deep crevices and towering spires. In the foreground, the Colorado River can be glimpsed winding its way through the ancient geological marvel.",,5,0,entity,whole,entity - whole (Grand Canyon),Is there the Grand Canyon? +partiprompts187,"a breathtaking photograph capturing the vibrant hues of a sunset with streaks of pink and orange painting the sky behind the majestic Grand Canyon. The canyon's intricate rock formations are silhouetted against the illuminated backdrop, showcasing the deep crevices and towering spires. In the foreground, the Colorado River can be glimpsed winding its way through the ancient geological marvel.",,6,5,attribute,other,"attribute - other (rock formations, intricate)",Are the rock formations intricate? +partiprompts187,"a breathtaking photograph capturing the vibrant hues of a sunset with streaks of pink and orange painting the sky behind the majestic Grand Canyon. The canyon's intricate rock formations are silhouetted against the illuminated backdrop, showcasing the deep crevices and towering spires. In the foreground, the Colorado River can be glimpsed winding its way through the ancient geological marvel.",,7,5,attribute,other,"attribute - other (rock formations, silhouetted)",Are the rock formations silhouetted? +partiprompts187,"a breathtaking photograph capturing the vibrant hues of a sunset with streaks of pink and orange painting the sky behind the majestic Grand Canyon. The canyon's intricate rock formations are silhouetted against the illuminated backdrop, showcasing the deep crevices and towering spires. In the foreground, the Colorado River can be glimpsed winding its way through the ancient geological marvel.",,8,5,attribute,other,"attribute - other (crevices, deep)",Are the crevices deep? +partiprompts187,"a breathtaking photograph capturing the vibrant hues of a sunset with streaks of pink and orange painting the sky behind the majestic Grand Canyon. The canyon's intricate rock formations are silhouetted against the illuminated backdrop, showcasing the deep crevices and towering spires. In the foreground, the Colorado River can be glimpsed winding its way through the ancient geological marvel.",,9,5,attribute,other,"attribute - other (spires, towering)",Are the spires towering? +partiprompts187,"a breathtaking photograph capturing the vibrant hues of a sunset with streaks of pink and orange painting the sky behind the majestic Grand Canyon. The canyon's intricate rock formations are silhouetted against the illuminated backdrop, showcasing the deep crevices and towering spires. In the foreground, the Colorado River can be glimpsed winding its way through the ancient geological marvel.",,10,0,entity,whole,entity - whole (Colorado River),Is there the Colorado River? +partiprompts187,"a breathtaking photograph capturing the vibrant hues of a sunset with streaks of pink and orange painting the sky behind the majestic Grand Canyon. The canyon's intricate rock formations are silhouetted against the illuminated backdrop, showcasing the deep crevices and towering spires. In the foreground, the Colorado River can be glimpsed winding its way through the ancient geological marvel.",,11,10,attribute,other,"attribute - other (river, winding)",Is the river winding? +partiprompts187,"a breathtaking photograph capturing the vibrant hues of a sunset with streaks of pink and orange painting the sky behind the majestic Grand Canyon. The canyon's intricate rock formations are silhouetted against the illuminated backdrop, showcasing the deep crevices and towering spires. In the foreground, the Colorado River can be glimpsed winding its way through the ancient geological marvel.",,12,10,attribute,other,"attribute - other (river, ancient)",Is the river ancient? +partiprompts79,"An artistic representation of the planet Earth, with a swirl of musical notes in black ink encircling the globe. The Earth is depicted in vibrant blues and greens, indicating the oceans and continents, while the musical notes appear to dance around the planet's surface. The background of the drawing is a stark white, emphasizing the contrast and the harmony between music and the world.",,1,0,entity,whole,entity - whole (planet Earth),Is there a planet Earth? +partiprompts79,"An artistic representation of the planet Earth, with a swirl of musical notes in black ink encircling the globe. The Earth is depicted in vibrant blues and greens, indicating the oceans and continents, while the musical notes appear to dance around the planet's surface. The background of the drawing is a stark white, emphasizing the contrast and the harmony between music and the world.",,2,0,entity,whole,entity - whole (musical notes),Are there musical notes? +partiprompts79,"An artistic representation of the planet Earth, with a swirl of musical notes in black ink encircling the globe. The Earth is depicted in vibrant blues and greens, indicating the oceans and continents, while the musical notes appear to dance around the planet's surface. The background of the drawing is a stark white, emphasizing the contrast and the harmony between music and the world.",,3,1,attribute,color,"attribute - color (planet Earth, vibrant blues and greens)",Is the planet Earth depicted in vibrant blues and greens? +partiprompts79,"An artistic representation of the planet Earth, with a swirl of musical notes in black ink encircling the globe. The Earth is depicted in vibrant blues and greens, indicating the oceans and continents, while the musical notes appear to dance around the planet's surface. The background of the drawing is a stark white, emphasizing the contrast and the harmony between music and the world.",,4,2,attribute,color,"attribute - color (musical notes, black)",Are the musical notes black? +partiprompts79,"An artistic representation of the planet Earth, with a swirl of musical notes in black ink encircling the globe. The Earth is depicted in vibrant blues and greens, indicating the oceans and continents, while the musical notes appear to dance around the planet's surface. The background of the drawing is a stark white, emphasizing the contrast and the harmony between music and the world.",,5,2,attribute,texture,"attribute - texture (musical notes, swirl)",Do the musical notes have a swirl texture? +partiprompts79,"An artistic representation of the planet Earth, with a swirl of musical notes in black ink encircling the globe. The Earth is depicted in vibrant blues and greens, indicating the oceans and continents, while the musical notes appear to dance around the planet's surface. The background of the drawing is a stark white, emphasizing the contrast and the harmony between music and the world.",,6,1,attribute,texture,"attribute - texture (planet Earth, artistic representation)",Does the planet Earth have an artistic representation texture? +partiprompts79,"An artistic representation of the planet Earth, with a swirl of musical notes in black ink encircling the globe. The Earth is depicted in vibrant blues and greens, indicating the oceans and continents, while the musical notes appear to dance around the planet's surface. The background of the drawing is a stark white, emphasizing the contrast and the harmony between music and the world.",,7,1,global,,global - (artistic),Is this an artistic representation? +partiprompts79,"An artistic representation of the planet Earth, with a swirl of musical notes in black ink encircling the globe. The Earth is depicted in vibrant blues and greens, indicating the oceans and continents, while the musical notes appear to dance around the planet's surface. The background of the drawing is a stark white, emphasizing the contrast and the harmony between music and the world.",,8,1,global,,global - (representation),Is this a representation? +partiprompts79,"An artistic representation of the planet Earth, with a swirl of musical notes in black ink encircling the globe. The Earth is depicted in vibrant blues and greens, indicating the oceans and continents, while the musical notes appear to dance around the planet's surface. The background of the drawing is a stark white, emphasizing the contrast and the harmony between music and the world.",,9,"2,1",relation,spatial,"relation - spatial (musical notes, planet Earth, encircling)",Are the musical notes encircling the planet Earth? +partiprompts79,"An artistic representation of the planet Earth, with a swirl of musical notes in black ink encircling the globe. The Earth is depicted in vibrant blues and greens, indicating the oceans and continents, while the musical notes appear to dance around the planet's surface. The background of the drawing is a stark white, emphasizing the contrast and the harmony between music and the world.",,10,"2,1",relation,spatial,"relation - spatial (musical notes, planet Earth, dance around)",Are the musical notes dancing around the planet Earth? +partiprompts171,"a detailed 17th-century Dutch Baroque painting depicting a chestnut horse standing amidst a vibrant field of tulips and daisies. The horse's mane and tail are elegantly captured by the artist, flowing with the gentle breeze that seems to animate the scene. In the background, a traditional windmill sits under a partly cloudy sky, completing this pastoral landscape.",,1,0,global,,global - (detailed),Is this a detailed painting? +partiprompts171,"a detailed 17th-century Dutch Baroque painting depicting a chestnut horse standing amidst a vibrant field of tulips and daisies. The horse's mane and tail are elegantly captured by the artist, flowing with the gentle breeze that seems to animate the scene. In the background, a traditional windmill sits under a partly cloudy sky, completing this pastoral landscape.",,2,0,global,,global - (17th-century Dutch Baroque painting),Is this a 17th-century Dutch Baroque painting? +partiprompts171,"a detailed 17th-century Dutch Baroque painting depicting a chestnut horse standing amidst a vibrant field of tulips and daisies. The horse's mane and tail are elegantly captured by the artist, flowing with the gentle breeze that seems to animate the scene. In the background, a traditional windmill sits under a partly cloudy sky, completing this pastoral landscape.",,3,0,entity,whole,entity - whole (horse),Is there a horse? +partiprompts171,"a detailed 17th-century Dutch Baroque painting depicting a chestnut horse standing amidst a vibrant field of tulips and daisies. The horse's mane and tail are elegantly captured by the artist, flowing with the gentle breeze that seems to animate the scene. In the background, a traditional windmill sits under a partly cloudy sky, completing this pastoral landscape.",,4,0,entity,whole,entity - whole (field),Is there a field? +partiprompts171,"a detailed 17th-century Dutch Baroque painting depicting a chestnut horse standing amidst a vibrant field of tulips and daisies. The horse's mane and tail are elegantly captured by the artist, flowing with the gentle breeze that seems to animate the scene. In the background, a traditional windmill sits under a partly cloudy sky, completing this pastoral landscape.",,5,0,entity,whole,entity - whole (tulips),Are there tulips? +partiprompts171,"a detailed 17th-century Dutch Baroque painting depicting a chestnut horse standing amidst a vibrant field of tulips and daisies. The horse's mane and tail are elegantly captured by the artist, flowing with the gentle breeze that seems to animate the scene. In the background, a traditional windmill sits under a partly cloudy sky, completing this pastoral landscape.",,6,0,entity,whole,entity - whole (daisies),Are there daisies? +partiprompts171,"a detailed 17th-century Dutch Baroque painting depicting a chestnut horse standing amidst a vibrant field of tulips and daisies. The horse's mane and tail are elegantly captured by the artist, flowing with the gentle breeze that seems to animate the scene. In the background, a traditional windmill sits under a partly cloudy sky, completing this pastoral landscape.",,7,3,entity,part,entity - part (horse's mane),Does the horse have a mane? +partiprompts171,"a detailed 17th-century Dutch Baroque painting depicting a chestnut horse standing amidst a vibrant field of tulips and daisies. The horse's mane and tail are elegantly captured by the artist, flowing with the gentle breeze that seems to animate the scene. In the background, a traditional windmill sits under a partly cloudy sky, completing this pastoral landscape.",,8,3,entity,part,entity - part (horse's tail),Does the horse have a tail? +partiprompts171,"a detailed 17th-century Dutch Baroque painting depicting a chestnut horse standing amidst a vibrant field of tulips and daisies. The horse's mane and tail are elegantly captured by the artist, flowing with the gentle breeze that seems to animate the scene. In the background, a traditional windmill sits under a partly cloudy sky, completing this pastoral landscape.",,9,7,attribute,texture,"attribute - texture (mane, elegantly captured)",Is the mane elegantly captured? +partiprompts171,"a detailed 17th-century Dutch Baroque painting depicting a chestnut horse standing amidst a vibrant field of tulips and daisies. The horse's mane and tail are elegantly captured by the artist, flowing with the gentle breeze that seems to animate the scene. In the background, a traditional windmill sits under a partly cloudy sky, completing this pastoral landscape.",,10,8,attribute,texture,"attribute - texture (tail, elegantly captured)",Is the tail elegantly captured? +partiprompts171,"a detailed 17th-century Dutch Baroque painting depicting a chestnut horse standing amidst a vibrant field of tulips and daisies. The horse's mane and tail are elegantly captured by the artist, flowing with the gentle breeze that seems to animate the scene. In the background, a traditional windmill sits under a partly cloudy sky, completing this pastoral landscape.",,11,7,entity,state,"entity - state (mane, flow with gentle breeze)",Is the mane flowing with a gentle breeze? +partiprompts171,"a detailed 17th-century Dutch Baroque painting depicting a chestnut horse standing amidst a vibrant field of tulips and daisies. The horse's mane and tail are elegantly captured by the artist, flowing with the gentle breeze that seems to animate the scene. In the background, a traditional windmill sits under a partly cloudy sky, completing this pastoral landscape.",,12,8,entity,state,"entity - state (tail, flow with gentle breeze)",Is the tail flowing with a gentle breeze? +partiprompts171,"a detailed 17th-century Dutch Baroque painting depicting a chestnut horse standing amidst a vibrant field of tulips and daisies. The horse's mane and tail are elegantly captured by the artist, flowing with the gentle breeze that seems to animate the scene. In the background, a traditional windmill sits under a partly cloudy sky, completing this pastoral landscape.",,13,0,entity,whole,entity - whole (windmill),Is there a windmill? +partiprompts171,"a detailed 17th-century Dutch Baroque painting depicting a chestnut horse standing amidst a vibrant field of tulips and daisies. The horse's mane and tail are elegantly captured by the artist, flowing with the gentle breeze that seems to animate the scene. In the background, a traditional windmill sits under a partly cloudy sky, completing this pastoral landscape.",,14,0,entity,whole,entity - whole (sky),Is there a sky? +partiprompts171,"a detailed 17th-century Dutch Baroque painting depicting a chestnut horse standing amidst a vibrant field of tulips and daisies. The horse's mane and tail are elegantly captured by the artist, flowing with the gentle breeze that seems to animate the scene. In the background, a traditional windmill sits under a partly cloudy sky, completing this pastoral landscape.",,15,13,attribute,texture,"attribute - texture (windmill, traditional)",Is the windmill traditional? +partiprompts171,"a detailed 17th-century Dutch Baroque painting depicting a chestnut horse standing amidst a vibrant field of tulips and daisies. The horse's mane and tail are elegantly captured by the artist, flowing with the gentle breeze that seems to animate the scene. In the background, a traditional windmill sits under a partly cloudy sky, completing this pastoral landscape.",,16,14,attribute,texture,"attribute - texture (sky, partly cloudy)",Is the sky partly cloudy? +partiprompts171,"a detailed 17th-century Dutch Baroque painting depicting a chestnut horse standing amidst a vibrant field of tulips and daisies. The horse's mane and tail are elegantly captured by the artist, flowing with the gentle breeze that seems to animate the scene. In the background, a traditional windmill sits under a partly cloudy sky, completing this pastoral landscape.",,17,"3,4",relation,spatial,"relation - spatial (horse, field, amidst)",Is the horse amidst the field? +partiprompts171,"a detailed 17th-century Dutch Baroque painting depicting a chestnut horse standing amidst a vibrant field of tulips and daisies. The horse's mane and tail are elegantly captured by the artist, flowing with the gentle breeze that seems to animate the scene. In the background, a traditional windmill sits under a partly cloudy sky, completing this pastoral landscape.",,18,"3,5",relation,spatial,"relation - spatial (horse, tulips, in)",Is the horse in the tulips? +partiprompts171,"a detailed 17th-century Dutch Baroque painting depicting a chestnut horse standing amidst a vibrant field of tulips and daisies. The horse's mane and tail are elegantly captured by the artist, flowing with the gentle breeze that seems to animate the scene. In the background, a traditional windmill sits under a partly cloudy sky, completing this pastoral landscape.",,19,"3,6",relation,spatial,"relation - spatial (horse, daisies, in)",Is the horse in the daisies? +partiprompts171,"a detailed 17th-century Dutch Baroque painting depicting a chestnut horse standing amidst a vibrant field of tulips and daisies. The horse's mane and tail are elegantly captured by the artist, flowing with the gentle breeze that seems to animate the scene. In the background, a traditional windmill sits under a partly cloudy sky, completing this pastoral landscape.",,20,"13,14",relation,spatial,"relation - spatial (windmill, sky, under)",Is the windmill under the sky? +partiprompts266,"A surreal image of a clear glass light bulb adrift in the vast expanse of outer space, its filament replaced by a miniature sailing boat with white sails unfurled. The light bulb, seemingly floating among the stars and nebulae, casts a subtle glow that illuminates the delicate features of the boat within. Surrounding the bulb, the cosmos stretches out in shades of deep blues and purples, speckled with the twinkling of distant stars.",,1,0,entity,whole,entity - whole (image),Is this an image? +partiprompts266,"A surreal image of a clear glass light bulb adrift in the vast expanse of outer space, its filament replaced by a miniature sailing boat with white sails unfurled. The light bulb, seemingly floating among the stars and nebulae, casts a subtle glow that illuminates the delicate features of the boat within. Surrounding the bulb, the cosmos stretches out in shades of deep blues and purples, speckled with the twinkling of distant stars.",,2,0,entity,whole,entity - whole (light bulb),Is there a light bulb? +partiprompts266,"A surreal image of a clear glass light bulb adrift in the vast expanse of outer space, its filament replaced by a miniature sailing boat with white sails unfurled. The light bulb, seemingly floating among the stars and nebulae, casts a subtle glow that illuminates the delicate features of the boat within. Surrounding the bulb, the cosmos stretches out in shades of deep blues and purples, speckled with the twinkling of distant stars.",,3,0,entity,whole,entity - whole (outer space),Is there outer space? +partiprompts266,"A surreal image of a clear glass light bulb adrift in the vast expanse of outer space, its filament replaced by a miniature sailing boat with white sails unfurled. The light bulb, seemingly floating among the stars and nebulae, casts a subtle glow that illuminates the delicate features of the boat within. Surrounding the bulb, the cosmos stretches out in shades of deep blues and purples, speckled with the twinkling of distant stars.",,4,0,entity,whole,entity - whole (filament),Is there a filament? +partiprompts266,"A surreal image of a clear glass light bulb adrift in the vast expanse of outer space, its filament replaced by a miniature sailing boat with white sails unfurled. The light bulb, seemingly floating among the stars and nebulae, casts a subtle glow that illuminates the delicate features of the boat within. Surrounding the bulb, the cosmos stretches out in shades of deep blues and purples, speckled with the twinkling of distant stars.",,5,0,entity,whole,entity - whole (sailing boat),Is there a sailing boat? +partiprompts266,"A surreal image of a clear glass light bulb adrift in the vast expanse of outer space, its filament replaced by a miniature sailing boat with white sails unfurled. The light bulb, seemingly floating among the stars and nebulae, casts a subtle glow that illuminates the delicate features of the boat within. Surrounding the bulb, the cosmos stretches out in shades of deep blues and purples, speckled with the twinkling of distant stars.",,6,2,attribute,texture,"attribute - texture (light bulb, clear glass)",Is the light bulb made of clear glass? +partiprompts266,"A surreal image of a clear glass light bulb adrift in the vast expanse of outer space, its filament replaced by a miniature sailing boat with white sails unfurled. The light bulb, seemingly floating among the stars and nebulae, casts a subtle glow that illuminates the delicate features of the boat within. Surrounding the bulb, the cosmos stretches out in shades of deep blues and purples, speckled with the twinkling of distant stars.",,7,5,attribute,texture,"attribute - texture (sailing boat, miniature)",Is the sailing boat miniature? +partiprompts266,"A surreal image of a clear glass light bulb adrift in the vast expanse of outer space, its filament replaced by a miniature sailing boat with white sails unfurled. The light bulb, seemingly floating among the stars and nebulae, casts a subtle glow that illuminates the delicate features of the boat within. Surrounding the bulb, the cosmos stretches out in shades of deep blues and purples, speckled with the twinkling of distant stars.",,8,5,attribute,color,"attribute - color (sailing boat, white)",Is the sailing boat white? +partiprompts266,"A surreal image of a clear glass light bulb adrift in the vast expanse of outer space, its filament replaced by a miniature sailing boat with white sails unfurled. The light bulb, seemingly floating among the stars and nebulae, casts a subtle glow that illuminates the delicate features of the boat within. Surrounding the bulb, the cosmos stretches out in shades of deep blues and purples, speckled with the twinkling of distant stars.",,9,3,attribute,color,"attribute - color (cosmos, deep blues and purples)",Are the cosmos deep blues and purples? +partiprompts266,"A surreal image of a clear glass light bulb adrift in the vast expanse of outer space, its filament replaced by a miniature sailing boat with white sails unfurled. The light bulb, seemingly floating among the stars and nebulae, casts a subtle glow that illuminates the delicate features of the boat within. Surrounding the bulb, the cosmos stretches out in shades of deep blues and purples, speckled with the twinkling of distant stars.",,10,"2,3",relation,spatial,"relation - spatial (light bulb, outer space, adrift)",Is the light bulb adrift in outer space? +partiprompts266,"A surreal image of a clear glass light bulb adrift in the vast expanse of outer space, its filament replaced by a miniature sailing boat with white sails unfurled. The light bulb, seemingly floating among the stars and nebulae, casts a subtle glow that illuminates the delicate features of the boat within. Surrounding the bulb, the cosmos stretches out in shades of deep blues and purples, speckled with the twinkling of distant stars.",,11,"4,5",relation,spatial,"relation - spatial (filament, sailing boat, replaced by)",Is the filament replaced by the sailing boat? +partiprompts266,"A surreal image of a clear glass light bulb adrift in the vast expanse of outer space, its filament replaced by a miniature sailing boat with white sails unfurled. The light bulb, seemingly floating among the stars and nebulae, casts a subtle glow that illuminates the delicate features of the boat within. Surrounding the bulb, the cosmos stretches out in shades of deep blues and purples, speckled with the twinkling of distant stars.",,12,"2,5",relation,spatial,"relation - spatial (light bulb, sailing boat, within)",Is the sailing boat within the light bulb? +partiprompts266,"A surreal image of a clear glass light bulb adrift in the vast expanse of outer space, its filament replaced by a miniature sailing boat with white sails unfurled. The light bulb, seemingly floating among the stars and nebulae, casts a subtle glow that illuminates the delicate features of the boat within. Surrounding the bulb, the cosmos stretches out in shades of deep blues and purples, speckled with the twinkling of distant stars.",,13,"2,3",relation,spatial,"relation - spatial (light bulb, stars and nebulae, among)",Is the light bulb among the stars and nebulae? +partiprompts266,"A surreal image of a clear glass light bulb adrift in the vast expanse of outer space, its filament replaced by a miniature sailing boat with white sails unfurled. The light bulb, seemingly floating among the stars and nebulae, casts a subtle glow that illuminates the delicate features of the boat within. Surrounding the bulb, the cosmos stretches out in shades of deep blues and purples, speckled with the twinkling of distant stars.",,14,"2,3",relation,spatial,"relation - spatial (light bulb, cosmos, surrounding)",Is the light bulb surrounded by the cosmos? +partiprompts266,"A surreal image of a clear glass light bulb adrift in the vast expanse of outer space, its filament replaced by a miniature sailing boat with white sails unfurled. The light bulb, seemingly floating among the stars and nebulae, casts a subtle glow that illuminates the delicate features of the boat within. Surrounding the bulb, the cosmos stretches out in shades of deep blues and purples, speckled with the twinkling of distant stars.",,15,3,relation,spatial,"relation - spatial (cosmos, distant stars, twinkling)",Are there twinkling distant stars in the cosmos? +partiprompts198,"A clear blue sky serves as the backdrop for a white airplane, leaving behind a long, linear chemtrail that stretches across the expanse. The trail is a stark white against the deep blue, and it slowly diffuses at the edges as it drifts away from the plane. Below, the landscape is dotted with the occasional fluffy white cloud, providing a serene contrast to the straight line above.",,1,0,global,,global - (clear blue sky),Is the sky clear and blue? +partiprompts198,"A clear blue sky serves as the backdrop for a white airplane, leaving behind a long, linear chemtrail that stretches across the expanse. The trail is a stark white against the deep blue, and it slowly diffuses at the edges as it drifts away from the plane. Below, the landscape is dotted with the occasional fluffy white cloud, providing a serene contrast to the straight line above.",,2,1,entity,whole,entity - whole (airplane),Is there an airplane? +partiprompts198,"A clear blue sky serves as the backdrop for a white airplane, leaving behind a long, linear chemtrail that stretches across the expanse. The trail is a stark white against the deep blue, and it slowly diffuses at the edges as it drifts away from the plane. Below, the landscape is dotted with the occasional fluffy white cloud, providing a serene contrast to the straight line above.",,3,1,entity,whole,entity - whole (chemtrail),Is there a chemtrail? +partiprompts198,"A clear blue sky serves as the backdrop for a white airplane, leaving behind a long, linear chemtrail that stretches across the expanse. The trail is a stark white against the deep blue, and it slowly diffuses at the edges as it drifts away from the plane. Below, the landscape is dotted with the occasional fluffy white cloud, providing a serene contrast to the straight line above.",,4,1,attribute,color,"attribute - color (sky, blue)",Is the sky blue? +partiprompts198,"A clear blue sky serves as the backdrop for a white airplane, leaving behind a long, linear chemtrail that stretches across the expanse. The trail is a stark white against the deep blue, and it slowly diffuses at the edges as it drifts away from the plane. Below, the landscape is dotted with the occasional fluffy white cloud, providing a serene contrast to the straight line above.",,5,2,attribute,color,"attribute - color (airplane, white)",Is the airplane white? +partiprompts198,"A clear blue sky serves as the backdrop for a white airplane, leaving behind a long, linear chemtrail that stretches across the expanse. The trail is a stark white against the deep blue, and it slowly diffuses at the edges as it drifts away from the plane. Below, the landscape is dotted with the occasional fluffy white cloud, providing a serene contrast to the straight line above.",,6,3,attribute,color,"attribute - color (chemtrail, white)",Is the chemtrail white? +partiprompts198,"A clear blue sky serves as the backdrop for a white airplane, leaving behind a long, linear chemtrail that stretches across the expanse. The trail is a stark white against the deep blue, and it slowly diffuses at the edges as it drifts away from the plane. Below, the landscape is dotted with the occasional fluffy white cloud, providing a serene contrast to the straight line above.",,7,1,attribute,color,"attribute - color (clouds, white)",Are the clouds white? +partiprompts198,"A clear blue sky serves as the backdrop for a white airplane, leaving behind a long, linear chemtrail that stretches across the expanse. The trail is a stark white against the deep blue, and it slowly diffuses at the edges as it drifts away from the plane. Below, the landscape is dotted with the occasional fluffy white cloud, providing a serene contrast to the straight line above.",,8,3,attribute,texture,"attribute - texture (chemtrail, linear)",Is the chemtrail linear? +partiprompts198,"A clear blue sky serves as the backdrop for a white airplane, leaving behind a long, linear chemtrail that stretches across the expanse. The trail is a stark white against the deep blue, and it slowly diffuses at the edges as it drifts away from the plane. Below, the landscape is dotted with the occasional fluffy white cloud, providing a serene contrast to the straight line above.",,9,7,attribute,texture,"attribute - texture (clouds, fluffy)",Are the clouds fluffy? +partiprompts198,"A clear blue sky serves as the backdrop for a white airplane, leaving behind a long, linear chemtrail that stretches across the expanse. The trail is a stark white against the deep blue, and it slowly diffuses at the edges as it drifts away from the plane. Below, the landscape is dotted with the occasional fluffy white cloud, providing a serene contrast to the straight line above.",,10,1,relation,spatial,"relation - spatial (airplane, sky, against)",Is the airplane against the sky? +partiprompts198,"A clear blue sky serves as the backdrop for a white airplane, leaving behind a long, linear chemtrail that stretches across the expanse. The trail is a stark white against the deep blue, and it slowly diffuses at the edges as it drifts away from the plane. Below, the landscape is dotted with the occasional fluffy white cloud, providing a serene contrast to the straight line above.",,11,"2,4",relation,spatial,"relation - spatial (chemtrail, sky, across)",Does the chemtrail stretch across the sky? +partiprompts198,"A clear blue sky serves as the backdrop for a white airplane, leaving behind a long, linear chemtrail that stretches across the expanse. The trail is a stark white against the deep blue, and it slowly diffuses at the edges as it drifts away from the plane. Below, the landscape is dotted with the occasional fluffy white cloud, providing a serene contrast to the straight line above.",,12,"2,3",relation,spatial,"relation - spatial (chemtrail, airplane, behind)",Is the chemtrail behind the airplane? +partiprompts198,"A clear blue sky serves as the backdrop for a white airplane, leaving behind a long, linear chemtrail that stretches across the expanse. The trail is a stark white against the deep blue, and it slowly diffuses at the edges as it drifts away from the plane. Below, the landscape is dotted with the occasional fluffy white cloud, providing a serene contrast to the straight line above.",,13,3,relation,spatial,"relation - spatial (chemtrail, sky, diffuses)",Does the chemtrail slowly diffuse in the sky? +partiprompts198,"A clear blue sky serves as the backdrop for a white airplane, leaving behind a long, linear chemtrail that stretches across the expanse. The trail is a stark white against the deep blue, and it slowly diffuses at the edges as it drifts away from the plane. Below, the landscape is dotted with the occasional fluffy white cloud, providing a serene contrast to the straight line above.",,14,"1,7",relation,spatial,"relation - spatial (clouds, landscape, dotted)",Are the clouds dotted across the landscape? +partiprompts215,"a vintage blue Porsche 356 is captured mid-turn on a winding asphalt road, its polished surface reflecting the bright sunlight. The car's classic design is accentuated by its rounded headlights and sleek bodywork. Alongside the road, a low stone wall partially covered in moss provides a contrast to the well-maintained vehicle.",,1,0,entity,whole,entity - whole (Porsche 356),Is there a Porsche 356? +partiprompts215,"a vintage blue Porsche 356 is captured mid-turn on a winding asphalt road, its polished surface reflecting the bright sunlight. The car's classic design is accentuated by its rounded headlights and sleek bodywork. Alongside the road, a low stone wall partially covered in moss provides a contrast to the well-maintained vehicle.",,2,1,attribute,color,"attribute - color (Porsche 356, blue)",Is the Porsche 356 blue? +partiprompts215,"a vintage blue Porsche 356 is captured mid-turn on a winding asphalt road, its polished surface reflecting the bright sunlight. The car's classic design is accentuated by its rounded headlights and sleek bodywork. Alongside the road, a low stone wall partially covered in moss provides a contrast to the well-maintained vehicle.",,3,1,entity,state,"entity - state (Porsche 356, captured mid-turn)",Is the Porsche 356 captured mid-turn? +partiprompts215,"a vintage blue Porsche 356 is captured mid-turn on a winding asphalt road, its polished surface reflecting the bright sunlight. The car's classic design is accentuated by its rounded headlights and sleek bodywork. Alongside the road, a low stone wall partially covered in moss provides a contrast to the well-maintained vehicle.",,4,1,attribute,texture,"attribute - texture (Porsche 356, polished)",Is the Porsche 356 polished? +partiprompts215,"a vintage blue Porsche 356 is captured mid-turn on a winding asphalt road, its polished surface reflecting the bright sunlight. The car's classic design is accentuated by its rounded headlights and sleek bodywork. Alongside the road, a low stone wall partially covered in moss provides a contrast to the well-maintained vehicle.",,5,1,attribute,other,"attribute - other (Porsche 356, vintage)",Is the Porsche 356 vintage? +partiprompts215,"a vintage blue Porsche 356 is captured mid-turn on a winding asphalt road, its polished surface reflecting the bright sunlight. The car's classic design is accentuated by its rounded headlights and sleek bodywork. Alongside the road, a low stone wall partially covered in moss provides a contrast to the well-maintained vehicle.",,6,1,attribute,other,"attribute - other (Porsche 356, classic design)",Is the Porsche 356 designed with a classic design? +partiprompts215,"a vintage blue Porsche 356 is captured mid-turn on a winding asphalt road, its polished surface reflecting the bright sunlight. The car's classic design is accentuated by its rounded headlights and sleek bodywork. Alongside the road, a low stone wall partially covered in moss provides a contrast to the well-maintained vehicle.",,7,1,attribute,shape,"attribute - shape (Porsche 356, rounded headlights)",Does the Porsche 356 have rounded headlights? +partiprompts215,"a vintage blue Porsche 356 is captured mid-turn on a winding asphalt road, its polished surface reflecting the bright sunlight. The car's classic design is accentuated by its rounded headlights and sleek bodywork. Alongside the road, a low stone wall partially covered in moss provides a contrast to the well-maintained vehicle.",,8,1,attribute,shape,"attribute - shape (Porsche 356, sleek bodywork)",Does the Porsche 356 have sleek bodywork? +partiprompts215,"a vintage blue Porsche 356 is captured mid-turn on a winding asphalt road, its polished surface reflecting the bright sunlight. The car's classic design is accentuated by its rounded headlights and sleek bodywork. Alongside the road, a low stone wall partially covered in moss provides a contrast to the well-maintained vehicle.",,9,0,entity,whole,entity - whole (asphalt road),Is there an asphalt road? +partiprompts215,"a vintage blue Porsche 356 is captured mid-turn on a winding asphalt road, its polished surface reflecting the bright sunlight. The car's classic design is accentuated by its rounded headlights and sleek bodywork. Alongside the road, a low stone wall partially covered in moss provides a contrast to the well-maintained vehicle.",,10,9,attribute,texture,"attribute - texture (asphalt road, winding)",Is the asphalt road winding? +partiprompts215,"a vintage blue Porsche 356 is captured mid-turn on a winding asphalt road, its polished surface reflecting the bright sunlight. The car's classic design is accentuated by its rounded headlights and sleek bodywork. Alongside the road, a low stone wall partially covered in moss provides a contrast to the well-maintained vehicle.",,11,9,attribute,texture,"attribute - texture (asphalt road, bright sunlight)",Is the asphalt road reflecting bright sunlight? +partiprompts215,"a vintage blue Porsche 356 is captured mid-turn on a winding asphalt road, its polished surface reflecting the bright sunlight. The car's classic design is accentuated by its rounded headlights and sleek bodywork. Alongside the road, a low stone wall partially covered in moss provides a contrast to the well-maintained vehicle.",,12,0,entity,whole,entity - whole (stone wall),Is there a stone wall? +partiprompts215,"a vintage blue Porsche 356 is captured mid-turn on a winding asphalt road, its polished surface reflecting the bright sunlight. The car's classic design is accentuated by its rounded headlights and sleek bodywork. Alongside the road, a low stone wall partially covered in moss provides a contrast to the well-maintained vehicle.",,13,12,attribute,size,"attribute - size (stone wall, low)",Is the stone wall low? +partiprompts215,"a vintage blue Porsche 356 is captured mid-turn on a winding asphalt road, its polished surface reflecting the bright sunlight. The car's classic design is accentuated by its rounded headlights and sleek bodywork. Alongside the road, a low stone wall partially covered in moss provides a contrast to the well-maintained vehicle.",,14,12,attribute,texture,"attribute - texture (stone wall, moss)",Is the stone wall partially covered in moss? +partiprompts215,"a vintage blue Porsche 356 is captured mid-turn on a winding asphalt road, its polished surface reflecting the bright sunlight. The car's classic design is accentuated by its rounded headlights and sleek bodywork. Alongside the road, a low stone wall partially covered in moss provides a contrast to the well-maintained vehicle.",,15,"1,9",relation,spatial,"relation - spatial (Porsche 356, asphalt road, on)",Is the Porsche 356 on the asphalt road? +partiprompts215,"a vintage blue Porsche 356 is captured mid-turn on a winding asphalt road, its polished surface reflecting the bright sunlight. The car's classic design is accentuated by its rounded headlights and sleek bodywork. Alongside the road, a low stone wall partially covered in moss provides a contrast to the well-maintained vehicle.",,16,"12,9",relation,spatial,"relation - spatial (stone wall, road, alongside)",Is the stone wall alongside the road? +partiprompts305,"A quaint garden space featuring a robust apple tree with a sturdy trunk and branches laden with ripe red apples. The garden itself is bordered by a low, stone wall and contains a variety of flowering plants and shrubs. In the foreground, a small wooden bench invites visitors to sit and enjoy the peaceful surroundings.",,1,0,entity,whole,entity - whole (garden space),Is there a garden space? +partiprompts305,"A quaint garden space featuring a robust apple tree with a sturdy trunk and branches laden with ripe red apples. The garden itself is bordered by a low, stone wall and contains a variety of flowering plants and shrubs. In the foreground, a small wooden bench invites visitors to sit and enjoy the peaceful surroundings.",,2,1,entity,whole,entity - whole (apple tree),Is there an apple tree? +partiprompts305,"A quaint garden space featuring a robust apple tree with a sturdy trunk and branches laden with ripe red apples. The garden itself is bordered by a low, stone wall and contains a variety of flowering plants and shrubs. In the foreground, a small wooden bench invites visitors to sit and enjoy the peaceful surroundings.",,3,2,entity,whole,entity - whole (trunk),Is there a trunk? +partiprompts305,"A quaint garden space featuring a robust apple tree with a sturdy trunk and branches laden with ripe red apples. The garden itself is bordered by a low, stone wall and contains a variety of flowering plants and shrubs. In the foreground, a small wooden bench invites visitors to sit and enjoy the peaceful surroundings.",,4,2,entity,whole,entity - whole (branches),Are there branches? +partiprompts305,"A quaint garden space featuring a robust apple tree with a sturdy trunk and branches laden with ripe red apples. The garden itself is bordered by a low, stone wall and contains a variety of flowering plants and shrubs. In the foreground, a small wooden bench invites visitors to sit and enjoy the peaceful surroundings.",,5,2,entity,whole,entity - whole (apples),Are there apples? +partiprompts305,"A quaint garden space featuring a robust apple tree with a sturdy trunk and branches laden with ripe red apples. The garden itself is bordered by a low, stone wall and contains a variety of flowering plants and shrubs. In the foreground, a small wooden bench invites visitors to sit and enjoy the peaceful surroundings.",,6,1,entity,whole,entity - whole (wall),Is there a wall? +partiprompts305,"A quaint garden space featuring a robust apple tree with a sturdy trunk and branches laden with ripe red apples. The garden itself is bordered by a low, stone wall and contains a variety of flowering plants and shrubs. In the foreground, a small wooden bench invites visitors to sit and enjoy the peaceful surroundings.",,7,1,entity,whole,entity - whole (plants),Are there plants? +partiprompts305,"A quaint garden space featuring a robust apple tree with a sturdy trunk and branches laden with ripe red apples. The garden itself is bordered by a low, stone wall and contains a variety of flowering plants and shrubs. In the foreground, a small wooden bench invites visitors to sit and enjoy the peaceful surroundings.",,8,1,entity,whole,entity - whole (shrubs),Are there shrubs? +partiprompts305,"A quaint garden space featuring a robust apple tree with a sturdy trunk and branches laden with ripe red apples. The garden itself is bordered by a low, stone wall and contains a variety of flowering plants and shrubs. In the foreground, a small wooden bench invites visitors to sit and enjoy the peaceful surroundings.",,9,1,entity,whole,entity - whole (bench),Is there a bench? +partiprompts305,"A quaint garden space featuring a robust apple tree with a sturdy trunk and branches laden with ripe red apples. The garden itself is bordered by a low, stone wall and contains a variety of flowering plants and shrubs. In the foreground, a small wooden bench invites visitors to sit and enjoy the peaceful surroundings.",,10,1,attribute,other,"attribute - other (garden space, quaint)",Is the garden space quaint? +partiprompts305,"A quaint garden space featuring a robust apple tree with a sturdy trunk and branches laden with ripe red apples. The garden itself is bordered by a low, stone wall and contains a variety of flowering plants and shrubs. In the foreground, a small wooden bench invites visitors to sit and enjoy the peaceful surroundings.",,11,2,attribute,other,"attribute - other (apple tree, robust)",Is the apple tree robust? +partiprompts305,"A quaint garden space featuring a robust apple tree with a sturdy trunk and branches laden with ripe red apples. The garden itself is bordered by a low, stone wall and contains a variety of flowering plants and shrubs. In the foreground, a small wooden bench invites visitors to sit and enjoy the peaceful surroundings.",,12,2,attribute,other,"attribute - other (trunk, sturdy)",Is the trunk sturdy? +partiprompts305,"A quaint garden space featuring a robust apple tree with a sturdy trunk and branches laden with ripe red apples. The garden itself is bordered by a low, stone wall and contains a variety of flowering plants and shrubs. In the foreground, a small wooden bench invites visitors to sit and enjoy the peaceful surroundings.",,13,4,attribute,other,"attribute - other (branches, laden with ripe red apples)",Are the branches laden with ripe red apples? +partiprompts305,"A quaint garden space featuring a robust apple tree with a sturdy trunk and branches laden with ripe red apples. The garden itself is bordered by a low, stone wall and contains a variety of flowering plants and shrubs. In the foreground, a small wooden bench invites visitors to sit and enjoy the peaceful surroundings.",,14,6,attribute,other,"attribute - other (wall, low)",Is the wall low? +partiprompts305,"A quaint garden space featuring a robust apple tree with a sturdy trunk and branches laden with ripe red apples. The garden itself is bordered by a low, stone wall and contains a variety of flowering plants and shrubs. In the foreground, a small wooden bench invites visitors to sit and enjoy the peaceful surroundings.",,15,6,attribute,texture,"attribute - texture (wall, stone)",Is the wall made of stone? +partiprompts305,"A quaint garden space featuring a robust apple tree with a sturdy trunk and branches laden with ripe red apples. The garden itself is bordered by a low, stone wall and contains a variety of flowering plants and shrubs. In the foreground, a small wooden bench invites visitors to sit and enjoy the peaceful surroundings.",,16,6,attribute,other,"attribute - other (plants, flowering)",Are the plants flowering? +partiprompts305,"A quaint garden space featuring a robust apple tree with a sturdy trunk and branches laden with ripe red apples. The garden itself is bordered by a low, stone wall and contains a variety of flowering plants and shrubs. In the foreground, a small wooden bench invites visitors to sit and enjoy the peaceful surroundings.",,17,7,attribute,other,"attribute - other (shrubs, variety)",Are there a variety of shrubs? +partiprompts305,"A quaint garden space featuring a robust apple tree with a sturdy trunk and branches laden with ripe red apples. The garden itself is bordered by a low, stone wall and contains a variety of flowering plants and shrubs. In the foreground, a small wooden bench invites visitors to sit and enjoy the peaceful surroundings.",,18,"1,6",relation,spatial,"relation - spatial (apple tree, garden space, in)",Is the apple tree in the garden space? +partiprompts305,"A quaint garden space featuring a robust apple tree with a sturdy trunk and branches laden with ripe red apples. The garden itself is bordered by a low, stone wall and contains a variety of flowering plants and shrubs. In the foreground, a small wooden bench invites visitors to sit and enjoy the peaceful surroundings.",,19,"6,1",relation,spatial,"relation - spatial (wall, garden space, border)",Is the wall bordering the garden space? +partiprompts305,"A quaint garden space featuring a robust apple tree with a sturdy trunk and branches laden with ripe red apples. The garden itself is bordered by a low, stone wall and contains a variety of flowering plants and shrubs. In the foreground, a small wooden bench invites visitors to sit and enjoy the peaceful surroundings.",,20,"1,6",relation,spatial,"relation - spatial (bench, garden space, foreground)",Is the bench in the foreground of the garden space? +partiprompts250,"a festive array of red and yellow balloons tied with curling ribbons, gently bobbing from the breeze of a spinning ceiling fan. The fan has wooden blades and a brass finish, which contrasts with the bright colors of the balloons. The balloons are clustered in a joyful bunch, casting soft shadows on the ceiling above.",,1,0,entity,whole,entity - whole (balloons),Are there balloons? +partiprompts250,"a festive array of red and yellow balloons tied with curling ribbons, gently bobbing from the breeze of a spinning ceiling fan. The fan has wooden blades and a brass finish, which contrasts with the bright colors of the balloons. The balloons are clustered in a joyful bunch, casting soft shadows on the ceiling above.",,2,1,attribute,color,"attribute - color (balloons, red)",Are the balloons red? +partiprompts250,"a festive array of red and yellow balloons tied with curling ribbons, gently bobbing from the breeze of a spinning ceiling fan. The fan has wooden blades and a brass finish, which contrasts with the bright colors of the balloons. The balloons are clustered in a joyful bunch, casting soft shadows on the ceiling above.",,3,1,attribute,color,"attribute - color (balloons, yellow)",Are the balloons yellow? +partiprompts250,"a festive array of red and yellow balloons tied with curling ribbons, gently bobbing from the breeze of a spinning ceiling fan. The fan has wooden blades and a brass finish, which contrasts with the bright colors of the balloons. The balloons are clustered in a joyful bunch, casting soft shadows on the ceiling above.",,4,1,attribute,texture,"attribute - texture (ribbons, curling)",Are the ribbons curling? +partiprompts250,"a festive array of red and yellow balloons tied with curling ribbons, gently bobbing from the breeze of a spinning ceiling fan. The fan has wooden blades and a brass finish, which contrasts with the bright colors of the balloons. The balloons are clustered in a joyful bunch, casting soft shadows on the ceiling above.",,5,1,attribute,texture,"attribute - texture (fan, wooden)",Is the fan made of wood? +partiprompts250,"a festive array of red and yellow balloons tied with curling ribbons, gently bobbing from the breeze of a spinning ceiling fan. The fan has wooden blades and a brass finish, which contrasts with the bright colors of the balloons. The balloons are clustered in a joyful bunch, casting soft shadows on the ceiling above.",,6,1,attribute,texture,"attribute - texture (fan, brass finish)",Is the fan finished with brass? +partiprompts250,"a festive array of red and yellow balloons tied with curling ribbons, gently bobbing from the breeze of a spinning ceiling fan. The fan has wooden blades and a brass finish, which contrasts with the bright colors of the balloons. The balloons are clustered in a joyful bunch, casting soft shadows on the ceiling above.",,7,"1,2",relation,spatial,"relation - spatial (balloons, fan, bobbing from)",Are the balloons bobbing from the fan? +partiprompts250,"a festive array of red and yellow balloons tied with curling ribbons, gently bobbing from the breeze of a spinning ceiling fan. The fan has wooden blades and a brass finish, which contrasts with the bright colors of the balloons. The balloons are clustered in a joyful bunch, casting soft shadows on the ceiling above.",,8,"1,5,6",relation,spatial,"relation - spatial (fan, balloons, spinning)",Is the fan spinning? +partiprompts250,"a festive array of red and yellow balloons tied with curling ribbons, gently bobbing from the breeze of a spinning ceiling fan. The fan has wooden blades and a brass finish, which contrasts with the bright colors of the balloons. The balloons are clustered in a joyful bunch, casting soft shadows on the ceiling above.",,9,1,relation,spatial,"relation - spatial (balloons, ceiling, casting shadows)",Are the balloons casting shadows on the ceiling? +partiprompts250,"a festive array of red and yellow balloons tied with curling ribbons, gently bobbing from the breeze of a spinning ceiling fan. The fan has wooden blades and a brass finish, which contrasts with the bright colors of the balloons. The balloons are clustered in a joyful bunch, casting soft shadows on the ceiling above.",,10,1,attribute,other,"attribute - other (balloons, festive)",Are the balloons festive? +partiprompts16,"A plush teddy bear, adorned with a shiny black motorcycle helmet and a flowing red cape, is perched confidently on a miniature red motorcycle. The toy bike and its adventurous rider are positioned against the bustling backdrop of Rio de Janeiro, with the iconic Dois Irmãos mountain peaks rising majestically in the distance. The scene captures the playful contrast between the soft texture of the teddy bear and the sleek metal of the motorcycle, all under the bright Brazilian sun.",,1,0,entity,whole,entity - whole (teddy bear),Is there a teddy bear? +partiprompts16,"A plush teddy bear, adorned with a shiny black motorcycle helmet and a flowing red cape, is perched confidently on a miniature red motorcycle. The toy bike and its adventurous rider are positioned against the bustling backdrop of Rio de Janeiro, with the iconic Dois Irmãos mountain peaks rising majestically in the distance. The scene captures the playful contrast between the soft texture of the teddy bear and the sleek metal of the motorcycle, all under the bright Brazilian sun.",,2,0,entity,whole,entity - whole (motorcycle helmet),Is there a motorcycle helmet? +partiprompts16,"A plush teddy bear, adorned with a shiny black motorcycle helmet and a flowing red cape, is perched confidently on a miniature red motorcycle. The toy bike and its adventurous rider are positioned against the bustling backdrop of Rio de Janeiro, with the iconic Dois Irmãos mountain peaks rising majestically in the distance. The scene captures the playful contrast between the soft texture of the teddy bear and the sleek metal of the motorcycle, all under the bright Brazilian sun.",,3,0,entity,whole,entity - whole (cape),Is there a cape? +partiprompts16,"A plush teddy bear, adorned with a shiny black motorcycle helmet and a flowing red cape, is perched confidently on a miniature red motorcycle. The toy bike and its adventurous rider are positioned against the bustling backdrop of Rio de Janeiro, with the iconic Dois Irmãos mountain peaks rising majestically in the distance. The scene captures the playful contrast between the soft texture of the teddy bear and the sleek metal of the motorcycle, all under the bright Brazilian sun.",,4,0,entity,whole,entity - whole (motorcycle),Is there a motorcycle? +partiprompts16,"A plush teddy bear, adorned with a shiny black motorcycle helmet and a flowing red cape, is perched confidently on a miniature red motorcycle. The toy bike and its adventurous rider are positioned against the bustling backdrop of Rio de Janeiro, with the iconic Dois Irmãos mountain peaks rising majestically in the distance. The scene captures the playful contrast between the soft texture of the teddy bear and the sleek metal of the motorcycle, all under the bright Brazilian sun.",,5,0,entity,whole,entity - whole (Rio de Janeiro),Is there Rio de Janeiro? +partiprompts16,"A plush teddy bear, adorned with a shiny black motorcycle helmet and a flowing red cape, is perched confidently on a miniature red motorcycle. The toy bike and its adventurous rider are positioned against the bustling backdrop of Rio de Janeiro, with the iconic Dois Irmãos mountain peaks rising majestically in the distance. The scene captures the playful contrast between the soft texture of the teddy bear and the sleek metal of the motorcycle, all under the bright Brazilian sun.",,6,0,entity,whole,entity - whole (Dois Irmãos mountain peaks),Are there Dois Irmãos mountain peaks? +partiprompts16,"A plush teddy bear, adorned with a shiny black motorcycle helmet and a flowing red cape, is perched confidently on a miniature red motorcycle. The toy bike and its adventurous rider are positioned against the bustling backdrop of Rio de Janeiro, with the iconic Dois Irmãos mountain peaks rising majestically in the distance. The scene captures the playful contrast between the soft texture of the teddy bear and the sleek metal of the motorcycle, all under the bright Brazilian sun.",,7,1,attribute,texture,"attribute - texture (teddy bear, plush)",Is the teddy bear plush? +partiprompts16,"A plush teddy bear, adorned with a shiny black motorcycle helmet and a flowing red cape, is perched confidently on a miniature red motorcycle. The toy bike and its adventurous rider are positioned against the bustling backdrop of Rio de Janeiro, with the iconic Dois Irmãos mountain peaks rising majestically in the distance. The scene captures the playful contrast between the soft texture of the teddy bear and the sleek metal of the motorcycle, all under the bright Brazilian sun.",,8,2,attribute,texture,"attribute - texture (motorcycle helmet, shiny black)",Is the motorcycle helmet shiny black? +partiprompts16,"A plush teddy bear, adorned with a shiny black motorcycle helmet and a flowing red cape, is perched confidently on a miniature red motorcycle. The toy bike and its adventurous rider are positioned against the bustling backdrop of Rio de Janeiro, with the iconic Dois Irmãos mountain peaks rising majestically in the distance. The scene captures the playful contrast between the soft texture of the teddy bear and the sleek metal of the motorcycle, all under the bright Brazilian sun.",,9,3,attribute,texture,"attribute - texture (cape, flowing red)",Is the cape flowing red? +partiprompts16,"A plush teddy bear, adorned with a shiny black motorcycle helmet and a flowing red cape, is perched confidently on a miniature red motorcycle. The toy bike and its adventurous rider are positioned against the bustling backdrop of Rio de Janeiro, with the iconic Dois Irmãos mountain peaks rising majestically in the distance. The scene captures the playful contrast between the soft texture of the teddy bear and the sleek metal of the motorcycle, all under the bright Brazilian sun.",,10,4,attribute,texture,"attribute - texture (motorcycle, miniature)",Is the motorcycle miniature? +partiprompts16,"A plush teddy bear, adorned with a shiny black motorcycle helmet and a flowing red cape, is perched confidently on a miniature red motorcycle. The toy bike and its adventurous rider are positioned against the bustling backdrop of Rio de Janeiro, with the iconic Dois Irmãos mountain peaks rising majestically in the distance. The scene captures the playful contrast between the soft texture of the teddy bear and the sleek metal of the motorcycle, all under the bright Brazilian sun.",,11,5,attribute,texture,"attribute - texture (Rio de Janeiro, bustling)",Is Rio de Janeiro bustling? +partiprompts16,"A plush teddy bear, adorned with a shiny black motorcycle helmet and a flowing red cape, is perched confidently on a miniature red motorcycle. The toy bike and its adventurous rider are positioned against the bustling backdrop of Rio de Janeiro, with the iconic Dois Irmãos mountain peaks rising majestically in the distance. The scene captures the playful contrast between the soft texture of the teddy bear and the sleek metal of the motorcycle, all under the bright Brazilian sun.",,12,6,attribute,texture,"attribute - texture (Dois Irmãos mountain peaks, majestic)",Are the Dois Irmãos mountain peaks majestic? +partiprompts16,"A plush teddy bear, adorned with a shiny black motorcycle helmet and a flowing red cape, is perched confidently on a miniature red motorcycle. The toy bike and its adventurous rider are positioned against the bustling backdrop of Rio de Janeiro, with the iconic Dois Irmãos mountain peaks rising majestically in the distance. The scene captures the playful contrast between the soft texture of the teddy bear and the sleek metal of the motorcycle, all under the bright Brazilian sun.",,13,5,attribute,texture,"attribute - texture (Brazilian sun, bright)",Is the Brazilian sun bright? +partiprompts16,"A plush teddy bear, adorned with a shiny black motorcycle helmet and a flowing red cape, is perched confidently on a miniature red motorcycle. The toy bike and its adventurous rider are positioned against the bustling backdrop of Rio de Janeiro, with the iconic Dois Irmãos mountain peaks rising majestically in the distance. The scene captures the playful contrast between the soft texture of the teddy bear and the sleek metal of the motorcycle, all under the bright Brazilian sun.",,14,"1,2",relation,spatial,"relation - spatial (teddy bear, motorcycle helmet, adorned with)",Is the teddy bear adorned with the motorcycle helmet? +partiprompts16,"A plush teddy bear, adorned with a shiny black motorcycle helmet and a flowing red cape, is perched confidently on a miniature red motorcycle. The toy bike and its adventurous rider are positioned against the bustling backdrop of Rio de Janeiro, with the iconic Dois Irmãos mountain peaks rising majestically in the distance. The scene captures the playful contrast between the soft texture of the teddy bear and the sleek metal of the motorcycle, all under the bright Brazilian sun.",,15,"1,3",relation,spatial,"relation - spatial (teddy bear, cape, adorned with)",Is the teddy bear adorned with the cape? +partiprompts16,"A plush teddy bear, adorned with a shiny black motorcycle helmet and a flowing red cape, is perched confidently on a miniature red motorcycle. The toy bike and its adventurous rider are positioned against the bustling backdrop of Rio de Janeiro, with the iconic Dois Irmãos mountain peaks rising majestically in the distance. The scene captures the playful contrast between the soft texture of the teddy bear and the sleek metal of the motorcycle, all under the bright Brazilian sun.",,16,"1,4",relation,spatial,"relation - spatial (teddy bear, motorcycle, perched on)",Is the teddy bear perched on the motorcycle? +partiprompts16,"A plush teddy bear, adorned with a shiny black motorcycle helmet and a flowing red cape, is perched confidently on a miniature red motorcycle. The toy bike and its adventurous rider are positioned against the bustling backdrop of Rio de Janeiro, with the iconic Dois Irmãos mountain peaks rising majestically in the distance. The scene captures the playful contrast between the soft texture of the teddy bear and the sleek metal of the motorcycle, all under the bright Brazilian sun.",,17,"4,3",relation,spatial,"relation - spatial (motorcycle, motorcycle rider, positioned against)",Is the motorcycle rider positioned against the toy bike? +partiprompts16,"A plush teddy bear, adorned with a shiny black motorcycle helmet and a flowing red cape, is perched confidently on a miniature red motorcycle. The toy bike and its adventurous rider are positioned against the bustling backdrop of Rio de Janeiro, with the iconic Dois Irmãos mountain peaks rising majestically in the distance. The scene captures the playful contrast between the soft texture of the teddy bear and the sleek metal of the motorcycle, all under the bright Brazilian sun.",,18,"4,5",relation,spatial,"relation - spatial (motorcycle, Rio de Janeiro, against)",Is the motorcycle against Rio de Janeiro? +partiprompts16,"A plush teddy bear, adorned with a shiny black motorcycle helmet and a flowing red cape, is perched confidently on a miniature red motorcycle. The toy bike and its adventurous rider are positioned against the bustling backdrop of Rio de Janeiro, with the iconic Dois Irmãos mountain peaks rising majestically in the distance. The scene captures the playful contrast between the soft texture of the teddy bear and the sleek metal of the motorcycle, all under the bright Brazilian sun.",,19,"6,5",relation,spatial,"relation - spatial (Dois Irmãos mountain peaks, Rio de Janeiro, in the distance)",Are the Dois Irmãos mountain peaks in the distance from Rio de Janeiro? +partiprompts16,"A plush teddy bear, adorned with a shiny black motorcycle helmet and a flowing red cape, is perched confidently on a miniature red motorcycle. The toy bike and its adventurous rider are positioned against the bustling backdrop of Rio de Janeiro, with the iconic Dois Irmãos mountain peaks rising majestically in the distance. The scene captures the playful contrast between the soft texture of the teddy bear and the sleek metal of the motorcycle, all under the bright Brazilian sun.",,20,"1,4",relation,spatial,"relation - spatial (teddy bear, motorcycle, contrast between)",Is there a contrast between the soft texture of the teddy bear and the sleek metal of the motorcycle under the bright Brazilian sun? +partiprompts148,"A panoramic view of a sprawling field blanketed with vibrant wildflowers, where a tall giraffe and a striped zebra stand side by side. The giraffe's long neck stretches towards the blue sky, while the zebra's black and white stripes provide a stark contrast against the multicolored floral backdrop. In the distance, a line of acacia trees can be seen under the bright sunlight, completing this picturesque savanna scene.",,1,0,global,,global - (panoramic view),Is this a panoramic view? +partiprompts148,"A panoramic view of a sprawling field blanketed with vibrant wildflowers, where a tall giraffe and a striped zebra stand side by side. The giraffe's long neck stretches towards the blue sky, while the zebra's black and white stripes provide a stark contrast against the multicolored floral backdrop. In the distance, a line of acacia trees can be seen under the bright sunlight, completing this picturesque savanna scene.",,2,0,entity,whole,entity - whole (field),Is there a field? +partiprompts148,"A panoramic view of a sprawling field blanketed with vibrant wildflowers, where a tall giraffe and a striped zebra stand side by side. The giraffe's long neck stretches towards the blue sky, while the zebra's black and white stripes provide a stark contrast against the multicolored floral backdrop. In the distance, a line of acacia trees can be seen under the bright sunlight, completing this picturesque savanna scene.",,3,0,entity,whole,entity - whole (wildflowers),Are there wildflowers? +partiprompts148,"A panoramic view of a sprawling field blanketed with vibrant wildflowers, where a tall giraffe and a striped zebra stand side by side. The giraffe's long neck stretches towards the blue sky, while the zebra's black and white stripes provide a stark contrast against the multicolored floral backdrop. In the distance, a line of acacia trees can be seen under the bright sunlight, completing this picturesque savanna scene.",,4,0,entity,whole,entity - whole (giraffe),Is there a giraffe? +partiprompts148,"A panoramic view of a sprawling field blanketed with vibrant wildflowers, where a tall giraffe and a striped zebra stand side by side. The giraffe's long neck stretches towards the blue sky, while the zebra's black and white stripes provide a stark contrast against the multicolored floral backdrop. In the distance, a line of acacia trees can be seen under the bright sunlight, completing this picturesque savanna scene.",,5,0,entity,whole,entity - whole (zebra),Is there a zebra? +partiprompts148,"A panoramic view of a sprawling field blanketed with vibrant wildflowers, where a tall giraffe and a striped zebra stand side by side. The giraffe's long neck stretches towards the blue sky, while the zebra's black and white stripes provide a stark contrast against the multicolored floral backdrop. In the distance, a line of acacia trees can be seen under the bright sunlight, completing this picturesque savanna scene.",,6,0,entity,whole,entity - whole (sky),Is there a sky? +partiprompts148,"A panoramic view of a sprawling field blanketed with vibrant wildflowers, where a tall giraffe and a striped zebra stand side by side. The giraffe's long neck stretches towards the blue sky, while the zebra's black and white stripes provide a stark contrast against the multicolored floral backdrop. In the distance, a line of acacia trees can be seen under the bright sunlight, completing this picturesque savanna scene.",,7,0,entity,whole,entity - whole (stripes),Are there stripes? +partiprompts148,"A panoramic view of a sprawling field blanketed with vibrant wildflowers, where a tall giraffe and a striped zebra stand side by side. The giraffe's long neck stretches towards the blue sky, while the zebra's black and white stripes provide a stark contrast against the multicolored floral backdrop. In the distance, a line of acacia trees can be seen under the bright sunlight, completing this picturesque savanna scene.",,8,0,entity,whole,entity - whole (floral backdrop),Is there a floral backdrop? +partiprompts148,"A panoramic view of a sprawling field blanketed with vibrant wildflowers, where a tall giraffe and a striped zebra stand side by side. The giraffe's long neck stretches towards the blue sky, while the zebra's black and white stripes provide a stark contrast against the multicolored floral backdrop. In the distance, a line of acacia trees can be seen under the bright sunlight, completing this picturesque savanna scene.",,9,0,entity,whole,entity - whole (acacia trees),Are there acacia trees? +partiprompts148,"A panoramic view of a sprawling field blanketed with vibrant wildflowers, where a tall giraffe and a striped zebra stand side by side. The giraffe's long neck stretches towards the blue sky, while the zebra's black and white stripes provide a stark contrast against the multicolored floral backdrop. In the distance, a line of acacia trees can be seen under the bright sunlight, completing this picturesque savanna scene.",,10,0,entity,whole,entity - whole (sunlight),Is there sunlight? +partiprompts148,"A panoramic view of a sprawling field blanketed with vibrant wildflowers, where a tall giraffe and a striped zebra stand side by side. The giraffe's long neck stretches towards the blue sky, while the zebra's black and white stripes provide a stark contrast against the multicolored floral backdrop. In the distance, a line of acacia trees can be seen under the bright sunlight, completing this picturesque savanna scene.",,11,2,attribute,size,"attribute - size (field, sprawling)",Is the field sprawling? +partiprompts148,"A panoramic view of a sprawling field blanketed with vibrant wildflowers, where a tall giraffe and a striped zebra stand side by side. The giraffe's long neck stretches towards the blue sky, while the zebra's black and white stripes provide a stark contrast against the multicolored floral backdrop. In the distance, a line of acacia trees can be seen under the bright sunlight, completing this picturesque savanna scene.",,12,3,attribute,texture,"attribute - texture (wildflowers, vibrant)",Are the wildflowers vibrant? +partiprompts148,"A panoramic view of a sprawling field blanketed with vibrant wildflowers, where a tall giraffe and a striped zebra stand side by side. The giraffe's long neck stretches towards the blue sky, while the zebra's black and white stripes provide a stark contrast against the multicolored floral backdrop. In the distance, a line of acacia trees can be seen under the bright sunlight, completing this picturesque savanna scene.",,13,4,attribute,size,"attribute - size (giraffe, tall)",Is the giraffe tall? +partiprompts148,"A panoramic view of a sprawling field blanketed with vibrant wildflowers, where a tall giraffe and a striped zebra stand side by side. The giraffe's long neck stretches towards the blue sky, while the zebra's black and white stripes provide a stark contrast against the multicolored floral backdrop. In the distance, a line of acacia trees can be seen under the bright sunlight, completing this picturesque savanna scene.",,14,5,attribute,color,"attribute - color (zebra's stripes, black and white)",Are the zebra's stripes black and white? +partiprompts148,"A panoramic view of a sprawling field blanketed with vibrant wildflowers, where a tall giraffe and a striped zebra stand side by side. The giraffe's long neck stretches towards the blue sky, while the zebra's black and white stripes provide a stark contrast against the multicolored floral backdrop. In the distance, a line of acacia trees can be seen under the bright sunlight, completing this picturesque savanna scene.",,15,3,attribute,color,"attribute - color (floral backdrop, multicolored)",Is the floral backdrop multicolored? +partiprompts148,"A panoramic view of a sprawling field blanketed with vibrant wildflowers, where a tall giraffe and a striped zebra stand side by side. The giraffe's long neck stretches towards the blue sky, while the zebra's black and white stripes provide a stark contrast against the multicolored floral backdrop. In the distance, a line of acacia trees can be seen under the bright sunlight, completing this picturesque savanna scene.",,16,9,attribute,color,"attribute - color (acacia trees, bright)",Are the acacia trees bright? +partiprompts148,"A panoramic view of a sprawling field blanketed with vibrant wildflowers, where a tall giraffe and a striped zebra stand side by side. The giraffe's long neck stretches towards the blue sky, while the zebra's black and white stripes provide a stark contrast against the multicolored floral backdrop. In the distance, a line of acacia trees can be seen under the bright sunlight, completing this picturesque savanna scene.",,17,"4,5",relation,spatial,"relation - spatial (giraffe, zebra, side by side)",Are the giraffe and zebra standing side by side? +partiprompts148,"A panoramic view of a sprawling field blanketed with vibrant wildflowers, where a tall giraffe and a striped zebra stand side by side. The giraffe's long neck stretches towards the blue sky, while the zebra's black and white stripes provide a stark contrast against the multicolored floral backdrop. In the distance, a line of acacia trees can be seen under the bright sunlight, completing this picturesque savanna scene.",,18,"4,6",relation,spatial,"relation - spatial (giraffe, sky, towards)",Is the giraffe's neck stretching towards the sky? +partiprompts148,"A panoramic view of a sprawling field blanketed with vibrant wildflowers, where a tall giraffe and a striped zebra stand side by side. The giraffe's long neck stretches towards the blue sky, while the zebra's black and white stripes provide a stark contrast against the multicolored floral backdrop. In the distance, a line of acacia trees can be seen under the bright sunlight, completing this picturesque savanna scene.",,19,"5,8",relation,spatial,"relation - spatial (zebra, floral backdrop, against)",Do the zebra's stripes provide a stark contrast against the floral backdrop? +partiprompts148,"A panoramic view of a sprawling field blanketed with vibrant wildflowers, where a tall giraffe and a striped zebra stand side by side. The giraffe's long neck stretches towards the blue sky, while the zebra's black and white stripes provide a stark contrast against the multicolored floral backdrop. In the distance, a line of acacia trees can be seen under the bright sunlight, completing this picturesque savanna scene.",,20,"9,10",relation,spatial,"relation - spatial (acacia trees, sunlight, under)",Are the acacia trees under the bright sunlight? +partiprompts227,"a pristine white yacht floats serenely in the tranquil waters of a secluded bay, its sleek hull reflecting the bright sunshine. The expansive deck is lined with polished wooden railings, and several deck chairs are arranged facing the open water. In the distance, the gentle hills surrounding the bay are dotted with green foliage, providing a picturesque backdrop under the clear blue sky.",,1,0,entity,whole,entity - whole (yacht),Is there a yacht? +partiprompts227,"a pristine white yacht floats serenely in the tranquil waters of a secluded bay, its sleek hull reflecting the bright sunshine. The expansive deck is lined with polished wooden railings, and several deck chairs are arranged facing the open water. In the distance, the gentle hills surrounding the bay are dotted with green foliage, providing a picturesque backdrop under the clear blue sky.",,2,1,attribute,color,"attribute - color (yacht, white)",Is the yacht white? +partiprompts227,"a pristine white yacht floats serenely in the tranquil waters of a secluded bay, its sleek hull reflecting the bright sunshine. The expansive deck is lined with polished wooden railings, and several deck chairs are arranged facing the open water. In the distance, the gentle hills surrounding the bay are dotted with green foliage, providing a picturesque backdrop under the clear blue sky.",,3,1,attribute,texture,"attribute - texture (hull, sleek)",Is the hull of the yacht sleek? +partiprompts227,"a pristine white yacht floats serenely in the tranquil waters of a secluded bay, its sleek hull reflecting the bright sunshine. The expansive deck is lined with polished wooden railings, and several deck chairs are arranged facing the open water. In the distance, the gentle hills surrounding the bay are dotted with green foliage, providing a picturesque backdrop under the clear blue sky.",,4,1,attribute,texture,"attribute - texture (deck, polished wooden)",Is the deck made of polished wood? +partiprompts227,"a pristine white yacht floats serenely in the tranquil waters of a secluded bay, its sleek hull reflecting the bright sunshine. The expansive deck is lined with polished wooden railings, and several deck chairs are arranged facing the open water. In the distance, the gentle hills surrounding the bay are dotted with green foliage, providing a picturesque backdrop under the clear blue sky.",,5,1,attribute,other,"attribute - other (deck, expansive)",Is the deck expansive? +partiprompts227,"a pristine white yacht floats serenely in the tranquil waters of a secluded bay, its sleek hull reflecting the bright sunshine. The expansive deck is lined with polished wooden railings, and several deck chairs are arranged facing the open water. In the distance, the gentle hills surrounding the bay are dotted with green foliage, providing a picturesque backdrop under the clear blue sky.",,6,1,attribute,other,"attribute - other (deck chairs, several)",Are there several deck chairs? +partiprompts227,"a pristine white yacht floats serenely in the tranquil waters of a secluded bay, its sleek hull reflecting the bright sunshine. The expansive deck is lined with polished wooden railings, and several deck chairs are arranged facing the open water. In the distance, the gentle hills surrounding the bay are dotted with green foliage, providing a picturesque backdrop under the clear blue sky.",,7,1,relation,spatial,"relation - spatial (yacht, waters, float)",Is the yacht floating in the waters? +partiprompts227,"a pristine white yacht floats serenely in the tranquil waters of a secluded bay, its sleek hull reflecting the bright sunshine. The expansive deck is lined with polished wooden railings, and several deck chairs are arranged facing the open water. In the distance, the gentle hills surrounding the bay are dotted with green foliage, providing a picturesque backdrop under the clear blue sky.",,8,1,relation,spatial,"relation - spatial (deck, yacht, on)",Is the deck on the yacht? +partiprompts227,"a pristine white yacht floats serenely in the tranquil waters of a secluded bay, its sleek hull reflecting the bright sunshine. The expansive deck is lined with polished wooden railings, and several deck chairs are arranged facing the open water. In the distance, the gentle hills surrounding the bay are dotted with green foliage, providing a picturesque backdrop under the clear blue sky.",,9,8,relation,spatial,"relation - spatial (deck chairs, deck, arranged facing)",Are the deck chairs arranged facing the water? +partiprompts227,"a pristine white yacht floats serenely in the tranquil waters of a secluded bay, its sleek hull reflecting the bright sunshine. The expansive deck is lined with polished wooden railings, and several deck chairs are arranged facing the open water. In the distance, the gentle hills surrounding the bay are dotted with green foliage, providing a picturesque backdrop under the clear blue sky.",,10,"1,10",relation,spatial,"relation - spatial (hills, bay, surrounding)",Are the hills surrounding the bay? +partiprompts227,"a pristine white yacht floats serenely in the tranquil waters of a secluded bay, its sleek hull reflecting the bright sunshine. The expansive deck is lined with polished wooden railings, and several deck chairs are arranged facing the open water. In the distance, the gentle hills surrounding the bay are dotted with green foliage, providing a picturesque backdrop under the clear blue sky.",,11,1,attribute,color,"attribute - color (foliage, green)",Is the foliage green? +partiprompts227,"a pristine white yacht floats serenely in the tranquil waters of a secluded bay, its sleek hull reflecting the bright sunshine. The expansive deck is lined with polished wooden railings, and several deck chairs are arranged facing the open water. In the distance, the gentle hills surrounding the bay are dotted with green foliage, providing a picturesque backdrop under the clear blue sky.",,12,11,relation,spatial,"relation - spatial (foliage, hills, dotted with)",Are the hills dotted with foliage? +partiprompts227,"a pristine white yacht floats serenely in the tranquil waters of a secluded bay, its sleek hull reflecting the bright sunshine. The expansive deck is lined with polished wooden railings, and several deck chairs are arranged facing the open water. In the distance, the gentle hills surrounding the bay are dotted with green foliage, providing a picturesque backdrop under the clear blue sky.",,13,1,attribute,color,"attribute - color (sky, blue)",Is the sky blue? +partiprompts168,"a vibrant abstract painting featuring three geometric shapes: a large blue triangle, a smaller yellow triangle, and a red triangle, all against a white background. The blue triangle has a smooth texture, while the yellow and red triangles have a more textured, almost brush-stroked appearance. The shapes are arranged in a way that suggests dynamic movement and balance within the composition.",,1,0,entity,whole,entity - whole (painting),Is there a painting? +partiprompts168,"a vibrant abstract painting featuring three geometric shapes: a large blue triangle, a smaller yellow triangle, and a red triangle, all against a white background. The blue triangle has a smooth texture, while the yellow and red triangles have a more textured, almost brush-stroked appearance. The shapes are arranged in a way that suggests dynamic movement and balance within the composition.",,2,1,attribute,color,"attribute - color (blue triangle, blue)",Is the blue triangle blue? +partiprompts168,"a vibrant abstract painting featuring three geometric shapes: a large blue triangle, a smaller yellow triangle, and a red triangle, all against a white background. The blue triangle has a smooth texture, while the yellow and red triangles have a more textured, almost brush-stroked appearance. The shapes are arranged in a way that suggests dynamic movement and balance within the composition.",,3,1,attribute,color,"attribute - color (yellow triangle, yellow)",Is the yellow triangle yellow? +partiprompts168,"a vibrant abstract painting featuring three geometric shapes: a large blue triangle, a smaller yellow triangle, and a red triangle, all against a white background. The blue triangle has a smooth texture, while the yellow and red triangles have a more textured, almost brush-stroked appearance. The shapes are arranged in a way that suggests dynamic movement and balance within the composition.",,4,1,attribute,color,"attribute - color (red triangle, red)",Is the red triangle red? +partiprompts168,"a vibrant abstract painting featuring three geometric shapes: a large blue triangle, a smaller yellow triangle, and a red triangle, all against a white background. The blue triangle has a smooth texture, while the yellow and red triangles have a more textured, almost brush-stroked appearance. The shapes are arranged in a way that suggests dynamic movement and balance within the composition.",,5,1,attribute,shape,"attribute - shape (blue triangle, large triangle)",Is the blue triangle a large triangle? +partiprompts168,"a vibrant abstract painting featuring three geometric shapes: a large blue triangle, a smaller yellow triangle, and a red triangle, all against a white background. The blue triangle has a smooth texture, while the yellow and red triangles have a more textured, almost brush-stroked appearance. The shapes are arranged in a way that suggests dynamic movement and balance within the composition.",,6,1,attribute,shape,"attribute - shape (yellow triangle, smaller triangle)",Is the yellow triangle a smaller triangle? +partiprompts168,"a vibrant abstract painting featuring three geometric shapes: a large blue triangle, a smaller yellow triangle, and a red triangle, all against a white background. The blue triangle has a smooth texture, while the yellow and red triangles have a more textured, almost brush-stroked appearance. The shapes are arranged in a way that suggests dynamic movement and balance within the composition.",,7,1,attribute,shape,"attribute - shape (red triangle, triangle)",Is the red triangle a triangle? +partiprompts168,"a vibrant abstract painting featuring three geometric shapes: a large blue triangle, a smaller yellow triangle, and a red triangle, all against a white background. The blue triangle has a smooth texture, while the yellow and red triangles have a more textured, almost brush-stroked appearance. The shapes are arranged in a way that suggests dynamic movement and balance within the composition.",,8,2,attribute,texture,"attribute - texture (blue triangle, smooth)",Is the blue triangle smooth? +partiprompts168,"a vibrant abstract painting featuring three geometric shapes: a large blue triangle, a smaller yellow triangle, and a red triangle, all against a white background. The blue triangle has a smooth texture, while the yellow and red triangles have a more textured, almost brush-stroked appearance. The shapes are arranged in a way that suggests dynamic movement and balance within the composition.",,9,3,attribute,texture,"attribute - texture (yellow triangle, textured)",Is the yellow triangle textured? +partiprompts168,"a vibrant abstract painting featuring three geometric shapes: a large blue triangle, a smaller yellow triangle, and a red triangle, all against a white background. The blue triangle has a smooth texture, while the yellow and red triangles have a more textured, almost brush-stroked appearance. The shapes are arranged in a way that suggests dynamic movement and balance within the composition.",,10,4,attribute,texture,"attribute - texture (red triangle, textured)",Is the red triangle textured? +partiprompts168,"a vibrant abstract painting featuring three geometric shapes: a large blue triangle, a smaller yellow triangle, and a red triangle, all against a white background. The blue triangle has a smooth texture, while the yellow and red triangles have a more textured, almost brush-stroked appearance. The shapes are arranged in a way that suggests dynamic movement and balance within the composition.",,11,2,relation,spatial,"relation - spatial (blue triangle, white background, against)",Is the blue triangle against a white background? +partiprompts168,"a vibrant abstract painting featuring three geometric shapes: a large blue triangle, a smaller yellow triangle, and a red triangle, all against a white background. The blue triangle has a smooth texture, while the yellow and red triangles have a more textured, almost brush-stroked appearance. The shapes are arranged in a way that suggests dynamic movement and balance within the composition.",,12,3,relation,spatial,"relation - spatial (yellow triangle, white background, against)",Is the yellow triangle against a white background? +partiprompts168,"a vibrant abstract painting featuring three geometric shapes: a large blue triangle, a smaller yellow triangle, and a red triangle, all against a white background. The blue triangle has a smooth texture, while the yellow and red triangles have a more textured, almost brush-stroked appearance. The shapes are arranged in a way that suggests dynamic movement and balance within the composition.",,13,4,relation,spatial,"relation - spatial (red triangle, white background, against)",Is the red triangle against a white background? +partiprompts168,"a vibrant abstract painting featuring three geometric shapes: a large blue triangle, a smaller yellow triangle, and a red triangle, all against a white background. The blue triangle has a smooth texture, while the yellow and red triangles have a more textured, almost brush-stroked appearance. The shapes are arranged in a way that suggests dynamic movement and balance within the composition.",,14,"1,2,3",relation,spatial,"relation - spatial (shapes, composition, arranged)",Are the shapes arranged in a composition? +partiprompts262,"A sleek, silver robot with articulated arms is standing in a modern kitchen, surrounded by stainless steel appliances. It is carefully stirring a pot on the stove, which is filled with a colorful mixture of vegetables. The countertops are neatly arranged with various cooking utensils and ingredients, including a cutting board with freshly chopped herbs.",,1,0,entity,whole,entity - whole (robot),Is there a robot? +partiprompts262,"A sleek, silver robot with articulated arms is standing in a modern kitchen, surrounded by stainless steel appliances. It is carefully stirring a pot on the stove, which is filled with a colorful mixture of vegetables. The countertops are neatly arranged with various cooking utensils and ingredients, including a cutting board with freshly chopped herbs.",,2,1,attribute,color,"attribute - color (robot, silver)",Is the robot silver? +partiprompts262,"A sleek, silver robot with articulated arms is standing in a modern kitchen, surrounded by stainless steel appliances. It is carefully stirring a pot on the stove, which is filled with a colorful mixture of vegetables. The countertops are neatly arranged with various cooking utensils and ingredients, including a cutting board with freshly chopped herbs.",,3,1,attribute,shape,"attribute - shape (robot, sleek)",Is the robot sleek? +partiprompts262,"A sleek, silver robot with articulated arms is standing in a modern kitchen, surrounded by stainless steel appliances. It is carefully stirring a pot on the stove, which is filled with a colorful mixture of vegetables. The countertops are neatly arranged with various cooking utensils and ingredients, including a cutting board with freshly chopped herbs.",,4,1,entity,part,entity - part (robot's arms),Does the robot have articulated arms? +partiprompts262,"A sleek, silver robot with articulated arms is standing in a modern kitchen, surrounded by stainless steel appliances. It is carefully stirring a pot on the stove, which is filled with a colorful mixture of vegetables. The countertops are neatly arranged with various cooking utensils and ingredients, including a cutting board with freshly chopped herbs.",,5,1,entity,state,"entity - state (robot, stand)",Is the robot standing? +partiprompts262,"A sleek, silver robot with articulated arms is standing in a modern kitchen, surrounded by stainless steel appliances. It is carefully stirring a pot on the stove, which is filled with a colorful mixture of vegetables. The countertops are neatly arranged with various cooking utensils and ingredients, including a cutting board with freshly chopped herbs.",,6,0,entity,whole,entity - whole (kitchen),Is there a kitchen? +partiprompts262,"A sleek, silver robot with articulated arms is standing in a modern kitchen, surrounded by stainless steel appliances. It is carefully stirring a pot on the stove, which is filled with a colorful mixture of vegetables. The countertops are neatly arranged with various cooking utensils and ingredients, including a cutting board with freshly chopped herbs.",,7,6,attribute,other,"attribute - other (kitchen, modern)",Is the kitchen modern? +partiprompts262,"A sleek, silver robot with articulated arms is standing in a modern kitchen, surrounded by stainless steel appliances. It is carefully stirring a pot on the stove, which is filled with a colorful mixture of vegetables. The countertops are neatly arranged with various cooking utensils and ingredients, including a cutting board with freshly chopped herbs.",,8,6,attribute,texture,"attribute - texture (kitchen, stainless steel)",Is the kitchen made of stainless steel? +partiprompts262,"A sleek, silver robot with articulated arms is standing in a modern kitchen, surrounded by stainless steel appliances. It is carefully stirring a pot on the stove, which is filled with a colorful mixture of vegetables. The countertops are neatly arranged with various cooking utensils and ingredients, including a cutting board with freshly chopped herbs.",,9,6,entity,whole,entity - whole (appliances),Are there appliances in the kitchen? +partiprompts262,"A sleek, silver robot with articulated arms is standing in a modern kitchen, surrounded by stainless steel appliances. It is carefully stirring a pot on the stove, which is filled with a colorful mixture of vegetables. The countertops are neatly arranged with various cooking utensils and ingredients, including a cutting board with freshly chopped herbs.",,10,6,entity,whole,entity - whole (stove),Is there a stove? +partiprompts262,"A sleek, silver robot with articulated arms is standing in a modern kitchen, surrounded by stainless steel appliances. It is carefully stirring a pot on the stove, which is filled with a colorful mixture of vegetables. The countertops are neatly arranged with various cooking utensils and ingredients, including a cutting board with freshly chopped herbs.",,11,10,entity,whole,entity - whole (pot),Is there a pot? +partiprompts262,"A sleek, silver robot with articulated arms is standing in a modern kitchen, surrounded by stainless steel appliances. It is carefully stirring a pot on the stove, which is filled with a colorful mixture of vegetables. The countertops are neatly arranged with various cooking utensils and ingredients, including a cutting board with freshly chopped herbs.",,12,11,entity,whole,entity - whole (vegetables),Are there vegetables? +partiprompts262,"A sleek, silver robot with articulated arms is standing in a modern kitchen, surrounded by stainless steel appliances. It is carefully stirring a pot on the stove, which is filled with a colorful mixture of vegetables. The countertops are neatly arranged with various cooking utensils and ingredients, including a cutting board with freshly chopped herbs.",,13,11,attribute,other,"attribute - other (pot, colorful mixture)",Is the mixture in the pot colorful? +partiprompts262,"A sleek, silver robot with articulated arms is standing in a modern kitchen, surrounded by stainless steel appliances. It is carefully stirring a pot on the stove, which is filled with a colorful mixture of vegetables. The countertops are neatly arranged with various cooking utensils and ingredients, including a cutting board with freshly chopped herbs.",,14,"1,6",relation,spatial,"relation - spatial (robot, kitchen, in)",Is the robot in the kitchen? +partiprompts262,"A sleek, silver robot with articulated arms is standing in a modern kitchen, surrounded by stainless steel appliances. It is carefully stirring a pot on the stove, which is filled with a colorful mixture of vegetables. The countertops are neatly arranged with various cooking utensils and ingredients, including a cutting board with freshly chopped herbs.",,15,"1,10",relation,spatial,"relation - spatial (robot, stove, near)",Is the robot near the stove? +partiprompts262,"A sleek, silver robot with articulated arms is standing in a modern kitchen, surrounded by stainless steel appliances. It is carefully stirring a pot on the stove, which is filled with a colorful mixture of vegetables. The countertops are neatly arranged with various cooking utensils and ingredients, including a cutting board with freshly chopped herbs.",,16,"11,10",relation,spatial,"relation - spatial (pot, stove, on)",Is the pot on the stove? +partiprompts262,"A sleek, silver robot with articulated arms is standing in a modern kitchen, surrounded by stainless steel appliances. It is carefully stirring a pot on the stove, which is filled with a colorful mixture of vegetables. The countertops are neatly arranged with various cooking utensils and ingredients, including a cutting board with freshly chopped herbs.",,17,"21,18",relation,spatial,"relation - spatial (cutting board, countertops, on)",Is the cutting board on the countertops? +partiprompts262,"A sleek, silver robot with articulated arms is standing in a modern kitchen, surrounded by stainless steel appliances. It is carefully stirring a pot on the stove, which is filled with a colorful mixture of vegetables. The countertops are neatly arranged with various cooking utensils and ingredients, including a cutting board with freshly chopped herbs.",,18,6,entity,whole,entity - whole (countertops),Are the countertops neatly arranged? +partiprompts262,"A sleek, silver robot with articulated arms is standing in a modern kitchen, surrounded by stainless steel appliances. It is carefully stirring a pot on the stove, which is filled with a colorful mixture of vegetables. The countertops are neatly arranged with various cooking utensils and ingredients, including a cutting board with freshly chopped herbs.",,19,18,entity,whole,entity - whole (cooking utensils),Are there cooking utensils? +partiprompts262,"A sleek, silver robot with articulated arms is standing in a modern kitchen, surrounded by stainless steel appliances. It is carefully stirring a pot on the stove, which is filled with a colorful mixture of vegetables. The countertops are neatly arranged with various cooking utensils and ingredients, including a cutting board with freshly chopped herbs.",,20,18,entity,whole,entity - whole (ingredients),Are there ingredients? +partiprompts262,"A sleek, silver robot with articulated arms is standing in a modern kitchen, surrounded by stainless steel appliances. It is carefully stirring a pot on the stove, which is filled with a colorful mixture of vegetables. The countertops are neatly arranged with various cooking utensils and ingredients, including a cutting board with freshly chopped herbs.",,21,18,entity,whole,entity - whole (chopped herbs),Are there freshly chopped herbs on the cutting board? +partiprompts277,"A striking piece of street art depicting a white robot with a vibrant red mohawk, painted against the rough texture of a red brick wall. The robot's eyes are detailed with a piercing blue, contrasting sharply with the warm tones of the bricks. Around the robot, the wall is adorned with various tags and smaller pieces of graffiti, adding to the urban tapestry of the scene.",,1,0,entity,whole,entity - whole (street art),Is there street art? +partiprompts277,"A striking piece of street art depicting a white robot with a vibrant red mohawk, painted against the rough texture of a red brick wall. The robot's eyes are detailed with a piercing blue, contrasting sharply with the warm tones of the bricks. Around the robot, the wall is adorned with various tags and smaller pieces of graffiti, adding to the urban tapestry of the scene.",,2,1,entity,whole,entity - whole (robot),Is there a robot? +partiprompts277,"A striking piece of street art depicting a white robot with a vibrant red mohawk, painted against the rough texture of a red brick wall. The robot's eyes are detailed with a piercing blue, contrasting sharply with the warm tones of the bricks. Around the robot, the wall is adorned with various tags and smaller pieces of graffiti, adding to the urban tapestry of the scene.",,3,0,entity,whole,entity - whole (wall),Is there a wall? +partiprompts277,"A striking piece of street art depicting a white robot with a vibrant red mohawk, painted against the rough texture of a red brick wall. The robot's eyes are detailed with a piercing blue, contrasting sharply with the warm tones of the bricks. Around the robot, the wall is adorned with various tags and smaller pieces of graffiti, adding to the urban tapestry of the scene.",,4,2,attribute,color,"attribute - color (robot, white)",Is the robot white? +partiprompts277,"A striking piece of street art depicting a white robot with a vibrant red mohawk, painted against the rough texture of a red brick wall. The robot's eyes are detailed with a piercing blue, contrasting sharply with the warm tones of the bricks. Around the robot, the wall is adorned with various tags and smaller pieces of graffiti, adding to the urban tapestry of the scene.",,5,2,attribute,color,"attribute - color (robot's mohawk, vibrant red)",Is the robot's mohawk vibrant red? +partiprompts277,"A striking piece of street art depicting a white robot with a vibrant red mohawk, painted against the rough texture of a red brick wall. The robot's eyes are detailed with a piercing blue, contrasting sharply with the warm tones of the bricks. Around the robot, the wall is adorned with various tags and smaller pieces of graffiti, adding to the urban tapestry of the scene.",,6,2,attribute,color,"attribute - color (robot's eyes, piercing blue)",Are the robot's eyes piercing blue? +partiprompts277,"A striking piece of street art depicting a white robot with a vibrant red mohawk, painted against the rough texture of a red brick wall. The robot's eyes are detailed with a piercing blue, contrasting sharply with the warm tones of the bricks. Around the robot, the wall is adorned with various tags and smaller pieces of graffiti, adding to the urban tapestry of the scene.",,7,3,attribute,texture,"attribute - texture (wall, rough)",Is the wall rough? +partiprompts277,"A striking piece of street art depicting a white robot with a vibrant red mohawk, painted against the rough texture of a red brick wall. The robot's eyes are detailed with a piercing blue, contrasting sharply with the warm tones of the bricks. Around the robot, the wall is adorned with various tags and smaller pieces of graffiti, adding to the urban tapestry of the scene.",,8,3,attribute,texture,"attribute - texture (wall, red brick)",Is the wall made of red brick? +partiprompts277,"A striking piece of street art depicting a white robot with a vibrant red mohawk, painted against the rough texture of a red brick wall. The robot's eyes are detailed with a piercing blue, contrasting sharply with the warm tones of the bricks. Around the robot, the wall is adorned with various tags and smaller pieces of graffiti, adding to the urban tapestry of the scene.",,9,"2,3",relation,spatial,"relation - spatial (robot, wall, against)",Is the robot against the wall? +partiprompts277,"A striking piece of street art depicting a white robot with a vibrant red mohawk, painted against the rough texture of a red brick wall. The robot's eyes are detailed with a piercing blue, contrasting sharply with the warm tones of the bricks. Around the robot, the wall is adorned with various tags and smaller pieces of graffiti, adding to the urban tapestry of the scene.",,10,"2,3",relation,spatial,"relation - spatial (robot, wall, painted)",Is the robot painted on the wall? +partiprompts277,"A striking piece of street art depicting a white robot with a vibrant red mohawk, painted against the rough texture of a red brick wall. The robot's eyes are detailed with a piercing blue, contrasting sharply with the warm tones of the bricks. Around the robot, the wall is adorned with various tags and smaller pieces of graffiti, adding to the urban tapestry of the scene.",,11,"2,6",relation,spatial,"relation - spatial (robot's eyes, robot, detailed with)",Are the robot's eyes detailed with piercing blue? +partiprompts277,"A striking piece of street art depicting a white robot with a vibrant red mohawk, painted against the rough texture of a red brick wall. The robot's eyes are detailed with a piercing blue, contrasting sharply with the warm tones of the bricks. Around the robot, the wall is adorned with various tags and smaller pieces of graffiti, adding to the urban tapestry of the scene.",,12,3,relation,spatial,"relation - spatial (tags, wall, adorned with)",Are there tags around the robot on the wall? +partiprompts277,"A striking piece of street art depicting a white robot with a vibrant red mohawk, painted against the rough texture of a red brick wall. The robot's eyes are detailed with a piercing blue, contrasting sharply with the warm tones of the bricks. Around the robot, the wall is adorned with various tags and smaller pieces of graffiti, adding to the urban tapestry of the scene.",,13,3,relation,spatial,"relation - spatial (graffiti, wall, adorned with)",Are there smaller pieces of graffiti around the robot on the wall? +partiprompts82,"A geometric composition featuring a large yellow triangle positioned above a green square and a red rectangle. The shapes are arranged against a plain background, creating a stark contrast in colors. The yellow triangle has a smooth texture, while the green square and red rectangle appear to have a matte finish.",,1,0,global,,global - (geometric composition),Is there a geometric composition? +partiprompts82,"A geometric composition featuring a large yellow triangle positioned above a green square and a red rectangle. The shapes are arranged against a plain background, creating a stark contrast in colors. The yellow triangle has a smooth texture, while the green square and red rectangle appear to have a matte finish.",,2,0,entity,whole,entity - whole (triangle),Is there a triangle? +partiprompts82,"A geometric composition featuring a large yellow triangle positioned above a green square and a red rectangle. The shapes are arranged against a plain background, creating a stark contrast in colors. The yellow triangle has a smooth texture, while the green square and red rectangle appear to have a matte finish.",,3,0,entity,whole,entity - whole (square),Is there a square? +partiprompts82,"A geometric composition featuring a large yellow triangle positioned above a green square and a red rectangle. The shapes are arranged against a plain background, creating a stark contrast in colors. The yellow triangle has a smooth texture, while the green square and red rectangle appear to have a matte finish.",,4,0,entity,whole,entity - whole (rectangle),Is there a rectangle? +partiprompts82,"A geometric composition featuring a large yellow triangle positioned above a green square and a red rectangle. The shapes are arranged against a plain background, creating a stark contrast in colors. The yellow triangle has a smooth texture, while the green square and red rectangle appear to have a matte finish.",,5,2,attribute,color,"attribute - color (triangle, yellow)",Is the triangle yellow? +partiprompts82,"A geometric composition featuring a large yellow triangle positioned above a green square and a red rectangle. The shapes are arranged against a plain background, creating a stark contrast in colors. The yellow triangle has a smooth texture, while the green square and red rectangle appear to have a matte finish.",,6,3,attribute,color,"attribute - color (square, green)",Is the square green? +partiprompts82,"A geometric composition featuring a large yellow triangle positioned above a green square and a red rectangle. The shapes are arranged against a plain background, creating a stark contrast in colors. The yellow triangle has a smooth texture, while the green square and red rectangle appear to have a matte finish.",,7,4,attribute,color,"attribute - color (rectangle, red)",Is the rectangle red? +partiprompts82,"A geometric composition featuring a large yellow triangle positioned above a green square and a red rectangle. The shapes are arranged against a plain background, creating a stark contrast in colors. The yellow triangle has a smooth texture, while the green square and red rectangle appear to have a matte finish.",,8,2,attribute,shape,"attribute - shape (triangle, large, triangular)",Is the triangle large and triangular? +partiprompts82,"A geometric composition featuring a large yellow triangle positioned above a green square and a red rectangle. The shapes are arranged against a plain background, creating a stark contrast in colors. The yellow triangle has a smooth texture, while the green square and red rectangle appear to have a matte finish.",,9,3,attribute,shape,"attribute - shape (square, square)",Is the square square-shaped? +partiprompts82,"A geometric composition featuring a large yellow triangle positioned above a green square and a red rectangle. The shapes are arranged against a plain background, creating a stark contrast in colors. The yellow triangle has a smooth texture, while the green square and red rectangle appear to have a matte finish.",,10,4,attribute,shape,"attribute - shape (rectangle, rectangular)",Is the rectangle rectangular? +partiprompts82,"A geometric composition featuring a large yellow triangle positioned above a green square and a red rectangle. The shapes are arranged against a plain background, creating a stark contrast in colors. The yellow triangle has a smooth texture, while the green square and red rectangle appear to have a matte finish.",,11,2,attribute,texture,"attribute - texture (triangle, smooth)",Does the triangle have a smooth texture? +partiprompts82,"A geometric composition featuring a large yellow triangle positioned above a green square and a red rectangle. The shapes are arranged against a plain background, creating a stark contrast in colors. The yellow triangle has a smooth texture, while the green square and red rectangle appear to have a matte finish.",,12,3,attribute,texture,"attribute - texture (square, matte)",Does the square have a matte finish? +partiprompts82,"A geometric composition featuring a large yellow triangle positioned above a green square and a red rectangle. The shapes are arranged against a plain background, creating a stark contrast in colors. The yellow triangle has a smooth texture, while the green square and red rectangle appear to have a matte finish.",,13,4,attribute,texture,"attribute - texture (rectangle, matte)",Does the rectangle have a matte finish? +partiprompts82,"A geometric composition featuring a large yellow triangle positioned above a green square and a red rectangle. The shapes are arranged against a plain background, creating a stark contrast in colors. The yellow triangle has a smooth texture, while the green square and red rectangle appear to have a matte finish.",,14,"2,3",relation,spatial,"relation - spatial (triangle, square, above)",Is the yellow triangle positioned above the green square? +partiprompts82,"A geometric composition featuring a large yellow triangle positioned above a green square and a red rectangle. The shapes are arranged against a plain background, creating a stark contrast in colors. The yellow triangle has a smooth texture, while the green square and red rectangle appear to have a matte finish.",,15,"3,4",relation,spatial,"relation - spatial (square, rectangle, next to)",Is the green square positioned next to the red rectangle? +partiprompts82,"A geometric composition featuring a large yellow triangle positioned above a green square and a red rectangle. The shapes are arranged against a plain background, creating a stark contrast in colors. The yellow triangle has a smooth texture, while the green square and red rectangle appear to have a matte finish.",,16,"2,19",relation,spatial,"relation - spatial (triangle, background, against)",Are the shapes arranged against a plain background? +partiprompts82,"A geometric composition featuring a large yellow triangle positioned above a green square and a red rectangle. The shapes are arranged against a plain background, creating a stark contrast in colors. The yellow triangle has a smooth texture, while the green square and red rectangle appear to have a matte finish.",,17,"3,19",relation,spatial,"relation - spatial (square, background, against)",Is there a stark contrast in colors? +partiprompts82,"A geometric composition featuring a large yellow triangle positioned above a green square and a red rectangle. The shapes are arranged against a plain background, creating a stark contrast in colors. The yellow triangle has a smooth texture, while the green square and red rectangle appear to have a matte finish.",,18,"4,19",relation,spatial,"relation - spatial (rectangle, background, against)",Is the yellow triangle against the background? +partiprompts82,"A geometric composition featuring a large yellow triangle positioned above a green square and a red rectangle. The shapes are arranged against a plain background, creating a stark contrast in colors. The yellow triangle has a smooth texture, while the green square and red rectangle appear to have a matte finish.",,19,0,attribute,other,"attribute - other (background, plain)",Is the square against the background? +partiprompts82,"A geometric composition featuring a large yellow triangle positioned above a green square and a red rectangle. The shapes are arranged against a plain background, creating a stark contrast in colors. The yellow triangle has a smooth texture, while the green square and red rectangle appear to have a matte finish.",,20,0,attribute,other,"attribute - other (colors, stark contrast)",Is the rectangle against the background? +partiprompts137,"A glossy black dog with a shiny coat is comfortably seated on a rustic wooden chair, its tail gently resting on the seat. Beside the chair, a white cat with distinctive black ears and bright green eyes is standing on its hind legs, with its front paws placed on the edge of the chair, as if engaging in a silent conversation with the dog. The chair sits on a smooth, terracotta-tiled floor, and behind them, a potted plant adds a touch of greenery to the scene.",,1,0,entity,whole,entity - whole (dog),Is there a dog? +partiprompts137,"A glossy black dog with a shiny coat is comfortably seated on a rustic wooden chair, its tail gently resting on the seat. Beside the chair, a white cat with distinctive black ears and bright green eyes is standing on its hind legs, with its front paws placed on the edge of the chair, as if engaging in a silent conversation with the dog. The chair sits on a smooth, terracotta-tiled floor, and behind them, a potted plant adds a touch of greenery to the scene.",,2,1,attribute,color,"attribute - color (dog, black)",Is the dog black? +partiprompts137,"A glossy black dog with a shiny coat is comfortably seated on a rustic wooden chair, its tail gently resting on the seat. Beside the chair, a white cat with distinctive black ears and bright green eyes is standing on its hind legs, with its front paws placed on the edge of the chair, as if engaging in a silent conversation with the dog. The chair sits on a smooth, terracotta-tiled floor, and behind them, a potted plant adds a touch of greenery to the scene.",,3,1,attribute,texture,"attribute - texture (dog, glossy)",Is the dog glossy? +partiprompts137,"A glossy black dog with a shiny coat is comfortably seated on a rustic wooden chair, its tail gently resting on the seat. Beside the chair, a white cat with distinctive black ears and bright green eyes is standing on its hind legs, with its front paws placed on the edge of the chair, as if engaging in a silent conversation with the dog. The chair sits on a smooth, terracotta-tiled floor, and behind them, a potted plant adds a touch of greenery to the scene.",,4,1,attribute,texture,"attribute - texture (dog's coat, shiny)",Is the dog's coat shiny? +partiprompts137,"A glossy black dog with a shiny coat is comfortably seated on a rustic wooden chair, its tail gently resting on the seat. Beside the chair, a white cat with distinctive black ears and bright green eyes is standing on its hind legs, with its front paws placed on the edge of the chair, as if engaging in a silent conversation with the dog. The chair sits on a smooth, terracotta-tiled floor, and behind them, a potted plant adds a touch of greenery to the scene.",,5,1,entity,state,"entity - state (dog, seated)",Is the dog seated? +partiprompts137,"A glossy black dog with a shiny coat is comfortably seated on a rustic wooden chair, its tail gently resting on the seat. Beside the chair, a white cat with distinctive black ears and bright green eyes is standing on its hind legs, with its front paws placed on the edge of the chair, as if engaging in a silent conversation with the dog. The chair sits on a smooth, terracotta-tiled floor, and behind them, a potted plant adds a touch of greenery to the scene.",,6,1,entity,part,entity - part (dog's tail),Does the dog have a tail? +partiprompts137,"A glossy black dog with a shiny coat is comfortably seated on a rustic wooden chair, its tail gently resting on the seat. Beside the chair, a white cat with distinctive black ears and bright green eyes is standing on its hind legs, with its front paws placed on the edge of the chair, as if engaging in a silent conversation with the dog. The chair sits on a smooth, terracotta-tiled floor, and behind them, a potted plant adds a touch of greenery to the scene.",,7,0,entity,whole,entity - whole (chair),Is there a chair? +partiprompts137,"A glossy black dog with a shiny coat is comfortably seated on a rustic wooden chair, its tail gently resting on the seat. Beside the chair, a white cat with distinctive black ears and bright green eyes is standing on its hind legs, with its front paws placed on the edge of the chair, as if engaging in a silent conversation with the dog. The chair sits on a smooth, terracotta-tiled floor, and behind them, a potted plant adds a touch of greenery to the scene.",,8,7,attribute,texture,"attribute - texture (chair, rustic wooden)",Is the chair rustic wooden? +partiprompts137,"A glossy black dog with a shiny coat is comfortably seated on a rustic wooden chair, its tail gently resting on the seat. Beside the chair, a white cat with distinctive black ears and bright green eyes is standing on its hind legs, with its front paws placed on the edge of the chair, as if engaging in a silent conversation with the dog. The chair sits on a smooth, terracotta-tiled floor, and behind them, a potted plant adds a touch of greenery to the scene.",,9,"1,7",relation,spatial,"relation - spatial (dog, chair, on)",Is the dog on the chair? +partiprompts137,"A glossy black dog with a shiny coat is comfortably seated on a rustic wooden chair, its tail gently resting on the seat. Beside the chair, a white cat with distinctive black ears and bright green eyes is standing on its hind legs, with its front paws placed on the edge of the chair, as if engaging in a silent conversation with the dog. The chair sits on a smooth, terracotta-tiled floor, and behind them, a potted plant adds a touch of greenery to the scene.",,10,0,entity,whole,entity - whole (cat),Is there a cat? +partiprompts137,"A glossy black dog with a shiny coat is comfortably seated on a rustic wooden chair, its tail gently resting on the seat. Beside the chair, a white cat with distinctive black ears and bright green eyes is standing on its hind legs, with its front paws placed on the edge of the chair, as if engaging in a silent conversation with the dog. The chair sits on a smooth, terracotta-tiled floor, and behind them, a potted plant adds a touch of greenery to the scene.",,11,10,attribute,color,"attribute - color (cat, white)",Is the cat white? +partiprompts137,"A glossy black dog with a shiny coat is comfortably seated on a rustic wooden chair, its tail gently resting on the seat. Beside the chair, a white cat with distinctive black ears and bright green eyes is standing on its hind legs, with its front paws placed on the edge of the chair, as if engaging in a silent conversation with the dog. The chair sits on a smooth, terracotta-tiled floor, and behind them, a potted plant adds a touch of greenery to the scene.",,12,10,attribute,color,"attribute - color (cat's ears, black)",Are the cat's ears black? +partiprompts137,"A glossy black dog with a shiny coat is comfortably seated on a rustic wooden chair, its tail gently resting on the seat. Beside the chair, a white cat with distinctive black ears and bright green eyes is standing on its hind legs, with its front paws placed on the edge of the chair, as if engaging in a silent conversation with the dog. The chair sits on a smooth, terracotta-tiled floor, and behind them, a potted plant adds a touch of greenery to the scene.",,13,10,attribute,color,"attribute - color (cat's eyes, bright green)",Are the cat's eyes bright green? +partiprompts137,"A glossy black dog with a shiny coat is comfortably seated on a rustic wooden chair, its tail gently resting on the seat. Beside the chair, a white cat with distinctive black ears and bright green eyes is standing on its hind legs, with its front paws placed on the edge of the chair, as if engaging in a silent conversation with the dog. The chair sits on a smooth, terracotta-tiled floor, and behind them, a potted plant adds a touch of greenery to the scene.",,14,0,entity,state,"entity - state (cat, standing)",Is the cat standing? +partiprompts137,"A glossy black dog with a shiny coat is comfortably seated on a rustic wooden chair, its tail gently resting on the seat. Beside the chair, a white cat with distinctive black ears and bright green eyes is standing on its hind legs, with its front paws placed on the edge of the chair, as if engaging in a silent conversation with the dog. The chair sits on a smooth, terracotta-tiled floor, and behind them, a potted plant adds a touch of greenery to the scene.",,15,"10,7",relation,spatial,"relation - spatial (cat, chair, beside)",Is the cat beside the chair? +partiprompts137,"A glossy black dog with a shiny coat is comfortably seated on a rustic wooden chair, its tail gently resting on the seat. Beside the chair, a white cat with distinctive black ears and bright green eyes is standing on its hind legs, with its front paws placed on the edge of the chair, as if engaging in a silent conversation with the dog. The chair sits on a smooth, terracotta-tiled floor, and behind them, a potted plant adds a touch of greenery to the scene.",,16,"10,7",relation,spatial,"relation - spatial (cat, chair, on)",Is the cat on the chair? +partiprompts137,"A glossy black dog with a shiny coat is comfortably seated on a rustic wooden chair, its tail gently resting on the seat. Beside the chair, a white cat with distinctive black ears and bright green eyes is standing on its hind legs, with its front paws placed on the edge of the chair, as if engaging in a silent conversation with the dog. The chair sits on a smooth, terracotta-tiled floor, and behind them, a potted plant adds a touch of greenery to the scene.",,17,"10,1",relation,spatial,"relation - spatial (cat, dog, engage in silent conversation)",Are the cat and dog engaging in a silent conversation? +partiprompts137,"A glossy black dog with a shiny coat is comfortably seated on a rustic wooden chair, its tail gently resting on the seat. Beside the chair, a white cat with distinctive black ears and bright green eyes is standing on its hind legs, with its front paws placed on the edge of the chair, as if engaging in a silent conversation with the dog. The chair sits on a smooth, terracotta-tiled floor, and behind them, a potted plant adds a touch of greenery to the scene.",,18,0,entity,whole,entity - whole (floor),Is there a floor? +partiprompts137,"A glossy black dog with a shiny coat is comfortably seated on a rustic wooden chair, its tail gently resting on the seat. Beside the chair, a white cat with distinctive black ears and bright green eyes is standing on its hind legs, with its front paws placed on the edge of the chair, as if engaging in a silent conversation with the dog. The chair sits on a smooth, terracotta-tiled floor, and behind them, a potted plant adds a touch of greenery to the scene.",,19,18,attribute,texture,"attribute - texture (floor, smooth terracotta-tiled)",Is the floor smooth terracotta-tiled? +partiprompts137,"A glossy black dog with a shiny coat is comfortably seated on a rustic wooden chair, its tail gently resting on the seat. Beside the chair, a white cat with distinctive black ears and bright green eyes is standing on its hind legs, with its front paws placed on the edge of the chair, as if engaging in a silent conversation with the dog. The chair sits on a smooth, terracotta-tiled floor, and behind them, a potted plant adds a touch of greenery to the scene.",,20,0,entity,whole,entity - whole (potted plant),Is there a potted plant? +partiprompts137,"A glossy black dog with a shiny coat is comfortably seated on a rustic wooden chair, its tail gently resting on the seat. Beside the chair, a white cat with distinctive black ears and bright green eyes is standing on its hind legs, with its front paws placed on the edge of the chair, as if engaging in a silent conversation with the dog. The chair sits on a smooth, terracotta-tiled floor, and behind them, a potted plant adds a touch of greenery to the scene.",,21,20,attribute,color,"attribute - color (potted plant, green)",Is the potted plant green? +partiprompts137,"A glossy black dog with a shiny coat is comfortably seated on a rustic wooden chair, its tail gently resting on the seat. Beside the chair, a white cat with distinctive black ears and bright green eyes is standing on its hind legs, with its front paws placed on the edge of the chair, as if engaging in a silent conversation with the dog. The chair sits on a smooth, terracotta-tiled floor, and behind them, a potted plant adds a touch of greenery to the scene.",,22,"7,18",relation,spatial,"relation - spatial (chair, floor, on)",Is the chair on the floor? +partiprompts137,"A glossy black dog with a shiny coat is comfortably seated on a rustic wooden chair, its tail gently resting on the seat. Beside the chair, a white cat with distinctive black ears and bright green eyes is standing on its hind legs, with its front paws placed on the edge of the chair, as if engaging in a silent conversation with the dog. The chair sits on a smooth, terracotta-tiled floor, and behind them, a potted plant adds a touch of greenery to the scene.",,23,"20,10",relation,spatial,"relation - spatial (potted plant, behind, them)",Is the potted plant behind them? +partiprompts57,"A close-up image of a ceramic plate filled with a colorful assortment of food, including slices of grilled chicken, a mix of steamed vegetables, and a scoop of mashed potatoes garnished with a sprig of parsley. The plate is set on a dark wooden dining table, and beside it lies a set of silverware wrapped neatly in a cloth napkin. The food is arranged in an appetizing display, showcasing a variety of textures from the crisp vegetables to the creamy potatoes.",,1,0,global,,global - (close-up image),Is this a close-up image? +partiprompts57,"A close-up image of a ceramic plate filled with a colorful assortment of food, including slices of grilled chicken, a mix of steamed vegetables, and a scoop of mashed potatoes garnished with a sprig of parsley. The plate is set on a dark wooden dining table, and beside it lies a set of silverware wrapped neatly in a cloth napkin. The food is arranged in an appetizing display, showcasing a variety of textures from the crisp vegetables to the creamy potatoes.",,2,0,entity,whole,entity - whole (ceramic plate),Is there a ceramic plate? +partiprompts57,"A close-up image of a ceramic plate filled with a colorful assortment of food, including slices of grilled chicken, a mix of steamed vegetables, and a scoop of mashed potatoes garnished with a sprig of parsley. The plate is set on a dark wooden dining table, and beside it lies a set of silverware wrapped neatly in a cloth napkin. The food is arranged in an appetizing display, showcasing a variety of textures from the crisp vegetables to the creamy potatoes.",,3,0,entity,whole,entity - whole (food),Is there food? +partiprompts57,"A close-up image of a ceramic plate filled with a colorful assortment of food, including slices of grilled chicken, a mix of steamed vegetables, and a scoop of mashed potatoes garnished with a sprig of parsley. The plate is set on a dark wooden dining table, and beside it lies a set of silverware wrapped neatly in a cloth napkin. The food is arranged in an appetizing display, showcasing a variety of textures from the crisp vegetables to the creamy potatoes.",,4,3,entity,whole,entity - whole (slices of grilled chicken),Are there slices of grilled chicken? +partiprompts57,"A close-up image of a ceramic plate filled with a colorful assortment of food, including slices of grilled chicken, a mix of steamed vegetables, and a scoop of mashed potatoes garnished with a sprig of parsley. The plate is set on a dark wooden dining table, and beside it lies a set of silverware wrapped neatly in a cloth napkin. The food is arranged in an appetizing display, showcasing a variety of textures from the crisp vegetables to the creamy potatoes.",,5,3,entity,whole,entity - whole (mix of steamed vegetables),Is there a mix of steamed vegetables? +partiprompts57,"A close-up image of a ceramic plate filled with a colorful assortment of food, including slices of grilled chicken, a mix of steamed vegetables, and a scoop of mashed potatoes garnished with a sprig of parsley. The plate is set on a dark wooden dining table, and beside it lies a set of silverware wrapped neatly in a cloth napkin. The food is arranged in an appetizing display, showcasing a variety of textures from the crisp vegetables to the creamy potatoes.",,6,3,entity,whole,entity - whole (scoop of mashed potatoes),Is there a scoop of mashed potatoes? +partiprompts57,"A close-up image of a ceramic plate filled with a colorful assortment of food, including slices of grilled chicken, a mix of steamed vegetables, and a scoop of mashed potatoes garnished with a sprig of parsley. The plate is set on a dark wooden dining table, and beside it lies a set of silverware wrapped neatly in a cloth napkin. The food is arranged in an appetizing display, showcasing a variety of textures from the crisp vegetables to the creamy potatoes.",,7,3,entity,whole,entity - whole (sprig of parsley),Is there a sprig of parsley? +partiprompts57,"A close-up image of a ceramic plate filled with a colorful assortment of food, including slices of grilled chicken, a mix of steamed vegetables, and a scoop of mashed potatoes garnished with a sprig of parsley. The plate is set on a dark wooden dining table, and beside it lies a set of silverware wrapped neatly in a cloth napkin. The food is arranged in an appetizing display, showcasing a variety of textures from the crisp vegetables to the creamy potatoes.",,8,0,entity,whole,entity - whole (dark wooden dining table),Is there a dark wooden dining table? +partiprompts57,"A close-up image of a ceramic plate filled with a colorful assortment of food, including slices of grilled chicken, a mix of steamed vegetables, and a scoop of mashed potatoes garnished with a sprig of parsley. The plate is set on a dark wooden dining table, and beside it lies a set of silverware wrapped neatly in a cloth napkin. The food is arranged in an appetizing display, showcasing a variety of textures from the crisp vegetables to the creamy potatoes.",,9,0,entity,whole,entity - whole (silverware),Is there silverware? +partiprompts57,"A close-up image of a ceramic plate filled with a colorful assortment of food, including slices of grilled chicken, a mix of steamed vegetables, and a scoop of mashed potatoes garnished with a sprig of parsley. The plate is set on a dark wooden dining table, and beside it lies a set of silverware wrapped neatly in a cloth napkin. The food is arranged in an appetizing display, showcasing a variety of textures from the crisp vegetables to the creamy potatoes.",,10,0,entity,whole,entity - whole (cloth napkin),Is there a cloth napkin? +partiprompts57,"A close-up image of a ceramic plate filled with a colorful assortment of food, including slices of grilled chicken, a mix of steamed vegetables, and a scoop of mashed potatoes garnished with a sprig of parsley. The plate is set on a dark wooden dining table, and beside it lies a set of silverware wrapped neatly in a cloth napkin. The food is arranged in an appetizing display, showcasing a variety of textures from the crisp vegetables to the creamy potatoes.",,11,3,attribute,texture,"attribute - texture (food, colorful assortment)",Is the food a colorful assortment? +partiprompts57,"A close-up image of a ceramic plate filled with a colorful assortment of food, including slices of grilled chicken, a mix of steamed vegetables, and a scoop of mashed potatoes garnished with a sprig of parsley. The plate is set on a dark wooden dining table, and beside it lies a set of silverware wrapped neatly in a cloth napkin. The food is arranged in an appetizing display, showcasing a variety of textures from the crisp vegetables to the creamy potatoes.",,12,5,attribute,texture,"attribute - texture (vegetables, crisp)",Are the vegetables crisp? +partiprompts57,"A close-up image of a ceramic plate filled with a colorful assortment of food, including slices of grilled chicken, a mix of steamed vegetables, and a scoop of mashed potatoes garnished with a sprig of parsley. The plate is set on a dark wooden dining table, and beside it lies a set of silverware wrapped neatly in a cloth napkin. The food is arranged in an appetizing display, showcasing a variety of textures from the crisp vegetables to the creamy potatoes.",,13,6,attribute,texture,"attribute - texture (potatoes, creamy)",Are the potatoes creamy? +partiprompts57,"A close-up image of a ceramic plate filled with a colorful assortment of food, including slices of grilled chicken, a mix of steamed vegetables, and a scoop of mashed potatoes garnished with a sprig of parsley. The plate is set on a dark wooden dining table, and beside it lies a set of silverware wrapped neatly in a cloth napkin. The food is arranged in an appetizing display, showcasing a variety of textures from the crisp vegetables to the creamy potatoes.",,14,"2,8",relation,spatial,"relation - spatial (ceramic plate, dark wooden dining table, on)",Is the ceramic plate on the dark wooden dining table? +partiprompts57,"A close-up image of a ceramic plate filled with a colorful assortment of food, including slices of grilled chicken, a mix of steamed vegetables, and a scoop of mashed potatoes garnished with a sprig of parsley. The plate is set on a dark wooden dining table, and beside it lies a set of silverware wrapped neatly in a cloth napkin. The food is arranged in an appetizing display, showcasing a variety of textures from the crisp vegetables to the creamy potatoes.",,15,"9,10",relation,spatial,"relation - spatial (silverware, cloth napkin, wrapped neatly beside)",Is the silverware wrapped neatly beside the cloth napkin? +partiprompts194,"a picturesque autumn scene where a quaint cottage with a thatched roof sits beside a tranquil lake, surrounded by trees with leaves in vibrant shades of orange, red, and yellow. The cottage's wooden exterior is complemented by white-framed windows, and a stone chimney rises above the roofline. The lake reflects the warm fall colors, creating a mirror image of the foliage and the small structure on its calm surface.",,1,0,global,,global - (autumn scene),Is this an autumn scene? +partiprompts194,"a picturesque autumn scene where a quaint cottage with a thatched roof sits beside a tranquil lake, surrounded by trees with leaves in vibrant shades of orange, red, and yellow. The cottage's wooden exterior is complemented by white-framed windows, and a stone chimney rises above the roofline. The lake reflects the warm fall colors, creating a mirror image of the foliage and the small structure on its calm surface.",,2,0,entity,whole,entity - whole (cottage),Is there a cottage? +partiprompts194,"a picturesque autumn scene where a quaint cottage with a thatched roof sits beside a tranquil lake, surrounded by trees with leaves in vibrant shades of orange, red, and yellow. The cottage's wooden exterior is complemented by white-framed windows, and a stone chimney rises above the roofline. The lake reflects the warm fall colors, creating a mirror image of the foliage and the small structure on its calm surface.",,3,2,entity,whole,entity - whole (roof),Is there a roof? +partiprompts194,"a picturesque autumn scene where a quaint cottage with a thatched roof sits beside a tranquil lake, surrounded by trees with leaves in vibrant shades of orange, red, and yellow. The cottage's wooden exterior is complemented by white-framed windows, and a stone chimney rises above the roofline. The lake reflects the warm fall colors, creating a mirror image of the foliage and the small structure on its calm surface.",,4,0,entity,whole,entity - whole (lake),Is there a lake? +partiprompts194,"a picturesque autumn scene where a quaint cottage with a thatched roof sits beside a tranquil lake, surrounded by trees with leaves in vibrant shades of orange, red, and yellow. The cottage's wooden exterior is complemented by white-framed windows, and a stone chimney rises above the roofline. The lake reflects the warm fall colors, creating a mirror image of the foliage and the small structure on its calm surface.",,5,0,entity,whole,entity - whole (trees),Are there trees? +partiprompts194,"a picturesque autumn scene where a quaint cottage with a thatched roof sits beside a tranquil lake, surrounded by trees with leaves in vibrant shades of orange, red, and yellow. The cottage's wooden exterior is complemented by white-framed windows, and a stone chimney rises above the roofline. The lake reflects the warm fall colors, creating a mirror image of the foliage and the small structure on its calm surface.",,6,2,attribute,texture,"attribute - texture (cottage, thatched)",Is the cottage's roof thatched? +partiprompts194,"a picturesque autumn scene where a quaint cottage with a thatched roof sits beside a tranquil lake, surrounded by trees with leaves in vibrant shades of orange, red, and yellow. The cottage's wooden exterior is complemented by white-framed windows, and a stone chimney rises above the roofline. The lake reflects the warm fall colors, creating a mirror image of the foliage and the small structure on its calm surface.",,7,5,attribute,color,"attribute - color (leaves, vibrant shades of orange, red, yellow)","Are the leaves in vibrant shades of orange, red, and yellow?" +partiprompts194,"a picturesque autumn scene where a quaint cottage with a thatched roof sits beside a tranquil lake, surrounded by trees with leaves in vibrant shades of orange, red, and yellow. The cottage's wooden exterior is complemented by white-framed windows, and a stone chimney rises above the roofline. The lake reflects the warm fall colors, creating a mirror image of the foliage and the small structure on its calm surface.",,8,2,attribute,color,"attribute - color (windows, white-framed)",Are the windows white-framed? +partiprompts194,"a picturesque autumn scene where a quaint cottage with a thatched roof sits beside a tranquil lake, surrounded by trees with leaves in vibrant shades of orange, red, and yellow. The cottage's wooden exterior is complemented by white-framed windows, and a stone chimney rises above the roofline. The lake reflects the warm fall colors, creating a mirror image of the foliage and the small structure on its calm surface.",,9,2,attribute,texture,"attribute - texture (exterior, wooden)",Is the cottage's exterior wooden? +partiprompts194,"a picturesque autumn scene where a quaint cottage with a thatched roof sits beside a tranquil lake, surrounded by trees with leaves in vibrant shades of orange, red, and yellow. The cottage's wooden exterior is complemented by white-framed windows, and a stone chimney rises above the roofline. The lake reflects the warm fall colors, creating a mirror image of the foliage and the small structure on its calm surface.",,10,2,attribute,texture,"attribute - texture (chimney, stone)",Is the chimney made of stone? +partiprompts194,"a picturesque autumn scene where a quaint cottage with a thatched roof sits beside a tranquil lake, surrounded by trees with leaves in vibrant shades of orange, red, and yellow. The cottage's wooden exterior is complemented by white-framed windows, and a stone chimney rises above the roofline. The lake reflects the warm fall colors, creating a mirror image of the foliage and the small structure on its calm surface.",,11,"2,4",relation,spatial,"relation - spatial (cottage, lake, beside)",Is the cottage beside the lake? +partiprompts194,"a picturesque autumn scene where a quaint cottage with a thatched roof sits beside a tranquil lake, surrounded by trees with leaves in vibrant shades of orange, red, and yellow. The cottage's wooden exterior is complemented by white-framed windows, and a stone chimney rises above the roofline. The lake reflects the warm fall colors, creating a mirror image of the foliage and the small structure on its calm surface.",,12,"2,5",relation,spatial,"relation - spatial (cottage, trees, surrounded by)",Is the cottage surrounded by trees? +partiprompts194,"a picturesque autumn scene where a quaint cottage with a thatched roof sits beside a tranquil lake, surrounded by trees with leaves in vibrant shades of orange, red, and yellow. The cottage's wooden exterior is complemented by white-framed windows, and a stone chimney rises above the roofline. The lake reflects the warm fall colors, creating a mirror image of the foliage and the small structure on its calm surface.",,13,"4,7",relation,spatial,"relation - spatial (lake, foliage, reflect)",Does the lake reflect the foliage? +partiprompts194,"a picturesque autumn scene where a quaint cottage with a thatched roof sits beside a tranquil lake, surrounded by trees with leaves in vibrant shades of orange, red, and yellow. The cottage's wooden exterior is complemented by white-framed windows, and a stone chimney rises above the roofline. The lake reflects the warm fall colors, creating a mirror image of the foliage and the small structure on its calm surface.",,14,"4,2",relation,spatial,"relation - spatial (lake, structure, reflect)",Does the lake reflect the small structure? +partiprompts194,"a picturesque autumn scene where a quaint cottage with a thatched roof sits beside a tranquil lake, surrounded by trees with leaves in vibrant shades of orange, red, and yellow. The cottage's wooden exterior is complemented by white-framed windows, and a stone chimney rises above the roofline. The lake reflects the warm fall colors, creating a mirror image of the foliage and the small structure on its calm surface.",,15,4,relation,spatial,"relation - spatial (lake, surface, calm)",Is the lake's surface calm? +partiprompts110,"A man and a woman are seated at a small round table with a checkered tablecloth. The man is enjoying a golden-brown glazed donut, while the woman delicately forks a piece of rich chocolate cake with a glossy icing. Between them is a vase with a single red rose, and in the background, a cream-colored wall is adorned with framed pictures.",,1,0,entity,whole,entity - whole (man),Is there a man? +partiprompts110,"A man and a woman are seated at a small round table with a checkered tablecloth. The man is enjoying a golden-brown glazed donut, while the woman delicately forks a piece of rich chocolate cake with a glossy icing. Between them is a vase with a single red rose, and in the background, a cream-colored wall is adorned with framed pictures.",,2,0,entity,whole,entity - whole (woman),Is there a woman? +partiprompts110,"A man and a woman are seated at a small round table with a checkered tablecloth. The man is enjoying a golden-brown glazed donut, while the woman delicately forks a piece of rich chocolate cake with a glossy icing. Between them is a vase with a single red rose, and in the background, a cream-colored wall is adorned with framed pictures.",,3,0,entity,whole,entity - whole (table),Is there a table? +partiprompts110,"A man and a woman are seated at a small round table with a checkered tablecloth. The man is enjoying a golden-brown glazed donut, while the woman delicately forks a piece of rich chocolate cake with a glossy icing. Between them is a vase with a single red rose, and in the background, a cream-colored wall is adorned with framed pictures.",,4,0,entity,whole,entity - whole (tablecloth),Is there a tablecloth? +partiprompts110,"A man and a woman are seated at a small round table with a checkered tablecloth. The man is enjoying a golden-brown glazed donut, while the woman delicately forks a piece of rich chocolate cake with a glossy icing. Between them is a vase with a single red rose, and in the background, a cream-colored wall is adorned with framed pictures.",,5,3,entity,whole,entity - whole (donut),Is there a donut? +partiprompts110,"A man and a woman are seated at a small round table with a checkered tablecloth. The man is enjoying a golden-brown glazed donut, while the woman delicately forks a piece of rich chocolate cake with a glossy icing. Between them is a vase with a single red rose, and in the background, a cream-colored wall is adorned with framed pictures.",,6,3,entity,whole,entity - whole (cake),Is there a cake? +partiprompts110,"A man and a woman are seated at a small round table with a checkered tablecloth. The man is enjoying a golden-brown glazed donut, while the woman delicately forks a piece of rich chocolate cake with a glossy icing. Between them is a vase with a single red rose, and in the background, a cream-colored wall is adorned with framed pictures.",,7,3,entity,whole,entity - whole (vase),Is there a vase? +partiprompts110,"A man and a woman are seated at a small round table with a checkered tablecloth. The man is enjoying a golden-brown glazed donut, while the woman delicately forks a piece of rich chocolate cake with a glossy icing. Between them is a vase with a single red rose, and in the background, a cream-colored wall is adorned with framed pictures.",,8,3,entity,whole,entity - whole (rose),Is there a rose? +partiprompts110,"A man and a woman are seated at a small round table with a checkered tablecloth. The man is enjoying a golden-brown glazed donut, while the woman delicately forks a piece of rich chocolate cake with a glossy icing. Between them is a vase with a single red rose, and in the background, a cream-colored wall is adorned with framed pictures.",,9,0,entity,whole,entity - whole (wall),Is there a wall? +partiprompts110,"A man and a woman are seated at a small round table with a checkered tablecloth. The man is enjoying a golden-brown glazed donut, while the woman delicately forks a piece of rich chocolate cake with a glossy icing. Between them is a vase with a single red rose, and in the background, a cream-colored wall is adorned with framed pictures.",,10,0,entity,whole,entity - whole (pictures),Are there pictures? +partiprompts110,"A man and a woman are seated at a small round table with a checkered tablecloth. The man is enjoying a golden-brown glazed donut, while the woman delicately forks a piece of rich chocolate cake with a glossy icing. Between them is a vase with a single red rose, and in the background, a cream-colored wall is adorned with framed pictures.",,11,3,attribute,size,"attribute - size (table, small)",Is the table small? +partiprompts110,"A man and a woman are seated at a small round table with a checkered tablecloth. The man is enjoying a golden-brown glazed donut, while the woman delicately forks a piece of rich chocolate cake with a glossy icing. Between them is a vase with a single red rose, and in the background, a cream-colored wall is adorned with framed pictures.",,12,3,attribute,shape,"attribute - shape (table, round)",Is the table round? +partiprompts110,"A man and a woman are seated at a small round table with a checkered tablecloth. The man is enjoying a golden-brown glazed donut, while the woman delicately forks a piece of rich chocolate cake with a glossy icing. Between them is a vase with a single red rose, and in the background, a cream-colored wall is adorned with framed pictures.",,13,4,attribute,texture,"attribute - texture (tablecloth, checkered)",Is the tablecloth checkered? +partiprompts110,"A man and a woman are seated at a small round table with a checkered tablecloth. The man is enjoying a golden-brown glazed donut, while the woman delicately forks a piece of rich chocolate cake with a glossy icing. Between them is a vase with a single red rose, and in the background, a cream-colored wall is adorned with framed pictures.",,14,5,attribute,color,"attribute - color (donut, golden-brown)",Is the donut golden-brown? +partiprompts110,"A man and a woman are seated at a small round table with a checkered tablecloth. The man is enjoying a golden-brown glazed donut, while the woman delicately forks a piece of rich chocolate cake with a glossy icing. Between them is a vase with a single red rose, and in the background, a cream-colored wall is adorned with framed pictures.",,15,6,attribute,texture,"attribute - texture (cake, rich)",Is the cake rich? +partiprompts110,"A man and a woman are seated at a small round table with a checkered tablecloth. The man is enjoying a golden-brown glazed donut, while the woman delicately forks a piece of rich chocolate cake with a glossy icing. Between them is a vase with a single red rose, and in the background, a cream-colored wall is adorned with framed pictures.",,16,6,attribute,texture,"attribute - texture (icing, glossy)",Is the icing glossy? +partiprompts110,"A man and a woman are seated at a small round table with a checkered tablecloth. The man is enjoying a golden-brown glazed donut, while the woman delicately forks a piece of rich chocolate cake with a glossy icing. Between them is a vase with a single red rose, and in the background, a cream-colored wall is adorned with framed pictures.",,17,7,attribute,color,"attribute - color (rose, red)",Is the rose red? +partiprompts110,"A man and a woman are seated at a small round table with a checkered tablecloth. The man is enjoying a golden-brown glazed donut, while the woman delicately forks a piece of rich chocolate cake with a glossy icing. Between them is a vase with a single red rose, and in the background, a cream-colored wall is adorned with framed pictures.",,18,9,attribute,color,"attribute - color (wall, cream-colored)",Is the wall cream-colored? +partiprompts110,"A man and a woman are seated at a small round table with a checkered tablecloth. The man is enjoying a golden-brown glazed donut, while the woman delicately forks a piece of rich chocolate cake with a glossy icing. Between them is a vase with a single red rose, and in the background, a cream-colored wall is adorned with framed pictures.",,19,"1,3",relation,spatial,"relation - spatial (man, table, seated at)",Is the man seated at the table? +partiprompts110,"A man and a woman are seated at a small round table with a checkered tablecloth. The man is enjoying a golden-brown glazed donut, while the woman delicately forks a piece of rich chocolate cake with a glossy icing. Between them is a vase with a single red rose, and in the background, a cream-colored wall is adorned with framed pictures.",,20,"2,3",relation,spatial,"relation - spatial (woman, table, seated at)",Is the woman seated at the table? +partiprompts110,"A man and a woman are seated at a small round table with a checkered tablecloth. The man is enjoying a golden-brown glazed donut, while the woman delicately forks a piece of rich chocolate cake with a glossy icing. Between them is a vase with a single red rose, and in the background, a cream-colored wall is adorned with framed pictures.",,21,"3,9",relation,spatial,"relation - spatial (vase, table, between)",Is the vase between the man and the woman? +partiprompts110,"A man and a woman are seated at a small round table with a checkered tablecloth. The man is enjoying a golden-brown glazed donut, while the woman delicately forks a piece of rich chocolate cake with a glossy icing. Between them is a vase with a single red rose, and in the background, a cream-colored wall is adorned with framed pictures.",,22,"7,3",relation,spatial,"relation - spatial (rose, vase, in)",Is the rose in the vase? +partiprompts110,"A man and a woman are seated at a small round table with a checkered tablecloth. The man is enjoying a golden-brown glazed donut, while the woman delicately forks a piece of rich chocolate cake with a glossy icing. Between them is a vase with a single red rose, and in the background, a cream-colored wall is adorned with framed pictures.",,23,"10,9",relation,spatial,"relation - spatial (pictures, wall, adorned with)",Is the wall adorned with framed pictures? +partiprompts188,"a spectacular display of fireworks illuminates the night sky with bursts of red, white, and blue. the vibrant colors reflect off a nearby lake, creating a mirror image of the aerial spectacle. in the foreground, silhouettes of a small crowd can be seen gathered to watch the show, with some individuals pointing upwards in awe.",,1,0,global,,global - (spectacular display),Is there a spectacular display? +partiprompts188,"a spectacular display of fireworks illuminates the night sky with bursts of red, white, and blue. the vibrant colors reflect off a nearby lake, creating a mirror image of the aerial spectacle. in the foreground, silhouettes of a small crowd can be seen gathered to watch the show, with some individuals pointing upwards in awe.",,2,0,entity,whole,entity - whole (fireworks),Are there fireworks? +partiprompts188,"a spectacular display of fireworks illuminates the night sky with bursts of red, white, and blue. the vibrant colors reflect off a nearby lake, creating a mirror image of the aerial spectacle. in the foreground, silhouettes of a small crowd can be seen gathered to watch the show, with some individuals pointing upwards in awe.",,3,0,entity,whole,entity - whole (night sky),Is there a night sky? +partiprompts188,"a spectacular display of fireworks illuminates the night sky with bursts of red, white, and blue. the vibrant colors reflect off a nearby lake, creating a mirror image of the aerial spectacle. in the foreground, silhouettes of a small crowd can be seen gathered to watch the show, with some individuals pointing upwards in awe.",,4,2,attribute,color,"attribute - color (fireworks, red)",Are the fireworks red? +partiprompts188,"a spectacular display of fireworks illuminates the night sky with bursts of red, white, and blue. the vibrant colors reflect off a nearby lake, creating a mirror image of the aerial spectacle. in the foreground, silhouettes of a small crowd can be seen gathered to watch the show, with some individuals pointing upwards in awe.",,5,2,attribute,color,"attribute - color (fireworks, white)",Are the fireworks white? +partiprompts188,"a spectacular display of fireworks illuminates the night sky with bursts of red, white, and blue. the vibrant colors reflect off a nearby lake, creating a mirror image of the aerial spectacle. in the foreground, silhouettes of a small crowd can be seen gathered to watch the show, with some individuals pointing upwards in awe.",,6,2,attribute,color,"attribute - color (fireworks, blue)",Are the fireworks blue? +partiprompts188,"a spectacular display of fireworks illuminates the night sky with bursts of red, white, and blue. the vibrant colors reflect off a nearby lake, creating a mirror image of the aerial spectacle. in the foreground, silhouettes of a small crowd can be seen gathered to watch the show, with some individuals pointing upwards in awe.",,7,2,entity,whole,entity - whole (colors),Are there colors? +partiprompts188,"a spectacular display of fireworks illuminates the night sky with bursts of red, white, and blue. the vibrant colors reflect off a nearby lake, creating a mirror image of the aerial spectacle. in the foreground, silhouettes of a small crowd can be seen gathered to watch the show, with some individuals pointing upwards in awe.",,8,0,entity,whole,entity - whole (lake),Is there a lake? +partiprompts188,"a spectacular display of fireworks illuminates the night sky with bursts of red, white, and blue. the vibrant colors reflect off a nearby lake, creating a mirror image of the aerial spectacle. in the foreground, silhouettes of a small crowd can be seen gathered to watch the show, with some individuals pointing upwards in awe.",,9,8,attribute,texture,"attribute - texture (lake, mirror)",Is the lake like a mirror? +partiprompts188,"a spectacular display of fireworks illuminates the night sky with bursts of red, white, and blue. the vibrant colors reflect off a nearby lake, creating a mirror image of the aerial spectacle. in the foreground, silhouettes of a small crowd can be seen gathered to watch the show, with some individuals pointing upwards in awe.",,10,"7,8",relation,spatial,"relation - spatial (colors, lake, reflect off)",Are the colors reflecting off the lake? +partiprompts188,"a spectacular display of fireworks illuminates the night sky with bursts of red, white, and blue. the vibrant colors reflect off a nearby lake, creating a mirror image of the aerial spectacle. in the foreground, silhouettes of a small crowd can be seen gathered to watch the show, with some individuals pointing upwards in awe.",,11,0,entity,whole,entity - whole (silhouettes),Are there silhouettes? +partiprompts188,"a spectacular display of fireworks illuminates the night sky with bursts of red, white, and blue. the vibrant colors reflect off a nearby lake, creating a mirror image of the aerial spectacle. in the foreground, silhouettes of a small crowd can be seen gathered to watch the show, with some individuals pointing upwards in awe.",,12,0,entity,whole,entity - whole (crowd),Is there a crowd? +partiprompts188,"a spectacular display of fireworks illuminates the night sky with bursts of red, white, and blue. the vibrant colors reflect off a nearby lake, creating a mirror image of the aerial spectacle. in the foreground, silhouettes of a small crowd can be seen gathered to watch the show, with some individuals pointing upwards in awe.",,13,12,entity,state,"entity - state (crowd, gather)",Is the crowd gathered? +partiprompts188,"a spectacular display of fireworks illuminates the night sky with bursts of red, white, and blue. the vibrant colors reflect off a nearby lake, creating a mirror image of the aerial spectacle. in the foreground, silhouettes of a small crowd can be seen gathered to watch the show, with some individuals pointing upwards in awe.",,14,12,entity,state,"entity - state (individuals, point upwards)",Are the individuals pointing upwards? +partiprompts188,"a spectacular display of fireworks illuminates the night sky with bursts of red, white, and blue. the vibrant colors reflect off a nearby lake, creating a mirror image of the aerial spectacle. in the foreground, silhouettes of a small crowd can be seen gathered to watch the show, with some individuals pointing upwards in awe.",,15,"12,2",relation,non-spatial,"relation - non-spatial (crowd, show, watch)",Is the crowd watching the show? +partiprompts188,"a spectacular display of fireworks illuminates the night sky with bursts of red, white, and blue. the vibrant colors reflect off a nearby lake, creating a mirror image of the aerial spectacle. in the foreground, silhouettes of a small crowd can be seen gathered to watch the show, with some individuals pointing upwards in awe.",,16,12,relation,spatial,"relation - spatial (crowd, foreground, in)",Is the crowd in the foreground? +partiprompts188,"a spectacular display of fireworks illuminates the night sky with bursts of red, white, and blue. the vibrant colors reflect off a nearby lake, creating a mirror image of the aerial spectacle. in the foreground, silhouettes of a small crowd can be seen gathered to watch the show, with some individuals pointing upwards in awe.",,17,"2,3",relation,non-spatial,"relation - non-spatial (fireworks, night sky, illuminates)",Are the fireworks illuminating the night sky? +partiprompts303,"A whimsical illustration featuring a small, white baby daikon radish with little green shoots on top, dressed in a pink tutu. The radish character is anthropomorphized with tiny arms and legs, walking a brown dog on a red leash. The dog appears to be a friendly, medium-sized breed with a wagging tail, and they are both on a gray sidewalk next to a grassy area.",,1,0,global,,global - (whimsical illustration),Is this a whimsical illustration? +partiprompts303,"A whimsical illustration featuring a small, white baby daikon radish with little green shoots on top, dressed in a pink tutu. The radish character is anthropomorphized with tiny arms and legs, walking a brown dog on a red leash. The dog appears to be a friendly, medium-sized breed with a wagging tail, and they are both on a gray sidewalk next to a grassy area.",,2,0,entity,whole,entity - whole (baby daikon radish),Is there a baby daikon radish? +partiprompts303,"A whimsical illustration featuring a small, white baby daikon radish with little green shoots on top, dressed in a pink tutu. The radish character is anthropomorphized with tiny arms and legs, walking a brown dog on a red leash. The dog appears to be a friendly, medium-sized breed with a wagging tail, and they are both on a gray sidewalk next to a grassy area.",,3,2,entity,whole,entity - whole (green shoots),Are there green shoots? +partiprompts303,"A whimsical illustration featuring a small, white baby daikon radish with little green shoots on top, dressed in a pink tutu. The radish character is anthropomorphized with tiny arms and legs, walking a brown dog on a red leash. The dog appears to be a friendly, medium-sized breed with a wagging tail, and they are both on a gray sidewalk next to a grassy area.",,4,2,entity,whole,entity - whole (pink tutu),Is the baby daikon radish wearing a pink tutu? +partiprompts303,"A whimsical illustration featuring a small, white baby daikon radish with little green shoots on top, dressed in a pink tutu. The radish character is anthropomorphized with tiny arms and legs, walking a brown dog on a red leash. The dog appears to be a friendly, medium-sized breed with a wagging tail, and they are both on a gray sidewalk next to a grassy area.",,5,"2,3,4",entity,whole,entity - whole (radish character),Is there a radish character? +partiprompts303,"A whimsical illustration featuring a small, white baby daikon radish with little green shoots on top, dressed in a pink tutu. The radish character is anthropomorphized with tiny arms and legs, walking a brown dog on a red leash. The dog appears to be a friendly, medium-sized breed with a wagging tail, and they are both on a gray sidewalk next to a grassy area.",,6,5,entity,whole,entity - whole (tiny arms),Are there tiny arms? +partiprompts303,"A whimsical illustration featuring a small, white baby daikon radish with little green shoots on top, dressed in a pink tutu. The radish character is anthropomorphized with tiny arms and legs, walking a brown dog on a red leash. The dog appears to be a friendly, medium-sized breed with a wagging tail, and they are both on a gray sidewalk next to a grassy area.",,7,5,entity,whole,entity - whole (tiny legs),Are there tiny legs? +partiprompts303,"A whimsical illustration featuring a small, white baby daikon radish with little green shoots on top, dressed in a pink tutu. The radish character is anthropomorphized with tiny arms and legs, walking a brown dog on a red leash. The dog appears to be a friendly, medium-sized breed with a wagging tail, and they are both on a gray sidewalk next to a grassy area.",,8,0,entity,whole,entity - whole (brown dog),Is there a brown dog? +partiprompts303,"A whimsical illustration featuring a small, white baby daikon radish with little green shoots on top, dressed in a pink tutu. The radish character is anthropomorphized with tiny arms and legs, walking a brown dog on a red leash. The dog appears to be a friendly, medium-sized breed with a wagging tail, and they are both on a gray sidewalk next to a grassy area.",,9,0,entity,whole,entity - whole (red leash),Is there a red leash? +partiprompts303,"A whimsical illustration featuring a small, white baby daikon radish with little green shoots on top, dressed in a pink tutu. The radish character is anthropomorphized with tiny arms and legs, walking a brown dog on a red leash. The dog appears to be a friendly, medium-sized breed with a wagging tail, and they are both on a gray sidewalk next to a grassy area.",,10,0,entity,whole,entity - whole (medium-sized breed),Is the dog a medium-sized breed? +partiprompts303,"A whimsical illustration featuring a small, white baby daikon radish with little green shoots on top, dressed in a pink tutu. The radish character is anthropomorphized with tiny arms and legs, walking a brown dog on a red leash. The dog appears to be a friendly, medium-sized breed with a wagging tail, and they are both on a gray sidewalk next to a grassy area.",,11,0,entity,whole,entity - whole (wagging tail),Is the dog's tail wagging? +partiprompts303,"A whimsical illustration featuring a small, white baby daikon radish with little green shoots on top, dressed in a pink tutu. The radish character is anthropomorphized with tiny arms and legs, walking a brown dog on a red leash. The dog appears to be a friendly, medium-sized breed with a wagging tail, and they are both on a gray sidewalk next to a grassy area.",,12,0,entity,whole,entity - whole (gray sidewalk),Is there a gray sidewalk? +partiprompts303,"A whimsical illustration featuring a small, white baby daikon radish with little green shoots on top, dressed in a pink tutu. The radish character is anthropomorphized with tiny arms and legs, walking a brown dog on a red leash. The dog appears to be a friendly, medium-sized breed with a wagging tail, and they are both on a gray sidewalk next to a grassy area.",,13,0,entity,whole,entity - whole (grassy area),Is there a grassy area? +partiprompts303,"A whimsical illustration featuring a small, white baby daikon radish with little green shoots on top, dressed in a pink tutu. The radish character is anthropomorphized with tiny arms and legs, walking a brown dog on a red leash. The dog appears to be a friendly, medium-sized breed with a wagging tail, and they are both on a gray sidewalk next to a grassy area.",,14,2,attribute,color,"attribute - color (baby daikon radish, white)",Is the baby daikon radish white? +partiprompts303,"A whimsical illustration featuring a small, white baby daikon radish with little green shoots on top, dressed in a pink tutu. The radish character is anthropomorphized with tiny arms and legs, walking a brown dog on a red leash. The dog appears to be a friendly, medium-sized breed with a wagging tail, and they are both on a gray sidewalk next to a grassy area.",,15,3,attribute,color,"attribute - color (green shoots, green)",Are the green shoots green? +partiprompts303,"A whimsical illustration featuring a small, white baby daikon radish with little green shoots on top, dressed in a pink tutu. The radish character is anthropomorphized with tiny arms and legs, walking a brown dog on a red leash. The dog appears to be a friendly, medium-sized breed with a wagging tail, and they are both on a gray sidewalk next to a grassy area.",,16,4,attribute,color,"attribute - color (pink tutu, pink)",Is the pink tutu pink? +partiprompts303,"A whimsical illustration featuring a small, white baby daikon radish with little green shoots on top, dressed in a pink tutu. The radish character is anthropomorphized with tiny arms and legs, walking a brown dog on a red leash. The dog appears to be a friendly, medium-sized breed with a wagging tail, and they are both on a gray sidewalk next to a grassy area.",,17,8,attribute,color,"attribute - color (brown dog, brown)",Is the dog brown? +partiprompts303,"A whimsical illustration featuring a small, white baby daikon radish with little green shoots on top, dressed in a pink tutu. The radish character is anthropomorphized with tiny arms and legs, walking a brown dog on a red leash. The dog appears to be a friendly, medium-sized breed with a wagging tail, and they are both on a gray sidewalk next to a grassy area.",,18,9,attribute,color,"attribute - color (red leash, red)",Is the leash red? +partiprompts303,"A whimsical illustration featuring a small, white baby daikon radish with little green shoots on top, dressed in a pink tutu. The radish character is anthropomorphized with tiny arms and legs, walking a brown dog on a red leash. The dog appears to be a friendly, medium-sized breed with a wagging tail, and they are both on a gray sidewalk next to a grassy area.",,19,10,attribute,color,"attribute - color (medium-sized breed, friendly)",Is the dog friendly? +partiprompts303,"A whimsical illustration featuring a small, white baby daikon radish with little green shoots on top, dressed in a pink tutu. The radish character is anthropomorphized with tiny arms and legs, walking a brown dog on a red leash. The dog appears to be a friendly, medium-sized breed with a wagging tail, and they are both on a gray sidewalk next to a grassy area.",,20,11,attribute,texture,"attribute - texture (gray sidewalk, gray)",Is the sidewalk gray? +partiprompts303,"A whimsical illustration featuring a small, white baby daikon radish with little green shoots on top, dressed in a pink tutu. The radish character is anthropomorphized with tiny arms and legs, walking a brown dog on a red leash. The dog appears to be a friendly, medium-sized breed with a wagging tail, and they are both on a gray sidewalk next to a grassy area.",,21,"1,2",relation,spatial,"relation - spatial (baby daikon radish, green shoots, on top)",Is the baby daikon radish on top of the green shoots? +partiprompts303,"A whimsical illustration featuring a small, white baby daikon radish with little green shoots on top, dressed in a pink tutu. The radish character is anthropomorphized with tiny arms and legs, walking a brown dog on a red leash. The dog appears to be a friendly, medium-sized breed with a wagging tail, and they are both on a gray sidewalk next to a grassy area.",,22,"1,4",relation,spatial,"relation - spatial (baby daikon radish, pink tutu, dressed in)",Is the baby daikon radish dressed in a pink tutu? +partiprompts303,"A whimsical illustration featuring a small, white baby daikon radish with little green shoots on top, dressed in a pink tutu. The radish character is anthropomorphized with tiny arms and legs, walking a brown dog on a red leash. The dog appears to be a friendly, medium-sized breed with a wagging tail, and they are both on a gray sidewalk next to a grassy area.",,23,"5,6",relation,spatial,"relation - spatial (radish character, tiny arms, with)",Does the radish character have tiny arms? +partiprompts303,"A whimsical illustration featuring a small, white baby daikon radish with little green shoots on top, dressed in a pink tutu. The radish character is anthropomorphized with tiny arms and legs, walking a brown dog on a red leash. The dog appears to be a friendly, medium-sized breed with a wagging tail, and they are both on a gray sidewalk next to a grassy area.",,24,"5,7",relation,spatial,"relation - spatial (radish character, tiny legs, with)",Does the radish character have tiny legs? +partiprompts303,"A whimsical illustration featuring a small, white baby daikon radish with little green shoots on top, dressed in a pink tutu. The radish character is anthropomorphized with tiny arms and legs, walking a brown dog on a red leash. The dog appears to be a friendly, medium-sized breed with a wagging tail, and they are both on a gray sidewalk next to a grassy area.",,25,"5,8",relation,spatial,"relation - spatial (radish character, brown dog, walking)",Is the radish character walking a brown dog? +partiprompts303,"A whimsical illustration featuring a small, white baby daikon radish with little green shoots on top, dressed in a pink tutu. The radish character is anthropomorphized with tiny arms and legs, walking a brown dog on a red leash. The dog appears to be a friendly, medium-sized breed with a wagging tail, and they are both on a gray sidewalk next to a grassy area.",,26,"8,11",relation,spatial,"relation - spatial (brown dog, wagging tail, with)",Is the brown dog's tail wagging? +partiprompts303,"A whimsical illustration featuring a small, white baby daikon radish with little green shoots on top, dressed in a pink tutu. The radish character is anthropomorphized with tiny arms and legs, walking a brown dog on a red leash. The dog appears to be a friendly, medium-sized breed with a wagging tail, and they are both on a gray sidewalk next to a grassy area.",,27,"8,10",relation,spatial,"relation - spatial (brown dog, medium-sized breed, is)",Is the brown dog a medium-sized breed? +partiprompts303,"A whimsical illustration featuring a small, white baby daikon radish with little green shoots on top, dressed in a pink tutu. The radish character is anthropomorphized with tiny arms and legs, walking a brown dog on a red leash. The dog appears to be a friendly, medium-sized breed with a wagging tail, and they are both on a gray sidewalk next to a grassy area.",,28,"8,9",relation,spatial,"relation - spatial (brown dog, red leash, on)",Is the brown dog on a red leash? +partiprompts303,"A whimsical illustration featuring a small, white baby daikon radish with little green shoots on top, dressed in a pink tutu. The radish character is anthropomorphized with tiny arms and legs, walking a brown dog on a red leash. The dog appears to be a friendly, medium-sized breed with a wagging tail, and they are both on a gray sidewalk next to a grassy area.",,29,"8,12",relation,spatial,"relation - spatial (brown dog, gray sidewalk, on)",Is the brown dog on a gray sidewalk? +partiprompts303,"A whimsical illustration featuring a small, white baby daikon radish with little green shoots on top, dressed in a pink tutu. The radish character is anthropomorphized with tiny arms and legs, walking a brown dog on a red leash. The dog appears to be a friendly, medium-sized breed with a wagging tail, and they are both on a gray sidewalk next to a grassy area.",,30,"12,13",relation,spatial,"relation - spatial (gray sidewalk, grassy area, next to)",Is the gray sidewalk next to the grassy area? +partiprompts31,"A vibrant and detailed image showcasing a large ceramic bowl filled with steaming ramen, the noodles and broth glistening under the light. Floating amidst the savory dish are several origami boats, each crafted from paper in hues of red, blue, and yellow, adding a whimsical touch to the culinary scene. The bowl sits on a dark wooden table, contrasting with the bright colors of the paper crafts and the rich tones of the ramen ingredients.",,1,0,global,,global - (vibrant and detailed image),Is this a vibrant and detailed image? +partiprompts31,"A vibrant and detailed image showcasing a large ceramic bowl filled with steaming ramen, the noodles and broth glistening under the light. Floating amidst the savory dish are several origami boats, each crafted from paper in hues of red, blue, and yellow, adding a whimsical touch to the culinary scene. The bowl sits on a dark wooden table, contrasting with the bright colors of the paper crafts and the rich tones of the ramen ingredients.",,2,0,entity,whole,entity - whole (ceramic bowl),Is there a ceramic bowl? +partiprompts31,"A vibrant and detailed image showcasing a large ceramic bowl filled with steaming ramen, the noodles and broth glistening under the light. Floating amidst the savory dish are several origami boats, each crafted from paper in hues of red, blue, and yellow, adding a whimsical touch to the culinary scene. The bowl sits on a dark wooden table, contrasting with the bright colors of the paper crafts and the rich tones of the ramen ingredients.",,3,2,entity,whole,entity - whole (ramen),Is there ramen? +partiprompts31,"A vibrant and detailed image showcasing a large ceramic bowl filled with steaming ramen, the noodles and broth glistening under the light. Floating amidst the savory dish are several origami boats, each crafted from paper in hues of red, blue, and yellow, adding a whimsical touch to the culinary scene. The bowl sits on a dark wooden table, contrasting with the bright colors of the paper crafts and the rich tones of the ramen ingredients.",,4,3,entity,whole,entity - whole (noodles),Are there noodles? +partiprompts31,"A vibrant and detailed image showcasing a large ceramic bowl filled with steaming ramen, the noodles and broth glistening under the light. Floating amidst the savory dish are several origami boats, each crafted from paper in hues of red, blue, and yellow, adding a whimsical touch to the culinary scene. The bowl sits on a dark wooden table, contrasting with the bright colors of the paper crafts and the rich tones of the ramen ingredients.",,5,3,entity,whole,entity - whole (broth),Is there broth? +partiprompts31,"A vibrant and detailed image showcasing a large ceramic bowl filled with steaming ramen, the noodles and broth glistening under the light. Floating amidst the savory dish are several origami boats, each crafted from paper in hues of red, blue, and yellow, adding a whimsical touch to the culinary scene. The bowl sits on a dark wooden table, contrasting with the bright colors of the paper crafts and the rich tones of the ramen ingredients.",,6,0,entity,whole,entity - whole (origami boats),Are there origami boats? +partiprompts31,"A vibrant and detailed image showcasing a large ceramic bowl filled with steaming ramen, the noodles and broth glistening under the light. Floating amidst the savory dish are several origami boats, each crafted from paper in hues of red, blue, and yellow, adding a whimsical touch to the culinary scene. The bowl sits on a dark wooden table, contrasting with the bright colors of the paper crafts and the rich tones of the ramen ingredients.",,7,6,entity,whole,entity - whole (paper),Is there paper? +partiprompts31,"A vibrant and detailed image showcasing a large ceramic bowl filled with steaming ramen, the noodles and broth glistening under the light. Floating amidst the savory dish are several origami boats, each crafted from paper in hues of red, blue, and yellow, adding a whimsical touch to the culinary scene. The bowl sits on a dark wooden table, contrasting with the bright colors of the paper crafts and the rich tones of the ramen ingredients.",,8,7,entity,whole,"entity - whole (hues of red, blue, and yellow)","Are there hues of red, blue, and yellow?" +partiprompts31,"A vibrant and detailed image showcasing a large ceramic bowl filled with steaming ramen, the noodles and broth glistening under the light. Floating amidst the savory dish are several origami boats, each crafted from paper in hues of red, blue, and yellow, adding a whimsical touch to the culinary scene. The bowl sits on a dark wooden table, contrasting with the bright colors of the paper crafts and the rich tones of the ramen ingredients.",,9,0,entity,whole,entity - whole (whimsical touch),Is there a whimsical touch? +partiprompts31,"A vibrant and detailed image showcasing a large ceramic bowl filled with steaming ramen, the noodles and broth glistening under the light. Floating amidst the savory dish are several origami boats, each crafted from paper in hues of red, blue, and yellow, adding a whimsical touch to the culinary scene. The bowl sits on a dark wooden table, contrasting with the bright colors of the paper crafts and the rich tones of the ramen ingredients.",,10,0,entity,whole,entity - whole (culinary scene),Is there a culinary scene? +partiprompts31,"A vibrant and detailed image showcasing a large ceramic bowl filled with steaming ramen, the noodles and broth glistening under the light. Floating amidst the savory dish are several origami boats, each crafted from paper in hues of red, blue, and yellow, adding a whimsical touch to the culinary scene. The bowl sits on a dark wooden table, contrasting with the bright colors of the paper crafts and the rich tones of the ramen ingredients.",,11,0,entity,whole,entity - whole (dark wooden table),Is there a dark wooden table? +partiprompts31,"A vibrant and detailed image showcasing a large ceramic bowl filled with steaming ramen, the noodles and broth glistening under the light. Floating amidst the savory dish are several origami boats, each crafted from paper in hues of red, blue, and yellow, adding a whimsical touch to the culinary scene. The bowl sits on a dark wooden table, contrasting with the bright colors of the paper crafts and the rich tones of the ramen ingredients.",,12,2,attribute,texture,"attribute - texture (bowl, ceramic)",Is the bowl ceramic? +partiprompts31,"A vibrant and detailed image showcasing a large ceramic bowl filled with steaming ramen, the noodles and broth glistening under the light. Floating amidst the savory dish are several origami boats, each crafted from paper in hues of red, blue, and yellow, adding a whimsical touch to the culinary scene. The bowl sits on a dark wooden table, contrasting with the bright colors of the paper crafts and the rich tones of the ramen ingredients.",,13,4,attribute,texture,"attribute - texture (noodles, glistening)",Are the noodles glistening? +partiprompts31,"A vibrant and detailed image showcasing a large ceramic bowl filled with steaming ramen, the noodles and broth glistening under the light. Floating amidst the savory dish are several origami boats, each crafted from paper in hues of red, blue, and yellow, adding a whimsical touch to the culinary scene. The bowl sits on a dark wooden table, contrasting with the bright colors of the paper crafts and the rich tones of the ramen ingredients.",,14,5,attribute,texture,"attribute - texture (broth, glistening)",Is the broth glistening? +partiprompts31,"A vibrant and detailed image showcasing a large ceramic bowl filled with steaming ramen, the noodles and broth glistening under the light. Floating amidst the savory dish are several origami boats, each crafted from paper in hues of red, blue, and yellow, adding a whimsical touch to the culinary scene. The bowl sits on a dark wooden table, contrasting with the bright colors of the paper crafts and the rich tones of the ramen ingredients.",,15,7,attribute,texture,"attribute - texture (paper, crafted)",Are the paper crafts crafted? +partiprompts31,"A vibrant and detailed image showcasing a large ceramic bowl filled with steaming ramen, the noodles and broth glistening under the light. Floating amidst the savory dish are several origami boats, each crafted from paper in hues of red, blue, and yellow, adding a whimsical touch to the culinary scene. The bowl sits on a dark wooden table, contrasting with the bright colors of the paper crafts and the rich tones of the ramen ingredients.",,16,6,attribute,color,"attribute - color (paper, red)",Is the paper red? +partiprompts31,"A vibrant and detailed image showcasing a large ceramic bowl filled with steaming ramen, the noodles and broth glistening under the light. Floating amidst the savory dish are several origami boats, each crafted from paper in hues of red, blue, and yellow, adding a whimsical touch to the culinary scene. The bowl sits on a dark wooden table, contrasting with the bright colors of the paper crafts and the rich tones of the ramen ingredients.",,17,6,attribute,color,"attribute - color (paper, blue)",Is the paper blue? +partiprompts31,"A vibrant and detailed image showcasing a large ceramic bowl filled with steaming ramen, the noodles and broth glistening under the light. Floating amidst the savory dish are several origami boats, each crafted from paper in hues of red, blue, and yellow, adding a whimsical touch to the culinary scene. The bowl sits on a dark wooden table, contrasting with the bright colors of the paper crafts and the rich tones of the ramen ingredients.",,18,6,attribute,color,"attribute - color (paper, yellow)",Is the paper yellow? +partiprompts31,"A vibrant and detailed image showcasing a large ceramic bowl filled with steaming ramen, the noodles and broth glistening under the light. Floating amidst the savory dish are several origami boats, each crafted from paper in hues of red, blue, and yellow, adding a whimsical touch to the culinary scene. The bowl sits on a dark wooden table, contrasting with the bright colors of the paper crafts and the rich tones of the ramen ingredients.",,19,11,attribute,color,"attribute - color (table, dark wooden)",Is the table dark wooden? +partiprompts31,"A vibrant and detailed image showcasing a large ceramic bowl filled with steaming ramen, the noodles and broth glistening under the light. Floating amidst the savory dish are several origami boats, each crafted from paper in hues of red, blue, and yellow, adding a whimsical touch to the culinary scene. The bowl sits on a dark wooden table, contrasting with the bright colors of the paper crafts and the rich tones of the ramen ingredients.",,20,"2,11",relation,spatial,"relation - spatial (bowl, table, on)",Is the bowl on the table? +partiprompts31,"A vibrant and detailed image showcasing a large ceramic bowl filled with steaming ramen, the noodles and broth glistening under the light. Floating amidst the savory dish are several origami boats, each crafted from paper in hues of red, blue, and yellow, adding a whimsical touch to the culinary scene. The bowl sits on a dark wooden table, contrasting with the bright colors of the paper crafts and the rich tones of the ramen ingredients.",,21,"3,10",relation,spatial,"relation - spatial (origami boats, ramen, floating amidst)",Are the origami boats floating amidst the ramen? +partiprompts31,"A vibrant and detailed image showcasing a large ceramic bowl filled with steaming ramen, the noodles and broth glistening under the light. Floating amidst the savory dish are several origami boats, each crafted from paper in hues of red, blue, and yellow, adding a whimsical touch to the culinary scene. The bowl sits on a dark wooden table, contrasting with the bright colors of the paper crafts and the rich tones of the ramen ingredients.",,22,"7,3",relation,spatial,"relation - spatial (paper, origami boats, crafted from)",Are the origami boats crafted from paper? +partiprompts31,"A vibrant and detailed image showcasing a large ceramic bowl filled with steaming ramen, the noodles and broth glistening under the light. Floating amidst the savory dish are several origami boats, each crafted from paper in hues of red, blue, and yellow, adding a whimsical touch to the culinary scene. The bowl sits on a dark wooden table, contrasting with the bright colors of the paper crafts and the rich tones of the ramen ingredients.",,23,"7,8",relation,spatial,"relation - spatial (paper, hues of red, blue, and yellow, in)","Is the paper in hues of red, blue, and yellow?" +partiprompts31,"A vibrant and detailed image showcasing a large ceramic bowl filled with steaming ramen, the noodles and broth glistening under the light. Floating amidst the savory dish are several origami boats, each crafted from paper in hues of red, blue, and yellow, adding a whimsical touch to the culinary scene. The bowl sits on a dark wooden table, contrasting with the bright colors of the paper crafts and the rich tones of the ramen ingredients.",,24,"2,7",relation,spatial,"relation - spatial (bowl, paper crafts, contrasting with)",Is the bowl contrasting with the paper crafts? +partiprompts31,"A vibrant and detailed image showcasing a large ceramic bowl filled with steaming ramen, the noodles and broth glistening under the light. Floating amidst the savory dish are several origami boats, each crafted from paper in hues of red, blue, and yellow, adding a whimsical touch to the culinary scene. The bowl sits on a dark wooden table, contrasting with the bright colors of the paper crafts and the rich tones of the ramen ingredients.",,25,"2,3",relation,spatial,"relation - spatial (bowl, ramen ingredients, contrasting with)",Are the bowl contrasting with the ramen ingredients? +partiprompts276,"Long: Scattered across the dark wooden floor are long, jagged shards of a shattered mirror, each piece reflecting the intense, yellow eyes of a great horned owl perched nearby. The owl's feathers are a mix of deep browns and soft grays, and it sits stoically on the branch of an indoor plant. The room is dimly lit, casting a moody glow that enhances the sharpness of the mirror fragments and the piercing gaze of the owl.",,1,0,attribute,texture,"attribute - texture (floor, wooden)",Is the floor wooden? +partiprompts276,"Long: Scattered across the dark wooden floor are long, jagged shards of a shattered mirror, each piece reflecting the intense, yellow eyes of a great horned owl perched nearby. The owl's feathers are a mix of deep browns and soft grays, and it sits stoically on the branch of an indoor plant. The room is dimly lit, casting a moody glow that enhances the sharpness of the mirror fragments and the piercing gaze of the owl.",,2,3,attribute,shape,"attribute - shape (shards, jagged)",Are the shards jagged? +partiprompts276,"Long: Scattered across the dark wooden floor are long, jagged shards of a shattered mirror, each piece reflecting the intense, yellow eyes of a great horned owl perched nearby. The owl's feathers are a mix of deep browns and soft grays, and it sits stoically on the branch of an indoor plant. The room is dimly lit, casting a moody glow that enhances the sharpness of the mirror fragments and the piercing gaze of the owl.",,3,0,entity,whole,entity - whole (mirror),Is there a mirror? +partiprompts276,"Long: Scattered across the dark wooden floor are long, jagged shards of a shattered mirror, each piece reflecting the intense, yellow eyes of a great horned owl perched nearby. The owl's feathers are a mix of deep browns and soft grays, and it sits stoically on the branch of an indoor plant. The room is dimly lit, casting a moody glow that enhances the sharpness of the mirror fragments and the piercing gaze of the owl.",,4,3,entity,whole,entity - whole (pieces),Are there pieces of the mirror? +partiprompts276,"Long: Scattered across the dark wooden floor are long, jagged shards of a shattered mirror, each piece reflecting the intense, yellow eyes of a great horned owl perched nearby. The owl's feathers are a mix of deep browns and soft grays, and it sits stoically on the branch of an indoor plant. The room is dimly lit, casting a moody glow that enhances the sharpness of the mirror fragments and the piercing gaze of the owl.",,5,6,attribute,color,"attribute - color (eyes, yellow)",Are the eyes yellow? +partiprompts276,"Long: Scattered across the dark wooden floor are long, jagged shards of a shattered mirror, each piece reflecting the intense, yellow eyes of a great horned owl perched nearby. The owl's feathers are a mix of deep browns and soft grays, and it sits stoically on the branch of an indoor plant. The room is dimly lit, casting a moody glow that enhances the sharpness of the mirror fragments and the piercing gaze of the owl.",,6,0,entity,whole,entity - whole (owl),Is there an owl? +partiprompts276,"Long: Scattered across the dark wooden floor are long, jagged shards of a shattered mirror, each piece reflecting the intense, yellow eyes of a great horned owl perched nearby. The owl's feathers are a mix of deep browns and soft grays, and it sits stoically on the branch of an indoor plant. The room is dimly lit, casting a moody glow that enhances the sharpness of the mirror fragments and the piercing gaze of the owl.",,7,6,attribute,color,"attribute - color (feathers, deep browns)",Are the feathers deep browns? +partiprompts276,"Long: Scattered across the dark wooden floor are long, jagged shards of a shattered mirror, each piece reflecting the intense, yellow eyes of a great horned owl perched nearby. The owl's feathers are a mix of deep browns and soft grays, and it sits stoically on the branch of an indoor plant. The room is dimly lit, casting a moody glow that enhances the sharpness of the mirror fragments and the piercing gaze of the owl.",,8,6,attribute,color,"attribute - color (feathers, soft grays)",Are the feathers soft grays? +partiprompts276,"Long: Scattered across the dark wooden floor are long, jagged shards of a shattered mirror, each piece reflecting the intense, yellow eyes of a great horned owl perched nearby. The owl's feathers are a mix of deep browns and soft grays, and it sits stoically on the branch of an indoor plant. The room is dimly lit, casting a moody glow that enhances the sharpness of the mirror fragments and the piercing gaze of the owl.",,9,6,entity,part,entity - part (owl's branch),Is the owl on a branch? +partiprompts276,"Long: Scattered across the dark wooden floor are long, jagged shards of a shattered mirror, each piece reflecting the intense, yellow eyes of a great horned owl perched nearby. The owl's feathers are a mix of deep browns and soft grays, and it sits stoically on the branch of an indoor plant. The room is dimly lit, casting a moody glow that enhances the sharpness of the mirror fragments and the piercing gaze of the owl.",,10,0,entity,whole,entity - whole (plant),Is there a plant? +partiprompts276,"Long: Scattered across the dark wooden floor are long, jagged shards of a shattered mirror, each piece reflecting the intense, yellow eyes of a great horned owl perched nearby. The owl's feathers are a mix of deep browns and soft grays, and it sits stoically on the branch of an indoor plant. The room is dimly lit, casting a moody glow that enhances the sharpness of the mirror fragments and the piercing gaze of the owl.",,11,6,entity,state,"entity - state (owl, sit)",Is the owl sitting? +partiprompts276,"Long: Scattered across the dark wooden floor are long, jagged shards of a shattered mirror, each piece reflecting the intense, yellow eyes of a great horned owl perched nearby. The owl's feathers are a mix of deep browns and soft grays, and it sits stoically on the branch of an indoor plant. The room is dimly lit, casting a moody glow that enhances the sharpness of the mirror fragments and the piercing gaze of the owl.",,12,0,attribute,other,"attribute - other (room, dimly lit)",Is the room dimly lit? +partiprompts276,"Long: Scattered across the dark wooden floor are long, jagged shards of a shattered mirror, each piece reflecting the intense, yellow eyes of a great horned owl perched nearby. The owl's feathers are a mix of deep browns and soft grays, and it sits stoically on the branch of an indoor plant. The room is dimly lit, casting a moody glow that enhances the sharpness of the mirror fragments and the piercing gaze of the owl.",,13,12,attribute,other,"attribute - other (room, moody)",Is the room moody? +partiprompts276,"Long: Scattered across the dark wooden floor are long, jagged shards of a shattered mirror, each piece reflecting the intense, yellow eyes of a great horned owl perched nearby. The owl's feathers are a mix of deep browns and soft grays, and it sits stoically on the branch of an indoor plant. The room is dimly lit, casting a moody glow that enhances the sharpness of the mirror fragments and the piercing gaze of the owl.",,14,12,attribute,other,"attribute - other (glow, moody)",Is there a moody glow? +partiprompts276,"Long: Scattered across the dark wooden floor are long, jagged shards of a shattered mirror, each piece reflecting the intense, yellow eyes of a great horned owl perched nearby. The owl's feathers are a mix of deep browns and soft grays, and it sits stoically on the branch of an indoor plant. The room is dimly lit, casting a moody glow that enhances the sharpness of the mirror fragments and the piercing gaze of the owl.",,15,"5,14",attribute,other,"attribute - other (gaze, piercing)",Is the gaze piercing? +partiprompts113,"an elderly woman with shoulder-length straight gray hair and round metal-rimmed glasses sits comfortably in a plush armchair. She is wearing a lavender cardigan over a white blouse, and a silver necklace can be seen around her neck. In her lap rests an open hardcover book, and beside her, a small wooden side table holds a ceramic teacup and saucer.",,1,0,entity,whole,entity - whole (woman),Is there an elderly woman? +partiprompts113,"an elderly woman with shoulder-length straight gray hair and round metal-rimmed glasses sits comfortably in a plush armchair. She is wearing a lavender cardigan over a white blouse, and a silver necklace can be seen around her neck. In her lap rests an open hardcover book, and beside her, a small wooden side table holds a ceramic teacup and saucer.",,2,1,entity,part,entity - part (woman's hair),Does the woman have shoulder-length hair? +partiprompts113,"an elderly woman with shoulder-length straight gray hair and round metal-rimmed glasses sits comfortably in a plush armchair. She is wearing a lavender cardigan over a white blouse, and a silver necklace can be seen around her neck. In her lap rests an open hardcover book, and beside her, a small wooden side table holds a ceramic teacup and saucer.",,3,1,entity,part,entity - part (woman's glasses),Does the woman wear round metal-rimmed glasses? +partiprompts113,"an elderly woman with shoulder-length straight gray hair and round metal-rimmed glasses sits comfortably in a plush armchair. She is wearing a lavender cardigan over a white blouse, and a silver necklace can be seen around her neck. In her lap rests an open hardcover book, and beside her, a small wooden side table holds a ceramic teacup and saucer.",,4,1,entity,part,entity - part (woman's cardigan),Is the woman wearing a lavender cardigan? +partiprompts113,"an elderly woman with shoulder-length straight gray hair and round metal-rimmed glasses sits comfortably in a plush armchair. She is wearing a lavender cardigan over a white blouse, and a silver necklace can be seen around her neck. In her lap rests an open hardcover book, and beside her, a small wooden side table holds a ceramic teacup and saucer.",,5,1,entity,part,entity - part (woman's blouse),Is the woman wearing a white blouse? +partiprompts113,"an elderly woman with shoulder-length straight gray hair and round metal-rimmed glasses sits comfortably in a plush armchair. She is wearing a lavender cardigan over a white blouse, and a silver necklace can be seen around her neck. In her lap rests an open hardcover book, and beside her, a small wooden side table holds a ceramic teacup and saucer.",,6,1,entity,part,entity - part (woman's necklace),Is the woman wearing a silver necklace? +partiprompts113,"an elderly woman with shoulder-length straight gray hair and round metal-rimmed glasses sits comfortably in a plush armchair. She is wearing a lavender cardigan over a white blouse, and a silver necklace can be seen around her neck. In her lap rests an open hardcover book, and beside her, a small wooden side table holds a ceramic teacup and saucer.",,7,0,entity,whole,entity - whole (armchair),Is there an armchair? +partiprompts113,"an elderly woman with shoulder-length straight gray hair and round metal-rimmed glasses sits comfortably in a plush armchair. She is wearing a lavender cardigan over a white blouse, and a silver necklace can be seen around her neck. In her lap rests an open hardcover book, and beside her, a small wooden side table holds a ceramic teacup and saucer.",,8,0,entity,whole,entity - whole (book),Is there a book? +partiprompts113,"an elderly woman with shoulder-length straight gray hair and round metal-rimmed glasses sits comfortably in a plush armchair. She is wearing a lavender cardigan over a white blouse, and a silver necklace can be seen around her neck. In her lap rests an open hardcover book, and beside her, a small wooden side table holds a ceramic teacup and saucer.",,9,0,entity,whole,entity - whole (table),Is there a table? +partiprompts113,"an elderly woman with shoulder-length straight gray hair and round metal-rimmed glasses sits comfortably in a plush armchair. She is wearing a lavender cardigan over a white blouse, and a silver necklace can be seen around her neck. In her lap rests an open hardcover book, and beside her, a small wooden side table holds a ceramic teacup and saucer.",,10,0,entity,whole,entity - whole (teacup),Is there a teacup? +partiprompts113,"an elderly woman with shoulder-length straight gray hair and round metal-rimmed glasses sits comfortably in a plush armchair. She is wearing a lavender cardigan over a white blouse, and a silver necklace can be seen around her neck. In her lap rests an open hardcover book, and beside her, a small wooden side table holds a ceramic teacup and saucer.",,11,0,entity,whole,entity - whole (saucer),Is there a saucer? +partiprompts113,"an elderly woman with shoulder-length straight gray hair and round metal-rimmed glasses sits comfortably in a plush armchair. She is wearing a lavender cardigan over a white blouse, and a silver necklace can be seen around her neck. In her lap rests an open hardcover book, and beside her, a small wooden side table holds a ceramic teacup and saucer.",,12,1,attribute,other,"attribute - other (woman, elderly)",Is the woman elderly? +partiprompts113,"an elderly woman with shoulder-length straight gray hair and round metal-rimmed glasses sits comfortably in a plush armchair. She is wearing a lavender cardigan over a white blouse, and a silver necklace can be seen around her neck. In her lap rests an open hardcover book, and beside her, a small wooden side table holds a ceramic teacup and saucer.",,13,2,attribute,size,"attribute - size (hair, shoulder-length)",Is the woman's hair shoulder-length? +partiprompts113,"an elderly woman with shoulder-length straight gray hair and round metal-rimmed glasses sits comfortably in a plush armchair. She is wearing a lavender cardigan over a white blouse, and a silver necklace can be seen around her neck. In her lap rests an open hardcover book, and beside her, a small wooden side table holds a ceramic teacup and saucer.",,14,3,attribute,shape,"attribute - shape (glasses, round)",Are the glasses round-shaped? +partiprompts113,"an elderly woman with shoulder-length straight gray hair and round metal-rimmed glasses sits comfortably in a plush armchair. She is wearing a lavender cardigan over a white blouse, and a silver necklace can be seen around her neck. In her lap rests an open hardcover book, and beside her, a small wooden side table holds a ceramic teacup and saucer.",,15,2,attribute,color,"attribute - color (hair, gray)",Is the hair gray? +partiprompts113,"an elderly woman with shoulder-length straight gray hair and round metal-rimmed glasses sits comfortably in a plush armchair. She is wearing a lavender cardigan over a white blouse, and a silver necklace can be seen around her neck. In her lap rests an open hardcover book, and beside her, a small wooden side table holds a ceramic teacup and saucer.",,16,4,attribute,color,"attribute - color (cardigan, lavender)",Is the cardigan lavender? +partiprompts113,"an elderly woman with shoulder-length straight gray hair and round metal-rimmed glasses sits comfortably in a plush armchair. She is wearing a lavender cardigan over a white blouse, and a silver necklace can be seen around her neck. In her lap rests an open hardcover book, and beside her, a small wooden side table holds a ceramic teacup and saucer.",,17,5,attribute,color,"attribute - color (blouse, white)",Is the blouse white? +partiprompts113,"an elderly woman with shoulder-length straight gray hair and round metal-rimmed glasses sits comfortably in a plush armchair. She is wearing a lavender cardigan over a white blouse, and a silver necklace can be seen around her neck. In her lap rests an open hardcover book, and beside her, a small wooden side table holds a ceramic teacup and saucer.",,18,6,attribute,color,"attribute - color (necklace, silver)",Is the necklace silver? +partiprompts113,"an elderly woman with shoulder-length straight gray hair and round metal-rimmed glasses sits comfortably in a plush armchair. She is wearing a lavender cardigan over a white blouse, and a silver necklace can be seen around her neck. In her lap rests an open hardcover book, and beside her, a small wooden side table holds a ceramic teacup and saucer.",,19,7,attribute,texture,"attribute - texture (armchair, plush)",Is the armchair plush? +partiprompts113,"an elderly woman with shoulder-length straight gray hair and round metal-rimmed glasses sits comfortably in a plush armchair. She is wearing a lavender cardigan over a white blouse, and a silver necklace can be seen around her neck. In her lap rests an open hardcover book, and beside her, a small wooden side table holds a ceramic teacup and saucer.",,20,8,attribute,texture,"attribute - texture (book, hardcover)",Is the book hardcover? +partiprompts113,"an elderly woman with shoulder-length straight gray hair and round metal-rimmed glasses sits comfortably in a plush armchair. She is wearing a lavender cardigan over a white blouse, and a silver necklace can be seen around her neck. In her lap rests an open hardcover book, and beside her, a small wooden side table holds a ceramic teacup and saucer.",,21,9,attribute,texture,"attribute - texture (table, wooden)",Is the table wooden? +partiprompts113,"an elderly woman with shoulder-length straight gray hair and round metal-rimmed glasses sits comfortably in a plush armchair. She is wearing a lavender cardigan over a white blouse, and a silver necklace can be seen around her neck. In her lap rests an open hardcover book, and beside her, a small wooden side table holds a ceramic teacup and saucer.",,22,10,attribute,texture,"attribute - texture (teacup, ceramic)",Is the teacup ceramic? +partiprompts113,"an elderly woman with shoulder-length straight gray hair and round metal-rimmed glasses sits comfortably in a plush armchair. She is wearing a lavender cardigan over a white blouse, and a silver necklace can be seen around her neck. In her lap rests an open hardcover book, and beside her, a small wooden side table holds a ceramic teacup and saucer.",,23,"1,7",relation,spatial,"relation - spatial (woman, armchair, sit)",Is the woman sitting in the armchair? +partiprompts113,"an elderly woman with shoulder-length straight gray hair and round metal-rimmed glasses sits comfortably in a plush armchair. She is wearing a lavender cardigan over a white blouse, and a silver necklace can be seen around her neck. In her lap rests an open hardcover book, and beside her, a small wooden side table holds a ceramic teacup and saucer.",,24,"8,1",relation,spatial,"relation - spatial (book, woman, in lap)",Is the book in the woman's lap? +partiprompts113,"an elderly woman with shoulder-length straight gray hair and round metal-rimmed glasses sits comfortably in a plush armchair. She is wearing a lavender cardigan over a white blouse, and a silver necklace can be seen around her neck. In her lap rests an open hardcover book, and beside her, a small wooden side table holds a ceramic teacup and saucer.",,25,"10,9",relation,spatial,"relation - spatial (teacup, table, on)",Is the teacup on the table? +partiprompts113,"an elderly woman with shoulder-length straight gray hair and round metal-rimmed glasses sits comfortably in a plush armchair. She is wearing a lavender cardigan over a white blouse, and a silver necklace can be seen around her neck. In her lap rests an open hardcover book, and beside her, a small wooden side table holds a ceramic teacup and saucer.",,26,"11,9",relation,spatial,"relation - spatial (saucer, table, on)",Is the saucer on the table? +partiprompts113,"an elderly woman with shoulder-length straight gray hair and round metal-rimmed glasses sits comfortably in a plush armchair. She is wearing a lavender cardigan over a white blouse, and a silver necklace can be seen around her neck. In her lap rests an open hardcover book, and beside her, a small wooden side table holds a ceramic teacup and saucer.",,27,"1,9",relation,spatial,"relation - spatial (woman, table, beside)",Is the woman beside the table? +partiprompts164,"An intricately detailed oil painting captures the essence of a young badger, its fur rendered with fine brushstrokes that give it a tactile quality. The badger's snout is gently poised above a vibrant yellow rose, which stands out against a backdrop of muted green foliage. The contrast between the animal's coarse fur and the delicate petals of the rose is emphasized through the artist's skillful use of texture and color.",,1,0,entity,whole,entity - whole (oil painting),Is there an oil painting? +partiprompts164,"An intricately detailed oil painting captures the essence of a young badger, its fur rendered with fine brushstrokes that give it a tactile quality. The badger's snout is gently poised above a vibrant yellow rose, which stands out against a backdrop of muted green foliage. The contrast between the animal's coarse fur and the delicate petals of the rose is emphasized through the artist's skillful use of texture and color.",,2,1,entity,whole,entity - whole (badger),Is there a badger? +partiprompts164,"An intricately detailed oil painting captures the essence of a young badger, its fur rendered with fine brushstrokes that give it a tactile quality. The badger's snout is gently poised above a vibrant yellow rose, which stands out against a backdrop of muted green foliage. The contrast between the animal's coarse fur and the delicate petals of the rose is emphasized through the artist's skillful use of texture and color.",,3,0,entity,whole,entity - whole (rose),Is there a rose? +partiprompts164,"An intricately detailed oil painting captures the essence of a young badger, its fur rendered with fine brushstrokes that give it a tactile quality. The badger's snout is gently poised above a vibrant yellow rose, which stands out against a backdrop of muted green foliage. The contrast between the animal's coarse fur and the delicate petals of the rose is emphasized through the artist's skillful use of texture and color.",,4,0,entity,whole,entity - whole (foliage),Is there foliage? +partiprompts164,"An intricately detailed oil painting captures the essence of a young badger, its fur rendered with fine brushstrokes that give it a tactile quality. The badger's snout is gently poised above a vibrant yellow rose, which stands out against a backdrop of muted green foliage. The contrast between the animal's coarse fur and the delicate petals of the rose is emphasized through the artist's skillful use of texture and color.",,5,2,attribute,texture,"attribute - texture (badger's fur, fine brushstrokes)",Is the badger's fur detailed with fine brushstrokes? +partiprompts164,"An intricately detailed oil painting captures the essence of a young badger, its fur rendered with fine brushstrokes that give it a tactile quality. The badger's snout is gently poised above a vibrant yellow rose, which stands out against a backdrop of muted green foliage. The contrast between the animal's coarse fur and the delicate petals of the rose is emphasized through the artist's skillful use of texture and color.",,6,3,attribute,texture,"attribute - texture (rose's petals, delicate)",Are the rose's petals delicate? +partiprompts164,"An intricately detailed oil painting captures the essence of a young badger, its fur rendered with fine brushstrokes that give it a tactile quality. The badger's snout is gently poised above a vibrant yellow rose, which stands out against a backdrop of muted green foliage. The contrast between the animal's coarse fur and the delicate petals of the rose is emphasized through the artist's skillful use of texture and color.",,7,4,attribute,texture,"attribute - texture (foliage, muted green)",Is the foliage muted green? +partiprompts164,"An intricately detailed oil painting captures the essence of a young badger, its fur rendered with fine brushstrokes that give it a tactile quality. The badger's snout is gently poised above a vibrant yellow rose, which stands out against a backdrop of muted green foliage. The contrast between the animal's coarse fur and the delicate petals of the rose is emphasized through the artist's skillful use of texture and color.",,8,3,attribute,color,"attribute - color (rose, vibrant yellow)",Is the rose vibrant yellow? +partiprompts164,"An intricately detailed oil painting captures the essence of a young badger, its fur rendered with fine brushstrokes that give it a tactile quality. The badger's snout is gently poised above a vibrant yellow rose, which stands out against a backdrop of muted green foliage. The contrast between the animal's coarse fur and the delicate petals of the rose is emphasized through the artist's skillful use of texture and color.",,9,4,attribute,color,"attribute - color (foliage, muted green)",Is the foliage muted green? +partiprompts164,"An intricately detailed oil painting captures the essence of a young badger, its fur rendered with fine brushstrokes that give it a tactile quality. The badger's snout is gently poised above a vibrant yellow rose, which stands out against a backdrop of muted green foliage. The contrast between the animal's coarse fur and the delicate petals of the rose is emphasized through the artist's skillful use of texture and color.",,10,2,attribute,other,"attribute - other (badger, young)",Is the badger young? +partiprompts280,"a close-up image of a wooden fiddle with fine grain details, resting beside an orange basketball on the green surface of a ping pong table. The table has white boundary lines and a net stretched taut in the center. In the background, there's a blurred view of a room with a gray floor and a stack of folded chairs against the wall.",,1,0,entity,whole,entity - whole (fiddle),Is there a fiddle? +partiprompts280,"a close-up image of a wooden fiddle with fine grain details, resting beside an orange basketball on the green surface of a ping pong table. The table has white boundary lines and a net stretched taut in the center. In the background, there's a blurred view of a room with a gray floor and a stack of folded chairs against the wall.",,2,1,attribute,texture,"attribute - texture (fiddle, wooden)",Is the fiddle made of wood? +partiprompts280,"a close-up image of a wooden fiddle with fine grain details, resting beside an orange basketball on the green surface of a ping pong table. The table has white boundary lines and a net stretched taut in the center. In the background, there's a blurred view of a room with a gray floor and a stack of folded chairs against the wall.",,3,1,attribute,texture,"attribute - texture (fiddle, fine grain)",Does the fiddle have fine grain details? +partiprompts280,"a close-up image of a wooden fiddle with fine grain details, resting beside an orange basketball on the green surface of a ping pong table. The table has white boundary lines and a net stretched taut in the center. In the background, there's a blurred view of a room with a gray floor and a stack of folded chairs against the wall.",,4,0,entity,whole,entity - whole (basketball),Is there a basketball? +partiprompts280,"a close-up image of a wooden fiddle with fine grain details, resting beside an orange basketball on the green surface of a ping pong table. The table has white boundary lines and a net stretched taut in the center. In the background, there's a blurred view of a room with a gray floor and a stack of folded chairs against the wall.",,5,4,attribute,color,"attribute - color (basketball, orange)",Is the basketball orange? +partiprompts280,"a close-up image of a wooden fiddle with fine grain details, resting beside an orange basketball on the green surface of a ping pong table. The table has white boundary lines and a net stretched taut in the center. In the background, there's a blurred view of a room with a gray floor and a stack of folded chairs against the wall.",,6,0,entity,whole,entity - whole (ping pong table),Is there a ping pong table? +partiprompts280,"a close-up image of a wooden fiddle with fine grain details, resting beside an orange basketball on the green surface of a ping pong table. The table has white boundary lines and a net stretched taut in the center. In the background, there's a blurred view of a room with a gray floor and a stack of folded chairs against the wall.",,7,0,attribute,color,"attribute - color (ping pong table, green)",Is the ping pong table green? +partiprompts280,"a close-up image of a wooden fiddle with fine grain details, resting beside an orange basketball on the green surface of a ping pong table. The table has white boundary lines and a net stretched taut in the center. In the background, there's a blurred view of a room with a gray floor and a stack of folded chairs against the wall.",,8,6,attribute,other,"attribute - other (ping pong table, white boundary lines)",Are there white boundary lines on the ping pong table? +partiprompts280,"a close-up image of a wooden fiddle with fine grain details, resting beside an orange basketball on the green surface of a ping pong table. The table has white boundary lines and a net stretched taut in the center. In the background, there's a blurred view of a room with a gray floor and a stack of folded chairs against the wall.",,9,6,attribute,other,"attribute - other (ping pong table, net stretched taut)",Is the net on the ping pong table stretched taut? +partiprompts280,"a close-up image of a wooden fiddle with fine grain details, resting beside an orange basketball on the green surface of a ping pong table. The table has white boundary lines and a net stretched taut in the center. In the background, there's a blurred view of a room with a gray floor and a stack of folded chairs against the wall.",,10,0,attribute,color,"attribute - color (room, gray)",Is the room gray? +partiprompts280,"a close-up image of a wooden fiddle with fine grain details, resting beside an orange basketball on the green surface of a ping pong table. The table has white boundary lines and a net stretched taut in the center. In the background, there's a blurred view of a room with a gray floor and a stack of folded chairs against the wall.",,11,0,entity,whole,entity - whole (chairs),Are there chairs? +partiprompts280,"a close-up image of a wooden fiddle with fine grain details, resting beside an orange basketball on the green surface of a ping pong table. The table has white boundary lines and a net stretched taut in the center. In the background, there's a blurred view of a room with a gray floor and a stack of folded chairs against the wall.",,12,11,attribute,other,"attribute - other (chairs, folded)",Are the chairs folded? +partiprompts280,"a close-up image of a wooden fiddle with fine grain details, resting beside an orange basketball on the green surface of a ping pong table. The table has white boundary lines and a net stretched taut in the center. In the background, there's a blurred view of a room with a gray floor and a stack of folded chairs against the wall.",,13,"1,6",relation,spatial,"relation - spatial (fiddle, ping pong table, beside)",Is the fiddle beside the ping pong table? +partiprompts280,"a close-up image of a wooden fiddle with fine grain details, resting beside an orange basketball on the green surface of a ping pong table. The table has white boundary lines and a net stretched taut in the center. In the background, there's a blurred view of a room with a gray floor and a stack of folded chairs against the wall.",,14,"4,6",relation,spatial,"relation - spatial (basketball, ping pong table, on)",Is the basketball on the ping pong table? +partiprompts280,"a close-up image of a wooden fiddle with fine grain details, resting beside an orange basketball on the green surface of a ping pong table. The table has white boundary lines and a net stretched taut in the center. In the background, there's a blurred view of a room with a gray floor and a stack of folded chairs against the wall.",,15,"6,10",relation,spatial,"relation - spatial (ping pong table, room, in)",Is the ping pong table in the room? +partiprompts280,"a close-up image of a wooden fiddle with fine grain details, resting beside an orange basketball on the green surface of a ping pong table. The table has white boundary lines and a net stretched taut in the center. In the background, there's a blurred view of a room with a gray floor and a stack of folded chairs against the wall.",,16,"11,10",relation,spatial,"relation - spatial (chairs, room, against)",Are the chairs against the wall in the room? +partiprompts323,"a large, round orange pumpkin carved with a smiling face, sitting on a wooden table. Inside the hollowed-out pumpkin, a small flickering candle casts a warm glow through the cut-out eyes and mouth. The pumpkin is surrounded by a scattering of fallen autumn leaves.",,1,0,entity,whole,entity - whole (pumpkin),Is there a pumpkin? +partiprompts323,"a large, round orange pumpkin carved with a smiling face, sitting on a wooden table. Inside the hollowed-out pumpkin, a small flickering candle casts a warm glow through the cut-out eyes and mouth. The pumpkin is surrounded by a scattering of fallen autumn leaves.",,2,1,attribute,size,"attribute - size (pumpkin, large)",Is the pumpkin large? +partiprompts323,"a large, round orange pumpkin carved with a smiling face, sitting on a wooden table. Inside the hollowed-out pumpkin, a small flickering candle casts a warm glow through the cut-out eyes and mouth. The pumpkin is surrounded by a scattering of fallen autumn leaves.",,3,0,attribute,shape,"attribute - shape (pumpkin, round)",Is the pumpkin round? +partiprompts323,"a large, round orange pumpkin carved with a smiling face, sitting on a wooden table. Inside the hollowed-out pumpkin, a small flickering candle casts a warm glow through the cut-out eyes and mouth. The pumpkin is surrounded by a scattering of fallen autumn leaves.",,4,1,attribute,color,"attribute - color (pumpkin, orange)",Is the pumpkin orange? +partiprompts323,"a large, round orange pumpkin carved with a smiling face, sitting on a wooden table. Inside the hollowed-out pumpkin, a small flickering candle casts a warm glow through the cut-out eyes and mouth. The pumpkin is surrounded by a scattering of fallen autumn leaves.",,5,1,entity,state,"entity - state (pumpkin, carved)",Is the pumpkin carved? +partiprompts323,"a large, round orange pumpkin carved with a smiling face, sitting on a wooden table. Inside the hollowed-out pumpkin, a small flickering candle casts a warm glow through the cut-out eyes and mouth. The pumpkin is surrounded by a scattering of fallen autumn leaves.",,6,1,entity,state,"entity - state (pumpkin, smiling face)",Does the pumpkin have a smiling face? +partiprompts323,"a large, round orange pumpkin carved with a smiling face, sitting on a wooden table. Inside the hollowed-out pumpkin, a small flickering candle casts a warm glow through the cut-out eyes and mouth. The pumpkin is surrounded by a scattering of fallen autumn leaves.",,7,0,entity,whole,entity - whole (table),Is there a table? +partiprompts323,"a large, round orange pumpkin carved with a smiling face, sitting on a wooden table. Inside the hollowed-out pumpkin, a small flickering candle casts a warm glow through the cut-out eyes and mouth. The pumpkin is surrounded by a scattering of fallen autumn leaves.",,8,1,entity,part,"entity - part (pumpkin, hollowed-out)",Is the pumpkin hollowed-out? +partiprompts323,"a large, round orange pumpkin carved with a smiling face, sitting on a wooden table. Inside the hollowed-out pumpkin, a small flickering candle casts a warm glow through the cut-out eyes and mouth. The pumpkin is surrounded by a scattering of fallen autumn leaves.",,9,0,entity,whole,entity - whole (candle),Is there a candle? +partiprompts323,"a large, round orange pumpkin carved with a smiling face, sitting on a wooden table. Inside the hollowed-out pumpkin, a small flickering candle casts a warm glow through the cut-out eyes and mouth. The pumpkin is surrounded by a scattering of fallen autumn leaves.",,10,9,attribute,size,"attribute - size (candle, small)",Is the candle small? +partiprompts323,"a large, round orange pumpkin carved with a smiling face, sitting on a wooden table. Inside the hollowed-out pumpkin, a small flickering candle casts a warm glow through the cut-out eyes and mouth. The pumpkin is surrounded by a scattering of fallen autumn leaves.",,11,9,attribute,other,"attribute - other (candle, flickering)",Is the candle flickering? +partiprompts323,"a large, round orange pumpkin carved with a smiling face, sitting on a wooden table. Inside the hollowed-out pumpkin, a small flickering candle casts a warm glow through the cut-out eyes and mouth. The pumpkin is surrounded by a scattering of fallen autumn leaves.",,12,9,attribute,other,"attribute - other (candle, warm glow)",Is the candle casting a warm glow? +partiprompts323,"a large, round orange pumpkin carved with a smiling face, sitting on a wooden table. Inside the hollowed-out pumpkin, a small flickering candle casts a warm glow through the cut-out eyes and mouth. The pumpkin is surrounded by a scattering of fallen autumn leaves.",,13,9,entity,state,"entity - state (candle, cast glow)",Is the candle casting a glow? +partiprompts323,"a large, round orange pumpkin carved with a smiling face, sitting on a wooden table. Inside the hollowed-out pumpkin, a small flickering candle casts a warm glow through the cut-out eyes and mouth. The pumpkin is surrounded by a scattering of fallen autumn leaves.",,14,1,entity,part,entity - part (pumpkin's eyes),Are there eyes on the pumpkin? +partiprompts323,"a large, round orange pumpkin carved with a smiling face, sitting on a wooden table. Inside the hollowed-out pumpkin, a small flickering candle casts a warm glow through the cut-out eyes and mouth. The pumpkin is surrounded by a scattering of fallen autumn leaves.",,15,1,entity,part,entity - part (pumpkin's mouth),Is there a mouth on the pumpkin? +partiprompts323,"a large, round orange pumpkin carved with a smiling face, sitting on a wooden table. Inside the hollowed-out pumpkin, a small flickering candle casts a warm glow through the cut-out eyes and mouth. The pumpkin is surrounded by a scattering of fallen autumn leaves.",,16,"1,7",relation,spatial,"relation - spatial (pumpkin, table, on)",Is the pumpkin on the table? +partiprompts323,"a large, round orange pumpkin carved with a smiling face, sitting on a wooden table. Inside the hollowed-out pumpkin, a small flickering candle casts a warm glow through the cut-out eyes and mouth. The pumpkin is surrounded by a scattering of fallen autumn leaves.",,17,"9,1",relation,spatial,"relation - spatial (candle, pumpkin, inside)",Is the candle inside the pumpkin? +partiprompts323,"a large, round orange pumpkin carved with a smiling face, sitting on a wooden table. Inside the hollowed-out pumpkin, a small flickering candle casts a warm glow through the cut-out eyes and mouth. The pumpkin is surrounded by a scattering of fallen autumn leaves.",,18,"9,14",relation,spatial,"relation - spatial (candle, pumpkin's eyes, through)",Is the candle casting a glow through the pumpkin's eyes? +partiprompts323,"a large, round orange pumpkin carved with a smiling face, sitting on a wooden table. Inside the hollowed-out pumpkin, a small flickering candle casts a warm glow through the cut-out eyes and mouth. The pumpkin is surrounded by a scattering of fallen autumn leaves.",,19,"9,15",relation,spatial,"relation - spatial (candle, pumpkin's mouth, through)",Is the candle casting a glow through the pumpkin's mouth? +partiprompts323,"a large, round orange pumpkin carved with a smiling face, sitting on a wooden table. Inside the hollowed-out pumpkin, a small flickering candle casts a warm glow through the cut-out eyes and mouth. The pumpkin is surrounded by a scattering of fallen autumn leaves.",,20,0,entity,whole,entity - whole (autumn leaves),Are there autumn leaves? +partiprompts323,"a large, round orange pumpkin carved with a smiling face, sitting on a wooden table. Inside the hollowed-out pumpkin, a small flickering candle casts a warm glow through the cut-out eyes and mouth. The pumpkin is surrounded by a scattering of fallen autumn leaves.",,21,"1,20",relation,spatial,"relation - spatial (pumpkin, autumn leaves, surrounded by)",Is the pumpkin surrounded by autumn leaves? +partiprompts217,"A dusty red pickup truck parked on a gravel path, with a chestnut horse standing calmly to its left, its mane gently blowing in the breeze. On the right side of the truck, two dogs, one with a golden coat and the other with black and white spots, sit attentively. The truck's bed is filled with hay bales, hinting at a day's work on the farm.",,1,0,entity,whole,entity - whole (pickup truck),Is there a pickup truck? +partiprompts217,"A dusty red pickup truck parked on a gravel path, with a chestnut horse standing calmly to its left, its mane gently blowing in the breeze. On the right side of the truck, two dogs, one with a golden coat and the other with black and white spots, sit attentively. The truck's bed is filled with hay bales, hinting at a day's work on the farm.",,2,0,entity,whole,entity - whole (path),Is there a path? +partiprompts217,"A dusty red pickup truck parked on a gravel path, with a chestnut horse standing calmly to its left, its mane gently blowing in the breeze. On the right side of the truck, two dogs, one with a golden coat and the other with black and white spots, sit attentively. The truck's bed is filled with hay bales, hinting at a day's work on the farm.",,3,0,entity,whole,entity - whole (horse),Is there a horse? +partiprompts217,"A dusty red pickup truck parked on a gravel path, with a chestnut horse standing calmly to its left, its mane gently blowing in the breeze. On the right side of the truck, two dogs, one with a golden coat and the other with black and white spots, sit attentively. The truck's bed is filled with hay bales, hinting at a day's work on the farm.",,4,0,entity,whole,entity - whole (dogs),Are there dogs? +partiprompts217,"A dusty red pickup truck parked on a gravel path, with a chestnut horse standing calmly to its left, its mane gently blowing in the breeze. On the right side of the truck, two dogs, one with a golden coat and the other with black and white spots, sit attentively. The truck's bed is filled with hay bales, hinting at a day's work on the farm.",,5,0,entity,whole,entity - whole (hay bales),Are there hay bales? +partiprompts217,"A dusty red pickup truck parked on a gravel path, with a chestnut horse standing calmly to its left, its mane gently blowing in the breeze. On the right side of the truck, two dogs, one with a golden coat and the other with black and white spots, sit attentively. The truck's bed is filled with hay bales, hinting at a day's work on the farm.",,6,1,attribute,color,"attribute - color (truck, red)",Is the truck red? +partiprompts217,"A dusty red pickup truck parked on a gravel path, with a chestnut horse standing calmly to its left, its mane gently blowing in the breeze. On the right side of the truck, two dogs, one with a golden coat and the other with black and white spots, sit attentively. The truck's bed is filled with hay bales, hinting at a day's work on the farm.",,7,3,attribute,color,"attribute - color (horse, chestnut)",Is the horse chestnut in color? +partiprompts217,"A dusty red pickup truck parked on a gravel path, with a chestnut horse standing calmly to its left, its mane gently blowing in the breeze. On the right side of the truck, two dogs, one with a golden coat and the other with black and white spots, sit attentively. The truck's bed is filled with hay bales, hinting at a day's work on the farm.",,8,4,attribute,color,"attribute - color (dog_1, golden)",Is one dog golden in color? +partiprompts217,"A dusty red pickup truck parked on a gravel path, with a chestnut horse standing calmly to its left, its mane gently blowing in the breeze. On the right side of the truck, two dogs, one with a golden coat and the other with black and white spots, sit attentively. The truck's bed is filled with hay bales, hinting at a day's work on the farm.",,9,4,attribute,color,"attribute - color (dog_2, black and white)",Is the other dog black and white in color? +partiprompts217,"A dusty red pickup truck parked on a gravel path, with a chestnut horse standing calmly to its left, its mane gently blowing in the breeze. On the right side of the truck, two dogs, one with a golden coat and the other with black and white spots, sit attentively. The truck's bed is filled with hay bales, hinting at a day's work on the farm.",,10,2,attribute,texture,"attribute - texture (path, gravel)",Is the path made of gravel? +partiprompts217,"A dusty red pickup truck parked on a gravel path, with a chestnut horse standing calmly to its left, its mane gently blowing in the breeze. On the right side of the truck, two dogs, one with a golden coat and the other with black and white spots, sit attentively. The truck's bed is filled with hay bales, hinting at a day's work on the farm.",,11,3,entity,state,"entity - state (horse, stand calmly)",Is the horse standing calmly? +partiprompts217,"A dusty red pickup truck parked on a gravel path, with a chestnut horse standing calmly to its left, its mane gently blowing in the breeze. On the right side of the truck, two dogs, one with a golden coat and the other with black and white spots, sit attentively. The truck's bed is filled with hay bales, hinting at a day's work on the farm.",,12,4,entity,state,"entity - state (dog_1, sit attentively)",Is one dog sitting attentively? +partiprompts217,"A dusty red pickup truck parked on a gravel path, with a chestnut horse standing calmly to its left, its mane gently blowing in the breeze. On the right side of the truck, two dogs, one with a golden coat and the other with black and white spots, sit attentively. The truck's bed is filled with hay bales, hinting at a day's work on the farm.",,13,4,entity,state,"entity - state (dog_2, sit attentively)",Is the other dog sitting attentively? +partiprompts217,"A dusty red pickup truck parked on a gravel path, with a chestnut horse standing calmly to its left, its mane gently blowing in the breeze. On the right side of the truck, two dogs, one with a golden coat and the other with black and white spots, sit attentively. The truck's bed is filled with hay bales, hinting at a day's work on the farm.",,14,"1,2",relation,spatial,"relation - spatial (truck, path, on)",Is the truck parked on the gravel path? +partiprompts217,"A dusty red pickup truck parked on a gravel path, with a chestnut horse standing calmly to its left, its mane gently blowing in the breeze. On the right side of the truck, two dogs, one with a golden coat and the other with black and white spots, sit attentively. The truck's bed is filled with hay bales, hinting at a day's work on the farm.",,15,"3,1",relation,spatial,"relation - spatial (horse, truck, left)",Is the horse to the left of the truck? +partiprompts217,"A dusty red pickup truck parked on a gravel path, with a chestnut horse standing calmly to its left, its mane gently blowing in the breeze. On the right side of the truck, two dogs, one with a golden coat and the other with black and white spots, sit attentively. The truck's bed is filled with hay bales, hinting at a day's work on the farm.",,16,"4,1",relation,spatial,"relation - spatial (dogs, truck, right)",Are the dogs to the right of the truck? +partiprompts217,"A dusty red pickup truck parked on a gravel path, with a chestnut horse standing calmly to its left, its mane gently blowing in the breeze. On the right side of the truck, two dogs, one with a golden coat and the other with black and white spots, sit attentively. The truck's bed is filled with hay bales, hinting at a day's work on the farm.",,17,"5,1",relation,spatial,"relation - spatial (hay bales, truck's bed, in)",Are the hay bales in the truck's bed? +partiprompts154,"An intricately detailed oil painting depicts a raccoon dressed in a black suit with a crisp white shirt and a red bow tie. The raccoon stands upright, donning a black top hat and gripping a wooden cane with a silver handle in one paw, while the other paw clutches a dark garbage bag. The background of the painting features soft, brush-stroked trees and mountains, reminiscent of traditional Chinese landscapes, with a delicate mist enveloping the scene.",,1,0,entity,whole,entity - whole (oil painting),Is there an oil painting? +partiprompts154,"An intricately detailed oil painting depicts a raccoon dressed in a black suit with a crisp white shirt and a red bow tie. The raccoon stands upright, donning a black top hat and gripping a wooden cane with a silver handle in one paw, while the other paw clutches a dark garbage bag. The background of the painting features soft, brush-stroked trees and mountains, reminiscent of traditional Chinese landscapes, with a delicate mist enveloping the scene.",,2,1,entity,whole,entity - whole (raccoon),Is there a raccoon? +partiprompts154,"An intricately detailed oil painting depicts a raccoon dressed in a black suit with a crisp white shirt and a red bow tie. The raccoon stands upright, donning a black top hat and gripping a wooden cane with a silver handle in one paw, while the other paw clutches a dark garbage bag. The background of the painting features soft, brush-stroked trees and mountains, reminiscent of traditional Chinese landscapes, with a delicate mist enveloping the scene.",,3,2,entity,part,entity - part (raccoon's suit),Is the raccoon wearing a suit? +partiprompts154,"An intricately detailed oil painting depicts a raccoon dressed in a black suit with a crisp white shirt and a red bow tie. The raccoon stands upright, donning a black top hat and gripping a wooden cane with a silver handle in one paw, while the other paw clutches a dark garbage bag. The background of the painting features soft, brush-stroked trees and mountains, reminiscent of traditional Chinese landscapes, with a delicate mist enveloping the scene.",,4,3,entity,part,entity - part (raccoon's shirt),Is the raccoon wearing a white shirt? +partiprompts154,"An intricately detailed oil painting depicts a raccoon dressed in a black suit with a crisp white shirt and a red bow tie. The raccoon stands upright, donning a black top hat and gripping a wooden cane with a silver handle in one paw, while the other paw clutches a dark garbage bag. The background of the painting features soft, brush-stroked trees and mountains, reminiscent of traditional Chinese landscapes, with a delicate mist enveloping the scene.",,5,4,entity,part,entity - part (raccoon's bow tie),Is the raccoon wearing a red bow tie? +partiprompts154,"An intricately detailed oil painting depicts a raccoon dressed in a black suit with a crisp white shirt and a red bow tie. The raccoon stands upright, donning a black top hat and gripping a wooden cane with a silver handle in one paw, while the other paw clutches a dark garbage bag. The background of the painting features soft, brush-stroked trees and mountains, reminiscent of traditional Chinese landscapes, with a delicate mist enveloping the scene.",,6,5,entity,part,entity - part (raccoon's top hat),Is the raccoon wearing a top hat? +partiprompts154,"An intricately detailed oil painting depicts a raccoon dressed in a black suit with a crisp white shirt and a red bow tie. The raccoon stands upright, donning a black top hat and gripping a wooden cane with a silver handle in one paw, while the other paw clutches a dark garbage bag. The background of the painting features soft, brush-stroked trees and mountains, reminiscent of traditional Chinese landscapes, with a delicate mist enveloping the scene.",,7,6,entity,part,entity - part (raccoon's cane),Is the raccoon holding a cane? +partiprompts154,"An intricately detailed oil painting depicts a raccoon dressed in a black suit with a crisp white shirt and a red bow tie. The raccoon stands upright, donning a black top hat and gripping a wooden cane with a silver handle in one paw, while the other paw clutches a dark garbage bag. The background of the painting features soft, brush-stroked trees and mountains, reminiscent of traditional Chinese landscapes, with a delicate mist enveloping the scene.",,8,7,entity,part,entity - part (cane's handle),Is the cane's handle silver? +partiprompts154,"An intricately detailed oil painting depicts a raccoon dressed in a black suit with a crisp white shirt and a red bow tie. The raccoon stands upright, donning a black top hat and gripping a wooden cane with a silver handle in one paw, while the other paw clutches a dark garbage bag. The background of the painting features soft, brush-stroked trees and mountains, reminiscent of traditional Chinese landscapes, with a delicate mist enveloping the scene.",,9,7,entity,part,entity - part (raccoon's paw),Is the raccoon using one paw to hold the cane? +partiprompts154,"An intricately detailed oil painting depicts a raccoon dressed in a black suit with a crisp white shirt and a red bow tie. The raccoon stands upright, donning a black top hat and gripping a wooden cane with a silver handle in one paw, while the other paw clutches a dark garbage bag. The background of the painting features soft, brush-stroked trees and mountains, reminiscent of traditional Chinese landscapes, with a delicate mist enveloping the scene.",,10,8,entity,part,entity - part (garbage bag),Is the raccoon holding a garbage bag with the other paw? +partiprompts154,"An intricately detailed oil painting depicts a raccoon dressed in a black suit with a crisp white shirt and a red bow tie. The raccoon stands upright, donning a black top hat and gripping a wooden cane with a silver handle in one paw, while the other paw clutches a dark garbage bag. The background of the painting features soft, brush-stroked trees and mountains, reminiscent of traditional Chinese landscapes, with a delicate mist enveloping the scene.",,11,0,entity,whole,entity - whole (background),Is there a background? +partiprompts154,"An intricately detailed oil painting depicts a raccoon dressed in a black suit with a crisp white shirt and a red bow tie. The raccoon stands upright, donning a black top hat and gripping a wooden cane with a silver handle in one paw, while the other paw clutches a dark garbage bag. The background of the painting features soft, brush-stroked trees and mountains, reminiscent of traditional Chinese landscapes, with a delicate mist enveloping the scene.",,12,11,attribute,texture,"attribute - texture (background, soft, brush-stroked)",Is the background soft and brush-stroked? +partiprompts154,"An intricately detailed oil painting depicts a raccoon dressed in a black suit with a crisp white shirt and a red bow tie. The raccoon stands upright, donning a black top hat and gripping a wooden cane with a silver handle in one paw, while the other paw clutches a dark garbage bag. The background of the painting features soft, brush-stroked trees and mountains, reminiscent of traditional Chinese landscapes, with a delicate mist enveloping the scene.",,13,11,attribute,texture,"attribute - texture (background, misty)",Is there a mist in the background? +partiprompts154,"An intricately detailed oil painting depicts a raccoon dressed in a black suit with a crisp white shirt and a red bow tie. The raccoon stands upright, donning a black top hat and gripping a wooden cane with a silver handle in one paw, while the other paw clutches a dark garbage bag. The background of the painting features soft, brush-stroked trees and mountains, reminiscent of traditional Chinese landscapes, with a delicate mist enveloping the scene.",,14,11,attribute,other,"attribute - other (background, reminiscent of traditional Chinese landscapes)",Does the background resemble traditional Chinese landscapes? +partiprompts21,"A detailed photograph captures the image of a statue with the likeness of an ancient pharaoh, unexpectedly accessorized with a pair of bronze steampunk goggles resting atop its head. The statue is dressed in an anachronistic fashion, featuring a crisp white t-shirt and a fitted black leather jacket that contrasts with its traditional headdress. The background is a simple, solid color that accentuates the statue's unconventional attire and the intricate details of the steampunk eyewear.",,1,0,entity,whole,entity - whole (photograph),Is there a photograph? +partiprompts21,"A detailed photograph captures the image of a statue with the likeness of an ancient pharaoh, unexpectedly accessorized with a pair of bronze steampunk goggles resting atop its head. The statue is dressed in an anachronistic fashion, featuring a crisp white t-shirt and a fitted black leather jacket that contrasts with its traditional headdress. The background is a simple, solid color that accentuates the statue's unconventional attire and the intricate details of the steampunk eyewear.",,2,0,entity,whole,entity - whole (statue),Is there a statue? +partiprompts21,"A detailed photograph captures the image of a statue with the likeness of an ancient pharaoh, unexpectedly accessorized with a pair of bronze steampunk goggles resting atop its head. The statue is dressed in an anachronistic fashion, featuring a crisp white t-shirt and a fitted black leather jacket that contrasts with its traditional headdress. The background is a simple, solid color that accentuates the statue's unconventional attire and the intricate details of the steampunk eyewear.",,3,2,entity,whole,entity - whole (pharaoh),Is the statue of a pharaoh? +partiprompts21,"A detailed photograph captures the image of a statue with the likeness of an ancient pharaoh, unexpectedly accessorized with a pair of bronze steampunk goggles resting atop its head. The statue is dressed in an anachronistic fashion, featuring a crisp white t-shirt and a fitted black leather jacket that contrasts with its traditional headdress. The background is a simple, solid color that accentuates the statue's unconventional attire and the intricate details of the steampunk eyewear.",,4,2,entity,whole,entity - whole (goggles),Are there goggles? +partiprompts21,"A detailed photograph captures the image of a statue with the likeness of an ancient pharaoh, unexpectedly accessorized with a pair of bronze steampunk goggles resting atop its head. The statue is dressed in an anachronistic fashion, featuring a crisp white t-shirt and a fitted black leather jacket that contrasts with its traditional headdress. The background is a simple, solid color that accentuates the statue's unconventional attire and the intricate details of the steampunk eyewear.",,5,2,entity,whole,entity - whole (t-shirt),Is there a t-shirt? +partiprompts21,"A detailed photograph captures the image of a statue with the likeness of an ancient pharaoh, unexpectedly accessorized with a pair of bronze steampunk goggles resting atop its head. The statue is dressed in an anachronistic fashion, featuring a crisp white t-shirt and a fitted black leather jacket that contrasts with its traditional headdress. The background is a simple, solid color that accentuates the statue's unconventional attire and the intricate details of the steampunk eyewear.",,6,2,entity,whole,entity - whole (jacket),Is there a jacket? +partiprompts21,"A detailed photograph captures the image of a statue with the likeness of an ancient pharaoh, unexpectedly accessorized with a pair of bronze steampunk goggles resting atop its head. The statue is dressed in an anachronistic fashion, featuring a crisp white t-shirt and a fitted black leather jacket that contrasts with its traditional headdress. The background is a simple, solid color that accentuates the statue's unconventional attire and the intricate details of the steampunk eyewear.",,7,2,entity,whole,entity - whole (headdress),Is there a headdress? +partiprompts21,"A detailed photograph captures the image of a statue with the likeness of an ancient pharaoh, unexpectedly accessorized with a pair of bronze steampunk goggles resting atop its head. The statue is dressed in an anachronistic fashion, featuring a crisp white t-shirt and a fitted black leather jacket that contrasts with its traditional headdress. The background is a simple, solid color that accentuates the statue's unconventional attire and the intricate details of the steampunk eyewear.",,8,4,attribute,texture,"attribute - texture (goggles, bronze steampunk)",Are the goggles made of bronze steampunk? +partiprompts21,"A detailed photograph captures the image of a statue with the likeness of an ancient pharaoh, unexpectedly accessorized with a pair of bronze steampunk goggles resting atop its head. The statue is dressed in an anachronistic fashion, featuring a crisp white t-shirt and a fitted black leather jacket that contrasts with its traditional headdress. The background is a simple, solid color that accentuates the statue's unconventional attire and the intricate details of the steampunk eyewear.",,9,5,attribute,texture,"attribute - texture (t-shirt, crisp white)",Is the t-shirt crisp white? +partiprompts21,"A detailed photograph captures the image of a statue with the likeness of an ancient pharaoh, unexpectedly accessorized with a pair of bronze steampunk goggles resting atop its head. The statue is dressed in an anachronistic fashion, featuring a crisp white t-shirt and a fitted black leather jacket that contrasts with its traditional headdress. The background is a simple, solid color that accentuates the statue's unconventional attire and the intricate details of the steampunk eyewear.",,10,6,attribute,texture,"attribute - texture (jacket, fitted black leather)",Is the jacket fitted black leather? +partiprompts21,"A detailed photograph captures the image of a statue with the likeness of an ancient pharaoh, unexpectedly accessorized with a pair of bronze steampunk goggles resting atop its head. The statue is dressed in an anachronistic fashion, featuring a crisp white t-shirt and a fitted black leather jacket that contrasts with its traditional headdress. The background is a simple, solid color that accentuates the statue's unconventional attire and the intricate details of the steampunk eyewear.",,11,2,attribute,other,"attribute - other (statue, ancient)",Is the statue ancient? +partiprompts21,"A detailed photograph captures the image of a statue with the likeness of an ancient pharaoh, unexpectedly accessorized with a pair of bronze steampunk goggles resting atop its head. The statue is dressed in an anachronistic fashion, featuring a crisp white t-shirt and a fitted black leather jacket that contrasts with its traditional headdress. The background is a simple, solid color that accentuates the statue's unconventional attire and the intricate details of the steampunk eyewear.",,12,7,attribute,other,"attribute - other (headdress, traditional)",Is the headdress traditional? +partiprompts21,"A detailed photograph captures the image of a statue with the likeness of an ancient pharaoh, unexpectedly accessorized with a pair of bronze steampunk goggles resting atop its head. The statue is dressed in an anachronistic fashion, featuring a crisp white t-shirt and a fitted black leather jacket that contrasts with its traditional headdress. The background is a simple, solid color that accentuates the statue's unconventional attire and the intricate details of the steampunk eyewear.",,13,2,attribute,other,"attribute - other (background, simple solid color)",Is the background a simple solid color? +partiprompts21,"A detailed photograph captures the image of a statue with the likeness of an ancient pharaoh, unexpectedly accessorized with a pair of bronze steampunk goggles resting atop its head. The statue is dressed in an anachronistic fashion, featuring a crisp white t-shirt and a fitted black leather jacket that contrasts with its traditional headdress. The background is a simple, solid color that accentuates the statue's unconventional attire and the intricate details of the steampunk eyewear.",,14,"2,7",relation,spatial,"relation - spatial (goggles, head, atop)",Are the goggles resting atop the head? +partiprompts21,"A detailed photograph captures the image of a statue with the likeness of an ancient pharaoh, unexpectedly accessorized with a pair of bronze steampunk goggles resting atop its head. The statue is dressed in an anachronistic fashion, featuring a crisp white t-shirt and a fitted black leather jacket that contrasts with its traditional headdress. The background is a simple, solid color that accentuates the statue's unconventional attire and the intricate details of the steampunk eyewear.",,15,"2,5",relation,spatial,"relation - spatial (t-shirt, statue, dressed in)",Is the statue dressed in a t-shirt? +partiprompts21,"A detailed photograph captures the image of a statue with the likeness of an ancient pharaoh, unexpectedly accessorized with a pair of bronze steampunk goggles resting atop its head. The statue is dressed in an anachronistic fashion, featuring a crisp white t-shirt and a fitted black leather jacket that contrasts with its traditional headdress. The background is a simple, solid color that accentuates the statue's unconventional attire and the intricate details of the steampunk eyewear.",,16,"2,6",relation,spatial,"relation - spatial (jacket, statue, dressed in)",Is the statue dressed in a jacket? +partiprompts21,"A detailed photograph captures the image of a statue with the likeness of an ancient pharaoh, unexpectedly accessorized with a pair of bronze steampunk goggles resting atop its head. The statue is dressed in an anachronistic fashion, featuring a crisp white t-shirt and a fitted black leather jacket that contrasts with its traditional headdress. The background is a simple, solid color that accentuates the statue's unconventional attire and the intricate details of the steampunk eyewear.",,17,"2,7",relation,spatial,"relation - spatial (headdress, statue, contrasts with)",Does the headdress contrast with the statue? +partiprompts153,"A haunting painting depicts a ghastly, pale creature with an expression of terror, its body bearing a resemblance to both a lifeless corpse and the nascent form of a sperm or fetus. The creature's twisted outline is mirrored in the tumultuous, swirling patterns that dominate the blood-red sky above. The entire scene is set against a backdrop that evokes a sense of foreboding, with the stark red tones and fluid lines creating a sense of motion and unease.",,1,0,entity,whole,entity - whole (painting),Is there a painting? +partiprompts153,"A haunting painting depicts a ghastly, pale creature with an expression of terror, its body bearing a resemblance to both a lifeless corpse and the nascent form of a sperm or fetus. The creature's twisted outline is mirrored in the tumultuous, swirling patterns that dominate the blood-red sky above. The entire scene is set against a backdrop that evokes a sense of foreboding, with the stark red tones and fluid lines creating a sense of motion and unease.",,2,1,entity,whole,entity - whole (creature),Is there a creature? +partiprompts153,"A haunting painting depicts a ghastly, pale creature with an expression of terror, its body bearing a resemblance to both a lifeless corpse and the nascent form of a sperm or fetus. The creature's twisted outline is mirrored in the tumultuous, swirling patterns that dominate the blood-red sky above. The entire scene is set against a backdrop that evokes a sense of foreboding, with the stark red tones and fluid lines creating a sense of motion and unease.",,3,2,attribute,color,"attribute - color (creature, pale)",Is the creature pale? +partiprompts153,"A haunting painting depicts a ghastly, pale creature with an expression of terror, its body bearing a resemblance to both a lifeless corpse and the nascent form of a sperm or fetus. The creature's twisted outline is mirrored in the tumultuous, swirling patterns that dominate the blood-red sky above. The entire scene is set against a backdrop that evokes a sense of foreboding, with the stark red tones and fluid lines creating a sense of motion and unease.",,4,2,attribute,color,"attribute - color (sky, blood-red)",Is the sky blood-red? +partiprompts153,"A haunting painting depicts a ghastly, pale creature with an expression of terror, its body bearing a resemblance to both a lifeless corpse and the nascent form of a sperm or fetus. The creature's twisted outline is mirrored in the tumultuous, swirling patterns that dominate the blood-red sky above. The entire scene is set against a backdrop that evokes a sense of foreboding, with the stark red tones and fluid lines creating a sense of motion and unease.",,5,2,attribute,texture,"attribute - texture (creature, ghastly)",Is the creature ghastly? +partiprompts153,"A haunting painting depicts a ghastly, pale creature with an expression of terror, its body bearing a resemblance to both a lifeless corpse and the nascent form of a sperm or fetus. The creature's twisted outline is mirrored in the tumultuous, swirling patterns that dominate the blood-red sky above. The entire scene is set against a backdrop that evokes a sense of foreboding, with the stark red tones and fluid lines creating a sense of motion and unease.",,6,4,attribute,texture,"attribute - texture (sky, tumultuous)",Is the sky tumultuous? +partiprompts153,"A haunting painting depicts a ghastly, pale creature with an expression of terror, its body bearing a resemblance to both a lifeless corpse and the nascent form of a sperm or fetus. The creature's twisted outline is mirrored in the tumultuous, swirling patterns that dominate the blood-red sky above. The entire scene is set against a backdrop that evokes a sense of foreboding, with the stark red tones and fluid lines creating a sense of motion and unease.",,7,4,attribute,texture,"attribute - texture (backdrop, stark)",Is the backdrop stark? +partiprompts153,"A haunting painting depicts a ghastly, pale creature with an expression of terror, its body bearing a resemblance to both a lifeless corpse and the nascent form of a sperm or fetus. The creature's twisted outline is mirrored in the tumultuous, swirling patterns that dominate the blood-red sky above. The entire scene is set against a backdrop that evokes a sense of foreboding, with the stark red tones and fluid lines creating a sense of motion and unease.",,8,7,attribute,texture,"attribute - texture (backdrop, fluid)",Is the backdrop fluid? +partiprompts153,"A haunting painting depicts a ghastly, pale creature with an expression of terror, its body bearing a resemblance to both a lifeless corpse and the nascent form of a sperm or fetus. The creature's twisted outline is mirrored in the tumultuous, swirling patterns that dominate the blood-red sky above. The entire scene is set against a backdrop that evokes a sense of foreboding, with the stark red tones and fluid lines creating a sense of motion and unease.",,9,2,entity,state,"entity - state (creature, terror)",Is the creature expressing terror? +partiprompts153,"A haunting painting depicts a ghastly, pale creature with an expression of terror, its body bearing a resemblance to both a lifeless corpse and the nascent form of a sperm or fetus. The creature's twisted outline is mirrored in the tumultuous, swirling patterns that dominate the blood-red sky above. The entire scene is set against a backdrop that evokes a sense of foreboding, with the stark red tones and fluid lines creating a sense of motion and unease.",,10,"2,4",relation,spatial,"relation - spatial (creature, sky, above)",Is the creature above the sky? +partiprompts232,"a rusted submarine lying on the sandy ocean floor, its once sleek black exterior now mottled with patches of corrosion and marine growth. The submarine's hatch is partially buried in the sediment, and schools of small, colorful fish swim in and out of the broken portholes. The surrounding waters are a deep, murky blue, with shafts of sunlight filtering down from the surface, illuminating the submarine's ghostly silhouette.",,1,0,entity,whole,entity - whole (submarine),Is there a submarine? +partiprompts232,"a rusted submarine lying on the sandy ocean floor, its once sleek black exterior now mottled with patches of corrosion and marine growth. The submarine's hatch is partially buried in the sediment, and schools of small, colorful fish swim in and out of the broken portholes. The surrounding waters are a deep, murky blue, with shafts of sunlight filtering down from the surface, illuminating the submarine's ghostly silhouette.",,2,0,entity,whole,entity - whole (ocean floor),Is there an ocean floor? +partiprompts232,"a rusted submarine lying on the sandy ocean floor, its once sleek black exterior now mottled with patches of corrosion and marine growth. The submarine's hatch is partially buried in the sediment, and schools of small, colorful fish swim in and out of the broken portholes. The surrounding waters are a deep, murky blue, with shafts of sunlight filtering down from the surface, illuminating the submarine's ghostly silhouette.",,3,1,entity,whole,entity - whole (exterior),Is there an exterior? +partiprompts232,"a rusted submarine lying on the sandy ocean floor, its once sleek black exterior now mottled with patches of corrosion and marine growth. The submarine's hatch is partially buried in the sediment, and schools of small, colorful fish swim in and out of the broken portholes. The surrounding waters are a deep, murky blue, with shafts of sunlight filtering down from the surface, illuminating the submarine's ghostly silhouette.",,4,0,entity,whole,entity - whole (hatch),Is there a hatch? +partiprompts232,"a rusted submarine lying on the sandy ocean floor, its once sleek black exterior now mottled with patches of corrosion and marine growth. The submarine's hatch is partially buried in the sediment, and schools of small, colorful fish swim in and out of the broken portholes. The surrounding waters are a deep, murky blue, with shafts of sunlight filtering down from the surface, illuminating the submarine's ghostly silhouette.",,5,0,entity,whole,entity - whole (sediment),Is there sediment? +partiprompts232,"a rusted submarine lying on the sandy ocean floor, its once sleek black exterior now mottled with patches of corrosion and marine growth. The submarine's hatch is partially buried in the sediment, and schools of small, colorful fish swim in and out of the broken portholes. The surrounding waters are a deep, murky blue, with shafts of sunlight filtering down from the surface, illuminating the submarine's ghostly silhouette.",,6,0,entity,whole,entity - whole (fish),Are there fish? +partiprompts232,"a rusted submarine lying on the sandy ocean floor, its once sleek black exterior now mottled with patches of corrosion and marine growth. The submarine's hatch is partially buried in the sediment, and schools of small, colorful fish swim in and out of the broken portholes. The surrounding waters are a deep, murky blue, with shafts of sunlight filtering down from the surface, illuminating the submarine's ghostly silhouette.",,7,0,entity,whole,entity - whole (waters),Are there waters? +partiprompts232,"a rusted submarine lying on the sandy ocean floor, its once sleek black exterior now mottled with patches of corrosion and marine growth. The submarine's hatch is partially buried in the sediment, and schools of small, colorful fish swim in and out of the broken portholes. The surrounding waters are a deep, murky blue, with shafts of sunlight filtering down from the surface, illuminating the submarine's ghostly silhouette.",,8,1,attribute,texture,"attribute - texture (submarine, rusted)",Is the submarine rusted? +partiprompts232,"a rusted submarine lying on the sandy ocean floor, its once sleek black exterior now mottled with patches of corrosion and marine growth. The submarine's hatch is partially buried in the sediment, and schools of small, colorful fish swim in and out of the broken portholes. The surrounding waters are a deep, murky blue, with shafts of sunlight filtering down from the surface, illuminating the submarine's ghostly silhouette.",,9,3,attribute,texture,"attribute - texture (exterior, sleek)",Was the exterior sleek? +partiprompts232,"a rusted submarine lying on the sandy ocean floor, its once sleek black exterior now mottled with patches of corrosion and marine growth. The submarine's hatch is partially buried in the sediment, and schools of small, colorful fish swim in and out of the broken portholes. The surrounding waters are a deep, murky blue, with shafts of sunlight filtering down from the surface, illuminating the submarine's ghostly silhouette.",,10,3,attribute,texture,"attribute - texture (exterior, mottled)",Is the exterior mottled? +partiprompts232,"a rusted submarine lying on the sandy ocean floor, its once sleek black exterior now mottled with patches of corrosion and marine growth. The submarine's hatch is partially buried in the sediment, and schools of small, colorful fish swim in and out of the broken portholes. The surrounding waters are a deep, murky blue, with shafts of sunlight filtering down from the surface, illuminating the submarine's ghostly silhouette.",,11,3,attribute,texture,"attribute - texture (exterior, corroded)",Is the exterior corroded? +partiprompts232,"a rusted submarine lying on the sandy ocean floor, its once sleek black exterior now mottled with patches of corrosion and marine growth. The submarine's hatch is partially buried in the sediment, and schools of small, colorful fish swim in and out of the broken portholes. The surrounding waters are a deep, murky blue, with shafts of sunlight filtering down from the surface, illuminating the submarine's ghostly silhouette.",,12,3,attribute,texture,"attribute - texture (exterior, marine growth)",Is there marine growth on the exterior? +partiprompts232,"a rusted submarine lying on the sandy ocean floor, its once sleek black exterior now mottled with patches of corrosion and marine growth. The submarine's hatch is partially buried in the sediment, and schools of small, colorful fish swim in and out of the broken portholes. The surrounding waters are a deep, murky blue, with shafts of sunlight filtering down from the surface, illuminating the submarine's ghostly silhouette.",,13,3,attribute,color,"attribute - color (exterior, black)",Is the exterior black? +partiprompts232,"a rusted submarine lying on the sandy ocean floor, its once sleek black exterior now mottled with patches of corrosion and marine growth. The submarine's hatch is partially buried in the sediment, and schools of small, colorful fish swim in and out of the broken portholes. The surrounding waters are a deep, murky blue, with shafts of sunlight filtering down from the surface, illuminating the submarine's ghostly silhouette.",,14,7,attribute,color,"attribute - color (waters, deep blue)",Are the waters deep blue? +partiprompts232,"a rusted submarine lying on the sandy ocean floor, its once sleek black exterior now mottled with patches of corrosion and marine growth. The submarine's hatch is partially buried in the sediment, and schools of small, colorful fish swim in and out of the broken portholes. The surrounding waters are a deep, murky blue, with shafts of sunlight filtering down from the surface, illuminating the submarine's ghostly silhouette.",,15,6,attribute,color,"attribute - color (fish, colorful)",Are the fish colorful? +partiprompts232,"a rusted submarine lying on the sandy ocean floor, its once sleek black exterior now mottled with patches of corrosion and marine growth. The submarine's hatch is partially buried in the sediment, and schools of small, colorful fish swim in and out of the broken portholes. The surrounding waters are a deep, murky blue, with shafts of sunlight filtering down from the surface, illuminating the submarine's ghostly silhouette.",,16,7,attribute,color,"attribute - color (waters, murky blue)",Are the waters murky blue? +partiprompts232,"a rusted submarine lying on the sandy ocean floor, its once sleek black exterior now mottled with patches of corrosion and marine growth. The submarine's hatch is partially buried in the sediment, and schools of small, colorful fish swim in and out of the broken portholes. The surrounding waters are a deep, murky blue, with shafts of sunlight filtering down from the surface, illuminating the submarine's ghostly silhouette.",,17,"1,2",relation,spatial,"relation - spatial (submarine, ocean floor, lying on)",Is the submarine lying on the ocean floor? +partiprompts232,"a rusted submarine lying on the sandy ocean floor, its once sleek black exterior now mottled with patches of corrosion and marine growth. The submarine's hatch is partially buried in the sediment, and schools of small, colorful fish swim in and out of the broken portholes. The surrounding waters are a deep, murky blue, with shafts of sunlight filtering down from the surface, illuminating the submarine's ghostly silhouette.",,18,"4,5",relation,spatial,"relation - spatial (hatch, sediment, partially buried)",Is the hatch partially buried in the sediment? +partiprompts232,"a rusted submarine lying on the sandy ocean floor, its once sleek black exterior now mottled with patches of corrosion and marine growth. The submarine's hatch is partially buried in the sediment, and schools of small, colorful fish swim in and out of the broken portholes. The surrounding waters are a deep, murky blue, with shafts of sunlight filtering down from the surface, illuminating the submarine's ghostly silhouette.",,19,"6,4",relation,spatial,"relation - spatial (fish, portholes, in and out)",Are the fish swimming in and out of the broken portholes? +partiprompts232,"a rusted submarine lying on the sandy ocean floor, its once sleek black exterior now mottled with patches of corrosion and marine growth. The submarine's hatch is partially buried in the sediment, and schools of small, colorful fish swim in and out of the broken portholes. The surrounding waters are a deep, murky blue, with shafts of sunlight filtering down from the surface, illuminating the submarine's ghostly silhouette.",,20,"7,5",relation,spatial,"relation - spatial (waters, surface, down)",Are there shafts of sunlight filtering down from the surface? +partiprompts232,"a rusted submarine lying on the sandy ocean floor, its once sleek black exterior now mottled with patches of corrosion and marine growth. The submarine's hatch is partially buried in the sediment, and schools of small, colorful fish swim in and out of the broken portholes. The surrounding waters are a deep, murky blue, with shafts of sunlight filtering down from the surface, illuminating the submarine's ghostly silhouette.",,21,"1,3",relation,spatial,"relation - spatial (submarine, silhouette, ghostly)",Is the submarine's silhouette ghostly? +partiprompts66,"A vibrant display of graffiti showcasing the word ""GIGGLE"" in thick, colorful letters splashed across a weathered red brick wall. Each letter is painted in a different hue, creating a rainbow effect that stands out against the faded background. Just beside the lettering, there's a large splotch of white paint that looks as if it has exploded from behind the word, adding a dynamic sense of movement to the static wall.",,1,0,entity,whole,entity - whole (graffiti),Is there graffiti? +partiprompts66,"A vibrant display of graffiti showcasing the word ""GIGGLE"" in thick, colorful letters splashed across a weathered red brick wall. Each letter is painted in a different hue, creating a rainbow effect that stands out against the faded background. Just beside the lettering, there's a large splotch of white paint that looks as if it has exploded from behind the word, adding a dynamic sense of movement to the static wall.",,2,1,entity,whole,entity - whole (word),Is there a word? +partiprompts66,"A vibrant display of graffiti showcasing the word ""GIGGLE"" in thick, colorful letters splashed across a weathered red brick wall. Each letter is painted in a different hue, creating a rainbow effect that stands out against the faded background. Just beside the lettering, there's a large splotch of white paint that looks as if it has exploded from behind the word, adding a dynamic sense of movement to the static wall.",,3,0,entity,whole,entity - whole (wall),Is there a wall? +partiprompts66,"A vibrant display of graffiti showcasing the word ""GIGGLE"" in thick, colorful letters splashed across a weathered red brick wall. Each letter is painted in a different hue, creating a rainbow effect that stands out against the faded background. Just beside the lettering, there's a large splotch of white paint that looks as if it has exploded from behind the word, adding a dynamic sense of movement to the static wall.",,4,2,other,count,"other - count (letters, ==6)",Are there six letters? +partiprompts66,"A vibrant display of graffiti showcasing the word ""GIGGLE"" in thick, colorful letters splashed across a weathered red brick wall. Each letter is painted in a different hue, creating a rainbow effect that stands out against the faded background. Just beside the lettering, there's a large splotch of white paint that looks as if it has exploded from behind the word, adding a dynamic sense of movement to the static wall.",,5,3,attribute,texture,"attribute - texture (wall, weathered red brick)",Is the wall weathered red brick? +partiprompts66,"A vibrant display of graffiti showcasing the word ""GIGGLE"" in thick, colorful letters splashed across a weathered red brick wall. Each letter is painted in a different hue, creating a rainbow effect that stands out against the faded background. Just beside the lettering, there's a large splotch of white paint that looks as if it has exploded from behind the word, adding a dynamic sense of movement to the static wall.",,6,3,attribute,texture,"attribute - texture (paint, thick)",Is the paint thick? +partiprompts66,"A vibrant display of graffiti showcasing the word ""GIGGLE"" in thick, colorful letters splashed across a weathered red brick wall. Each letter is painted in a different hue, creating a rainbow effect that stands out against the faded background. Just beside the lettering, there's a large splotch of white paint that looks as if it has exploded from behind the word, adding a dynamic sense of movement to the static wall.",,7,3,attribute,texture,"attribute - texture (paint, colorful)",Is the paint colorful? +partiprompts66,"A vibrant display of graffiti showcasing the word ""GIGGLE"" in thick, colorful letters splashed across a weathered red brick wall. Each letter is painted in a different hue, creating a rainbow effect that stands out against the faded background. Just beside the lettering, there's a large splotch of white paint that looks as if it has exploded from behind the word, adding a dynamic sense of movement to the static wall.",,8,3,attribute,texture,"attribute - texture (paint, white)",Is the paint white? +partiprompts66,"A vibrant display of graffiti showcasing the word ""GIGGLE"" in thick, colorful letters splashed across a weathered red brick wall. Each letter is painted in a different hue, creating a rainbow effect that stands out against the faded background. Just beside the lettering, there's a large splotch of white paint that looks as if it has exploded from behind the word, adding a dynamic sense of movement to the static wall.",,9,4,attribute,color,"attribute - color (letters, rainbow effect)",Are the letters in a rainbow effect? +partiprompts66,"A vibrant display of graffiti showcasing the word ""GIGGLE"" in thick, colorful letters splashed across a weathered red brick wall. Each letter is painted in a different hue, creating a rainbow effect that stands out against the faded background. Just beside the lettering, there's a large splotch of white paint that looks as if it has exploded from behind the word, adding a dynamic sense of movement to the static wall.",,10,"2,3",relation,spatial,"relation - spatial (letters, wall, splashed across)",Are the letters splashed across the wall? +partiprompts66,"A vibrant display of graffiti showcasing the word ""GIGGLE"" in thick, colorful letters splashed across a weathered red brick wall. Each letter is painted in a different hue, creating a rainbow effect that stands out against the faded background. Just beside the lettering, there's a large splotch of white paint that looks as if it has exploded from behind the word, adding a dynamic sense of movement to the static wall.",,11,8,relation,spatial,"relation - spatial (white paint, word, beside)",Is the white paint beside the word? +partiprompts66,"A vibrant display of graffiti showcasing the word ""GIGGLE"" in thick, colorful letters splashed across a weathered red brick wall. Each letter is painted in a different hue, creating a rainbow effect that stands out against the faded background. Just beside the lettering, there's a large splotch of white paint that looks as if it has exploded from behind the word, adding a dynamic sense of movement to the static wall.",,12,8,entity,state,"entity - state (white paint, explode)",Did the white paint explode? +partiprompts109,"A woman with long, flowing black hair and rich, dark skin stands elegantly in a pristine white dress that cascades to the floor. The dress features delicate lace detailing along the hem and sleeves, adding a touch of sophistication. She is positioned near a large window with sheer curtains, which allows soft natural light to accentuate the contrast of her dress against her skin.",,1,0,entity,whole,entity - whole (woman),Is there a woman? +partiprompts109,"A woman with long, flowing black hair and rich, dark skin stands elegantly in a pristine white dress that cascades to the floor. The dress features delicate lace detailing along the hem and sleeves, adding a touch of sophistication. She is positioned near a large window with sheer curtains, which allows soft natural light to accentuate the contrast of her dress against her skin.",,2,1,entity,part,entity - part (woman's hair),Does the woman have hair? +partiprompts109,"A woman with long, flowing black hair and rich, dark skin stands elegantly in a pristine white dress that cascades to the floor. The dress features delicate lace detailing along the hem and sleeves, adding a touch of sophistication. She is positioned near a large window with sheer curtains, which allows soft natural light to accentuate the contrast of her dress against her skin.",,3,0,entity,whole,entity - whole (dress),Is there a dress? +partiprompts109,"A woman with long, flowing black hair and rich, dark skin stands elegantly in a pristine white dress that cascades to the floor. The dress features delicate lace detailing along the hem and sleeves, adding a touch of sophistication. She is positioned near a large window with sheer curtains, which allows soft natural light to accentuate the contrast of her dress against her skin.",,4,2,attribute,color,"attribute - color (hair, black)",Is the hair black? +partiprompts109,"A woman with long, flowing black hair and rich, dark skin stands elegantly in a pristine white dress that cascades to the floor. The dress features delicate lace detailing along the hem and sleeves, adding a touch of sophistication. She is positioned near a large window with sheer curtains, which allows soft natural light to accentuate the contrast of her dress against her skin.",,5,1,attribute,color,"attribute - color (skin, dark)",Is the skin dark? +partiprompts109,"A woman with long, flowing black hair and rich, dark skin stands elegantly in a pristine white dress that cascades to the floor. The dress features delicate lace detailing along the hem and sleeves, adding a touch of sophistication. She is positioned near a large window with sheer curtains, which allows soft natural light to accentuate the contrast of her dress against her skin.",,6,3,attribute,color,"attribute - color (dress, white)",Is the dress white? +partiprompts109,"A woman with long, flowing black hair and rich, dark skin stands elegantly in a pristine white dress that cascades to the floor. The dress features delicate lace detailing along the hem and sleeves, adding a touch of sophistication. She is positioned near a large window with sheer curtains, which allows soft natural light to accentuate the contrast of her dress against her skin.",,7,3,attribute,texture,"attribute - texture (dress, lace)",Does the dress have lace detailing? +partiprompts109,"A woman with long, flowing black hair and rich, dark skin stands elegantly in a pristine white dress that cascades to the floor. The dress features delicate lace detailing along the hem and sleeves, adding a touch of sophistication. She is positioned near a large window with sheer curtains, which allows soft natural light to accentuate the contrast of her dress against her skin.",,8,9,attribute,texture,"attribute - texture (curtains, sheer)",Are the curtains sheer? +partiprompts109,"A woman with long, flowing black hair and rich, dark skin stands elegantly in a pristine white dress that cascades to the floor. The dress features delicate lace detailing along the hem and sleeves, adding a touch of sophistication. She is positioned near a large window with sheer curtains, which allows soft natural light to accentuate the contrast of her dress against her skin.",,9,9,attribute,texture,"attribute - texture (light, soft)",Is the light soft? +partiprompts109,"A woman with long, flowing black hair and rich, dark skin stands elegantly in a pristine white dress that cascades to the floor. The dress features delicate lace detailing along the hem and sleeves, adding a touch of sophistication. She is positioned near a large window with sheer curtains, which allows soft natural light to accentuate the contrast of her dress against her skin.",,10,"1,10",relation,spatial,"relation - spatial (woman, window, near)",Is the woman near the window? +partiprompts155,"A detailed oil painting captures the intricate fur of a young badger as it gently sniffs at a bright yellow rose. The scene is set against the rough texture of a large tree trunk, with the badger's claws slightly digging into the bark. In the softly painted background, a tranquil waterfall cascades down, its waters a shimmering blue amidst the greenery.",,1,0,global,,global - (detailed oil painting),Is this a detailed oil painting? +partiprompts155,"A detailed oil painting captures the intricate fur of a young badger as it gently sniffs at a bright yellow rose. The scene is set against the rough texture of a large tree trunk, with the badger's claws slightly digging into the bark. In the softly painted background, a tranquil waterfall cascades down, its waters a shimmering blue amidst the greenery.",,2,0,entity,whole,entity - whole (badger),Is there a badger? +partiprompts155,"A detailed oil painting captures the intricate fur of a young badger as it gently sniffs at a bright yellow rose. The scene is set against the rough texture of a large tree trunk, with the badger's claws slightly digging into the bark. In the softly painted background, a tranquil waterfall cascades down, its waters a shimmering blue amidst the greenery.",,3,0,entity,whole,entity - whole (rose),Is there a rose? +partiprompts155,"A detailed oil painting captures the intricate fur of a young badger as it gently sniffs at a bright yellow rose. The scene is set against the rough texture of a large tree trunk, with the badger's claws slightly digging into the bark. In the softly painted background, a tranquil waterfall cascades down, its waters a shimmering blue amidst the greenery.",,4,0,entity,whole,entity - whole (tree trunk),Is there a tree trunk? +partiprompts155,"A detailed oil painting captures the intricate fur of a young badger as it gently sniffs at a bright yellow rose. The scene is set against the rough texture of a large tree trunk, with the badger's claws slightly digging into the bark. In the softly painted background, a tranquil waterfall cascades down, its waters a shimmering blue amidst the greenery.",,5,0,entity,whole,entity - whole (waterfall),Is there a waterfall? +partiprompts155,"A detailed oil painting captures the intricate fur of a young badger as it gently sniffs at a bright yellow rose. The scene is set against the rough texture of a large tree trunk, with the badger's claws slightly digging into the bark. In the softly painted background, a tranquil waterfall cascades down, its waters a shimmering blue amidst the greenery.",,6,2,attribute,texture,"attribute - texture (fur, intricate)",Is the fur of the badger intricate? +partiprompts155,"A detailed oil painting captures the intricate fur of a young badger as it gently sniffs at a bright yellow rose. The scene is set against the rough texture of a large tree trunk, with the badger's claws slightly digging into the bark. In the softly painted background, a tranquil waterfall cascades down, its waters a shimmering blue amidst the greenery.",,7,3,attribute,color,"attribute - color (rose, bright yellow)",Is the rose bright yellow? +partiprompts155,"A detailed oil painting captures the intricate fur of a young badger as it gently sniffs at a bright yellow rose. The scene is set against the rough texture of a large tree trunk, with the badger's claws slightly digging into the bark. In the softly painted background, a tranquil waterfall cascades down, its waters a shimmering blue amidst the greenery.",,8,4,attribute,texture,"attribute - texture (tree trunk, rough)",Is the tree trunk rough? +partiprompts155,"A detailed oil painting captures the intricate fur of a young badger as it gently sniffs at a bright yellow rose. The scene is set against the rough texture of a large tree trunk, with the badger's claws slightly digging into the bark. In the softly painted background, a tranquil waterfall cascades down, its waters a shimmering blue amidst the greenery.",,9,2,attribute,other,"attribute - other (badger's claws, slightly digging)",Are the badger's claws slightly digging? +partiprompts155,"A detailed oil painting captures the intricate fur of a young badger as it gently sniffs at a bright yellow rose. The scene is set against the rough texture of a large tree trunk, with the badger's claws slightly digging into the bark. In the softly painted background, a tranquil waterfall cascades down, its waters a shimmering blue amidst the greenery.",,10,5,attribute,color,"attribute - color (water, shimmering blue)",Is the water shimmering blue? +partiprompts155,"A detailed oil painting captures the intricate fur of a young badger as it gently sniffs at a bright yellow rose. The scene is set against the rough texture of a large tree trunk, with the badger's claws slightly digging into the bark. In the softly painted background, a tranquil waterfall cascades down, its waters a shimmering blue amidst the greenery.",,11,5,attribute,color,"attribute - color (waterfall, tranquil)",Is the waterfall tranquil? +partiprompts155,"A detailed oil painting captures the intricate fur of a young badger as it gently sniffs at a bright yellow rose. The scene is set against the rough texture of a large tree trunk, with the badger's claws slightly digging into the bark. In the softly painted background, a tranquil waterfall cascades down, its waters a shimmering blue amidst the greenery.",,12,5,attribute,color,"attribute - color (waterfall, blue)",Is the waterfall blue? +partiprompts155,"A detailed oil painting captures the intricate fur of a young badger as it gently sniffs at a bright yellow rose. The scene is set against the rough texture of a large tree trunk, with the badger's claws slightly digging into the bark. In the softly painted background, a tranquil waterfall cascades down, its waters a shimmering blue amidst the greenery.",,13,5,attribute,color,"attribute - color (waterfall, greenery)",Is the waterfall amidst greenery? +partiprompts155,"A detailed oil painting captures the intricate fur of a young badger as it gently sniffs at a bright yellow rose. The scene is set against the rough texture of a large tree trunk, with the badger's claws slightly digging into the bark. In the softly painted background, a tranquil waterfall cascades down, its waters a shimmering blue amidst the greenery.",,14,"2,3",relation,spatial,"relation - spatial (badger, rose, sniff at)",Is the badger gently sniffing at the rose? +partiprompts155,"A detailed oil painting captures the intricate fur of a young badger as it gently sniffs at a bright yellow rose. The scene is set against the rough texture of a large tree trunk, with the badger's claws slightly digging into the bark. In the softly painted background, a tranquil waterfall cascades down, its waters a shimmering blue amidst the greenery.",,15,"2,4",relation,spatial,"relation - spatial (badger, tree trunk, against)",Is the badger set against the tree trunk? +partiprompts155,"A detailed oil painting captures the intricate fur of a young badger as it gently sniffs at a bright yellow rose. The scene is set against the rough texture of a large tree trunk, with the badger's claws slightly digging into the bark. In the softly painted background, a tranquil waterfall cascades down, its waters a shimmering blue amidst the greenery.",,16,"2,4",relation,spatial,"relation - spatial (badger, tree trunk, claws into)",Are the badger's claws digging into the tree trunk? +partiprompts155,"A detailed oil painting captures the intricate fur of a young badger as it gently sniffs at a bright yellow rose. The scene is set against the rough texture of a large tree trunk, with the badger's claws slightly digging into the bark. In the softly painted background, a tranquil waterfall cascades down, its waters a shimmering blue amidst the greenery.",,17,"5,1",relation,spatial,"relation - spatial (waterfall, background, in)",Is the waterfall in the background? +partiprompts155,"A detailed oil painting captures the intricate fur of a young badger as it gently sniffs at a bright yellow rose. The scene is set against the rough texture of a large tree trunk, with the badger's claws slightly digging into the bark. In the softly painted background, a tranquil waterfall cascades down, its waters a shimmering blue amidst the greenery.",,18,"5,13",relation,spatial,"relation - spatial (waterfall, greenery, amidst)",Is the waterfall amidst the greenery? +partiprompts105,"a family of four, consisting of two adults and two children, strolls along a sandy beach with gentle waves lapping at their bare feet. The adults are holding hands, and the children are playfully skipping ahead. The sky above them is a clear blue, and seagulls can be seen flying near the water's edge. In the distance, a lighthouse stands tall on a rocky outcrop.",,1,0,entity,whole,entity - whole (family),Is there a family? +partiprompts105,"a family of four, consisting of two adults and two children, strolls along a sandy beach with gentle waves lapping at their bare feet. The adults are holding hands, and the children are playfully skipping ahead. The sky above them is a clear blue, and seagulls can be seen flying near the water's edge. In the distance, a lighthouse stands tall on a rocky outcrop.",,2,1,other,count,"other - count (family members, ==4)",Are there four family members? +partiprompts105,"a family of four, consisting of two adults and two children, strolls along a sandy beach with gentle waves lapping at their bare feet. The adults are holding hands, and the children are playfully skipping ahead. The sky above them is a clear blue, and seagulls can be seen flying near the water's edge. In the distance, a lighthouse stands tall on a rocky outcrop.",,3,1,entity,whole,entity - whole (adults),Are there adults? +partiprompts105,"a family of four, consisting of two adults and two children, strolls along a sandy beach with gentle waves lapping at their bare feet. The adults are holding hands, and the children are playfully skipping ahead. The sky above them is a clear blue, and seagulls can be seen flying near the water's edge. In the distance, a lighthouse stands tall on a rocky outcrop.",count,4,3,other,,"other - count (adults, ==2)",Are there two adults? +partiprompts105,"a family of four, consisting of two adults and two children, strolls along a sandy beach with gentle waves lapping at their bare feet. The adults are holding hands, and the children are playfully skipping ahead. The sky above them is a clear blue, and seagulls can be seen flying near the water's edge. In the distance, a lighthouse stands tall on a rocky outcrop.",,5,1,entity,whole,entity - whole (children),Are there children? +partiprompts105,"a family of four, consisting of two adults and two children, strolls along a sandy beach with gentle waves lapping at their bare feet. The adults are holding hands, and the children are playfully skipping ahead. The sky above them is a clear blue, and seagulls can be seen flying near the water's edge. In the distance, a lighthouse stands tall on a rocky outcrop.",,6,3,other,count,"other - count (children, ==2)",Are there two children? +partiprompts105,"a family of four, consisting of two adults and two children, strolls along a sandy beach with gentle waves lapping at their bare feet. The adults are holding hands, and the children are playfully skipping ahead. The sky above them is a clear blue, and seagulls can be seen flying near the water's edge. In the distance, a lighthouse stands tall on a rocky outcrop.",,7,0,entity,whole,entity - whole (beach),Is there a beach? +partiprompts105,"a family of four, consisting of two adults and two children, strolls along a sandy beach with gentle waves lapping at their bare feet. The adults are holding hands, and the children are playfully skipping ahead. The sky above them is a clear blue, and seagulls can be seen flying near the water's edge. In the distance, a lighthouse stands tall on a rocky outcrop.",,8,0,entity,whole,entity - whole (waves),Are there waves? +partiprompts105,"a family of four, consisting of two adults and two children, strolls along a sandy beach with gentle waves lapping at their bare feet. The adults are holding hands, and the children are playfully skipping ahead. The sky above them is a clear blue, and seagulls can be seen flying near the water's edge. In the distance, a lighthouse stands tall on a rocky outcrop.",,9,0,entity,whole,entity - whole (feet),Are there feet? +partiprompts105,"a family of four, consisting of two adults and two children, strolls along a sandy beach with gentle waves lapping at their bare feet. The adults are holding hands, and the children are playfully skipping ahead. The sky above them is a clear blue, and seagulls can be seen flying near the water's edge. In the distance, a lighthouse stands tall on a rocky outcrop.",,10,0,entity,whole,entity - whole (sky),Is there a sky? +partiprompts105,"a family of four, consisting of two adults and two children, strolls along a sandy beach with gentle waves lapping at their bare feet. The adults are holding hands, and the children are playfully skipping ahead. The sky above them is a clear blue, and seagulls can be seen flying near the water's edge. In the distance, a lighthouse stands tall on a rocky outcrop.",,11,0,entity,whole,entity - whole (seagulls),Are there seagulls? +partiprompts105,"a family of four, consisting of two adults and two children, strolls along a sandy beach with gentle waves lapping at their bare feet. The adults are holding hands, and the children are playfully skipping ahead. The sky above them is a clear blue, and seagulls can be seen flying near the water's edge. In the distance, a lighthouse stands tall on a rocky outcrop.",,12,0,entity,whole,entity - whole (lighthouse),Is there a lighthouse? +partiprompts105,"a family of four, consisting of two adults and two children, strolls along a sandy beach with gentle waves lapping at their bare feet. The adults are holding hands, and the children are playfully skipping ahead. The sky above them is a clear blue, and seagulls can be seen flying near the water's edge. In the distance, a lighthouse stands tall on a rocky outcrop.",,13,1,attribute,size,"attribute - size (family, four)",Is the family size four? +partiprompts105,"a family of four, consisting of two adults and two children, strolls along a sandy beach with gentle waves lapping at their bare feet. The adults are holding hands, and the children are playfully skipping ahead. The sky above them is a clear blue, and seagulls can be seen flying near the water's edge. In the distance, a lighthouse stands tall on a rocky outcrop.",,14,7,attribute,texture,"attribute - texture (beach, sandy)",Is the beach sandy? +partiprompts105,"a family of four, consisting of two adults and two children, strolls along a sandy beach with gentle waves lapping at their bare feet. The adults are holding hands, and the children are playfully skipping ahead. The sky above them is a clear blue, and seagulls can be seen flying near the water's edge. In the distance, a lighthouse stands tall on a rocky outcrop.",,15,7,attribute,texture,"attribute - texture (waves, gentle)",Are the waves gentle? +partiprompts105,"a family of four, consisting of two adults and two children, strolls along a sandy beach with gentle waves lapping at their bare feet. The adults are holding hands, and the children are playfully skipping ahead. The sky above them is a clear blue, and seagulls can be seen flying near the water's edge. In the distance, a lighthouse stands tall on a rocky outcrop.",,16,9,attribute,texture,"attribute - texture (feet, bare)",Are their feet bare? +partiprompts105,"a family of four, consisting of two adults and two children, strolls along a sandy beach with gentle waves lapping at their bare feet. The adults are holding hands, and the children are playfully skipping ahead. The sky above them is a clear blue, and seagulls can be seen flying near the water's edge. In the distance, a lighthouse stands tall on a rocky outcrop.",,17,10,attribute,color,"attribute - color (sky, clear blue)",Is the sky clear blue? +partiprompts105,"a family of four, consisting of two adults and two children, strolls along a sandy beach with gentle waves lapping at their bare feet. The adults are holding hands, and the children are playfully skipping ahead. The sky above them is a clear blue, and seagulls can be seen flying near the water's edge. In the distance, a lighthouse stands tall on a rocky outcrop.",,18,"3,4",relation,spatial,"relation - spatial (adults, children, hold hands)",Are the adults holding hands? +partiprompts105,"a family of four, consisting of two adults and two children, strolls along a sandy beach with gentle waves lapping at their bare feet. The adults are holding hands, and the children are playfully skipping ahead. The sky above them is a clear blue, and seagulls can be seen flying near the water's edge. In the distance, a lighthouse stands tall on a rocky outcrop.",,19,"5,7",relation,spatial,"relation - spatial (children, beach, skip ahead)",Are the children skipping ahead on the beach? +partiprompts105,"a family of four, consisting of two adults and two children, strolls along a sandy beach with gentle waves lapping at their bare feet. The adults are holding hands, and the children are playfully skipping ahead. The sky above them is a clear blue, and seagulls can be seen flying near the water's edge. In the distance, a lighthouse stands tall on a rocky outcrop.",,20,"11,7",relation,spatial,"relation - spatial (seagulls, water's edge, fly)",Are the seagulls flying near the water's edge? +partiprompts105,"a family of four, consisting of two adults and two children, strolls along a sandy beach with gentle waves lapping at their bare feet. The adults are holding hands, and the children are playfully skipping ahead. The sky above them is a clear blue, and seagulls can be seen flying near the water's edge. In the distance, a lighthouse stands tall on a rocky outcrop.",,21,"12,7",relation,spatial,"relation - spatial (lighthouse, rocky outcrop, stand tall)",Is the lighthouse standing tall on a rocky outcrop? +partiprompts91,"A visually striking mixed media piece featuring a central photograph of a woman with flowing orange hair that cascades over her shoulders. The background contrasts with a monochromatic sketch of a bustling city skyline, complete with towering skyscrapers and intricate architectural details. The woman's piercing gaze seems to transcend the two-dimensional space, creating a dynamic interplay between the realism of the photograph and the abstract nature of the sketched cityscape.",,1,0,global,,global - (mixed media piece),Is this a mixed media piece? +partiprompts91,"A visually striking mixed media piece featuring a central photograph of a woman with flowing orange hair that cascades over her shoulders. The background contrasts with a monochromatic sketch of a bustling city skyline, complete with towering skyscrapers and intricate architectural details. The woman's piercing gaze seems to transcend the two-dimensional space, creating a dynamic interplay between the realism of the photograph and the abstract nature of the sketched cityscape.",,2,1,entity,whole,entity - whole (photograph),Is there a photograph? +partiprompts91,"A visually striking mixed media piece featuring a central photograph of a woman with flowing orange hair that cascades over her shoulders. The background contrasts with a monochromatic sketch of a bustling city skyline, complete with towering skyscrapers and intricate architectural details. The woman's piercing gaze seems to transcend the two-dimensional space, creating a dynamic interplay between the realism of the photograph and the abstract nature of the sketched cityscape.",,3,2,entity,whole,entity - whole (woman),Is there a woman? +partiprompts91,"A visually striking mixed media piece featuring a central photograph of a woman with flowing orange hair that cascades over her shoulders. The background contrasts with a monochromatic sketch of a bustling city skyline, complete with towering skyscrapers and intricate architectural details. The woman's piercing gaze seems to transcend the two-dimensional space, creating a dynamic interplay between the realism of the photograph and the abstract nature of the sketched cityscape.",,4,3,entity,whole,entity - whole (hair),Is there hair? +partiprompts91,"A visually striking mixed media piece featuring a central photograph of a woman with flowing orange hair that cascades over her shoulders. The background contrasts with a monochromatic sketch of a bustling city skyline, complete with towering skyscrapers and intricate architectural details. The woman's piercing gaze seems to transcend the two-dimensional space, creating a dynamic interplay between the realism of the photograph and the abstract nature of the sketched cityscape.",,5,4,attribute,color,"attribute - color (hair, orange)",Is the hair orange? +partiprompts91,"A visually striking mixed media piece featuring a central photograph of a woman with flowing orange hair that cascades over her shoulders. The background contrasts with a monochromatic sketch of a bustling city skyline, complete with towering skyscrapers and intricate architectural details. The woman's piercing gaze seems to transcend the two-dimensional space, creating a dynamic interplay between the realism of the photograph and the abstract nature of the sketched cityscape.",,6,3,entity,state,"entity - state (woman, gaze)",Does the woman have a gaze? +partiprompts91,"A visually striking mixed media piece featuring a central photograph of a woman with flowing orange hair that cascades over her shoulders. The background contrasts with a monochromatic sketch of a bustling city skyline, complete with towering skyscrapers and intricate architectural details. The woman's piercing gaze seems to transcend the two-dimensional space, creating a dynamic interplay between the realism of the photograph and the abstract nature of the sketched cityscape.",,7,3,entity,state,"entity - state (woman, transcend)",Does the woman transcend? +partiprompts91,"A visually striking mixed media piece featuring a central photograph of a woman with flowing orange hair that cascades over her shoulders. The background contrasts with a monochromatic sketch of a bustling city skyline, complete with towering skyscrapers and intricate architectural details. The woman's piercing gaze seems to transcend the two-dimensional space, creating a dynamic interplay between the realism of the photograph and the abstract nature of the sketched cityscape.",,8,3,entity,state,"entity - state (woman, create)",Does the woman create? +partiprompts91,"A visually striking mixed media piece featuring a central photograph of a woman with flowing orange hair that cascades over her shoulders. The background contrasts with a monochromatic sketch of a bustling city skyline, complete with towering skyscrapers and intricate architectural details. The woman's piercing gaze seems to transcend the two-dimensional space, creating a dynamic interplay between the realism of the photograph and the abstract nature of the sketched cityscape.",,9,2,entity,state,"entity - state (city skyline, contrast)",Does the city skyline contrast? +partiprompts91,"A visually striking mixed media piece featuring a central photograph of a woman with flowing orange hair that cascades over her shoulders. The background contrasts with a monochromatic sketch of a bustling city skyline, complete with towering skyscrapers and intricate architectural details. The woman's piercing gaze seems to transcend the two-dimensional space, creating a dynamic interplay between the realism of the photograph and the abstract nature of the sketched cityscape.",,10,2,entity,state,"entity - state (city skyline, bustling)",Is the city skyline bustling? +partiprompts91,"A visually striking mixed media piece featuring a central photograph of a woman with flowing orange hair that cascades over her shoulders. The background contrasts with a monochromatic sketch of a bustling city skyline, complete with towering skyscrapers and intricate architectural details. The woman's piercing gaze seems to transcend the two-dimensional space, creating a dynamic interplay between the realism of the photograph and the abstract nature of the sketched cityscape.",,11,2,entity,state,"entity - state (city skyline, complete)",Is the city skyline complete? +partiprompts91,"A visually striking mixed media piece featuring a central photograph of a woman with flowing orange hair that cascades over her shoulders. The background contrasts with a monochromatic sketch of a bustling city skyline, complete with towering skyscrapers and intricate architectural details. The woman's piercing gaze seems to transcend the two-dimensional space, creating a dynamic interplay between the realism of the photograph and the abstract nature of the sketched cityscape.",,12,2,entity,state,"entity - state (city skyline, tower)",Are there towering skyscrapers in the city skyline? +partiprompts91,"A visually striking mixed media piece featuring a central photograph of a woman with flowing orange hair that cascades over her shoulders. The background contrasts with a monochromatic sketch of a bustling city skyline, complete with towering skyscrapers and intricate architectural details. The woman's piercing gaze seems to transcend the two-dimensional space, creating a dynamic interplay between the realism of the photograph and the abstract nature of the sketched cityscape.",,13,2,entity,state,"entity - state (city skyline, intricate)",Are there intricate architectural details in the city skyline? +partiprompts91,"A visually striking mixed media piece featuring a central photograph of a woman with flowing orange hair that cascades over her shoulders. The background contrasts with a monochromatic sketch of a bustling city skyline, complete with towering skyscrapers and intricate architectural details. The woman's piercing gaze seems to transcend the two-dimensional space, creating a dynamic interplay between the realism of the photograph and the abstract nature of the sketched cityscape.",,14,2,entity,state,"entity - state (city skyline, abstract)",Is the city skyline abstract? +partiprompts91,"A visually striking mixed media piece featuring a central photograph of a woman with flowing orange hair that cascades over her shoulders. The background contrasts with a monochromatic sketch of a bustling city skyline, complete with towering skyscrapers and intricate architectural details. The woman's piercing gaze seems to transcend the two-dimensional space, creating a dynamic interplay between the realism of the photograph and the abstract nature of the sketched cityscape.",,15,1,relation,spatial,"relation - spatial (woman, photograph, in)",Is the woman in the photograph? +partiprompts91,"A visually striking mixed media piece featuring a central photograph of a woman with flowing orange hair that cascades over her shoulders. The background contrasts with a monochromatic sketch of a bustling city skyline, complete with towering skyscrapers and intricate architectural details. The woman's piercing gaze seems to transcend the two-dimensional space, creating a dynamic interplay between the realism of the photograph and the abstract nature of the sketched cityscape.",,16,"4,3",relation,spatial,"relation - spatial (hair, woman, cascades over)",Does the hair cascade over the woman? +partiprompts91,"A visually striking mixed media piece featuring a central photograph of a woman with flowing orange hair that cascades over her shoulders. The background contrasts with a monochromatic sketch of a bustling city skyline, complete with towering skyscrapers and intricate architectural details. The woman's piercing gaze seems to transcend the two-dimensional space, creating a dynamic interplay between the realism of the photograph and the abstract nature of the sketched cityscape.",,17,"4,3",relation,spatial,"relation - spatial (hair, shoulders, over)",Does the hair cascade over the woman's shoulders? +partiprompts91,"A visually striking mixed media piece featuring a central photograph of a woman with flowing orange hair that cascades over her shoulders. The background contrasts with a monochromatic sketch of a bustling city skyline, complete with towering skyscrapers and intricate architectural details. The woman's piercing gaze seems to transcend the two-dimensional space, creating a dynamic interplay between the realism of the photograph and the abstract nature of the sketched cityscape.",,18,"3,2",relation,spatial,"relation - spatial (woman, city skyline, contrast with)",Does the woman contrast with the city skyline? +partiprompts91,"A visually striking mixed media piece featuring a central photograph of a woman with flowing orange hair that cascades over her shoulders. The background contrasts with a monochromatic sketch of a bustling city skyline, complete with towering skyscrapers and intricate architectural details. The woman's piercing gaze seems to transcend the two-dimensional space, creating a dynamic interplay between the realism of the photograph and the abstract nature of the sketched cityscape.",,19,"2,3",relation,spatial,"relation - spatial (city skyline, woman, transcend)",Does the city skyline transcend the woman? +partiprompts91,"A visually striking mixed media piece featuring a central photograph of a woman with flowing orange hair that cascades over her shoulders. The background contrasts with a monochromatic sketch of a bustling city skyline, complete with towering skyscrapers and intricate architectural details. The woman's piercing gaze seems to transcend the two-dimensional space, creating a dynamic interplay between the realism of the photograph and the abstract nature of the sketched cityscape.",,20,"2,3",relation,spatial,"relation - spatial (city skyline, woman, create)",Does the city skyline create an interplay with the woman? +partiprompts130,"An anime-style illustration depicts a muscular, metallic tiger with sharp, angular features, standing on a rooftop. The tiger is in a dynamic pose, gripping a sleek, red electric guitar, and its mouth is open wide as if caught in the midst of a powerful roar or song. Above the tiger, a bright spotlight casts a dramatic beam of light, illuminating the scene and creating stark shadows on the surrounding rooftop features.",,1,0,global,,global - (anime-style illustration),Is this an anime-style illustration? +partiprompts130,"An anime-style illustration depicts a muscular, metallic tiger with sharp, angular features, standing on a rooftop. The tiger is in a dynamic pose, gripping a sleek, red electric guitar, and its mouth is open wide as if caught in the midst of a powerful roar or song. Above the tiger, a bright spotlight casts a dramatic beam of light, illuminating the scene and creating stark shadows on the surrounding rooftop features.",,2,1,entity,whole,entity - whole (tiger),Is there a tiger? +partiprompts130,"An anime-style illustration depicts a muscular, metallic tiger with sharp, angular features, standing on a rooftop. The tiger is in a dynamic pose, gripping a sleek, red electric guitar, and its mouth is open wide as if caught in the midst of a powerful roar or song. Above the tiger, a bright spotlight casts a dramatic beam of light, illuminating the scene and creating stark shadows on the surrounding rooftop features.",,3,2,attribute,other,"attribute - other (tiger, metallic)",Is the tiger metallic? +partiprompts130,"An anime-style illustration depicts a muscular, metallic tiger with sharp, angular features, standing on a rooftop. The tiger is in a dynamic pose, gripping a sleek, red electric guitar, and its mouth is open wide as if caught in the midst of a powerful roar or song. Above the tiger, a bright spotlight casts a dramatic beam of light, illuminating the scene and creating stark shadows on the surrounding rooftop features.",,4,2,attribute,shape,"attribute - shape (tiger, muscular)",Is the tiger muscular? +partiprompts130,"An anime-style illustration depicts a muscular, metallic tiger with sharp, angular features, standing on a rooftop. The tiger is in a dynamic pose, gripping a sleek, red electric guitar, and its mouth is open wide as if caught in the midst of a powerful roar or song. Above the tiger, a bright spotlight casts a dramatic beam of light, illuminating the scene and creating stark shadows on the surrounding rooftop features.",,5,2,attribute,shape,"attribute - shape (tiger, sharp, angular)",Is the tiger's features sharp and angular? +partiprompts130,"An anime-style illustration depicts a muscular, metallic tiger with sharp, angular features, standing on a rooftop. The tiger is in a dynamic pose, gripping a sleek, red electric guitar, and its mouth is open wide as if caught in the midst of a powerful roar or song. Above the tiger, a bright spotlight casts a dramatic beam of light, illuminating the scene and creating stark shadows on the surrounding rooftop features.",,6,2,entity,state,"entity - state (tiger, stand)",Is the tiger standing? +partiprompts130,"An anime-style illustration depicts a muscular, metallic tiger with sharp, angular features, standing on a rooftop. The tiger is in a dynamic pose, gripping a sleek, red electric guitar, and its mouth is open wide as if caught in the midst of a powerful roar or song. Above the tiger, a bright spotlight casts a dramatic beam of light, illuminating the scene and creating stark shadows on the surrounding rooftop features.",,7,2,entity,state,"entity - state (tiger, grip electric guitar)",Is the tiger gripping an electric guitar? +partiprompts130,"An anime-style illustration depicts a muscular, metallic tiger with sharp, angular features, standing on a rooftop. The tiger is in a dynamic pose, gripping a sleek, red electric guitar, and its mouth is open wide as if caught in the midst of a powerful roar or song. Above the tiger, a bright spotlight casts a dramatic beam of light, illuminating the scene and creating stark shadows on the surrounding rooftop features.",,8,2,entity,state,"entity - state (tiger, mouth open wide)",Is the tiger's mouth open wide? +partiprompts130,"An anime-style illustration depicts a muscular, metallic tiger with sharp, angular features, standing on a rooftop. The tiger is in a dynamic pose, gripping a sleek, red electric guitar, and its mouth is open wide as if caught in the midst of a powerful roar or song. Above the tiger, a bright spotlight casts a dramatic beam of light, illuminating the scene and creating stark shadows on the surrounding rooftop features.",,9,2,entity,state,"entity - state (tiger, caught in midst of powerful roar or song)",Is the tiger caught in the midst of a powerful roar or song? +partiprompts130,"An anime-style illustration depicts a muscular, metallic tiger with sharp, angular features, standing on a rooftop. The tiger is in a dynamic pose, gripping a sleek, red electric guitar, and its mouth is open wide as if caught in the midst of a powerful roar or song. Above the tiger, a bright spotlight casts a dramatic beam of light, illuminating the scene and creating stark shadows on the surrounding rooftop features.",,10,0,entity,whole,entity - whole (rooftop),Is there a rooftop? +partiprompts130,"An anime-style illustration depicts a muscular, metallic tiger with sharp, angular features, standing on a rooftop. The tiger is in a dynamic pose, gripping a sleek, red electric guitar, and its mouth is open wide as if caught in the midst of a powerful roar or song. Above the tiger, a bright spotlight casts a dramatic beam of light, illuminating the scene and creating stark shadows on the surrounding rooftop features.",,11,7,attribute,color,"attribute - color (guitar, red)",Is the guitar red? +partiprompts130,"An anime-style illustration depicts a muscular, metallic tiger with sharp, angular features, standing on a rooftop. The tiger is in a dynamic pose, gripping a sleek, red electric guitar, and its mouth is open wide as if caught in the midst of a powerful roar or song. Above the tiger, a bright spotlight casts a dramatic beam of light, illuminating the scene and creating stark shadows on the surrounding rooftop features.",,12,0,entity,whole,entity - whole (spotlight),Is there a spotlight? +partiprompts130,"An anime-style illustration depicts a muscular, metallic tiger with sharp, angular features, standing on a rooftop. The tiger is in a dynamic pose, gripping a sleek, red electric guitar, and its mouth is open wide as if caught in the midst of a powerful roar or song. Above the tiger, a bright spotlight casts a dramatic beam of light, illuminating the scene and creating stark shadows on the surrounding rooftop features.",,13,12,attribute,color,"attribute - color (spotlight, bright)",Is the spotlight bright? +partiprompts130,"An anime-style illustration depicts a muscular, metallic tiger with sharp, angular features, standing on a rooftop. The tiger is in a dynamic pose, gripping a sleek, red electric guitar, and its mouth is open wide as if caught in the midst of a powerful roar or song. Above the tiger, a bright spotlight casts a dramatic beam of light, illuminating the scene and creating stark shadows on the surrounding rooftop features.",,14,10,attribute,texture,"attribute - texture (rooftop, surrounding features)",Are the rooftop features surrounding the tiger textured? +partiprompts130,"An anime-style illustration depicts a muscular, metallic tiger with sharp, angular features, standing on a rooftop. The tiger is in a dynamic pose, gripping a sleek, red electric guitar, and its mouth is open wide as if caught in the midst of a powerful roar or song. Above the tiger, a bright spotlight casts a dramatic beam of light, illuminating the scene and creating stark shadows on the surrounding rooftop features.",,15,"2,10",relation,spatial,"relation - spatial (tiger, rooftop, on)",Is the tiger on the rooftop? +partiprompts130,"An anime-style illustration depicts a muscular, metallic tiger with sharp, angular features, standing on a rooftop. The tiger is in a dynamic pose, gripping a sleek, red electric guitar, and its mouth is open wide as if caught in the midst of a powerful roar or song. Above the tiger, a bright spotlight casts a dramatic beam of light, illuminating the scene and creating stark shadows on the surrounding rooftop features.",,16,"12,2",relation,spatial,"relation - spatial (spotlight, tiger, above)",Is the spotlight above the tiger? +partiprompts130,"An anime-style illustration depicts a muscular, metallic tiger with sharp, angular features, standing on a rooftop. The tiger is in a dynamic pose, gripping a sleek, red electric guitar, and its mouth is open wide as if caught in the midst of a powerful roar or song. Above the tiger, a bright spotlight casts a dramatic beam of light, illuminating the scene and creating stark shadows on the surrounding rooftop features.",,17,"12,2",relation,non-spatial,"relation - non-spatial (spotlight, scene, illuminating)",Is the spotlight illuminating the scene? +partiprompts284,"Three robots of varying hues are positioned in a row, each with a distinct and sleek design. The white robot on the left boasts a glossy finish and rounded edges, while the central red robot has a more angular form with matte surfaces. To the right, the black robot stands with a metallic sheen, its articulated joints suggesting advanced mobility. They are all placed on a smooth, gray concrete floor, and behind them is a plain wall with a few cables hanging neatly arranged.",,1,0,entity,whole,entity - whole (robots),Are there robots? +partiprompts284,"Three robots of varying hues are positioned in a row, each with a distinct and sleek design. The white robot on the left boasts a glossy finish and rounded edges, while the central red robot has a more angular form with matte surfaces. To the right, the black robot stands with a metallic sheen, its articulated joints suggesting advanced mobility. They are all placed on a smooth, gray concrete floor, and behind them is a plain wall with a few cables hanging neatly arranged.",,2,1,other,count,"other - count (robots, ==3)",Are there three robots? +partiprompts284,"Three robots of varying hues are positioned in a row, each with a distinct and sleek design. The white robot on the left boasts a glossy finish and rounded edges, while the central red robot has a more angular form with matte surfaces. To the right, the black robot stands with a metallic sheen, its articulated joints suggesting advanced mobility. They are all placed on a smooth, gray concrete floor, and behind them is a plain wall with a few cables hanging neatly arranged.",,3,2,attribute,color,"attribute - color (white robot, white)",Is there a white robot? +partiprompts284,"Three robots of varying hues are positioned in a row, each with a distinct and sleek design. The white robot on the left boasts a glossy finish and rounded edges, while the central red robot has a more angular form with matte surfaces. To the right, the black robot stands with a metallic sheen, its articulated joints suggesting advanced mobility. They are all placed on a smooth, gray concrete floor, and behind them is a plain wall with a few cables hanging neatly arranged.",,4,2,attribute,color,"attribute - color (central red robot, red)",Is there a red robot? +partiprompts284,"Three robots of varying hues are positioned in a row, each with a distinct and sleek design. The white robot on the left boasts a glossy finish and rounded edges, while the central red robot has a more angular form with matte surfaces. To the right, the black robot stands with a metallic sheen, its articulated joints suggesting advanced mobility. They are all placed on a smooth, gray concrete floor, and behind them is a plain wall with a few cables hanging neatly arranged.",,5,2,attribute,color,"attribute - color (black robot, black)",Is there a black robot? +partiprompts284,"Three robots of varying hues are positioned in a row, each with a distinct and sleek design. The white robot on the left boasts a glossy finish and rounded edges, while the central red robot has a more angular form with matte surfaces. To the right, the black robot stands with a metallic sheen, its articulated joints suggesting advanced mobility. They are all placed on a smooth, gray concrete floor, and behind them is a plain wall with a few cables hanging neatly arranged.",,6,3,attribute,texture,"attribute - texture (white robot, glossy)",Is the white robot glossy? +partiprompts284,"Three robots of varying hues are positioned in a row, each with a distinct and sleek design. The white robot on the left boasts a glossy finish and rounded edges, while the central red robot has a more angular form with matte surfaces. To the right, the black robot stands with a metallic sheen, its articulated joints suggesting advanced mobility. They are all placed on a smooth, gray concrete floor, and behind them is a plain wall with a few cables hanging neatly arranged.",,7,4,attribute,texture,"attribute - texture (central red robot, matte)",Is the red robot matte? +partiprompts284,"Three robots of varying hues are positioned in a row, each with a distinct and sleek design. The white robot on the left boasts a glossy finish and rounded edges, while the central red robot has a more angular form with matte surfaces. To the right, the black robot stands with a metallic sheen, its articulated joints suggesting advanced mobility. They are all placed on a smooth, gray concrete floor, and behind them is a plain wall with a few cables hanging neatly arranged.",,8,5,attribute,texture,"attribute - texture (black robot, metallic)",Is the black robot metallic? +partiprompts284,"Three robots of varying hues are positioned in a row, each with a distinct and sleek design. The white robot on the left boasts a glossy finish and rounded edges, while the central red robot has a more angular form with matte surfaces. To the right, the black robot stands with a metallic sheen, its articulated joints suggesting advanced mobility. They are all placed on a smooth, gray concrete floor, and behind them is a plain wall with a few cables hanging neatly arranged.",,9,6,attribute,shape,"attribute - shape (white robot, rounded)",Does the white robot have rounded edges? +partiprompts284,"Three robots of varying hues are positioned in a row, each with a distinct and sleek design. The white robot on the left boasts a glossy finish and rounded edges, while the central red robot has a more angular form with matte surfaces. To the right, the black robot stands with a metallic sheen, its articulated joints suggesting advanced mobility. They are all placed on a smooth, gray concrete floor, and behind them is a plain wall with a few cables hanging neatly arranged.",,10,7,attribute,shape,"attribute - shape (central red robot, angular)",Does the red robot have an angular form? +partiprompts284,"Three robots of varying hues are positioned in a row, each with a distinct and sleek design. The white robot on the left boasts a glossy finish and rounded edges, while the central red robot has a more angular form with matte surfaces. To the right, the black robot stands with a metallic sheen, its articulated joints suggesting advanced mobility. They are all placed on a smooth, gray concrete floor, and behind them is a plain wall with a few cables hanging neatly arranged.",,11,8,attribute,shape,"attribute - shape (black robot, articulated)",Does the black robot have articulated joints? +partiprompts284,"Three robots of varying hues are positioned in a row, each with a distinct and sleek design. The white robot on the left boasts a glossy finish and rounded edges, while the central red robot has a more angular form with matte surfaces. To the right, the black robot stands with a metallic sheen, its articulated joints suggesting advanced mobility. They are all placed on a smooth, gray concrete floor, and behind them is a plain wall with a few cables hanging neatly arranged.",,12,3,attribute,other,"attribute - other (white robot, sleek design)",Does the white robot have a sleek design? +partiprompts284,"Three robots of varying hues are positioned in a row, each with a distinct and sleek design. The white robot on the left boasts a glossy finish and rounded edges, while the central red robot has a more angular form with matte surfaces. To the right, the black robot stands with a metallic sheen, its articulated joints suggesting advanced mobility. They are all placed on a smooth, gray concrete floor, and behind them is a plain wall with a few cables hanging neatly arranged.",,13,4,attribute,other,"attribute - other (central red robot, distinct design)",Does the red robot have a distinct design? +partiprompts284,"Three robots of varying hues are positioned in a row, each with a distinct and sleek design. The white robot on the left boasts a glossy finish and rounded edges, while the central red robot has a more angular form with matte surfaces. To the right, the black robot stands with a metallic sheen, its articulated joints suggesting advanced mobility. They are all placed on a smooth, gray concrete floor, and behind them is a plain wall with a few cables hanging neatly arranged.",,14,5,attribute,other,"attribute - other (black robot, advanced mobility)",Does the black robot have advanced mobility? +partiprompts284,"Three robots of varying hues are positioned in a row, each with a distinct and sleek design. The white robot on the left boasts a glossy finish and rounded edges, while the central red robot has a more angular form with matte surfaces. To the right, the black robot stands with a metallic sheen, its articulated joints suggesting advanced mobility. They are all placed on a smooth, gray concrete floor, and behind them is a plain wall with a few cables hanging neatly arranged.",,15,1,relation,spatial,"relation - spatial (robots, row, in)",Are the robots in a row? +partiprompts284,"Three robots of varying hues are positioned in a row, each with a distinct and sleek design. The white robot on the left boasts a glossy finish and rounded edges, while the central red robot has a more angular form with matte surfaces. To the right, the black robot stands with a metallic sheen, its articulated joints suggesting advanced mobility. They are all placed on a smooth, gray concrete floor, and behind them is a plain wall with a few cables hanging neatly arranged.",,16,1,relation,spatial,"relation - spatial (robots, concrete floor, on)",Are the robots on a concrete floor? +partiprompts284,"Three robots of varying hues are positioned in a row, each with a distinct and sleek design. The white robot on the left boasts a glossy finish and rounded edges, while the central red robot has a more angular form with matte surfaces. To the right, the black robot stands with a metallic sheen, its articulated joints suggesting advanced mobility. They are all placed on a smooth, gray concrete floor, and behind them is a plain wall with a few cables hanging neatly arranged.",,17,1,relation,spatial,"relation - spatial (robots, wall, behind)",Are the robots in front of a wall? +partiprompts284,"Three robots of varying hues are positioned in a row, each with a distinct and sleek design. The white robot on the left boasts a glossy finish and rounded edges, while the central red robot has a more angular form with matte surfaces. To the right, the black robot stands with a metallic sheen, its articulated joints suggesting advanced mobility. They are all placed on a smooth, gray concrete floor, and behind them is a plain wall with a few cables hanging neatly arranged.",,18,1,relation,spatial,"relation - spatial (cables, wall, hanging)",Are there cables hanging on the wall? +partiprompts72,"On a flat surface, there are two small, white circles positioned to the left side of a large, red triangle. The triangle is centrally placed on a bright green rectangular mat. The circles appear to be made of a smooth material, while the triangle has a slightly textured surface, creating a contrast in both color and texture.",,1,0,global,,global - (flat surface),Is there a flat surface? +partiprompts72,"On a flat surface, there are two small, white circles positioned to the left side of a large, red triangle. The triangle is centrally placed on a bright green rectangular mat. The circles appear to be made of a smooth material, while the triangle has a slightly textured surface, creating a contrast in both color and texture.",,2,1,entity,whole,entity - whole (circles),Are there circles? +partiprompts72,"On a flat surface, there are two small, white circles positioned to the left side of a large, red triangle. The triangle is centrally placed on a bright green rectangular mat. The circles appear to be made of a smooth material, while the triangle has a slightly textured surface, creating a contrast in both color and texture.",,3,0,entity,whole,entity - whole (triangle),Is there a triangle? +partiprompts72,"On a flat surface, there are two small, white circles positioned to the left side of a large, red triangle. The triangle is centrally placed on a bright green rectangular mat. The circles appear to be made of a smooth material, while the triangle has a slightly textured surface, creating a contrast in both color and texture.",,4,0,entity,whole,entity - whole (mat),Is there a mat? +partiprompts72,"On a flat surface, there are two small, white circles positioned to the left side of a large, red triangle. The triangle is centrally placed on a bright green rectangular mat. The circles appear to be made of a smooth material, while the triangle has a slightly textured surface, creating a contrast in both color and texture.",,5,2,attribute,size,"attribute - size (circles, small)",Are the circles small? +partiprompts72,"On a flat surface, there are two small, white circles positioned to the left side of a large, red triangle. The triangle is centrally placed on a bright green rectangular mat. The circles appear to be made of a smooth material, while the triangle has a slightly textured surface, creating a contrast in both color and texture.",,6,2,attribute,color,"attribute - color (circles, white)",Are the circles white? +partiprompts72,"On a flat surface, there are two small, white circles positioned to the left side of a large, red triangle. The triangle is centrally placed on a bright green rectangular mat. The circles appear to be made of a smooth material, while the triangle has a slightly textured surface, creating a contrast in both color and texture.",,7,3,attribute,size,"attribute - size (triangle, large)",Is the triangle large? +partiprompts72,"On a flat surface, there are two small, white circles positioned to the left side of a large, red triangle. The triangle is centrally placed on a bright green rectangular mat. The circles appear to be made of a smooth material, while the triangle has a slightly textured surface, creating a contrast in both color and texture.",,8,3,attribute,color,"attribute - color (triangle, red)",Is the triangle red? +partiprompts72,"On a flat surface, there are two small, white circles positioned to the left side of a large, red triangle. The triangle is centrally placed on a bright green rectangular mat. The circles appear to be made of a smooth material, while the triangle has a slightly textured surface, creating a contrast in both color and texture.",,9,4,attribute,color,"attribute - color (mat, bright green)",Is the mat bright green? +partiprompts72,"On a flat surface, there are two small, white circles positioned to the left side of a large, red triangle. The triangle is centrally placed on a bright green rectangular mat. The circles appear to be made of a smooth material, while the triangle has a slightly textured surface, creating a contrast in both color and texture.",,10,2,attribute,texture,"attribute - texture (circles, smooth)",Are the circles made of a smooth material? +partiprompts72,"On a flat surface, there are two small, white circles positioned to the left side of a large, red triangle. The triangle is centrally placed on a bright green rectangular mat. The circles appear to be made of a smooth material, while the triangle has a slightly textured surface, creating a contrast in both color and texture.",,11,3,attribute,texture,"attribute - texture (triangle, slightly textured)",Is the triangle slightly textured? +partiprompts72,"On a flat surface, there are two small, white circles positioned to the left side of a large, red triangle. The triangle is centrally placed on a bright green rectangular mat. The circles appear to be made of a smooth material, while the triangle has a slightly textured surface, creating a contrast in both color and texture.",,12,"2,3",relation,spatial,"relation - spatial (circles, left side of triangle)",Are the circles positioned to the left side of the triangle? +partiprompts72,"On a flat surface, there are two small, white circles positioned to the left side of a large, red triangle. The triangle is centrally placed on a bright green rectangular mat. The circles appear to be made of a smooth material, while the triangle has a slightly textured surface, creating a contrast in both color and texture.",,13,"3,4",relation,spatial,"relation - spatial (triangle, centrally placed on mat)",Is the triangle centrally placed on the mat? +partiprompts195,"a view through a window pane speckled with raindrops, showcasing a cityscape of tall buildings with reflective glass facades. the gray overcast sky looms above the urban skyline, and the raindrops create a blurred effect on the structures in the distance. the window's frame is a stark white, contrasting with the muted colors of the city beyond.",,1,0,entity,whole,entity - whole (window pane),Is there a window pane? +partiprompts195,"a view through a window pane speckled with raindrops, showcasing a cityscape of tall buildings with reflective glass facades. the gray overcast sky looms above the urban skyline, and the raindrops create a blurred effect on the structures in the distance. the window's frame is a stark white, contrasting with the muted colors of the city beyond.",,2,0,entity,whole,entity - whole (cityscape),Is there a cityscape? +partiprompts195,"a view through a window pane speckled with raindrops, showcasing a cityscape of tall buildings with reflective glass facades. the gray overcast sky looms above the urban skyline, and the raindrops create a blurred effect on the structures in the distance. the window's frame is a stark white, contrasting with the muted colors of the city beyond.",,3,0,entity,whole,entity - whole (buildings),Are there buildings? +partiprompts195,"a view through a window pane speckled with raindrops, showcasing a cityscape of tall buildings with reflective glass facades. the gray overcast sky looms above the urban skyline, and the raindrops create a blurred effect on the structures in the distance. the window's frame is a stark white, contrasting with the muted colors of the city beyond.",,4,1,attribute,texture,"attribute - texture (window pane, speckled with raindrops)",Is the window pane speckled with raindrops? +partiprompts195,"a view through a window pane speckled with raindrops, showcasing a cityscape of tall buildings with reflective glass facades. the gray overcast sky looms above the urban skyline, and the raindrops create a blurred effect on the structures in the distance. the window's frame is a stark white, contrasting with the muted colors of the city beyond.",,5,3,attribute,texture,"attribute - texture (buildings, reflective glass facades)",Do the buildings have reflective glass facades? +partiprompts195,"a view through a window pane speckled with raindrops, showcasing a cityscape of tall buildings with reflective glass facades. the gray overcast sky looms above the urban skyline, and the raindrops create a blurred effect on the structures in the distance. the window's frame is a stark white, contrasting with the muted colors of the city beyond.",,6,2,attribute,color,"attribute - color (sky, gray)",Is the sky gray? +partiprompts195,"a view through a window pane speckled with raindrops, showcasing a cityscape of tall buildings with reflective glass facades. the gray overcast sky looms above the urban skyline, and the raindrops create a blurred effect on the structures in the distance. the window's frame is a stark white, contrasting with the muted colors of the city beyond.",,7,1,attribute,color,"attribute - color (window's frame, stark white)",Is the window's frame stark white? +partiprompts195,"a view through a window pane speckled with raindrops, showcasing a cityscape of tall buildings with reflective glass facades. the gray overcast sky looms above the urban skyline, and the raindrops create a blurred effect on the structures in the distance. the window's frame is a stark white, contrasting with the muted colors of the city beyond.",,8,"1,2",relation,spatial,"relation - spatial (window pane, cityscape, through)",Is the view through the window pane? +partiprompts195,"a view through a window pane speckled with raindrops, showcasing a cityscape of tall buildings with reflective glass facades. the gray overcast sky looms above the urban skyline, and the raindrops create a blurred effect on the structures in the distance. the window's frame is a stark white, contrasting with the muted colors of the city beyond.",,9,"4,1",relation,spatial,"relation - spatial (raindrops, window pane, on)",Are raindrops on the window pane? +partiprompts195,"a view through a window pane speckled with raindrops, showcasing a cityscape of tall buildings with reflective glass facades. the gray overcast sky looms above the urban skyline, and the raindrops create a blurred effect on the structures in the distance. the window's frame is a stark white, contrasting with the muted colors of the city beyond.",,10,"3,2",relation,spatial,"relation - spatial (buildings, cityscape, in)",Are the buildings in the cityscape? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,1,0,entity,whole,entity - whole (wall),Is there a grand wall? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,2,0,entity,whole,entity - whole (castle),Is there a royal castle? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,3,"1,2",entity,whole,entity - whole (frames),Are there frames? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,4,"1,3",entity,whole,entity - whole (painting),Are there paintings? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,5,4,entity,whole,entity - whole (raccoon king),Is there a painting of a raccoon king? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,6,4,entity,whole,entity - whole (oil colors),Are there oil colors? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,7,5,entity,whole,entity - whole (fur),Is there fur? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,8,6,entity,whole,entity - whole (crown),Is there a crown? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,9,4,entity,whole,entity - whole (painting),Is there a painting? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,10,9,entity,whole,entity - whole (royal raccoon queen),Is there a royal raccoon queen? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,11,10,entity,whole,entity - whole (gaze),Is there a gaze? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,12,11,entity,whole,entity - whole (attire),Is there attire? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,13,13,entity,whole,entity - whole (dog),Is there a dog? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,14,13,entity,whole,entity - whole (expression),Is there an expression? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,15,14,entity,whole,entity - whole (sign),Is there a sign? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,16,1,attribute,size,"attribute - size (wall, grand)",Is the wall grand? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,17,3,attribute,other,"attribute - other (frames, large, ornate)",Are the frames large and ornate? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,18,4,attribute,other,"attribute - other (painting, vibrant)",Are the paintings vibrant? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,19,7,attribute,texture,"attribute - texture (fur, meticulous)",Is the fur meticulously detailed? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,20,8,attribute,texture,"attribute - texture (crown, ornate)",Is the crown ornate? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,21,12,attribute,texture,"attribute - texture (attire, resplendent)",Is the attire resplendent? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,22,13,attribute,size,"attribute - size (dog, small)",Is the dog small? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,23,13,attribute,other,"attribute - other (dog, fluffy)",Is the dog fluffy? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,24,13,attribute,other,"attribute - other (dog, curious)",Is the dog curious? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,25,15,attribute,other,"attribute - other (sign, handwritten)",Is the sign handwritten? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,26,"3,1",relation,spatial,"relation - spatial (frames, wall, within)",Is the frames within the wall? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,27,"4,3",relation,spatial,"relation - spatial (painting, frames, adorned with)",Are the paintings adorned with the frames? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,28,"5,4",relation,spatial,"relation - spatial (raccoon king, painting, on the left)",Is the painting of the raccoon king on the left? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,29,"6,5",relation,spatial,"relation - spatial (oil colors, raccoon king, depicted in)",Are the oil colors depicted in the raccoon king? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,30,"7,5",relation,spatial,"relation - spatial (fur, raccoon king, meticulous attention to)",Is meticulous attention given to the fur of the raccoon king? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,31,"8,5",relation,spatial,"relation - spatial (crown, raccoon king, meticulous attention to)",Is meticulous attention given to the crown of the raccoon king? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,32,"9,3",relation,spatial,"relation - spatial (painting, frames, adorned with)",Is the painting of the royal raccoon queen adorned with the frames? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,33,"10,4",relation,spatial,"relation - spatial (royal raccoon queen, painting, on the right)",Is the painting of the royal raccoon queen on the right? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,34,"11,9",relation,spatial,"relation - spatial (gaze, royal raccoon queen, dignified)",Is the gaze of the royal raccoon queen dignified? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,35,"12,10",relation,spatial,"relation - spatial (attire, royal raccoon queen, resplendent)",Is the attire of the royal raccoon queen resplendent? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,36,"13,4",relation,spatial,"relation - spatial (dog, foot of artworks, at)",Is the dog at the foot of the artworks? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,37,"15,13",relation,spatial,"relation - spatial (sign, dog, clutching in mouth)",Is the dog clutching the sign in its mouth? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,38,"15,4",relation,spatial,"relation - spatial (sign, artworks, at)",Is the sign at the artworks? +partiprompts236,"A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, ""plz conserve,"" adding a touch of whimsy to the stately scene.",,39,"13,1",relation,spatial,"relation - spatial (dog, scene, add touch of whimsy)",Does the dog add a touch of whimsy to the scene? +partiprompts33,"An imaginative scene unfolds with a castle intricately constructed from golden tortilla chips, its towers and walls standing tall amidst a flowing river of vibrant red salsa. Surrounding the edible fortress, tiny burritos, wrapped in soft tortillas with visible fillings, appear to be animated and meandering along the banks of the salsa river. The entire whimsical landscape is set upon a large plate, suggesting a playful, culinary creation.",,1,0,entity,whole,entity - whole (scene),Is there a scene? +partiprompts33,"An imaginative scene unfolds with a castle intricately constructed from golden tortilla chips, its towers and walls standing tall amidst a flowing river of vibrant red salsa. Surrounding the edible fortress, tiny burritos, wrapped in soft tortillas with visible fillings, appear to be animated and meandering along the banks of the salsa river. The entire whimsical landscape is set upon a large plate, suggesting a playful, culinary creation.",,2,3,entity,whole,entity - whole (castle),Is there a castle? +partiprompts33,"An imaginative scene unfolds with a castle intricately constructed from golden tortilla chips, its towers and walls standing tall amidst a flowing river of vibrant red salsa. Surrounding the edible fortress, tiny burritos, wrapped in soft tortillas with visible fillings, appear to be animated and meandering along the banks of the salsa river. The entire whimsical landscape is set upon a large plate, suggesting a playful, culinary creation.",,3,2,entity,whole,entity - whole (tortilla chips),Are there tortilla chips? +partiprompts33,"An imaginative scene unfolds with a castle intricately constructed from golden tortilla chips, its towers and walls standing tall amidst a flowing river of vibrant red salsa. Surrounding the edible fortress, tiny burritos, wrapped in soft tortillas with visible fillings, appear to be animated and meandering along the banks of the salsa river. The entire whimsical landscape is set upon a large plate, suggesting a playful, culinary creation.",,4,2,entity,whole,entity - whole (towers),Are there towers? +partiprompts33,"An imaginative scene unfolds with a castle intricately constructed from golden tortilla chips, its towers and walls standing tall amidst a flowing river of vibrant red salsa. Surrounding the edible fortress, tiny burritos, wrapped in soft tortillas with visible fillings, appear to be animated and meandering along the banks of the salsa river. The entire whimsical landscape is set upon a large plate, suggesting a playful, culinary creation.",,5,2,entity,whole,entity - whole (walls),Are there walls? +partiprompts33,"An imaginative scene unfolds with a castle intricately constructed from golden tortilla chips, its towers and walls standing tall amidst a flowing river of vibrant red salsa. Surrounding the edible fortress, tiny burritos, wrapped in soft tortillas with visible fillings, appear to be animated and meandering along the banks of the salsa river. The entire whimsical landscape is set upon a large plate, suggesting a playful, culinary creation.",,6,0,entity,whole,entity - whole (river),Is there a river? +partiprompts33,"An imaginative scene unfolds with a castle intricately constructed from golden tortilla chips, its towers and walls standing tall amidst a flowing river of vibrant red salsa. Surrounding the edible fortress, tiny burritos, wrapped in soft tortillas with visible fillings, appear to be animated and meandering along the banks of the salsa river. The entire whimsical landscape is set upon a large plate, suggesting a playful, culinary creation.",,7,3,attribute,color,"attribute - color (tortilla chips, golden)",Are the tortilla chips golden? +partiprompts33,"An imaginative scene unfolds with a castle intricately constructed from golden tortilla chips, its towers and walls standing tall amidst a flowing river of vibrant red salsa. Surrounding the edible fortress, tiny burritos, wrapped in soft tortillas with visible fillings, appear to be animated and meandering along the banks of the salsa river. The entire whimsical landscape is set upon a large plate, suggesting a playful, culinary creation.",,8,6,attribute,texture,"attribute - texture (salsa, vibrant red)",Is the salsa vibrant red? +partiprompts33,"An imaginative scene unfolds with a castle intricately constructed from golden tortilla chips, its towers and walls standing tall amidst a flowing river of vibrant red salsa. Surrounding the edible fortress, tiny burritos, wrapped in soft tortillas with visible fillings, appear to be animated and meandering along the banks of the salsa river. The entire whimsical landscape is set upon a large plate, suggesting a playful, culinary creation.",,9,0,entity,whole,entity - whole (burritos),Are there burritos? +partiprompts33,"An imaginative scene unfolds with a castle intricately constructed from golden tortilla chips, its towers and walls standing tall amidst a flowing river of vibrant red salsa. Surrounding the edible fortress, tiny burritos, wrapped in soft tortillas with visible fillings, appear to be animated and meandering along the banks of the salsa river. The entire whimsical landscape is set upon a large plate, suggesting a playful, culinary creation.",,10,0,entity,whole,entity - whole (tortillas),Are there tortillas? +partiprompts33,"An imaginative scene unfolds with a castle intricately constructed from golden tortilla chips, its towers and walls standing tall amidst a flowing river of vibrant red salsa. Surrounding the edible fortress, tiny burritos, wrapped in soft tortillas with visible fillings, appear to be animated and meandering along the banks of the salsa river. The entire whimsical landscape is set upon a large plate, suggesting a playful, culinary creation.",,11,0,entity,whole,entity - whole (fillings),Are there fillings? +partiprompts33,"An imaginative scene unfolds with a castle intricately constructed from golden tortilla chips, its towers and walls standing tall amidst a flowing river of vibrant red salsa. Surrounding the edible fortress, tiny burritos, wrapped in soft tortillas with visible fillings, appear to be animated and meandering along the banks of the salsa river. The entire whimsical landscape is set upon a large plate, suggesting a playful, culinary creation.",,12,10,attribute,texture,"attribute - texture (tortillas, soft)",Are the tortillas soft? +partiprompts33,"An imaginative scene unfolds with a castle intricately constructed from golden tortilla chips, its towers and walls standing tall amidst a flowing river of vibrant red salsa. Surrounding the edible fortress, tiny burritos, wrapped in soft tortillas with visible fillings, appear to be animated and meandering along the banks of the salsa river. The entire whimsical landscape is set upon a large plate, suggesting a playful, culinary creation.",,13,9,entity,state,"entity - state (burritos, animated)",Are the burritos animated? +partiprompts33,"An imaginative scene unfolds with a castle intricately constructed from golden tortilla chips, its towers and walls standing tall amidst a flowing river of vibrant red salsa. Surrounding the edible fortress, tiny burritos, wrapped in soft tortillas with visible fillings, appear to be animated and meandering along the banks of the salsa river. The entire whimsical landscape is set upon a large plate, suggesting a playful, culinary creation.",,14,"2,6",relation,spatial,"relation - spatial (castle, river, amidst)",Is the castle amidst the river? +partiprompts33,"An imaginative scene unfolds with a castle intricately constructed from golden tortilla chips, its towers and walls standing tall amidst a flowing river of vibrant red salsa. Surrounding the edible fortress, tiny burritos, wrapped in soft tortillas with visible fillings, appear to be animated and meandering along the banks of the salsa river. The entire whimsical landscape is set upon a large plate, suggesting a playful, culinary creation.",,15,"9,6",relation,spatial,"relation - spatial (burritos, river, along)",Are the burritos meandering along the river? +partiprompts33,"An imaginative scene unfolds with a castle intricately constructed from golden tortilla chips, its towers and walls standing tall amidst a flowing river of vibrant red salsa. Surrounding the edible fortress, tiny burritos, wrapped in soft tortillas with visible fillings, appear to be animated and meandering along the banks of the salsa river. The entire whimsical landscape is set upon a large plate, suggesting a playful, culinary creation.",,16,"1,6",relation,spatial,"relation - spatial (scene, plate, on)",Is the scene on a plate? +partiprompts241,"A living room scene featuring an overturned glass of red wine on a beige fabric couch. The spilled wine has created an accidental pattern on the couch's surface, whimsically resembling the word ""OOPS"". The couch is positioned next to a small wooden side table, upon which rests an open book and a remote control, untouched by the spill.",,1,0,entity,whole,entity - whole (living room),Is there a living room? +partiprompts241,"A living room scene featuring an overturned glass of red wine on a beige fabric couch. The spilled wine has created an accidental pattern on the couch's surface, whimsically resembling the word ""OOPS"". The couch is positioned next to a small wooden side table, upon which rests an open book and a remote control, untouched by the spill.",,2,0,entity,whole,entity - whole (glass),Is there a glass? +partiprompts241,"A living room scene featuring an overturned glass of red wine on a beige fabric couch. The spilled wine has created an accidental pattern on the couch's surface, whimsically resembling the word ""OOPS"". The couch is positioned next to a small wooden side table, upon which rests an open book and a remote control, untouched by the spill.",,3,0,entity,whole,entity - whole (wine),Is there wine? +partiprompts241,"A living room scene featuring an overturned glass of red wine on a beige fabric couch. The spilled wine has created an accidental pattern on the couch's surface, whimsically resembling the word ""OOPS"". The couch is positioned next to a small wooden side table, upon which rests an open book and a remote control, untouched by the spill.",,4,0,entity,whole,entity - whole (couch),Is there a couch? +partiprompts241,"A living room scene featuring an overturned glass of red wine on a beige fabric couch. The spilled wine has created an accidental pattern on the couch's surface, whimsically resembling the word ""OOPS"". The couch is positioned next to a small wooden side table, upon which rests an open book and a remote control, untouched by the spill.",,5,3,entity,whole,entity - whole (pattern),Is there a pattern? +partiprompts241,"A living room scene featuring an overturned glass of red wine on a beige fabric couch. The spilled wine has created an accidental pattern on the couch's surface, whimsically resembling the word ""OOPS"". The couch is positioned next to a small wooden side table, upon which rests an open book and a remote control, untouched by the spill.",,6,0,entity,whole,entity - whole (side table),Is there a side table? +partiprompts241,"A living room scene featuring an overturned glass of red wine on a beige fabric couch. The spilled wine has created an accidental pattern on the couch's surface, whimsically resembling the word ""OOPS"". The couch is positioned next to a small wooden side table, upon which rests an open book and a remote control, untouched by the spill.",,7,0,entity,whole,entity - whole (book),Is there a book? +partiprompts241,"A living room scene featuring an overturned glass of red wine on a beige fabric couch. The spilled wine has created an accidental pattern on the couch's surface, whimsically resembling the word ""OOPS"". The couch is positioned next to a small wooden side table, upon which rests an open book and a remote control, untouched by the spill.",,8,0,entity,whole,entity - whole (remote control),Is there a remote control? +partiprompts241,"A living room scene featuring an overturned glass of red wine on a beige fabric couch. The spilled wine has created an accidental pattern on the couch's surface, whimsically resembling the word ""OOPS"". The couch is positioned next to a small wooden side table, upon which rests an open book and a remote control, untouched by the spill.",,9,3,attribute,color,"attribute - color (wine, red)",Is the wine red? +partiprompts241,"A living room scene featuring an overturned glass of red wine on a beige fabric couch. The spilled wine has created an accidental pattern on the couch's surface, whimsically resembling the word ""OOPS"". The couch is positioned next to a small wooden side table, upon which rests an open book and a remote control, untouched by the spill.",,10,4,attribute,texture,"attribute - texture (couch, fabric)",Is the couch made of fabric? +partiprompts241,"A living room scene featuring an overturned glass of red wine on a beige fabric couch. The spilled wine has created an accidental pattern on the couch's surface, whimsically resembling the word ""OOPS"". The couch is positioned next to a small wooden side table, upon which rests an open book and a remote control, untouched by the spill.",,11,6,attribute,texture,"attribute - texture (table, wooden)",Is the table wooden? +partiprompts241,"A living room scene featuring an overturned glass of red wine on a beige fabric couch. The spilled wine has created an accidental pattern on the couch's surface, whimsically resembling the word ""OOPS"". The couch is positioned next to a small wooden side table, upon which rests an open book and a remote control, untouched by the spill.",,12,2,entity,state,"entity - state (glass, overturn)",Is the glass overturned? +partiprompts241,"A living room scene featuring an overturned glass of red wine on a beige fabric couch. The spilled wine has created an accidental pattern on the couch's surface, whimsically resembling the word ""OOPS"". The couch is positioned next to a small wooden side table, upon which rests an open book and a remote control, untouched by the spill.",,13,3,entity,state,"entity - state (wine, spill)",Is the wine spilled? +partiprompts241,"A living room scene featuring an overturned glass of red wine on a beige fabric couch. The spilled wine has created an accidental pattern on the couch's surface, whimsically resembling the word ""OOPS"". The couch is positioned next to a small wooden side table, upon which rests an open book and a remote control, untouched by the spill.",,14,5,entity,state,"entity - state (pattern, accidental)",Is the pattern accidental? +partiprompts241,"A living room scene featuring an overturned glass of red wine on a beige fabric couch. The spilled wine has created an accidental pattern on the couch's surface, whimsically resembling the word ""OOPS"". The couch is positioned next to a small wooden side table, upon which rests an open book and a remote control, untouched by the spill.",,15,5,attribute,other,"attribute - other (pattern, whimsical)",Is the pattern whimsical? +partiprompts241,"A living room scene featuring an overturned glass of red wine on a beige fabric couch. The spilled wine has created an accidental pattern on the couch's surface, whimsically resembling the word ""OOPS"". The couch is positioned next to a small wooden side table, upon which rests an open book and a remote control, untouched by the spill.",,16,"2,4",relation,spatial,"relation - spatial (glass, couch, on)",Is the glass on the couch? +partiprompts241,"A living room scene featuring an overturned glass of red wine on a beige fabric couch. The spilled wine has created an accidental pattern on the couch's surface, whimsically resembling the word ""OOPS"". The couch is positioned next to a small wooden side table, upon which rests an open book and a remote control, untouched by the spill.",,17,"3,4",relation,spatial,"relation - spatial (wine, couch, on)",Is the wine on the couch? +partiprompts241,"A living room scene featuring an overturned glass of red wine on a beige fabric couch. The spilled wine has created an accidental pattern on the couch's surface, whimsically resembling the word ""OOPS"". The couch is positioned next to a small wooden side table, upon which rests an open book and a remote control, untouched by the spill.",,18,"3,5",relation,spatial,"relation - spatial (wine, pattern, create)",Did the wine create a pattern on the couch? +partiprompts241,"A living room scene featuring an overturned glass of red wine on a beige fabric couch. The spilled wine has created an accidental pattern on the couch's surface, whimsically resembling the word ""OOPS"". The couch is positioned next to a small wooden side table, upon which rests an open book and a remote control, untouched by the spill.",,19,"4,6",relation,spatial,"relation - spatial (couch, table, next to)",Is the couch next to the table? +partiprompts241,"A living room scene featuring an overturned glass of red wine on a beige fabric couch. The spilled wine has created an accidental pattern on the couch's surface, whimsically resembling the word ""OOPS"". The couch is positioned next to a small wooden side table, upon which rests an open book and a remote control, untouched by the spill.",,20,"6,7",relation,spatial,"relation - spatial (table, book, on)",Is the book on the table? +partiprompts241,"A living room scene featuring an overturned glass of red wine on a beige fabric couch. The spilled wine has created an accidental pattern on the couch's surface, whimsically resembling the word ""OOPS"". The couch is positioned next to a small wooden side table, upon which rests an open book and a remote control, untouched by the spill.",,21,"6,8",relation,spatial,"relation - spatial (table, remote control, on)",Is the remote control on the table? +partiprompts241,"A living room scene featuring an overturned glass of red wine on a beige fabric couch. The spilled wine has created an accidental pattern on the couch's surface, whimsically resembling the word ""OOPS"". The couch is positioned next to a small wooden side table, upon which rests an open book and a remote control, untouched by the spill.",,22,"13,7",relation,spatial,"relation - spatial (spill, book, untouched)",Is the book untouched by the spill? +partiprompts241,"A living room scene featuring an overturned glass of red wine on a beige fabric couch. The spilled wine has created an accidental pattern on the couch's surface, whimsically resembling the word ""OOPS"". The couch is positioned next to a small wooden side table, upon which rests an open book and a remote control, untouched by the spill.",,23,"13,8",relation,spatial,"relation - spatial (spill, remote control, untouched)",Is the remote control untouched by the spill? +partiprompts235,"a powerful steam locomotive with a black and red exterior, billowing white steam as it speeds along the tracks through a vast, sandy desert landscape. The locomotive's wheels kick up small clouds of sand, and the clear blue sky stretches endlessly above. No other vehicles or structures are in sight, just the occasional cactus dotting the horizon.",,1,0,entity,whole,entity - whole (steam locomotive),Is there a steam locomotive? +partiprompts235,"a powerful steam locomotive with a black and red exterior, billowing white steam as it speeds along the tracks through a vast, sandy desert landscape. The locomotive's wheels kick up small clouds of sand, and the clear blue sky stretches endlessly above. No other vehicles or structures are in sight, just the occasional cactus dotting the horizon.",,2,1,attribute,color,"attribute - color (steam locomotive, black)",Is the steam locomotive black? +partiprompts235,"a powerful steam locomotive with a black and red exterior, billowing white steam as it speeds along the tracks through a vast, sandy desert landscape. The locomotive's wheels kick up small clouds of sand, and the clear blue sky stretches endlessly above. No other vehicles or structures are in sight, just the occasional cactus dotting the horizon.",,3,1,attribute,color,"attribute - color (steam locomotive, red)",Is the steam locomotive red? +partiprompts235,"a powerful steam locomotive with a black and red exterior, billowing white steam as it speeds along the tracks through a vast, sandy desert landscape. The locomotive's wheels kick up small clouds of sand, and the clear blue sky stretches endlessly above. No other vehicles or structures are in sight, just the occasional cactus dotting the horizon.",,4,1,attribute,texture,"attribute - texture (steam locomotive, powerful)",Is the steam locomotive powerful? +partiprompts235,"a powerful steam locomotive with a black and red exterior, billowing white steam as it speeds along the tracks through a vast, sandy desert landscape. The locomotive's wheels kick up small clouds of sand, and the clear blue sky stretches endlessly above. No other vehicles or structures are in sight, just the occasional cactus dotting the horizon.",,5,1,attribute,texture,"attribute - texture (steam locomotive, billowing white steam)",Is the steam locomotive billowing white steam? +partiprompts235,"a powerful steam locomotive with a black and red exterior, billowing white steam as it speeds along the tracks through a vast, sandy desert landscape. The locomotive's wheels kick up small clouds of sand, and the clear blue sky stretches endlessly above. No other vehicles or structures are in sight, just the occasional cactus dotting the horizon.",,6,1,attribute,size,"attribute - size (locomotive's wheels, small)",Are the locomotive's wheels small? +partiprompts235,"a powerful steam locomotive with a black and red exterior, billowing white steam as it speeds along the tracks through a vast, sandy desert landscape. The locomotive's wheels kick up small clouds of sand, and the clear blue sky stretches endlessly above. No other vehicles or structures are in sight, just the occasional cactus dotting the horizon.",,7,1,attribute,texture,"attribute - texture (desert landscape, sandy)",Is the desert landscape sandy? +partiprompts235,"a powerful steam locomotive with a black and red exterior, billowing white steam as it speeds along the tracks through a vast, sandy desert landscape. The locomotive's wheels kick up small clouds of sand, and the clear blue sky stretches endlessly above. No other vehicles or structures are in sight, just the occasional cactus dotting the horizon.",,8,1,attribute,texture,"attribute - texture (sky, clear blue)",Is the sky clear blue? +partiprompts235,"a powerful steam locomotive with a black and red exterior, billowing white steam as it speeds along the tracks through a vast, sandy desert landscape. The locomotive's wheels kick up small clouds of sand, and the clear blue sky stretches endlessly above. No other vehicles or structures are in sight, just the occasional cactus dotting the horizon.",,9,1,entity,state,"entity - state (locomotive, speed along)",Is the locomotive speeding along? +partiprompts235,"a powerful steam locomotive with a black and red exterior, billowing white steam as it speeds along the tracks through a vast, sandy desert landscape. The locomotive's wheels kick up small clouds of sand, and the clear blue sky stretches endlessly above. No other vehicles or structures are in sight, just the occasional cactus dotting the horizon.",,10,1,relation,spatial,"relation - spatial (locomotive, tracks, along)",Is the locomotive moving along the tracks? +partiprompts235,"a powerful steam locomotive with a black and red exterior, billowing white steam as it speeds along the tracks through a vast, sandy desert landscape. The locomotive's wheels kick up small clouds of sand, and the clear blue sky stretches endlessly above. No other vehicles or structures are in sight, just the occasional cactus dotting the horizon.",,11,1,relation,spatial,"relation - spatial (locomotive, desert landscape, through)",Is the locomotive moving through the desert landscape? +partiprompts235,"a powerful steam locomotive with a black and red exterior, billowing white steam as it speeds along the tracks through a vast, sandy desert landscape. The locomotive's wheels kick up small clouds of sand, and the clear blue sky stretches endlessly above. No other vehicles or structures are in sight, just the occasional cactus dotting the horizon.",,12,1,relation,spatial,"relation - spatial (locomotive's wheels, sand, kick up)",Are the locomotive's wheels kicking up sand? +partiprompts235,"a powerful steam locomotive with a black and red exterior, billowing white steam as it speeds along the tracks through a vast, sandy desert landscape. The locomotive's wheels kick up small clouds of sand, and the clear blue sky stretches endlessly above. No other vehicles or structures are in sight, just the occasional cactus dotting the horizon.",,13,1,relation,spatial,"relation - spatial (sky, above)",Is the sky above? +partiprompts235,"a powerful steam locomotive with a black and red exterior, billowing white steam as it speeds along the tracks through a vast, sandy desert landscape. The locomotive's wheels kick up small clouds of sand, and the clear blue sky stretches endlessly above. No other vehicles or structures are in sight, just the occasional cactus dotting the horizon.",,14,1,relation,spatial,"relation - spatial (cactus, horizon, dotting)",Are cacti dotting the horizon? +partiprompts127,"A slow-moving sloth, with shaggy brown fur and a relaxed expression, is seated in a bright red go-kart on a winding race track. In its three-toed claw, it clutches a ripe yellow banana, seemingly undisturbed by the race. Just a few meters behind the kart, a single banana peel lies on the asphalt track, a potential hazard for the other racers.",,1,0,entity,whole,entity - whole (sloth),Is there a sloth? +partiprompts127,"A slow-moving sloth, with shaggy brown fur and a relaxed expression, is seated in a bright red go-kart on a winding race track. In its three-toed claw, it clutches a ripe yellow banana, seemingly undisturbed by the race. Just a few meters behind the kart, a single banana peel lies on the asphalt track, a potential hazard for the other racers.",,2,1,attribute,other,"attribute - other (sloth, slow-moving)",Is the sloth slow-moving? +partiprompts127,"A slow-moving sloth, with shaggy brown fur and a relaxed expression, is seated in a bright red go-kart on a winding race track. In its three-toed claw, it clutches a ripe yellow banana, seemingly undisturbed by the race. Just a few meters behind the kart, a single banana peel lies on the asphalt track, a potential hazard for the other racers.",,3,1,attribute,color,"attribute - color (sloth's fur, brown)",Is the sloth's fur brown? +partiprompts127,"A slow-moving sloth, with shaggy brown fur and a relaxed expression, is seated in a bright red go-kart on a winding race track. In its three-toed claw, it clutches a ripe yellow banana, seemingly undisturbed by the race. Just a few meters behind the kart, a single banana peel lies on the asphalt track, a potential hazard for the other racers.",,4,1,attribute,other,"attribute - other (sloth, relaxed expression)",Does the sloth have a relaxed expression? +partiprompts127,"A slow-moving sloth, with shaggy brown fur and a relaxed expression, is seated in a bright red go-kart on a winding race track. In its three-toed claw, it clutches a ripe yellow banana, seemingly undisturbed by the race. Just a few meters behind the kart, a single banana peel lies on the asphalt track, a potential hazard for the other racers.",,5,0,entity,whole,entity - whole (go-kart),Is there a go-kart? +partiprompts127,"A slow-moving sloth, with shaggy brown fur and a relaxed expression, is seated in a bright red go-kart on a winding race track. In its three-toed claw, it clutches a ripe yellow banana, seemingly undisturbed by the race. Just a few meters behind the kart, a single banana peel lies on the asphalt track, a potential hazard for the other racers.",,6,5,attribute,color,"attribute - color (go-kart, bright red)",Is the go-kart bright red? +partiprompts127,"A slow-moving sloth, with shaggy brown fur and a relaxed expression, is seated in a bright red go-kart on a winding race track. In its three-toed claw, it clutches a ripe yellow banana, seemingly undisturbed by the race. Just a few meters behind the kart, a single banana peel lies on the asphalt track, a potential hazard for the other racers.",,7,5,attribute,other,"attribute - other (go-kart, winding)",Is the go-kart on a winding race track? +partiprompts127,"A slow-moving sloth, with shaggy brown fur and a relaxed expression, is seated in a bright red go-kart on a winding race track. In its three-toed claw, it clutches a ripe yellow banana, seemingly undisturbed by the race. Just a few meters behind the kart, a single banana peel lies on the asphalt track, a potential hazard for the other racers.",,8,0,entity,whole,entity - whole (race track),Is there a race track? +partiprompts127,"A slow-moving sloth, with shaggy brown fur and a relaxed expression, is seated in a bright red go-kart on a winding race track. In its three-toed claw, it clutches a ripe yellow banana, seemingly undisturbed by the race. Just a few meters behind the kart, a single banana peel lies on the asphalt track, a potential hazard for the other racers.",,9,0,entity,whole,entity - whole (banana),Is there a banana? +partiprompts127,"A slow-moving sloth, with shaggy brown fur and a relaxed expression, is seated in a bright red go-kart on a winding race track. In its three-toed claw, it clutches a ripe yellow banana, seemingly undisturbed by the race. Just a few meters behind the kart, a single banana peel lies on the asphalt track, a potential hazard for the other racers.",,10,9,attribute,color,"attribute - color (banana, ripe yellow)",Is the banana ripe yellow? +partiprompts127,"A slow-moving sloth, with shaggy brown fur and a relaxed expression, is seated in a bright red go-kart on a winding race track. In its three-toed claw, it clutches a ripe yellow banana, seemingly undisturbed by the race. Just a few meters behind the kart, a single banana peel lies on the asphalt track, a potential hazard for the other racers.",,11,1,entity,part,entity - part (sloth's claw),Does the sloth have a claw? +partiprompts127,"A slow-moving sloth, with shaggy brown fur and a relaxed expression, is seated in a bright red go-kart on a winding race track. In its three-toed claw, it clutches a ripe yellow banana, seemingly undisturbed by the race. Just a few meters behind the kart, a single banana peel lies on the asphalt track, a potential hazard for the other racers.",,12,"1,5",relation,spatial,"relation - spatial (sloth, go-kart, in)",Is the sloth in the go-kart? +partiprompts127,"A slow-moving sloth, with shaggy brown fur and a relaxed expression, is seated in a bright red go-kart on a winding race track. In its three-toed claw, it clutches a ripe yellow banana, seemingly undisturbed by the race. Just a few meters behind the kart, a single banana peel lies on the asphalt track, a potential hazard for the other racers.",,13,"1,9",relation,spatial,"relation - spatial (sloth, banana, clutch)",Is the sloth clutching the banana? +partiprompts127,"A slow-moving sloth, with shaggy brown fur and a relaxed expression, is seated in a bright red go-kart on a winding race track. In its three-toed claw, it clutches a ripe yellow banana, seemingly undisturbed by the race. Just a few meters behind the kart, a single banana peel lies on the asphalt track, a potential hazard for the other racers.",,14,9,relation,spatial,"relation - spatial (banana peel, race track, behind)",Is there a banana peel behind the race track? +partiprompts86,"A sizable blue box with a smooth, matte finish sits prominently in the center of the room. Atop its surface rest three small, vibrant yellow boxes, each with a glossy texture and sharp, clean edges. The blue box's substantial size dwarfs the trio of yellow boxes, creating a striking contrast in both color and scale.",,1,0,entity,whole,entity - whole (blue box),Is there a blue box? +partiprompts86,"A sizable blue box with a smooth, matte finish sits prominently in the center of the room. Atop its surface rest three small, vibrant yellow boxes, each with a glossy texture and sharp, clean edges. The blue box's substantial size dwarfs the trio of yellow boxes, creating a striking contrast in both color and scale.",,2,0,entity,whole,entity - whole (room),Is there a room? +partiprompts86,"A sizable blue box with a smooth, matte finish sits prominently in the center of the room. Atop its surface rest three small, vibrant yellow boxes, each with a glossy texture and sharp, clean edges. The blue box's substantial size dwarfs the trio of yellow boxes, creating a striking contrast in both color and scale.",,3,1,attribute,size,"attribute - size (blue box, sizable)",Is the blue box sizable? +partiprompts86,"A sizable blue box with a smooth, matte finish sits prominently in the center of the room. Atop its surface rest three small, vibrant yellow boxes, each with a glossy texture and sharp, clean edges. The blue box's substantial size dwarfs the trio of yellow boxes, creating a striking contrast in both color and scale.",,4,1,attribute,color,"attribute - color (blue box, blue)",Is the blue box blue? +partiprompts86,"A sizable blue box with a smooth, matte finish sits prominently in the center of the room. Atop its surface rest three small, vibrant yellow boxes, each with a glossy texture and sharp, clean edges. The blue box's substantial size dwarfs the trio of yellow boxes, creating a striking contrast in both color and scale.",,5,1,attribute,texture,"attribute - texture (blue box, smooth, matte finish)",Is the blue box smooth with a matte finish? +partiprompts86,"A sizable blue box with a smooth, matte finish sits prominently in the center of the room. Atop its surface rest three small, vibrant yellow boxes, each with a glossy texture and sharp, clean edges. The blue box's substantial size dwarfs the trio of yellow boxes, creating a striking contrast in both color and scale.",,6,"1,2",relation,spatial,"relation - spatial (blue box, room, center)",Is the blue box in the center of the room? +partiprompts86,"A sizable blue box with a smooth, matte finish sits prominently in the center of the room. Atop its surface rest three small, vibrant yellow boxes, each with a glossy texture and sharp, clean edges. The blue box's substantial size dwarfs the trio of yellow boxes, creating a striking contrast in both color and scale.",,7,0,entity,whole,entity - whole (yellow boxes),Are there yellow boxes? +partiprompts86,"A sizable blue box with a smooth, matte finish sits prominently in the center of the room. Atop its surface rest three small, vibrant yellow boxes, each with a glossy texture and sharp, clean edges. The blue box's substantial size dwarfs the trio of yellow boxes, creating a striking contrast in both color and scale.",,8,7,other,count,"other - count (yellow boxes, ==3)",Are there three yellow boxes? +partiprompts86,"A sizable blue box with a smooth, matte finish sits prominently in the center of the room. Atop its surface rest three small, vibrant yellow boxes, each with a glossy texture and sharp, clean edges. The blue box's substantial size dwarfs the trio of yellow boxes, creating a striking contrast in both color and scale.",,9,7,attribute,color,"attribute - color (yellow boxes, vibrant yellow)",Are the yellow boxes vibrant yellow? +partiprompts86,"A sizable blue box with a smooth, matte finish sits prominently in the center of the room. Atop its surface rest three small, vibrant yellow boxes, each with a glossy texture and sharp, clean edges. The blue box's substantial size dwarfs the trio of yellow boxes, creating a striking contrast in both color and scale.",,10,7,attribute,texture,"attribute - texture (yellow boxes, glossy)",Are the yellow boxes glossy? +partiprompts86,"A sizable blue box with a smooth, matte finish sits prominently in the center of the room. Atop its surface rest three small, vibrant yellow boxes, each with a glossy texture and sharp, clean edges. The blue box's substantial size dwarfs the trio of yellow boxes, creating a striking contrast in both color and scale.",,11,7,attribute,shape,"attribute - shape (yellow boxes, sharp, clean edges)","Do the yellow boxes have sharp, clean edges?" +partiprompts86,"A sizable blue box with a smooth, matte finish sits prominently in the center of the room. Atop its surface rest three small, vibrant yellow boxes, each with a glossy texture and sharp, clean edges. The blue box's substantial size dwarfs the trio of yellow boxes, creating a striking contrast in both color and scale.",,12,"7,1",relation,spatial,"relation - spatial (yellow boxes, blue box, atop)",Are the yellow boxes on top of the blue box? +partiprompts86,"A sizable blue box with a smooth, matte finish sits prominently in the center of the room. Atop its surface rest three small, vibrant yellow boxes, each with a glossy texture and sharp, clean edges. The blue box's substantial size dwarfs the trio of yellow boxes, creating a striking contrast in both color and scale.",,13,1,attribute,size,"attribute - size (blue box, substantial)",Is the blue box substantial in size? +partiprompts86,"A sizable blue box with a smooth, matte finish sits prominently in the center of the room. Atop its surface rest three small, vibrant yellow boxes, each with a glossy texture and sharp, clean edges. The blue box's substantial size dwarfs the trio of yellow boxes, creating a striking contrast in both color and scale.",,14,8,attribute,size,"attribute - size (yellow boxes, small)",Are the yellow boxes small in size? +partiprompts86,"A sizable blue box with a smooth, matte finish sits prominently in the center of the room. Atop its surface rest three small, vibrant yellow boxes, each with a glossy texture and sharp, clean edges. The blue box's substantial size dwarfs the trio of yellow boxes, creating a striking contrast in both color and scale.",,15,"8,1",relation,spatial,"relation - spatial (yellow boxes, blue box, on)",Are the yellow boxes on top of the blue box? +partiprompts86,"A sizable blue box with a smooth, matte finish sits prominently in the center of the room. Atop its surface rest three small, vibrant yellow boxes, each with a glossy texture and sharp, clean edges. The blue box's substantial size dwarfs the trio of yellow boxes, creating a striking contrast in both color and scale.",,16,"1,8",relation,spatial,"relation - spatial (blue box, yellow boxes, dwarfs)",Does the blue box dwarf the yellow boxes? +partiprompts163,"a vivid and bizarre oil painting by Salvador Dalí that depicts a cat with exaggerated features engaged in a game of checkers. The checkerboard is floating in an undefined space, with pieces that seem to melt over the edges. The background swirls with a mix of warm and cool colors, adding to the dream-like quality of the scene.",,1,0,global,,global - (oil painting),Is this an oil painting? +partiprompts163,"a vivid and bizarre oil painting by Salvador Dalí that depicts a cat with exaggerated features engaged in a game of checkers. The checkerboard is floating in an undefined space, with pieces that seem to melt over the edges. The background swirls with a mix of warm and cool colors, adding to the dream-like quality of the scene.",,2,1,entity,whole,entity - whole (painting),Is there a painting? +partiprompts163,"a vivid and bizarre oil painting by Salvador Dalí that depicts a cat with exaggerated features engaged in a game of checkers. The checkerboard is floating in an undefined space, with pieces that seem to melt over the edges. The background swirls with a mix of warm and cool colors, adding to the dream-like quality of the scene.",,3,2,entity,whole,entity - whole (cat),Is there a cat? +partiprompts163,"a vivid and bizarre oil painting by Salvador Dalí that depicts a cat with exaggerated features engaged in a game of checkers. The checkerboard is floating in an undefined space, with pieces that seem to melt over the edges. The background swirls with a mix of warm and cool colors, adding to the dream-like quality of the scene.",,4,1,entity,whole,entity - whole (checkerboard),Is there a checkerboard? +partiprompts163,"a vivid and bizarre oil painting by Salvador Dalí that depicts a cat with exaggerated features engaged in a game of checkers. The checkerboard is floating in an undefined space, with pieces that seem to melt over the edges. The background swirls with a mix of warm and cool colors, adding to the dream-like quality of the scene.",,5,4,entity,whole,entity - whole (pieces),Are there pieces? +partiprompts163,"a vivid and bizarre oil painting by Salvador Dalí that depicts a cat with exaggerated features engaged in a game of checkers. The checkerboard is floating in an undefined space, with pieces that seem to melt over the edges. The background swirls with a mix of warm and cool colors, adding to the dream-like quality of the scene.",,6,1,attribute,color,"attribute - color (background, vivid)",Is the background vivid? +partiprompts163,"a vivid and bizarre oil painting by Salvador Dalí that depicts a cat with exaggerated features engaged in a game of checkers. The checkerboard is floating in an undefined space, with pieces that seem to melt over the edges. The background swirls with a mix of warm and cool colors, adding to the dream-like quality of the scene.",,7,6,attribute,color,"attribute - color (background, warm)",Is the background warm in color? +partiprompts163,"a vivid and bizarre oil painting by Salvador Dalí that depicts a cat with exaggerated features engaged in a game of checkers. The checkerboard is floating in an undefined space, with pieces that seem to melt over the edges. The background swirls with a mix of warm and cool colors, adding to the dream-like quality of the scene.",,8,6,attribute,color,"attribute - color (background, cool)",Is the background cool in color? +partiprompts163,"a vivid and bizarre oil painting by Salvador Dalí that depicts a cat with exaggerated features engaged in a game of checkers. The checkerboard is floating in an undefined space, with pieces that seem to melt over the edges. The background swirls with a mix of warm and cool colors, adding to the dream-like quality of the scene.",,9,5,attribute,texture,"attribute - texture (pieces, melting)",Are the pieces melting? +partiprompts163,"a vivid and bizarre oil painting by Salvador Dalí that depicts a cat with exaggerated features engaged in a game of checkers. The checkerboard is floating in an undefined space, with pieces that seem to melt over the edges. The background swirls with a mix of warm and cool colors, adding to the dream-like quality of the scene.",,10,3,entity,state,"entity - state (cat, engage in game of checkers)",Is the cat engaged in a game of checkers? +partiprompts163,"a vivid and bizarre oil painting by Salvador Dalí that depicts a cat with exaggerated features engaged in a game of checkers. The checkerboard is floating in an undefined space, with pieces that seem to melt over the edges. The background swirls with a mix of warm and cool colors, adding to the dream-like quality of the scene.",,11,4,relation,spatial,"relation - spatial (checkerboard, undefined space, floating)",Is the checkerboard floating in an undefined space? +partiprompts163,"a vivid and bizarre oil painting by Salvador Dalí that depicts a cat with exaggerated features engaged in a game of checkers. The checkerboard is floating in an undefined space, with pieces that seem to melt over the edges. The background swirls with a mix of warm and cool colors, adding to the dream-like quality of the scene.",,12,5,relation,spatial,"relation - spatial (pieces, checkerboard, on)",Are the pieces on the checkerboard? +partiprompts163,"a vivid and bizarre oil painting by Salvador Dalí that depicts a cat with exaggerated features engaged in a game of checkers. The checkerboard is floating in an undefined space, with pieces that seem to melt over the edges. The background swirls with a mix of warm and cool colors, adding to the dream-like quality of the scene.",,13,"3,4",relation,spatial,"relation - spatial (cat, checkerboard, on)",Is the cat on the checkerboard? +partiprompts304,"A close-up image of a unique four-leaf clover, intricately formed from droplets of water on a smooth, reflective surface. Each leaf of the clover is perfectly shaped, with the water's surface tension creating a delicate and symmetrical appearance. The background is a soft blur, emphasizing the clarity and detail of the water-formed clover in the foreground.",,1,0,global,,global - (close-up image),Is this a close-up image? +partiprompts304,"A close-up image of a unique four-leaf clover, intricately formed from droplets of water on a smooth, reflective surface. Each leaf of the clover is perfectly shaped, with the water's surface tension creating a delicate and symmetrical appearance. The background is a soft blur, emphasizing the clarity and detail of the water-formed clover in the foreground.",,2,0,entity,whole,entity - whole (four-leaf clover),Is there a four-leaf clover? +partiprompts304,"A close-up image of a unique four-leaf clover, intricately formed from droplets of water on a smooth, reflective surface. Each leaf of the clover is perfectly shaped, with the water's surface tension creating a delicate and symmetrical appearance. The background is a soft blur, emphasizing the clarity and detail of the water-formed clover in the foreground.",,3,2,attribute,other,"attribute - other (four-leaf clover, unique)",Is the four-leaf clover unique? +partiprompts304,"A close-up image of a unique four-leaf clover, intricately formed from droplets of water on a smooth, reflective surface. Each leaf of the clover is perfectly shaped, with the water's surface tension creating a delicate and symmetrical appearance. The background is a soft blur, emphasizing the clarity and detail of the water-formed clover in the foreground.",,4,2,attribute,texture,"attribute - texture (four-leaf clover, water droplets)",Is the four-leaf clover formed from water droplets? +partiprompts304,"A close-up image of a unique four-leaf clover, intricately formed from droplets of water on a smooth, reflective surface. Each leaf of the clover is perfectly shaped, with the water's surface tension creating a delicate and symmetrical appearance. The background is a soft blur, emphasizing the clarity and detail of the water-formed clover in the foreground.",,5,2,attribute,texture,"attribute - texture (surface, smooth, reflective)",Is the surface smooth and reflective? +partiprompts304,"A close-up image of a unique four-leaf clover, intricately formed from droplets of water on a smooth, reflective surface. Each leaf of the clover is perfectly shaped, with the water's surface tension creating a delicate and symmetrical appearance. The background is a soft blur, emphasizing the clarity and detail of the water-formed clover in the foreground.",,6,2,attribute,texture,"attribute - texture (background, soft blur)",Is the background a soft blur? +partiprompts304,"A close-up image of a unique four-leaf clover, intricately formed from droplets of water on a smooth, reflective surface. Each leaf of the clover is perfectly shaped, with the water's surface tension creating a delicate and symmetrical appearance. The background is a soft blur, emphasizing the clarity and detail of the water-formed clover in the foreground.",,7,2,attribute,texture,"attribute - texture (clover's leaves, perfectly shaped)",Are the clover's leaves perfectly shaped? +partiprompts304,"A close-up image of a unique four-leaf clover, intricately formed from droplets of water on a smooth, reflective surface. Each leaf of the clover is perfectly shaped, with the water's surface tension creating a delicate and symmetrical appearance. The background is a soft blur, emphasizing the clarity and detail of the water-formed clover in the foreground.",,8,2,attribute,texture,"attribute - texture (water's surface tension, delicate and symmetrical)",Does the water's surface tension create a delicate and symmetrical appearance? +partiprompts304,"A close-up image of a unique four-leaf clover, intricately formed from droplets of water on a smooth, reflective surface. Each leaf of the clover is perfectly shaped, with the water's surface tension creating a delicate and symmetrical appearance. The background is a soft blur, emphasizing the clarity and detail of the water-formed clover in the foreground.",,9,"2,5",relation,spatial,"relation - spatial (clover, surface, on)",Is the clover on the surface? +partiprompts304,"A close-up image of a unique four-leaf clover, intricately formed from droplets of water on a smooth, reflective surface. Each leaf of the clover is perfectly shaped, with the water's surface tension creating a delicate and symmetrical appearance. The background is a soft blur, emphasizing the clarity and detail of the water-formed clover in the foreground.",,10,"6,2",relation,spatial,"relation - spatial (background, clover, in foreground)",Is the clover in the foreground of the background? +partiprompts312,"a vibrant apple tree with a multitude of shiny red apples nestled among lush green leaves. the tree's branches are spread wide, with the sunlight filtering through the foliage and casting dappled shadows on the ground below. some apples hang low enough to be within arm's reach, while others are perched higher up, peeking out from the leafy canopy.",,1,0,entity,whole,entity - whole (apple tree),Is there an apple tree? +partiprompts312,"a vibrant apple tree with a multitude of shiny red apples nestled among lush green leaves. the tree's branches are spread wide, with the sunlight filtering through the foliage and casting dappled shadows on the ground below. some apples hang low enough to be within arm's reach, while others are perched higher up, peeking out from the leafy canopy.",,2,1,entity,whole,entity - whole (apples),Are there apples? +partiprompts312,"a vibrant apple tree with a multitude of shiny red apples nestled among lush green leaves. the tree's branches are spread wide, with the sunlight filtering through the foliage and casting dappled shadows on the ground below. some apples hang low enough to be within arm's reach, while others are perched higher up, peeking out from the leafy canopy.",,3,1,entity,whole,entity - whole (leaves),Are there leaves? +partiprompts312,"a vibrant apple tree with a multitude of shiny red apples nestled among lush green leaves. the tree's branches are spread wide, with the sunlight filtering through the foliage and casting dappled shadows on the ground below. some apples hang low enough to be within arm's reach, while others are perched higher up, peeking out from the leafy canopy.",,4,2,attribute,color,"attribute - color (apples, red)",Are the apples red? +partiprompts312,"a vibrant apple tree with a multitude of shiny red apples nestled among lush green leaves. the tree's branches are spread wide, with the sunlight filtering through the foliage and casting dappled shadows on the ground below. some apples hang low enough to be within arm's reach, while others are perched higher up, peeking out from the leafy canopy.",,5,3,attribute,color,"attribute - color (leaves, green)",Are the leaves green? +partiprompts312,"a vibrant apple tree with a multitude of shiny red apples nestled among lush green leaves. the tree's branches are spread wide, with the sunlight filtering through the foliage and casting dappled shadows on the ground below. some apples hang low enough to be within arm's reach, while others are perched higher up, peeking out from the leafy canopy.",,6,2,attribute,texture,"attribute - texture (apples, shiny)",Are the apples shiny? +partiprompts312,"a vibrant apple tree with a multitude of shiny red apples nestled among lush green leaves. the tree's branches are spread wide, with the sunlight filtering through the foliage and casting dappled shadows on the ground below. some apples hang low enough to be within arm's reach, while others are perched higher up, peeking out from the leafy canopy.",,7,1,attribute,texture,"attribute - texture (branches, spread wide)",Are the branches spread wide? +partiprompts312,"a vibrant apple tree with a multitude of shiny red apples nestled among lush green leaves. the tree's branches are spread wide, with the sunlight filtering through the foliage and casting dappled shadows on the ground below. some apples hang low enough to be within arm's reach, while others are perched higher up, peeking out from the leafy canopy.",,8,1,attribute,texture,"attribute - texture (sunlight, filtering)",Is the sunlight filtering? +partiprompts312,"a vibrant apple tree with a multitude of shiny red apples nestled among lush green leaves. the tree's branches are spread wide, with the sunlight filtering through the foliage and casting dappled shadows on the ground below. some apples hang low enough to be within arm's reach, while others are perched higher up, peeking out from the leafy canopy.",,9,"2,3",relation,spatial,"relation - spatial (apples, leaves, nestled among)",Are the apples nestled among the leaves? +partiprompts312,"a vibrant apple tree with a multitude of shiny red apples nestled among lush green leaves. the tree's branches are spread wide, with the sunlight filtering through the foliage and casting dappled shadows on the ground below. some apples hang low enough to be within arm's reach, while others are perched higher up, peeking out from the leafy canopy.",,10,"1,3",relation,spatial,"relation - spatial (branches, ground, casting dappled shadows)",Are the branches casting dappled shadows on the ground? +partiprompts290,"a spacious square where a large, weathered stone pedestal stands prominently at the center, devoid of the horse statue that once adorned it. The pedestal's surface is rough and covered with patches of moss, indicating its age and exposure to the elements. Around the base, cobblestones are laid in a pattern that radiates outward, suggesting the importance of the now-absent statue.",,1,0,entity,whole,entity - whole (square),Is there a square? +partiprompts290,"a spacious square where a large, weathered stone pedestal stands prominently at the center, devoid of the horse statue that once adorned it. The pedestal's surface is rough and covered with patches of moss, indicating its age and exposure to the elements. Around the base, cobblestones are laid in a pattern that radiates outward, suggesting the importance of the now-absent statue.",,2,1,entity,whole,entity - whole (pedestal),Is there a pedestal? +partiprompts290,"a spacious square where a large, weathered stone pedestal stands prominently at the center, devoid of the horse statue that once adorned it. The pedestal's surface is rough and covered with patches of moss, indicating its age and exposure to the elements. Around the base, cobblestones are laid in a pattern that radiates outward, suggesting the importance of the now-absent statue.",,3,0,entity,whole,entity - whole (horse statue),Is there a horse statue? +partiprompts290,"a spacious square where a large, weathered stone pedestal stands prominently at the center, devoid of the horse statue that once adorned it. The pedestal's surface is rough and covered with patches of moss, indicating its age and exposure to the elements. Around the base, cobblestones are laid in a pattern that radiates outward, suggesting the importance of the now-absent statue.",,4,1,attribute,size,"attribute - size (square, spacious)",Is the square spacious? +partiprompts290,"a spacious square where a large, weathered stone pedestal stands prominently at the center, devoid of the horse statue that once adorned it. The pedestal's surface is rough and covered with patches of moss, indicating its age and exposure to the elements. Around the base, cobblestones are laid in a pattern that radiates outward, suggesting the importance of the now-absent statue.",,5,2,attribute,size,"attribute - size (pedestal, large)",Is the pedestal large? +partiprompts290,"a spacious square where a large, weathered stone pedestal stands prominently at the center, devoid of the horse statue that once adorned it. The pedestal's surface is rough and covered with patches of moss, indicating its age and exposure to the elements. Around the base, cobblestones are laid in a pattern that radiates outward, suggesting the importance of the now-absent statue.",,6,2,attribute,texture,"attribute - texture (pedestal, weathered)",Is the pedestal weathered? +partiprompts290,"a spacious square where a large, weathered stone pedestal stands prominently at the center, devoid of the horse statue that once adorned it. The pedestal's surface is rough and covered with patches of moss, indicating its age and exposure to the elements. Around the base, cobblestones are laid in a pattern that radiates outward, suggesting the importance of the now-absent statue.",,7,2,attribute,texture,"attribute - texture (pedestal's surface, rough)",Is the pedestal's surface rough? +partiprompts290,"a spacious square where a large, weathered stone pedestal stands prominently at the center, devoid of the horse statue that once adorned it. The pedestal's surface is rough and covered with patches of moss, indicating its age and exposure to the elements. Around the base, cobblestones are laid in a pattern that radiates outward, suggesting the importance of the now-absent statue.",,8,7,attribute,texture,"attribute - texture (pedestal's surface, covered with patches of moss)",Is the pedestal's surface covered with patches of moss? +partiprompts290,"a spacious square where a large, weathered stone pedestal stands prominently at the center, devoid of the horse statue that once adorned it. The pedestal's surface is rough and covered with patches of moss, indicating its age and exposure to the elements. Around the base, cobblestones are laid in a pattern that radiates outward, suggesting the importance of the now-absent statue.",,9,9,attribute,texture,"attribute - texture (cobblestones, laid in a pattern)",Are the cobblestones laid in a pattern? +partiprompts290,"a spacious square where a large, weathered stone pedestal stands prominently at the center, devoid of the horse statue that once adorned it. The pedestal's surface is rough and covered with patches of moss, indicating its age and exposure to the elements. Around the base, cobblestones are laid in a pattern that radiates outward, suggesting the importance of the now-absent statue.",,10,1,relation,spatial,"relation - spatial (pedestal, square, at the center)",Is the pedestal at the center of the square? +partiprompts290,"a spacious square where a large, weathered stone pedestal stands prominently at the center, devoid of the horse statue that once adorned it. The pedestal's surface is rough and covered with patches of moss, indicating its age and exposure to the elements. Around the base, cobblestones are laid in a pattern that radiates outward, suggesting the importance of the now-absent statue.",,11,"2,3",relation,spatial,"relation - spatial (horse statue, pedestal, once adorned)",Was the horse statue once adorned on the pedestal? +partiprompts290,"a spacious square where a large, weathered stone pedestal stands prominently at the center, devoid of the horse statue that once adorned it. The pedestal's surface is rough and covered with patches of moss, indicating its age and exposure to the elements. Around the base, cobblestones are laid in a pattern that radiates outward, suggesting the importance of the now-absent statue.",,12,"3,2",relation,spatial,"relation - spatial (cobblestones, base of pedestal, around)",Are the cobblestones around the base of the pedestal? +partiprompts222,"a sleek red convertible sports car with its top down is navigating a sharp bend on a coastal road. the car's polished chrome rims catch the sunlight as it speeds along the asphalt, hugging the curve tightly. on the passenger side, the endless expanse of the ocean can be seen, with waves gently crashing against the rocky shore.",,1,0,entity,whole,entity - whole (car),Is there a car? +partiprompts222,"a sleek red convertible sports car with its top down is navigating a sharp bend on a coastal road. the car's polished chrome rims catch the sunlight as it speeds along the asphalt, hugging the curve tightly. on the passenger side, the endless expanse of the ocean can be seen, with waves gently crashing against the rocky shore.",,2,1,attribute,color,"attribute - color (car, red)",Is the car red? +partiprompts222,"a sleek red convertible sports car with its top down is navigating a sharp bend on a coastal road. the car's polished chrome rims catch the sunlight as it speeds along the asphalt, hugging the curve tightly. on the passenger side, the endless expanse of the ocean can be seen, with waves gently crashing against the rocky shore.",,3,1,attribute,other,"attribute - other (car, convertible, sports)",Is the car a convertible sports car? +partiprompts222,"a sleek red convertible sports car with its top down is navigating a sharp bend on a coastal road. the car's polished chrome rims catch the sunlight as it speeds along the asphalt, hugging the curve tightly. on the passenger side, the endless expanse of the ocean can be seen, with waves gently crashing against the rocky shore.",,4,1,attribute,other,"attribute - other (car, sleek)",Is the car sleek? +partiprompts222,"a sleek red convertible sports car with its top down is navigating a sharp bend on a coastal road. the car's polished chrome rims catch the sunlight as it speeds along the asphalt, hugging the curve tightly. on the passenger side, the endless expanse of the ocean can be seen, with waves gently crashing against the rocky shore.",,5,1,attribute,other,"attribute - other (car, top down)",Is the car's top down? +partiprompts222,"a sleek red convertible sports car with its top down is navigating a sharp bend on a coastal road. the car's polished chrome rims catch the sunlight as it speeds along the asphalt, hugging the curve tightly. on the passenger side, the endless expanse of the ocean can be seen, with waves gently crashing against the rocky shore.",,6,1,attribute,other,"attribute - other (car, polished chrome rims)",Does the car have polished chrome rims? +partiprompts222,"a sleek red convertible sports car with its top down is navigating a sharp bend on a coastal road. the car's polished chrome rims catch the sunlight as it speeds along the asphalt, hugging the curve tightly. on the passenger side, the endless expanse of the ocean can be seen, with waves gently crashing against the rocky shore.",,7,1,attribute,other,"attribute - other (car, speeds along)",Is the car speeding along? +partiprompts222,"a sleek red convertible sports car with its top down is navigating a sharp bend on a coastal road. the car's polished chrome rims catch the sunlight as it speeds along the asphalt, hugging the curve tightly. on the passenger side, the endless expanse of the ocean can be seen, with waves gently crashing against the rocky shore.",,8,1,relation,spatial,"relation - spatial (car, road, on)",Is the car on the road? +partiprompts222,"a sleek red convertible sports car with its top down is navigating a sharp bend on a coastal road. the car's polished chrome rims catch the sunlight as it speeds along the asphalt, hugging the curve tightly. on the passenger side, the endless expanse of the ocean can be seen, with waves gently crashing against the rocky shore.",,9,1,relation,spatial,"relation - spatial (car, curve, navigating)",Is the car navigating a sharp bend? +partiprompts222,"a sleek red convertible sports car with its top down is navigating a sharp bend on a coastal road. the car's polished chrome rims catch the sunlight as it speeds along the asphalt, hugging the curve tightly. on the passenger side, the endless expanse of the ocean can be seen, with waves gently crashing against the rocky shore.",,10,1,relation,spatial,"relation - spatial (car, passenger side, on)",Is the car on the passenger side? +partiprompts222,"a sleek red convertible sports car with its top down is navigating a sharp bend on a coastal road. the car's polished chrome rims catch the sunlight as it speeds along the asphalt, hugging the curve tightly. on the passenger side, the endless expanse of the ocean can be seen, with waves gently crashing against the rocky shore.",,11,1,relation,spatial,"relation - spatial (ocean, passenger side, seen)",Can the ocean be seen on the passenger side? +partiprompts222,"a sleek red convertible sports car with its top down is navigating a sharp bend on a coastal road. the car's polished chrome rims catch the sunlight as it speeds along the asphalt, hugging the curve tightly. on the passenger side, the endless expanse of the ocean can be seen, with waves gently crashing against the rocky shore.",,12,"1,11",relation,spatial,"relation - spatial (waves, ocean, crashing against)",Are the waves crashing against the ocean? +partiprompts222,"a sleek red convertible sports car with its top down is navigating a sharp bend on a coastal road. the car's polished chrome rims catch the sunlight as it speeds along the asphalt, hugging the curve tightly. on the passenger side, the endless expanse of the ocean can be seen, with waves gently crashing against the rocky shore.",,13,11,relation,spatial,"relation - spatial (shore, ocean, rocky)",Is the shore rocky? +partiprompts158,"A detailed painting depicts an ancient, ornate treasure chest with intricate carvings and a heavy, rusted metal clasp, nestled in the shadows of a dark, damp cave. Beside the chest, a broad sword with an embellished hilt stands propped up, its blade catching the faint, eerie glow emanating from within the chest. The rough texture of the cave walls is accentuated by the contrast of the sword's gleam and the chest's subtle sheen.",,1,0,global,,global - (detailed painting),Is this a detailed painting? +partiprompts158,"A detailed painting depicts an ancient, ornate treasure chest with intricate carvings and a heavy, rusted metal clasp, nestled in the shadows of a dark, damp cave. Beside the chest, a broad sword with an embellished hilt stands propped up, its blade catching the faint, eerie glow emanating from within the chest. The rough texture of the cave walls is accentuated by the contrast of the sword's gleam and the chest's subtle sheen.",,2,1,entity,whole,entity - whole (treasure chest),Is there a treasure chest? +partiprompts158,"A detailed painting depicts an ancient, ornate treasure chest with intricate carvings and a heavy, rusted metal clasp, nestled in the shadows of a dark, damp cave. Beside the chest, a broad sword with an embellished hilt stands propped up, its blade catching the faint, eerie glow emanating from within the chest. The rough texture of the cave walls is accentuated by the contrast of the sword's gleam and the chest's subtle sheen.",,3,2,entity,whole,entity - whole (carvings),Are there intricate carvings? +partiprompts158,"A detailed painting depicts an ancient, ornate treasure chest with intricate carvings and a heavy, rusted metal clasp, nestled in the shadows of a dark, damp cave. Beside the chest, a broad sword with an embellished hilt stands propped up, its blade catching the faint, eerie glow emanating from within the chest. The rough texture of the cave walls is accentuated by the contrast of the sword's gleam and the chest's subtle sheen.",,4,2,entity,whole,entity - whole (clasp),"Is there a heavy, rusted metal clasp?" +partiprompts158,"A detailed painting depicts an ancient, ornate treasure chest with intricate carvings and a heavy, rusted metal clasp, nestled in the shadows of a dark, damp cave. Beside the chest, a broad sword with an embellished hilt stands propped up, its blade catching the faint, eerie glow emanating from within the chest. The rough texture of the cave walls is accentuated by the contrast of the sword's gleam and the chest's subtle sheen.",,5,0,entity,whole,entity - whole (cave),Is there a cave? +partiprompts158,"A detailed painting depicts an ancient, ornate treasure chest with intricate carvings and a heavy, rusted metal clasp, nestled in the shadows of a dark, damp cave. Beside the chest, a broad sword with an embellished hilt stands propped up, its blade catching the faint, eerie glow emanating from within the chest. The rough texture of the cave walls is accentuated by the contrast of the sword's gleam and the chest's subtle sheen.",,6,0,entity,whole,entity - whole (sword),Is there a sword? +partiprompts158,"A detailed painting depicts an ancient, ornate treasure chest with intricate carvings and a heavy, rusted metal clasp, nestled in the shadows of a dark, damp cave. Beside the chest, a broad sword with an embellished hilt stands propped up, its blade catching the faint, eerie glow emanating from within the chest. The rough texture of the cave walls is accentuated by the contrast of the sword's gleam and the chest's subtle sheen.",,7,6,entity,part,entity - part (sword's hilt),Is there an embellished hilt on the sword? +partiprompts158,"A detailed painting depicts an ancient, ornate treasure chest with intricate carvings and a heavy, rusted metal clasp, nestled in the shadows of a dark, damp cave. Beside the chest, a broad sword with an embellished hilt stands propped up, its blade catching the faint, eerie glow emanating from within the chest. The rough texture of the cave walls is accentuated by the contrast of the sword's gleam and the chest's subtle sheen.",,8,6,entity,part,entity - part (sword's blade),Is there a blade on the sword? +partiprompts158,"A detailed painting depicts an ancient, ornate treasure chest with intricate carvings and a heavy, rusted metal clasp, nestled in the shadows of a dark, damp cave. Beside the chest, a broad sword with an embellished hilt stands propped up, its blade catching the faint, eerie glow emanating from within the chest. The rough texture of the cave walls is accentuated by the contrast of the sword's gleam and the chest's subtle sheen.",,9,5,attribute,texture,"attribute - texture (cave walls, rough)",Are the cave walls rough? +partiprompts158,"A detailed painting depicts an ancient, ornate treasure chest with intricate carvings and a heavy, rusted metal clasp, nestled in the shadows of a dark, damp cave. Beside the chest, a broad sword with an embellished hilt stands propped up, its blade catching the faint, eerie glow emanating from within the chest. The rough texture of the cave walls is accentuated by the contrast of the sword's gleam and the chest's subtle sheen.",,10,6,attribute,texture,"attribute - texture (sword, gleam)",Does the sword gleam? +partiprompts158,"A detailed painting depicts an ancient, ornate treasure chest with intricate carvings and a heavy, rusted metal clasp, nestled in the shadows of a dark, damp cave. Beside the chest, a broad sword with an embellished hilt stands propped up, its blade catching the faint, eerie glow emanating from within the chest. The rough texture of the cave walls is accentuated by the contrast of the sword's gleam and the chest's subtle sheen.",,11,2,attribute,texture,"attribute - texture (chest, sheen)",Does the chest have a sheen? +partiprompts158,"A detailed painting depicts an ancient, ornate treasure chest with intricate carvings and a heavy, rusted metal clasp, nestled in the shadows of a dark, damp cave. Beside the chest, a broad sword with an embellished hilt stands propped up, its blade catching the faint, eerie glow emanating from within the chest. The rough texture of the cave walls is accentuated by the contrast of the sword's gleam and the chest's subtle sheen.",,12,4,attribute,texture,"attribute - texture (clasp, rusted)",Is the clasp rusted? +partiprompts158,"A detailed painting depicts an ancient, ornate treasure chest with intricate carvings and a heavy, rusted metal clasp, nestled in the shadows of a dark, damp cave. Beside the chest, a broad sword with an embellished hilt stands propped up, its blade catching the faint, eerie glow emanating from within the chest. The rough texture of the cave walls is accentuated by the contrast of the sword's gleam and the chest's subtle sheen.",,13,7,attribute,other,"attribute - other (sword's hilt, embellished)",Is the sword hilt embellished? +partiprompts158,"A detailed painting depicts an ancient, ornate treasure chest with intricate carvings and a heavy, rusted metal clasp, nestled in the shadows of a dark, damp cave. Beside the chest, a broad sword with an embellished hilt stands propped up, its blade catching the faint, eerie glow emanating from within the chest. The rough texture of the cave walls is accentuated by the contrast of the sword's gleam and the chest's subtle sheen.",,14,8,attribute,other,"attribute - other (sword's blade, sharp)",Is the sword blade sharp? +partiprompts158,"A detailed painting depicts an ancient, ornate treasure chest with intricate carvings and a heavy, rusted metal clasp, nestled in the shadows of a dark, damp cave. Beside the chest, a broad sword with an embellished hilt stands propped up, its blade catching the faint, eerie glow emanating from within the chest. The rough texture of the cave walls is accentuated by the contrast of the sword's gleam and the chest's subtle sheen.",,15,5,attribute,other,"attribute - other (cave, dark and damp)",Is the cave dark and damp? +partiprompts158,"A detailed painting depicts an ancient, ornate treasure chest with intricate carvings and a heavy, rusted metal clasp, nestled in the shadows of a dark, damp cave. Beside the chest, a broad sword with an embellished hilt stands propped up, its blade catching the faint, eerie glow emanating from within the chest. The rough texture of the cave walls is accentuated by the contrast of the sword's gleam and the chest's subtle sheen.",,16,"2,5",relation,spatial,"relation - spatial (treasure chest, cave, in shadows)",Is the treasure chest in the shadows of the cave? +partiprompts158,"A detailed painting depicts an ancient, ornate treasure chest with intricate carvings and a heavy, rusted metal clasp, nestled in the shadows of a dark, damp cave. Beside the chest, a broad sword with an embellished hilt stands propped up, its blade catching the faint, eerie glow emanating from within the chest. The rough texture of the cave walls is accentuated by the contrast of the sword's gleam and the chest's subtle sheen.",,17,"6,2",relation,spatial,"relation - spatial (sword, chest, beside)",Is the sword beside the chest? +partiprompts158,"A detailed painting depicts an ancient, ornate treasure chest with intricate carvings and a heavy, rusted metal clasp, nestled in the shadows of a dark, damp cave. Beside the chest, a broad sword with an embellished hilt stands propped up, its blade catching the faint, eerie glow emanating from within the chest. The rough texture of the cave walls is accentuated by the contrast of the sword's gleam and the chest's subtle sheen.",,18,"6,2",relation,spatial,"relation - spatial (sword, chest, propped up)",Is the sword propped up against the chest? +partiprompts158,"A detailed painting depicts an ancient, ornate treasure chest with intricate carvings and a heavy, rusted metal clasp, nestled in the shadows of a dark, damp cave. Beside the chest, a broad sword with an embellished hilt stands propped up, its blade catching the faint, eerie glow emanating from within the chest. The rough texture of the cave walls is accentuated by the contrast of the sword's gleam and the chest's subtle sheen.",,19,"6,2",relation,spatial,"relation - spatial (sword, chest, catch glow)",Does the sword catch the glow from the chest? +partiprompts158,"A detailed painting depicts an ancient, ornate treasure chest with intricate carvings and a heavy, rusted metal clasp, nestled in the shadows of a dark, damp cave. Beside the chest, a broad sword with an embellished hilt stands propped up, its blade catching the faint, eerie glow emanating from within the chest. The rough texture of the cave walls is accentuated by the contrast of the sword's gleam and the chest's subtle sheen.",,20,"6,2",relation,spatial,"relation - spatial (sword, chest, emanate glow)","Does the sword emanate a faint, eerie glow from within the chest?" +partiprompts318,"A solitary tree stands in the midst of a grassy field, its branches reaching out in all directions without a single leaf to be seen. The bark of the tree is a rough, gray texture, contrasting with the vibrant green of the grass. Despite the warm season, the tree's bare limbs give it a stark, sculptural appearance against the clear blue sky.",,1,0,entity,whole,entity - whole (tree),Is there a tree? +partiprompts318,"A solitary tree stands in the midst of a grassy field, its branches reaching out in all directions without a single leaf to be seen. The bark of the tree is a rough, gray texture, contrasting with the vibrant green of the grass. Despite the warm season, the tree's bare limbs give it a stark, sculptural appearance against the clear blue sky.",,2,0,entity,whole,entity - whole (field),Is there a field? +partiprompts318,"A solitary tree stands in the midst of a grassy field, its branches reaching out in all directions without a single leaf to be seen. The bark of the tree is a rough, gray texture, contrasting with the vibrant green of the grass. Despite the warm season, the tree's bare limbs give it a stark, sculptural appearance against the clear blue sky.",,3,1,attribute,other,"attribute - other (tree, solitary)",Is the tree solitary? +partiprompts318,"A solitary tree stands in the midst of a grassy field, its branches reaching out in all directions without a single leaf to be seen. The bark of the tree is a rough, gray texture, contrasting with the vibrant green of the grass. Despite the warm season, the tree's bare limbs give it a stark, sculptural appearance against the clear blue sky.",,4,1,attribute,other,"attribute - other (tree, leafless)",Is the tree leafless? +partiprompts318,"A solitary tree stands in the midst of a grassy field, its branches reaching out in all directions without a single leaf to be seen. The bark of the tree is a rough, gray texture, contrasting with the vibrant green of the grass. Despite the warm season, the tree's bare limbs give it a stark, sculptural appearance against the clear blue sky.",,5,1,attribute,texture,"attribute - texture (bark, rough)",Is the bark rough? +partiprompts318,"A solitary tree stands in the midst of a grassy field, its branches reaching out in all directions without a single leaf to be seen. The bark of the tree is a rough, gray texture, contrasting with the vibrant green of the grass. Despite the warm season, the tree's bare limbs give it a stark, sculptural appearance against the clear blue sky.",,6,5,attribute,color,"attribute - color (bark, gray)",Is the bark gray? +partiprompts318,"A solitary tree stands in the midst of a grassy field, its branches reaching out in all directions without a single leaf to be seen. The bark of the tree is a rough, gray texture, contrasting with the vibrant green of the grass. Despite the warm season, the tree's bare limbs give it a stark, sculptural appearance against the clear blue sky.",,7,2,attribute,color,"attribute - color (grass, vibrant green)",Is the grass vibrant green? +partiprompts318,"A solitary tree stands in the midst of a grassy field, its branches reaching out in all directions without a single leaf to be seen. The bark of the tree is a rough, gray texture, contrasting with the vibrant green of the grass. Despite the warm season, the tree's bare limbs give it a stark, sculptural appearance against the clear blue sky.",,8,3,attribute,color,"attribute - color (sky, clear blue)",Is the sky clear blue? +partiprompts318,"A solitary tree stands in the midst of a grassy field, its branches reaching out in all directions without a single leaf to be seen. The bark of the tree is a rough, gray texture, contrasting with the vibrant green of the grass. Despite the warm season, the tree's bare limbs give it a stark, sculptural appearance against the clear blue sky.",,9,"1,2",relation,spatial,"relation - spatial (tree, field, in)",Is the tree in the field? +partiprompts318,"A solitary tree stands in the midst of a grassy field, its branches reaching out in all directions without a single leaf to be seen. The bark of the tree is a rough, gray texture, contrasting with the vibrant green of the grass. Despite the warm season, the tree's bare limbs give it a stark, sculptural appearance against the clear blue sky.",,10,"1,8",relation,spatial,"relation - spatial (tree, sky, against)",Is the tree against the sky? +partiprompts269,"Looking up from a low angle, a tall white ladder with a single rung is propped against a textured yellow brick wall. The ladder's shadow casts a long, dark line across the bricks, hinting at the late afternoon sun. The wall shows signs of age with some bricks slightly eroded, giving it a rugged appearance.",,1,0,global,,global - (low angle),Is this a low angle view? +partiprompts269,"Looking up from a low angle, a tall white ladder with a single rung is propped against a textured yellow brick wall. The ladder's shadow casts a long, dark line across the bricks, hinting at the late afternoon sun. The wall shows signs of age with some bricks slightly eroded, giving it a rugged appearance.",,2,1,global,,global - (tall),Is the ladder tall? +partiprompts269,"Looking up from a low angle, a tall white ladder with a single rung is propped against a textured yellow brick wall. The ladder's shadow casts a long, dark line across the bricks, hinting at the late afternoon sun. The wall shows signs of age with some bricks slightly eroded, giving it a rugged appearance.",,3,2,attribute,color,"attribute - color (ladder, white)",Is the ladder white? +partiprompts269,"Looking up from a low angle, a tall white ladder with a single rung is propped against a textured yellow brick wall. The ladder's shadow casts a long, dark line across the bricks, hinting at the late afternoon sun. The wall shows signs of age with some bricks slightly eroded, giving it a rugged appearance.",,4,3,attribute,color,"attribute - color (wall, yellow)",Is the wall yellow? +partiprompts269,"Looking up from a low angle, a tall white ladder with a single rung is propped against a textured yellow brick wall. The ladder's shadow casts a long, dark line across the bricks, hinting at the late afternoon sun. The wall shows signs of age with some bricks slightly eroded, giving it a rugged appearance.",,5,4,attribute,texture,"attribute - texture (wall, brick)",Is the wall made of bricks? +partiprompts269,"Looking up from a low angle, a tall white ladder with a single rung is propped against a textured yellow brick wall. The ladder's shadow casts a long, dark line across the bricks, hinting at the late afternoon sun. The wall shows signs of age with some bricks slightly eroded, giving it a rugged appearance.",,6,4,attribute,texture,"attribute - texture (bricks, eroded)",Are some bricks eroded? +partiprompts269,"Looking up from a low angle, a tall white ladder with a single rung is propped against a textured yellow brick wall. The ladder's shadow casts a long, dark line across the bricks, hinting at the late afternoon sun. The wall shows signs of age with some bricks slightly eroded, giving it a rugged appearance.",,7,4,attribute,texture,"attribute - texture (ladder's shadow, long and dark)",Is the ladder's shadow long and dark? +partiprompts269,"Looking up from a low angle, a tall white ladder with a single rung is propped against a textured yellow brick wall. The ladder's shadow casts a long, dark line across the bricks, hinting at the late afternoon sun. The wall shows signs of age with some bricks slightly eroded, giving it a rugged appearance.",,8,4,attribute,other,"attribute - other (wall, aged)",Does the wall show signs of age? +partiprompts269,"Looking up from a low angle, a tall white ladder with a single rung is propped against a textured yellow brick wall. The ladder's shadow casts a long, dark line across the bricks, hinting at the late afternoon sun. The wall shows signs of age with some bricks slightly eroded, giving it a rugged appearance.",,9,4,attribute,other,"attribute - other (wall, rugged)",Does the wall have a rugged appearance? +partiprompts269,"Looking up from a low angle, a tall white ladder with a single rung is propped against a textured yellow brick wall. The ladder's shadow casts a long, dark line across the bricks, hinting at the late afternoon sun. The wall shows signs of age with some bricks slightly eroded, giving it a rugged appearance.",,10,"2,5",relation,spatial,"relation - spatial (ladder, wall, propped against)",Is the ladder propped against the wall? +partiprompts269,"Looking up from a low angle, a tall white ladder with a single rung is propped against a textured yellow brick wall. The ladder's shadow casts a long, dark line across the bricks, hinting at the late afternoon sun. The wall shows signs of age with some bricks slightly eroded, giving it a rugged appearance.",,11,2,relation,spatial,"relation - spatial (ladder, wall, with a single rung)",Does the ladder have a single rung? +partiprompts269,"Looking up from a low angle, a tall white ladder with a single rung is propped against a textured yellow brick wall. The ladder's shadow casts a long, dark line across the bricks, hinting at the late afternoon sun. The wall shows signs of age with some bricks slightly eroded, giving it a rugged appearance.",,12,7,relation,spatial,"relation - spatial (ladder's shadow, bricks, across)",Is the ladder's shadow cast across the bricks? +partiprompts193,"A clear night sky where a slender crescent moon hangs delicately between the silhouetted branches of tall trees. The moon's pale light casts a soft glow on the intricate patterns of the branches, creating a contrast against the dark blue of the night sky. No other celestial bodies are visible in the small patch of sky framed by the intertwining tree limbs.",,1,0,global,,global - (clear night sky),Is it a clear night sky? +partiprompts193,"A clear night sky where a slender crescent moon hangs delicately between the silhouetted branches of tall trees. The moon's pale light casts a soft glow on the intricate patterns of the branches, creating a contrast against the dark blue of the night sky. No other celestial bodies are visible in the small patch of sky framed by the intertwining tree limbs.",,2,1,entity,whole,entity - whole (moon),Is there a moon? +partiprompts193,"A clear night sky where a slender crescent moon hangs delicately between the silhouetted branches of tall trees. The moon's pale light casts a soft glow on the intricate patterns of the branches, creating a contrast against the dark blue of the night sky. No other celestial bodies are visible in the small patch of sky framed by the intertwining tree limbs.",,3,0,entity,whole,entity - whole (branches),Are there branches? +partiprompts193,"A clear night sky where a slender crescent moon hangs delicately between the silhouetted branches of tall trees. The moon's pale light casts a soft glow on the intricate patterns of the branches, creating a contrast against the dark blue of the night sky. No other celestial bodies are visible in the small patch of sky framed by the intertwining tree limbs.",,4,2,attribute,size,"attribute - size (moon, slender)",Is the moon slender? +partiprompts193,"A clear night sky where a slender crescent moon hangs delicately between the silhouetted branches of tall trees. The moon's pale light casts a soft glow on the intricate patterns of the branches, creating a contrast against the dark blue of the night sky. No other celestial bodies are visible in the small patch of sky framed by the intertwining tree limbs.",,5,2,attribute,texture,"attribute - texture (moon, delicate)",Is the moon delicate? +partiprompts193,"A clear night sky where a slender crescent moon hangs delicately between the silhouetted branches of tall trees. The moon's pale light casts a soft glow on the intricate patterns of the branches, creating a contrast against the dark blue of the night sky. No other celestial bodies are visible in the small patch of sky framed by the intertwining tree limbs.",,6,3,attribute,texture,"attribute - texture (branches, silhouetted)",Are the branches silhouetted? +partiprompts193,"A clear night sky where a slender crescent moon hangs delicately between the silhouetted branches of tall trees. The moon's pale light casts a soft glow on the intricate patterns of the branches, creating a contrast against the dark blue of the night sky. No other celestial bodies are visible in the small patch of sky framed by the intertwining tree limbs.",,7,1,attribute,texture,"attribute - texture (night sky, dark blue)",Is the night sky dark blue? +partiprompts193,"A clear night sky where a slender crescent moon hangs delicately between the silhouetted branches of tall trees. The moon's pale light casts a soft glow on the intricate patterns of the branches, creating a contrast against the dark blue of the night sky. No other celestial bodies are visible in the small patch of sky framed by the intertwining tree limbs.",,8,2,attribute,texture,"attribute - texture (moon's light, pale)",Is the moon's light pale? +partiprompts193,"A clear night sky where a slender crescent moon hangs delicately between the silhouetted branches of tall trees. The moon's pale light casts a soft glow on the intricate patterns of the branches, creating a contrast against the dark blue of the night sky. No other celestial bodies are visible in the small patch of sky framed by the intertwining tree limbs.",,9,3,attribute,texture,"attribute - texture (branches, intricate)",Are the branches intricate? +partiprompts193,"A clear night sky where a slender crescent moon hangs delicately between the silhouetted branches of tall trees. The moon's pale light casts a soft glow on the intricate patterns of the branches, creating a contrast against the dark blue of the night sky. No other celestial bodies are visible in the small patch of sky framed by the intertwining tree limbs.",,10,"2,3",relation,spatial,"relation - spatial (moon, branches, between)",Is the moon between the branches? +partiprompts193,"A clear night sky where a slender crescent moon hangs delicately between the silhouetted branches of tall trees. The moon's pale light casts a soft glow on the intricate patterns of the branches, creating a contrast against the dark blue of the night sky. No other celestial bodies are visible in the small patch of sky framed by the intertwining tree limbs.",,11,"2,3",relation,spatial,"relation - spatial (moon's light, branches, on)",Is the moon's light on the branches? +partiprompts193,"A clear night sky where a slender crescent moon hangs delicately between the silhouetted branches of tall trees. The moon's pale light casts a soft glow on the intricate patterns of the branches, creating a contrast against the dark blue of the night sky. No other celestial bodies are visible in the small patch of sky framed by the intertwining tree limbs.",,12,"2,1",relation,spatial,"relation - spatial (moon's light, night sky, cast)",Is the moon's light casting on the night sky? +partiprompts193,"A clear night sky where a slender crescent moon hangs delicately between the silhouetted branches of tall trees. The moon's pale light casts a soft glow on the intricate patterns of the branches, creating a contrast against the dark blue of the night sky. No other celestial bodies are visible in the small patch of sky framed by the intertwining tree limbs.",,13,"3,1",relation,spatial,"relation - spatial (branches, night sky, against)",Are the branches creating a contrast against the night sky? +partiprompts230,"a patriotic-themed chopper motorcycle, its body emblazoned with the iconic red, white, and blue of the Stars and Stripes. The bike's gleaming chrome accents catch the light, highlighting its meticulous craftsmanship. Parked on a stretch of open road, the motorcycle's American flag motif stands out boldly against the asphalt.",,1,0,entity,whole,entity - whole (motorcycle),Is there a motorcycle? +partiprompts230,"a patriotic-themed chopper motorcycle, its body emblazoned with the iconic red, white, and blue of the Stars and Stripes. The bike's gleaming chrome accents catch the light, highlighting its meticulous craftsmanship. Parked on a stretch of open road, the motorcycle's American flag motif stands out boldly against the asphalt.",,2,1,attribute,other,"attribute - other (motorcycle, patriotic-themed)",Is the motorcycle patriotic-themed? +partiprompts230,"a patriotic-themed chopper motorcycle, its body emblazoned with the iconic red, white, and blue of the Stars and Stripes. The bike's gleaming chrome accents catch the light, highlighting its meticulous craftsmanship. Parked on a stretch of open road, the motorcycle's American flag motif stands out boldly against the asphalt.",,3,1,attribute,texture,"attribute - texture (motorcycle's body, emblazoned)",Is the motorcycle's body emblazoned? +partiprompts230,"a patriotic-themed chopper motorcycle, its body emblazoned with the iconic red, white, and blue of the Stars and Stripes. The bike's gleaming chrome accents catch the light, highlighting its meticulous craftsmanship. Parked on a stretch of open road, the motorcycle's American flag motif stands out boldly against the asphalt.",,4,3,attribute,color,"attribute - color (motorcycle's body, red)",Is the motorcycle's body red? +partiprompts230,"a patriotic-themed chopper motorcycle, its body emblazoned with the iconic red, white, and blue of the Stars and Stripes. The bike's gleaming chrome accents catch the light, highlighting its meticulous craftsmanship. Parked on a stretch of open road, the motorcycle's American flag motif stands out boldly against the asphalt.",,5,3,attribute,color,"attribute - color (motorcycle's body, white)",Is the motorcycle's body white? +partiprompts230,"a patriotic-themed chopper motorcycle, its body emblazoned with the iconic red, white, and blue of the Stars and Stripes. The bike's gleaming chrome accents catch the light, highlighting its meticulous craftsmanship. Parked on a stretch of open road, the motorcycle's American flag motif stands out boldly against the asphalt.",,6,3,attribute,color,"attribute - color (motorcycle's body, blue)",Is the motorcycle's body blue? +partiprompts230,"a patriotic-themed chopper motorcycle, its body emblazoned with the iconic red, white, and blue of the Stars and Stripes. The bike's gleaming chrome accents catch the light, highlighting its meticulous craftsmanship. Parked on a stretch of open road, the motorcycle's American flag motif stands out boldly against the asphalt.",,7,1,attribute,texture,"attribute - texture (motorcycle's chrome accents, gleaming)",Are the motorcycle's chrome accents gleaming? +partiprompts230,"a patriotic-themed chopper motorcycle, its body emblazoned with the iconic red, white, and blue of the Stars and Stripes. The bike's gleaming chrome accents catch the light, highlighting its meticulous craftsmanship. Parked on a stretch of open road, the motorcycle's American flag motif stands out boldly against the asphalt.",,8,1,attribute,other,"attribute - other (motorcycle's craftsmanship, meticulous)",Is the motorcycle's craftsmanship meticulous? +partiprompts230,"a patriotic-themed chopper motorcycle, its body emblazoned with the iconic red, white, and blue of the Stars and Stripes. The bike's gleaming chrome accents catch the light, highlighting its meticulous craftsmanship. Parked on a stretch of open road, the motorcycle's American flag motif stands out boldly against the asphalt.",,9,"1,9",relation,spatial,"relation - spatial (motorcycle, road, on)",Is the motorcycle on the road? +partiprompts230,"a patriotic-themed chopper motorcycle, its body emblazoned with the iconic red, white, and blue of the Stars and Stripes. The bike's gleaming chrome accents catch the light, highlighting its meticulous craftsmanship. Parked on a stretch of open road, the motorcycle's American flag motif stands out boldly against the asphalt.",,10,"1,9",relation,spatial,"relation - spatial (motorcycle, asphalt, against)",Is the motorcycle's American flag motif against the asphalt? +partiprompts133,"An anthropomorphic beaver, exuding an air of sophistication, stands upright beside a towering pile of books in a library setting. The beaver is adorned with a pair of round, wire-rimmed glasses perched on its nose, a neatly buttoned vest, and a vibrant necktie featuring an array of geometric patterns. The surrounding shelves are filled with an assortment of leather-bound and hardcover books, some with gold lettering on their spines, creating a backdrop of literary abundance.",,1,0,entity,whole,entity - whole (beaver),Is there an anthropomorphic beaver? +partiprompts133,"An anthropomorphic beaver, exuding an air of sophistication, stands upright beside a towering pile of books in a library setting. The beaver is adorned with a pair of round, wire-rimmed glasses perched on its nose, a neatly buttoned vest, and a vibrant necktie featuring an array of geometric patterns. The surrounding shelves are filled with an assortment of leather-bound and hardcover books, some with gold lettering on their spines, creating a backdrop of literary abundance.",,2,0,entity,whole,entity - whole (books),Are there books? +partiprompts133,"An anthropomorphic beaver, exuding an air of sophistication, stands upright beside a towering pile of books in a library setting. The beaver is adorned with a pair of round, wire-rimmed glasses perched on its nose, a neatly buttoned vest, and a vibrant necktie featuring an array of geometric patterns. The surrounding shelves are filled with an assortment of leather-bound and hardcover books, some with gold lettering on their spines, creating a backdrop of literary abundance.",,3,0,entity,whole,entity - whole (library),Is there a library? +partiprompts133,"An anthropomorphic beaver, exuding an air of sophistication, stands upright beside a towering pile of books in a library setting. The beaver is adorned with a pair of round, wire-rimmed glasses perched on its nose, a neatly buttoned vest, and a vibrant necktie featuring an array of geometric patterns. The surrounding shelves are filled with an assortment of leather-bound and hardcover books, some with gold lettering on their spines, creating a backdrop of literary abundance.",,4,1,entity,part,entity - part (beaver's glasses),Does the beaver have glasses? +partiprompts133,"An anthropomorphic beaver, exuding an air of sophistication, stands upright beside a towering pile of books in a library setting. The beaver is adorned with a pair of round, wire-rimmed glasses perched on its nose, a neatly buttoned vest, and a vibrant necktie featuring an array of geometric patterns. The surrounding shelves are filled with an assortment of leather-bound and hardcover books, some with gold lettering on their spines, creating a backdrop of literary abundance.",,5,1,entity,part,entity - part (beaver's vest),Does the beaver have a vest? +partiprompts133,"An anthropomorphic beaver, exuding an air of sophistication, stands upright beside a towering pile of books in a library setting. The beaver is adorned with a pair of round, wire-rimmed glasses perched on its nose, a neatly buttoned vest, and a vibrant necktie featuring an array of geometric patterns. The surrounding shelves are filled with an assortment of leather-bound and hardcover books, some with gold lettering on their spines, creating a backdrop of literary abundance.",,6,1,entity,part,entity - part (beaver's necktie),Does the beaver have a necktie? +partiprompts133,"An anthropomorphic beaver, exuding an air of sophistication, stands upright beside a towering pile of books in a library setting. The beaver is adorned with a pair of round, wire-rimmed glasses perched on its nose, a neatly buttoned vest, and a vibrant necktie featuring an array of geometric patterns. The surrounding shelves are filled with an assortment of leather-bound and hardcover books, some with gold lettering on their spines, creating a backdrop of literary abundance.",,7,1,attribute,other,"attribute - other (beaver, anthropomorphic)",Is the beaver anthropomorphic? +partiprompts133,"An anthropomorphic beaver, exuding an air of sophistication, stands upright beside a towering pile of books in a library setting. The beaver is adorned with a pair of round, wire-rimmed glasses perched on its nose, a neatly buttoned vest, and a vibrant necktie featuring an array of geometric patterns. The surrounding shelves are filled with an assortment of leather-bound and hardcover books, some with gold lettering on their spines, creating a backdrop of literary abundance.",,8,1,attribute,other,"attribute - other (beaver, sophisticated)",Does the beaver exude sophistication? +partiprompts133,"An anthropomorphic beaver, exuding an air of sophistication, stands upright beside a towering pile of books in a library setting. The beaver is adorned with a pair of round, wire-rimmed glasses perched on its nose, a neatly buttoned vest, and a vibrant necktie featuring an array of geometric patterns. The surrounding shelves are filled with an assortment of leather-bound and hardcover books, some with gold lettering on their spines, creating a backdrop of literary abundance.",,9,4,attribute,shape,"attribute - shape (glasses, round)",Are the glasses round? +partiprompts133,"An anthropomorphic beaver, exuding an air of sophistication, stands upright beside a towering pile of books in a library setting. The beaver is adorned with a pair of round, wire-rimmed glasses perched on its nose, a neatly buttoned vest, and a vibrant necktie featuring an array of geometric patterns. The surrounding shelves are filled with an assortment of leather-bound and hardcover books, some with gold lettering on their spines, creating a backdrop of literary abundance.",,10,6,attribute,texture,"attribute - texture (necktie, vibrant)",Is the necktie vibrant? +partiprompts133,"An anthropomorphic beaver, exuding an air of sophistication, stands upright beside a towering pile of books in a library setting. The beaver is adorned with a pair of round, wire-rimmed glasses perched on its nose, a neatly buttoned vest, and a vibrant necktie featuring an array of geometric patterns. The surrounding shelves are filled with an assortment of leather-bound and hardcover books, some with gold lettering on their spines, creating a backdrop of literary abundance.",,11,2,attribute,texture,"attribute - texture (books, leather-bound)",Are the books leather-bound? +partiprompts133,"An anthropomorphic beaver, exuding an air of sophistication, stands upright beside a towering pile of books in a library setting. The beaver is adorned with a pair of round, wire-rimmed glasses perched on its nose, a neatly buttoned vest, and a vibrant necktie featuring an array of geometric patterns. The surrounding shelves are filled with an assortment of leather-bound and hardcover books, some with gold lettering on their spines, creating a backdrop of literary abundance.",,12,2,attribute,texture,"attribute - texture (books, hardcover)",Are the books hardcover? +partiprompts133,"An anthropomorphic beaver, exuding an air of sophistication, stands upright beside a towering pile of books in a library setting. The beaver is adorned with a pair of round, wire-rimmed glasses perched on its nose, a neatly buttoned vest, and a vibrant necktie featuring an array of geometric patterns. The surrounding shelves are filled with an assortment of leather-bound and hardcover books, some with gold lettering on their spines, creating a backdrop of literary abundance.",,13,6,attribute,other,"attribute - other (necktie, geometric patterns)",Does the necktie feature geometric patterns? +partiprompts133,"An anthropomorphic beaver, exuding an air of sophistication, stands upright beside a towering pile of books in a library setting. The beaver is adorned with a pair of round, wire-rimmed glasses perched on its nose, a neatly buttoned vest, and a vibrant necktie featuring an array of geometric patterns. The surrounding shelves are filled with an assortment of leather-bound and hardcover books, some with gold lettering on their spines, creating a backdrop of literary abundance.",,14,2,attribute,other,"attribute - other (books, gold lettering)",Do some books have gold lettering? +partiprompts133,"An anthropomorphic beaver, exuding an air of sophistication, stands upright beside a towering pile of books in a library setting. The beaver is adorned with a pair of round, wire-rimmed glasses perched on its nose, a neatly buttoned vest, and a vibrant necktie featuring an array of geometric patterns. The surrounding shelves are filled with an assortment of leather-bound and hardcover books, some with gold lettering on their spines, creating a backdrop of literary abundance.",,15,"1,2",relation,spatial,"relation - spatial (beaver, books, beside)",Is the beaver standing beside the books? +partiprompts133,"An anthropomorphic beaver, exuding an air of sophistication, stands upright beside a towering pile of books in a library setting. The beaver is adorned with a pair of round, wire-rimmed glasses perched on its nose, a neatly buttoned vest, and a vibrant necktie featuring an array of geometric patterns. The surrounding shelves are filled with an assortment of leather-bound and hardcover books, some with gold lettering on their spines, creating a backdrop of literary abundance.",,16,"1,2",relation,spatial,"relation - spatial (beaver, books, in)",Is the beaver in the books? +partiprompts133,"An anthropomorphic beaver, exuding an air of sophistication, stands upright beside a towering pile of books in a library setting. The beaver is adorned with a pair of round, wire-rimmed glasses perched on its nose, a neatly buttoned vest, and a vibrant necktie featuring an array of geometric patterns. The surrounding shelves are filled with an assortment of leather-bound and hardcover books, some with gold lettering on their spines, creating a backdrop of literary abundance.",,17,"1,3",relation,spatial,"relation - spatial (beaver, library, in)",Is the beaver in the library? +partiprompts133,"An anthropomorphic beaver, exuding an air of sophistication, stands upright beside a towering pile of books in a library setting. The beaver is adorned with a pair of round, wire-rimmed glasses perched on its nose, a neatly buttoned vest, and a vibrant necktie featuring an array of geometric patterns. The surrounding shelves are filled with an assortment of leather-bound and hardcover books, some with gold lettering on their spines, creating a backdrop of literary abundance.",,18,"2,3",relation,spatial,"relation - spatial (books, shelves, on)",Are the books on the shelves? +partiprompts133,"An anthropomorphic beaver, exuding an air of sophistication, stands upright beside a towering pile of books in a library setting. The beaver is adorned with a pair of round, wire-rimmed glasses perched on its nose, a neatly buttoned vest, and a vibrant necktie featuring an array of geometric patterns. The surrounding shelves are filled with an assortment of leather-bound and hardcover books, some with gold lettering on their spines, creating a backdrop of literary abundance.",,19,"2,3",relation,spatial,"relation - spatial (shelves, library, surrounding)",Are the shelves surrounding the library? +partiprompts181,"A quaint fairy cottage nestled in a lush garden, with delicate smoke wisps rising from its stone chimney. The cottage features a thatched roof and walls covered in climbing ivy. A curious squirrel peers out from a small, round window, framed by wooden shutters.",,1,0,entity,whole,entity - whole (fairy cottage),Is there a fairy cottage? +partiprompts181,"A quaint fairy cottage nestled in a lush garden, with delicate smoke wisps rising from its stone chimney. The cottage features a thatched roof and walls covered in climbing ivy. A curious squirrel peers out from a small, round window, framed by wooden shutters.",,2,0,entity,whole,entity - whole (garden),Is there a garden? +partiprompts181,"A quaint fairy cottage nestled in a lush garden, with delicate smoke wisps rising from its stone chimney. The cottage features a thatched roof and walls covered in climbing ivy. A curious squirrel peers out from a small, round window, framed by wooden shutters.",,3,0,entity,whole,entity - whole (smoke wisps),Are there smoke wisps? +partiprompts181,"A quaint fairy cottage nestled in a lush garden, with delicate smoke wisps rising from its stone chimney. The cottage features a thatched roof and walls covered in climbing ivy. A curious squirrel peers out from a small, round window, framed by wooden shutters.",,4,0,entity,whole,entity - whole (stone chimney),Is there a stone chimney? +partiprompts181,"A quaint fairy cottage nestled in a lush garden, with delicate smoke wisps rising from its stone chimney. The cottage features a thatched roof and walls covered in climbing ivy. A curious squirrel peers out from a small, round window, framed by wooden shutters.",,5,0,entity,whole,entity - whole (thatched roof),Is there a thatched roof? +partiprompts181,"A quaint fairy cottage nestled in a lush garden, with delicate smoke wisps rising from its stone chimney. The cottage features a thatched roof and walls covered in climbing ivy. A curious squirrel peers out from a small, round window, framed by wooden shutters.",,6,0,entity,whole,entity - whole (climbing ivy),Is there climbing ivy on the walls? +partiprompts181,"A quaint fairy cottage nestled in a lush garden, with delicate smoke wisps rising from its stone chimney. The cottage features a thatched roof and walls covered in climbing ivy. A curious squirrel peers out from a small, round window, framed by wooden shutters.",,7,0,entity,whole,entity - whole (squirrel),Is there a squirrel? +partiprompts181,"A quaint fairy cottage nestled in a lush garden, with delicate smoke wisps rising from its stone chimney. The cottage features a thatched roof and walls covered in climbing ivy. A curious squirrel peers out from a small, round window, framed by wooden shutters.",,8,0,entity,whole,entity - whole (window),Is there a window? +partiprompts181,"A quaint fairy cottage nestled in a lush garden, with delicate smoke wisps rising from its stone chimney. The cottage features a thatched roof and walls covered in climbing ivy. A curious squirrel peers out from a small, round window, framed by wooden shutters.",,9,0,entity,whole,entity - whole (wooden shutters),Are there wooden shutters? +partiprompts181,"A quaint fairy cottage nestled in a lush garden, with delicate smoke wisps rising from its stone chimney. The cottage features a thatched roof and walls covered in climbing ivy. A curious squirrel peers out from a small, round window, framed by wooden shutters.",,10,1,attribute,other,"attribute - other (cottage, quaint)",Is the cottage quaint? +partiprompts181,"A quaint fairy cottage nestled in a lush garden, with delicate smoke wisps rising from its stone chimney. The cottage features a thatched roof and walls covered in climbing ivy. A curious squirrel peers out from a small, round window, framed by wooden shutters.",,11,5,attribute,texture,"attribute - texture (roof, thatched)",Is the roof thatched? +partiprompts181,"A quaint fairy cottage nestled in a lush garden, with delicate smoke wisps rising from its stone chimney. The cottage features a thatched roof and walls covered in climbing ivy. A curious squirrel peers out from a small, round window, framed by wooden shutters.",,12,6,attribute,texture,"attribute - texture (walls, climbing ivy)",Are the walls covered in climbing ivy? +partiprompts181,"A quaint fairy cottage nestled in a lush garden, with delicate smoke wisps rising from its stone chimney. The cottage features a thatched roof and walls covered in climbing ivy. A curious squirrel peers out from a small, round window, framed by wooden shutters.",,13,3,entity,state,"entity - state (smoke wisps, delicate)",Are the smoke wisps delicate? +partiprompts181,"A quaint fairy cottage nestled in a lush garden, with delicate smoke wisps rising from its stone chimney. The cottage features a thatched roof and walls covered in climbing ivy. A curious squirrel peers out from a small, round window, framed by wooden shutters.",,14,7,entity,state,"entity - state (squirrel, curious)",Is the squirrel curious? +partiprompts181,"A quaint fairy cottage nestled in a lush garden, with delicate smoke wisps rising from its stone chimney. The cottage features a thatched roof and walls covered in climbing ivy. A curious squirrel peers out from a small, round window, framed by wooden shutters.",,15,"1,2",relation,spatial,"relation - spatial (cottage, garden, nestled in)",Is the cottage nestled in the garden? +partiprompts181,"A quaint fairy cottage nestled in a lush garden, with delicate smoke wisps rising from its stone chimney. The cottage features a thatched roof and walls covered in climbing ivy. A curious squirrel peers out from a small, round window, framed by wooden shutters.",,16,"3,4",relation,spatial,"relation - spatial (smoke wisps, chimney, rising from)",Are the smoke wisps rising from the chimney? +partiprompts181,"A quaint fairy cottage nestled in a lush garden, with delicate smoke wisps rising from its stone chimney. The cottage features a thatched roof and walls covered in climbing ivy. A curious squirrel peers out from a small, round window, framed by wooden shutters.",,17,"7,8",relation,spatial,"relation - spatial (squirrel, window, peers out from)",Is the squirrel peering out from the window framed by wooden shutters? +partiprompts27,"A detailed Persian metal engraving vase, showcasing intricate patterns and designs, rests to the left side of a vibrant bouquet of orange flowers. The vase, with its silver sheen and traditional craftsmanship, sits on a polished wooden table. The orange petals of the flowers provide a stark contrast to the metallic tones of the vase, creating a visually appealing composition.",,1,0,entity,whole,entity - whole (vase),Is there a vase? +partiprompts27,"A detailed Persian metal engraving vase, showcasing intricate patterns and designs, rests to the left side of a vibrant bouquet of orange flowers. The vase, with its silver sheen and traditional craftsmanship, sits on a polished wooden table. The orange petals of the flowers provide a stark contrast to the metallic tones of the vase, creating a visually appealing composition.",,2,1,entity,whole,entity - whole (patterns),Are there patterns? +partiprompts27,"A detailed Persian metal engraving vase, showcasing intricate patterns and designs, rests to the left side of a vibrant bouquet of orange flowers. The vase, with its silver sheen and traditional craftsmanship, sits on a polished wooden table. The orange petals of the flowers provide a stark contrast to the metallic tones of the vase, creating a visually appealing composition.",,3,1,entity,whole,entity - whole (designs),Are there designs? +partiprompts27,"A detailed Persian metal engraving vase, showcasing intricate patterns and designs, rests to the left side of a vibrant bouquet of orange flowers. The vase, with its silver sheen and traditional craftsmanship, sits on a polished wooden table. The orange petals of the flowers provide a stark contrast to the metallic tones of the vase, creating a visually appealing composition.",,4,0,entity,whole,entity - whole (bouquet),Is there a bouquet? +partiprompts27,"A detailed Persian metal engraving vase, showcasing intricate patterns and designs, rests to the left side of a vibrant bouquet of orange flowers. The vase, with its silver sheen and traditional craftsmanship, sits on a polished wooden table. The orange petals of the flowers provide a stark contrast to the metallic tones of the vase, creating a visually appealing composition.",,5,0,entity,whole,entity - whole (flowers),Are there flowers? +partiprompts27,"A detailed Persian metal engraving vase, showcasing intricate patterns and designs, rests to the left side of a vibrant bouquet of orange flowers. The vase, with its silver sheen and traditional craftsmanship, sits on a polished wooden table. The orange petals of the flowers provide a stark contrast to the metallic tones of the vase, creating a visually appealing composition.",,6,1,attribute,texture,"attribute - texture (vase, metal engraving)",Is the vase made of metal engraving? +partiprompts27,"A detailed Persian metal engraving vase, showcasing intricate patterns and designs, rests to the left side of a vibrant bouquet of orange flowers. The vase, with its silver sheen and traditional craftsmanship, sits on a polished wooden table. The orange petals of the flowers provide a stark contrast to the metallic tones of the vase, creating a visually appealing composition.",,7,1,attribute,texture,"attribute - texture (vase, silver)",Is the vase silver? +partiprompts27,"A detailed Persian metal engraving vase, showcasing intricate patterns and designs, rests to the left side of a vibrant bouquet of orange flowers. The vase, with its silver sheen and traditional craftsmanship, sits on a polished wooden table. The orange petals of the flowers provide a stark contrast to the metallic tones of the vase, creating a visually appealing composition.",,8,1,attribute,texture,"attribute - texture (table, polished wood)",Is the table polished wood? +partiprompts27,"A detailed Persian metal engraving vase, showcasing intricate patterns and designs, rests to the left side of a vibrant bouquet of orange flowers. The vase, with its silver sheen and traditional craftsmanship, sits on a polished wooden table. The orange petals of the flowers provide a stark contrast to the metallic tones of the vase, creating a visually appealing composition.",,9,4,attribute,color,"attribute - color (flowers, orange)",Are the flowers orange? +partiprompts27,"A detailed Persian metal engraving vase, showcasing intricate patterns and designs, rests to the left side of a vibrant bouquet of orange flowers. The vase, with its silver sheen and traditional craftsmanship, sits on a polished wooden table. The orange petals of the flowers provide a stark contrast to the metallic tones of the vase, creating a visually appealing composition.",,10,"1,4",relation,spatial,"relation - spatial (vase, left side of bouquet, rests)",Is the vase on the left side of the bouquet? +partiprompts27,"A detailed Persian metal engraving vase, showcasing intricate patterns and designs, rests to the left side of a vibrant bouquet of orange flowers. The vase, with its silver sheen and traditional craftsmanship, sits on a polished wooden table. The orange petals of the flowers provide a stark contrast to the metallic tones of the vase, creating a visually appealing composition.",,11,"1,8",relation,spatial,"relation - spatial (vase, table, on)",Is the vase on the table? +partiprompts27,"A detailed Persian metal engraving vase, showcasing intricate patterns and designs, rests to the left side of a vibrant bouquet of orange flowers. The vase, with its silver sheen and traditional craftsmanship, sits on a polished wooden table. The orange petals of the flowers provide a stark contrast to the metallic tones of the vase, creating a visually appealing composition.",,12,"5,1",relation,spatial,"relation - spatial (flowers, vase, contrast to)",Do the flowers provide a contrast to the vase? +partiprompts211,"A vibrant hot air balloon adorned with a colorful chameleon logo floats gracefully against a bright blue sky. The sun casts a warm glow on the scene, highlighting the balloon's rainbow hues and the fluffy white clouds that dot the horizon. Below the balloon, a patchwork of green fields and small houses can be seen from this aerial vantage point.",,1,0,entity,whole,entity - whole (hot air balloon),Is there a hot air balloon? +partiprompts211,"A vibrant hot air balloon adorned with a colorful chameleon logo floats gracefully against a bright blue sky. The sun casts a warm glow on the scene, highlighting the balloon's rainbow hues and the fluffy white clouds that dot the horizon. Below the balloon, a patchwork of green fields and small houses can be seen from this aerial vantage point.",,2,1,entity,whole,entity - whole (logo),Is there a logo? +partiprompts211,"A vibrant hot air balloon adorned with a colorful chameleon logo floats gracefully against a bright blue sky. The sun casts a warm glow on the scene, highlighting the balloon's rainbow hues and the fluffy white clouds that dot the horizon. Below the balloon, a patchwork of green fields and small houses can be seen from this aerial vantage point.",,3,0,entity,whole,entity - whole (sky),Is there a sky? +partiprompts211,"A vibrant hot air balloon adorned with a colorful chameleon logo floats gracefully against a bright blue sky. The sun casts a warm glow on the scene, highlighting the balloon's rainbow hues and the fluffy white clouds that dot the horizon. Below the balloon, a patchwork of green fields and small houses can be seen from this aerial vantage point.",,4,0,entity,whole,entity - whole (sun),Is there a sun? +partiprompts211,"A vibrant hot air balloon adorned with a colorful chameleon logo floats gracefully against a bright blue sky. The sun casts a warm glow on the scene, highlighting the balloon's rainbow hues and the fluffy white clouds that dot the horizon. Below the balloon, a patchwork of green fields and small houses can be seen from this aerial vantage point.",,5,0,entity,whole,entity - whole (scene),Is there a scene? +partiprompts211,"A vibrant hot air balloon adorned with a colorful chameleon logo floats gracefully against a bright blue sky. The sun casts a warm glow on the scene, highlighting the balloon's rainbow hues and the fluffy white clouds that dot the horizon. Below the balloon, a patchwork of green fields and small houses can be seen from this aerial vantage point.",,6,1,entity,whole,entity - whole (hues),Are there hues? +partiprompts211,"A vibrant hot air balloon adorned with a colorful chameleon logo floats gracefully against a bright blue sky. The sun casts a warm glow on the scene, highlighting the balloon's rainbow hues and the fluffy white clouds that dot the horizon. Below the balloon, a patchwork of green fields and small houses can be seen from this aerial vantage point.",,7,1,entity,whole,entity - whole (clouds),Are there clouds? +partiprompts211,"A vibrant hot air balloon adorned with a colorful chameleon logo floats gracefully against a bright blue sky. The sun casts a warm glow on the scene, highlighting the balloon's rainbow hues and the fluffy white clouds that dot the horizon. Below the balloon, a patchwork of green fields and small houses can be seen from this aerial vantage point.",,8,1,entity,whole,entity - whole (fields),Are there fields? +partiprompts211,"A vibrant hot air balloon adorned with a colorful chameleon logo floats gracefully against a bright blue sky. The sun casts a warm glow on the scene, highlighting the balloon's rainbow hues and the fluffy white clouds that dot the horizon. Below the balloon, a patchwork of green fields and small houses can be seen from this aerial vantage point.",,9,1,entity,whole,entity - whole (houses),Are there houses? +partiprompts211,"A vibrant hot air balloon adorned with a colorful chameleon logo floats gracefully against a bright blue sky. The sun casts a warm glow on the scene, highlighting the balloon's rainbow hues and the fluffy white clouds that dot the horizon. Below the balloon, a patchwork of green fields and small houses can be seen from this aerial vantage point.",,10,1,attribute,color,"attribute - color (balloon, vibrant)",Is the balloon vibrant? +partiprompts211,"A vibrant hot air balloon adorned with a colorful chameleon logo floats gracefully against a bright blue sky. The sun casts a warm glow on the scene, highlighting the balloon's rainbow hues and the fluffy white clouds that dot the horizon. Below the balloon, a patchwork of green fields and small houses can be seen from this aerial vantage point.",,11,2,attribute,color,"attribute - color (logo, colorful)",Is the logo colorful? +partiprompts211,"A vibrant hot air balloon adorned with a colorful chameleon logo floats gracefully against a bright blue sky. The sun casts a warm glow on the scene, highlighting the balloon's rainbow hues and the fluffy white clouds that dot the horizon. Below the balloon, a patchwork of green fields and small houses can be seen from this aerial vantage point.",,12,3,attribute,color,"attribute - color (sky, bright blue)",Is the sky bright blue? +partiprompts211,"A vibrant hot air balloon adorned with a colorful chameleon logo floats gracefully against a bright blue sky. The sun casts a warm glow on the scene, highlighting the balloon's rainbow hues and the fluffy white clouds that dot the horizon. Below the balloon, a patchwork of green fields and small houses can be seen from this aerial vantage point.",,13,4,attribute,color,"attribute - color (sun, warm glow)",Does the sun have a warm glow? +partiprompts211,"A vibrant hot air balloon adorned with a colorful chameleon logo floats gracefully against a bright blue sky. The sun casts a warm glow on the scene, highlighting the balloon's rainbow hues and the fluffy white clouds that dot the horizon. Below the balloon, a patchwork of green fields and small houses can be seen from this aerial vantage point.",,14,5,attribute,color,"attribute - color (hues, rainbow)",Are the hues rainbow? +partiprompts211,"A vibrant hot air balloon adorned with a colorful chameleon logo floats gracefully against a bright blue sky. The sun casts a warm glow on the scene, highlighting the balloon's rainbow hues and the fluffy white clouds that dot the horizon. Below the balloon, a patchwork of green fields and small houses can be seen from this aerial vantage point.",,15,6,attribute,color,"attribute - color (clouds, fluffy white)",Are the clouds fluffy white? +partiprompts211,"A vibrant hot air balloon adorned with a colorful chameleon logo floats gracefully against a bright blue sky. The sun casts a warm glow on the scene, highlighting the balloon's rainbow hues and the fluffy white clouds that dot the horizon. Below the balloon, a patchwork of green fields and small houses can be seen from this aerial vantage point.",,16,7,attribute,color,"attribute - color (fields, green)",Are the fields green? +partiprompts211,"A vibrant hot air balloon adorned with a colorful chameleon logo floats gracefully against a bright blue sky. The sun casts a warm glow on the scene, highlighting the balloon's rainbow hues and the fluffy white clouds that dot the horizon. Below the balloon, a patchwork of green fields and small houses can be seen from this aerial vantage point.",,17,8,attribute,color,"attribute - color (houses, small)",Are the houses small? +partiprompts211,"A vibrant hot air balloon adorned with a colorful chameleon logo floats gracefully against a bright blue sky. The sun casts a warm glow on the scene, highlighting the balloon's rainbow hues and the fluffy white clouds that dot the horizon. Below the balloon, a patchwork of green fields and small houses can be seen from this aerial vantage point.",,18,"1,3",relation,spatial,"relation - spatial (balloon, sky, float)",Is the balloon floating in the sky? +partiprompts211,"A vibrant hot air balloon adorned with a colorful chameleon logo floats gracefully against a bright blue sky. The sun casts a warm glow on the scene, highlighting the balloon's rainbow hues and the fluffy white clouds that dot the horizon. Below the balloon, a patchwork of green fields and small houses can be seen from this aerial vantage point.",,19,"2,1",relation,spatial,"relation - spatial (logo, balloon, adorn)",Is the logo adorning the balloon? +partiprompts211,"A vibrant hot air balloon adorned with a colorful chameleon logo floats gracefully against a bright blue sky. The sun casts a warm glow on the scene, highlighting the balloon's rainbow hues and the fluffy white clouds that dot the horizon. Below the balloon, a patchwork of green fields and small houses can be seen from this aerial vantage point.",,20,"4,5",relation,spatial,"relation - spatial (sun, scene, cast)",Is the sun casting light on the scene? +partiprompts211,"A vibrant hot air balloon adorned with a colorful chameleon logo floats gracefully against a bright blue sky. The sun casts a warm glow on the scene, highlighting the balloon's rainbow hues and the fluffy white clouds that dot the horizon. Below the balloon, a patchwork of green fields and small houses can be seen from this aerial vantage point.",,21,"4,1",relation,spatial,"relation - spatial (sun, balloon, highlight)",Is the sun highlighting the balloon and clouds? +partiprompts211,"A vibrant hot air balloon adorned with a colorful chameleon logo floats gracefully against a bright blue sky. The sun casts a warm glow on the scene, highlighting the balloon's rainbow hues and the fluffy white clouds that dot the horizon. Below the balloon, a patchwork of green fields and small houses can be seen from this aerial vantage point.",,22,"4,7",relation,spatial,"relation - spatial (sun, clouds, highlight)",Is the sun highlighting the rainbow hues and fluffy white clouds? +partiprompts211,"A vibrant hot air balloon adorned with a colorful chameleon logo floats gracefully against a bright blue sky. The sun casts a warm glow on the scene, highlighting the balloon's rainbow hues and the fluffy white clouds that dot the horizon. Below the balloon, a patchwork of green fields and small houses can be seen from this aerial vantage point.",,23,"4,7",relation,spatial,"relation - spatial (sun, horizon, dot)",Is the sun dotting the horizon? +partiprompts211,"A vibrant hot air balloon adorned with a colorful chameleon logo floats gracefully against a bright blue sky. The sun casts a warm glow on the scene, highlighting the balloon's rainbow hues and the fluffy white clouds that dot the horizon. Below the balloon, a patchwork of green fields and small houses can be seen from this aerial vantage point.",,24,"1,7",relation,spatial,"relation - spatial (balloon, horizon, dot)",Is the balloon dotting the horizon? +partiprompts211,"A vibrant hot air balloon adorned with a colorful chameleon logo floats gracefully against a bright blue sky. The sun casts a warm glow on the scene, highlighting the balloon's rainbow hues and the fluffy white clouds that dot the horizon. Below the balloon, a patchwork of green fields and small houses can be seen from this aerial vantage point.",,25,"8,1",relation,spatial,"relation - spatial (fields, balloon, below)",Are the fields below the balloon? +partiprompts211,"A vibrant hot air balloon adorned with a colorful chameleon logo floats gracefully against a bright blue sky. The sun casts a warm glow on the scene, highlighting the balloon's rainbow hues and the fluffy white clouds that dot the horizon. Below the balloon, a patchwork of green fields and small houses can be seen from this aerial vantage point.",,26,"9,1",relation,spatial,"relation - spatial (houses, balloon, below)",Are the houses below the balloon? +partiprompts322,"A whimsical scene at the beach where a pineapple, complete with its spiky green leaves, is balanced atop a vibrant blue wave as if it were surfing. The pineapple's textured, golden-brown skin glistens with droplets of ocean water. In the background, the sandy shore is dotted with colorful beach umbrellas and sunbathers enjoying the sunny day.",,1,0,entity,whole,entity - whole (beach),Is there a beach? +partiprompts322,"A whimsical scene at the beach where a pineapple, complete with its spiky green leaves, is balanced atop a vibrant blue wave as if it were surfing. The pineapple's textured, golden-brown skin glistens with droplets of ocean water. In the background, the sandy shore is dotted with colorful beach umbrellas and sunbathers enjoying the sunny day.",,2,1,entity,whole,entity - whole (pineapple),Is there a pineapple? +partiprompts322,"A whimsical scene at the beach where a pineapple, complete with its spiky green leaves, is balanced atop a vibrant blue wave as if it were surfing. The pineapple's textured, golden-brown skin glistens with droplets of ocean water. In the background, the sandy shore is dotted with colorful beach umbrellas and sunbathers enjoying the sunny day.",,3,0,entity,whole,entity - whole (wave),Is there a wave? +partiprompts322,"A whimsical scene at the beach where a pineapple, complete with its spiky green leaves, is balanced atop a vibrant blue wave as if it were surfing. The pineapple's textured, golden-brown skin glistens with droplets of ocean water. In the background, the sandy shore is dotted with colorful beach umbrellas and sunbathers enjoying the sunny day.",,4,0,entity,whole,entity - whole (shore),Is there a shore? +partiprompts322,"A whimsical scene at the beach where a pineapple, complete with its spiky green leaves, is balanced atop a vibrant blue wave as if it were surfing. The pineapple's textured, golden-brown skin glistens with droplets of ocean water. In the background, the sandy shore is dotted with colorful beach umbrellas and sunbathers enjoying the sunny day.",,5,0,entity,whole,entity - whole (umbrellas),Are there umbrellas? +partiprompts322,"A whimsical scene at the beach where a pineapple, complete with its spiky green leaves, is balanced atop a vibrant blue wave as if it were surfing. The pineapple's textured, golden-brown skin glistens with droplets of ocean water. In the background, the sandy shore is dotted with colorful beach umbrellas and sunbathers enjoying the sunny day.",,6,0,entity,whole,entity - whole (sunbathers),Are there sunbathers? +partiprompts322,"A whimsical scene at the beach where a pineapple, complete with its spiky green leaves, is balanced atop a vibrant blue wave as if it were surfing. The pineapple's textured, golden-brown skin glistens with droplets of ocean water. In the background, the sandy shore is dotted with colorful beach umbrellas and sunbathers enjoying the sunny day.",,7,2,attribute,other,"attribute - other (pineapple, whimsical)",Is the pineapple scene whimsical? +partiprompts322,"A whimsical scene at the beach where a pineapple, complete with its spiky green leaves, is balanced atop a vibrant blue wave as if it were surfing. The pineapple's textured, golden-brown skin glistens with droplets of ocean water. In the background, the sandy shore is dotted with colorful beach umbrellas and sunbathers enjoying the sunny day.",,8,3,attribute,color,"attribute - color (wave, vibrant blue)",Is the wave vibrant blue? +partiprompts322,"A whimsical scene at the beach where a pineapple, complete with its spiky green leaves, is balanced atop a vibrant blue wave as if it were surfing. The pineapple's textured, golden-brown skin glistens with droplets of ocean water. In the background, the sandy shore is dotted with colorful beach umbrellas and sunbathers enjoying the sunny day.",,9,2,attribute,color,"attribute - color (pineapple's skin, golden-brown)",Is the pineapple's skin golden-brown? +partiprompts322,"A whimsical scene at the beach where a pineapple, complete with its spiky green leaves, is balanced atop a vibrant blue wave as if it were surfing. The pineapple's textured, golden-brown skin glistens with droplets of ocean water. In the background, the sandy shore is dotted with colorful beach umbrellas and sunbathers enjoying the sunny day.",,10,2,attribute,texture,"attribute - texture (pineapple's skin, textured)",Is the pineapple's skin textured? +partiprompts322,"A whimsical scene at the beach where a pineapple, complete with its spiky green leaves, is balanced atop a vibrant blue wave as if it were surfing. The pineapple's textured, golden-brown skin glistens with droplets of ocean water. In the background, the sandy shore is dotted with colorful beach umbrellas and sunbathers enjoying the sunny day.",,11,2,attribute,texture,"attribute - texture (pineapple's skin, glistens with droplets of ocean water)",Does the pineapple's skin glisten with droplets of ocean water? +partiprompts322,"A whimsical scene at the beach where a pineapple, complete with its spiky green leaves, is balanced atop a vibrant blue wave as if it were surfing. The pineapple's textured, golden-brown skin glistens with droplets of ocean water. In the background, the sandy shore is dotted with colorful beach umbrellas and sunbathers enjoying the sunny day.",,12,"2,3",relation,spatial,"relation - spatial (pineapple, wave, balanced atop)",Is the pineapple balanced atop the wave? +partiprompts322,"A whimsical scene at the beach where a pineapple, complete with its spiky green leaves, is balanced atop a vibrant blue wave as if it were surfing. The pineapple's textured, golden-brown skin glistens with droplets of ocean water. In the background, the sandy shore is dotted with colorful beach umbrellas and sunbathers enjoying the sunny day.",,13,"2,4",relation,spatial,"relation - spatial (pineapple, shore, in)",Is the pineapple on the shore? +partiprompts322,"A whimsical scene at the beach where a pineapple, complete with its spiky green leaves, is balanced atop a vibrant blue wave as if it were surfing. The pineapple's textured, golden-brown skin glistens with droplets of ocean water. In the background, the sandy shore is dotted with colorful beach umbrellas and sunbathers enjoying the sunny day.",,14,4,relation,spatial,"relation - spatial (umbrellas, shore, dotted with)",Are the umbrellas dotted on the shore? +partiprompts322,"A whimsical scene at the beach where a pineapple, complete with its spiky green leaves, is balanced atop a vibrant blue wave as if it were surfing. The pineapple's textured, golden-brown skin glistens with droplets of ocean water. In the background, the sandy shore is dotted with colorful beach umbrellas and sunbathers enjoying the sunny day.",,15,4,relation,spatial,"relation - spatial (sunbathers, shore, enjoying)",Are the sunbathers enjoying the sunny day on the shore? +partiprompts40,"A cold bottle of amber-colored beer with droplets of condensation sits beside a ceramic ashtray. The ashtray contains a half-smoked cigarette, its gray ash contrasting with the ashtray's dark hue. Nearby, a small pile of bottle caps and a lighter can be seen on the wooden surface of the table.",,1,0,entity,whole,entity - whole (bottle),Is there a bottle? +partiprompts40,"A cold bottle of amber-colored beer with droplets of condensation sits beside a ceramic ashtray. The ashtray contains a half-smoked cigarette, its gray ash contrasting with the ashtray's dark hue. Nearby, a small pile of bottle caps and a lighter can be seen on the wooden surface of the table.",,2,1,attribute,color,"attribute - color (bottle, amber-colored)",Is the bottle amber-colored? +partiprompts40,"A cold bottle of amber-colored beer with droplets of condensation sits beside a ceramic ashtray. The ashtray contains a half-smoked cigarette, its gray ash contrasting with the ashtray's dark hue. Nearby, a small pile of bottle caps and a lighter can be seen on the wooden surface of the table.",,3,1,attribute,texture,"attribute - texture (bottle, cold)",Is the bottle cold? +partiprompts40,"A cold bottle of amber-colored beer with droplets of condensation sits beside a ceramic ashtray. The ashtray contains a half-smoked cigarette, its gray ash contrasting with the ashtray's dark hue. Nearby, a small pile of bottle caps and a lighter can be seen on the wooden surface of the table.",,4,1,attribute,other,"attribute - other (bottle, droplets of condensation)",Are there droplets of condensation on the bottle? +partiprompts40,"A cold bottle of amber-colored beer with droplets of condensation sits beside a ceramic ashtray. The ashtray contains a half-smoked cigarette, its gray ash contrasting with the ashtray's dark hue. Nearby, a small pile of bottle caps and a lighter can be seen on the wooden surface of the table.",,5,0,entity,whole,entity - whole (ashtray),Is there an ashtray? +partiprompts40,"A cold bottle of amber-colored beer with droplets of condensation sits beside a ceramic ashtray. The ashtray contains a half-smoked cigarette, its gray ash contrasting with the ashtray's dark hue. Nearby, a small pile of bottle caps and a lighter can be seen on the wooden surface of the table.",,6,0,entity,whole,entity - whole (cigarette),Is there a cigarette? +partiprompts40,"A cold bottle of amber-colored beer with droplets of condensation sits beside a ceramic ashtray. The ashtray contains a half-smoked cigarette, its gray ash contrasting with the ashtray's dark hue. Nearby, a small pile of bottle caps and a lighter can be seen on the wooden surface of the table.",,7,6,attribute,color,"attribute - color (cigarette, gray)",Is the cigarette gray? +partiprompts40,"A cold bottle of amber-colored beer with droplets of condensation sits beside a ceramic ashtray. The ashtray contains a half-smoked cigarette, its gray ash contrasting with the ashtray's dark hue. Nearby, a small pile of bottle caps and a lighter can be seen on the wooden surface of the table.",,8,5,attribute,color,"attribute - color (ashtray, dark)",Is the ashtray dark? +partiprompts40,"A cold bottle of amber-colored beer with droplets of condensation sits beside a ceramic ashtray. The ashtray contains a half-smoked cigarette, its gray ash contrasting with the ashtray's dark hue. Nearby, a small pile of bottle caps and a lighter can be seen on the wooden surface of the table.",,9,0,entity,whole,entity - whole (bottle caps),Are there bottle caps? +partiprompts40,"A cold bottle of amber-colored beer with droplets of condensation sits beside a ceramic ashtray. The ashtray contains a half-smoked cigarette, its gray ash contrasting with the ashtray's dark hue. Nearby, a small pile of bottle caps and a lighter can be seen on the wooden surface of the table.",,10,0,entity,whole,entity - whole (lighter),Is there a lighter? +partiprompts40,"A cold bottle of amber-colored beer with droplets of condensation sits beside a ceramic ashtray. The ashtray contains a half-smoked cigarette, its gray ash contrasting with the ashtray's dark hue. Nearby, a small pile of bottle caps and a lighter can be seen on the wooden surface of the table.",,11,0,attribute,texture,"attribute - texture (table, wooden)",Is the table wooden? +partiprompts40,"A cold bottle of amber-colored beer with droplets of condensation sits beside a ceramic ashtray. The ashtray contains a half-smoked cigarette, its gray ash contrasting with the ashtray's dark hue. Nearby, a small pile of bottle caps and a lighter can be seen on the wooden surface of the table.",,12,"1,5",relation,spatial,"relation - spatial (bottle, ashtray, beside)",Is the bottle beside the ashtray? +partiprompts40,"A cold bottle of amber-colored beer with droplets of condensation sits beside a ceramic ashtray. The ashtray contains a half-smoked cigarette, its gray ash contrasting with the ashtray's dark hue. Nearby, a small pile of bottle caps and a lighter can be seen on the wooden surface of the table.",,13,"5,6",relation,spatial,"relation - spatial (ashtray, cigarette, contain)",Does the ashtray contain a cigarette? +partiprompts40,"A cold bottle of amber-colored beer with droplets of condensation sits beside a ceramic ashtray. The ashtray contains a half-smoked cigarette, its gray ash contrasting with the ashtray's dark hue. Nearby, a small pile of bottle caps and a lighter can be seen on the wooden surface of the table.",,14,"9,11",relation,spatial,"relation - spatial (bottle caps, table, on)",Are the bottle caps on the table? +partiprompts40,"A cold bottle of amber-colored beer with droplets of condensation sits beside a ceramic ashtray. The ashtray contains a half-smoked cigarette, its gray ash contrasting with the ashtray's dark hue. Nearby, a small pile of bottle caps and a lighter can be seen on the wooden surface of the table.",,15,"10,11",relation,spatial,"relation - spatial (lighter, table, on)",Is the lighter on the table? +partiprompts13,"An imaginative aerial panorama of downtown Manhattan, where the iconic Millennium Wheel stands out, juxtaposed against the backdrop of the Statue of Liberty, both bathed in the golden hues of the afternoon sun. The skyline is transformed by the surreal addition of the Great Pyramid, which sits majestically on a sandy island, surrounded by the steel and glass skyscrapers. The Hudson River meanders around the cityscape, reflecting the unusual yet striking architectural ensemble.",,1,0,global,,global - (aerial panorama),Is this an aerial panorama? +partiprompts13,"An imaginative aerial panorama of downtown Manhattan, where the iconic Millennium Wheel stands out, juxtaposed against the backdrop of the Statue of Liberty, both bathed in the golden hues of the afternoon sun. The skyline is transformed by the surreal addition of the Great Pyramid, which sits majestically on a sandy island, surrounded by the steel and glass skyscrapers. The Hudson River meanders around the cityscape, reflecting the unusual yet striking architectural ensemble.",,2,0,entity,whole,entity - whole (downtown Manhattan),Is downtown Manhattan visible? +partiprompts13,"An imaginative aerial panorama of downtown Manhattan, where the iconic Millennium Wheel stands out, juxtaposed against the backdrop of the Statue of Liberty, both bathed in the golden hues of the afternoon sun. The skyline is transformed by the surreal addition of the Great Pyramid, which sits majestically on a sandy island, surrounded by the steel and glass skyscrapers. The Hudson River meanders around the cityscape, reflecting the unusual yet striking architectural ensemble.",,3,0,entity,whole,entity - whole (Millennium Wheel),Is the Millennium Wheel visible? +partiprompts13,"An imaginative aerial panorama of downtown Manhattan, where the iconic Millennium Wheel stands out, juxtaposed against the backdrop of the Statue of Liberty, both bathed in the golden hues of the afternoon sun. The skyline is transformed by the surreal addition of the Great Pyramid, which sits majestically on a sandy island, surrounded by the steel and glass skyscrapers. The Hudson River meanders around the cityscape, reflecting the unusual yet striking architectural ensemble.",,4,0,entity,whole,entity - whole (the Statue of Liberty),Is the Statue of Liberty visible? +partiprompts13,"An imaginative aerial panorama of downtown Manhattan, where the iconic Millennium Wheel stands out, juxtaposed against the backdrop of the Statue of Liberty, both bathed in the golden hues of the afternoon sun. The skyline is transformed by the surreal addition of the Great Pyramid, which sits majestically on a sandy island, surrounded by the steel and glass skyscrapers. The Hudson River meanders around the cityscape, reflecting the unusual yet striking architectural ensemble.",,5,0,entity,whole,entity - whole (the Great Pyramid),Is the Great Pyramid visible? +partiprompts13,"An imaginative aerial panorama of downtown Manhattan, where the iconic Millennium Wheel stands out, juxtaposed against the backdrop of the Statue of Liberty, both bathed in the golden hues of the afternoon sun. The skyline is transformed by the surreal addition of the Great Pyramid, which sits majestically on a sandy island, surrounded by the steel and glass skyscrapers. The Hudson River meanders around the cityscape, reflecting the unusual yet striking architectural ensemble.",,6,0,entity,whole,entity - whole (skyline),Is the skyline visible? +partiprompts13,"An imaginative aerial panorama of downtown Manhattan, where the iconic Millennium Wheel stands out, juxtaposed against the backdrop of the Statue of Liberty, both bathed in the golden hues of the afternoon sun. The skyline is transformed by the surreal addition of the Great Pyramid, which sits majestically on a sandy island, surrounded by the steel and glass skyscrapers. The Hudson River meanders around the cityscape, reflecting the unusual yet striking architectural ensemble.",,7,0,entity,whole,entity - whole (sandy island),Is there a sandy island? +partiprompts13,"An imaginative aerial panorama of downtown Manhattan, where the iconic Millennium Wheel stands out, juxtaposed against the backdrop of the Statue of Liberty, both bathed in the golden hues of the afternoon sun. The skyline is transformed by the surreal addition of the Great Pyramid, which sits majestically on a sandy island, surrounded by the steel and glass skyscrapers. The Hudson River meanders around the cityscape, reflecting the unusual yet striking architectural ensemble.",,8,0,entity,whole,entity - whole (skyscrapers),Are there skyscrapers? +partiprompts13,"An imaginative aerial panorama of downtown Manhattan, where the iconic Millennium Wheel stands out, juxtaposed against the backdrop of the Statue of Liberty, both bathed in the golden hues of the afternoon sun. The skyline is transformed by the surreal addition of the Great Pyramid, which sits majestically on a sandy island, surrounded by the steel and glass skyscrapers. The Hudson River meanders around the cityscape, reflecting the unusual yet striking architectural ensemble.",,9,0,entity,whole,entity - whole (Hudson River),Is the Hudson River visible? +partiprompts13,"An imaginative aerial panorama of downtown Manhattan, where the iconic Millennium Wheel stands out, juxtaposed against the backdrop of the Statue of Liberty, both bathed in the golden hues of the afternoon sun. The skyline is transformed by the surreal addition of the Great Pyramid, which sits majestically on a sandy island, surrounded by the steel and glass skyscrapers. The Hudson River meanders around the cityscape, reflecting the unusual yet striking architectural ensemble.",,10,3,attribute,color,"attribute - color (Millennium Wheel, golden)",Is the Millennium Wheel bathed in golden hues? +partiprompts13,"An imaginative aerial panorama of downtown Manhattan, where the iconic Millennium Wheel stands out, juxtaposed against the backdrop of the Statue of Liberty, both bathed in the golden hues of the afternoon sun. The skyline is transformed by the surreal addition of the Great Pyramid, which sits majestically on a sandy island, surrounded by the steel and glass skyscrapers. The Hudson River meanders around the cityscape, reflecting the unusual yet striking architectural ensemble.",,11,4,attribute,color,"attribute - color (the Statue of Liberty, golden)",Is the Statue of Liberty bathed in golden hues? +partiprompts13,"An imaginative aerial panorama of downtown Manhattan, where the iconic Millennium Wheel stands out, juxtaposed against the backdrop of the Statue of Liberty, both bathed in the golden hues of the afternoon sun. The skyline is transformed by the surreal addition of the Great Pyramid, which sits majestically on a sandy island, surrounded by the steel and glass skyscrapers. The Hudson River meanders around the cityscape, reflecting the unusual yet striking architectural ensemble.",,12,5,attribute,texture,"attribute - texture (Great Pyramid, sandy)",Is the Great Pyramid on a sandy island? +partiprompts13,"An imaginative aerial panorama of downtown Manhattan, where the iconic Millennium Wheel stands out, juxtaposed against the backdrop of the Statue of Liberty, both bathed in the golden hues of the afternoon sun. The skyline is transformed by the surreal addition of the Great Pyramid, which sits majestically on a sandy island, surrounded by the steel and glass skyscrapers. The Hudson River meanders around the cityscape, reflecting the unusual yet striking architectural ensemble.",,13,"3,4",relation,spatial,"relation - spatial (Millennium Wheel, the Statue of Liberty, juxtaposed against)",Is the Millennium Wheel juxtaposed against the Statue of Liberty? +partiprompts13,"An imaginative aerial panorama of downtown Manhattan, where the iconic Millennium Wheel stands out, juxtaposed against the backdrop of the Statue of Liberty, both bathed in the golden hues of the afternoon sun. The skyline is transformed by the surreal addition of the Great Pyramid, which sits majestically on a sandy island, surrounded by the steel and glass skyscrapers. The Hudson River meanders around the cityscape, reflecting the unusual yet striking architectural ensemble.",,14,"5,7",relation,spatial,"relation - spatial (Great Pyramid, sandy island, on)",Is the Great Pyramid on the sandy island? +partiprompts13,"An imaginative aerial panorama of downtown Manhattan, where the iconic Millennium Wheel stands out, juxtaposed against the backdrop of the Statue of Liberty, both bathed in the golden hues of the afternoon sun. The skyline is transformed by the surreal addition of the Great Pyramid, which sits majestically on a sandy island, surrounded by the steel and glass skyscrapers. The Hudson River meanders around the cityscape, reflecting the unusual yet striking architectural ensemble.",,15,"5,8",relation,spatial,"relation - spatial (Great Pyramid, skyscrapers, surrounded by)",Is the Great Pyramid surrounded by skyscrapers? +partiprompts13,"An imaginative aerial panorama of downtown Manhattan, where the iconic Millennium Wheel stands out, juxtaposed against the backdrop of the Statue of Liberty, both bathed in the golden hues of the afternoon sun. The skyline is transformed by the surreal addition of the Great Pyramid, which sits majestically on a sandy island, surrounded by the steel and glass skyscrapers. The Hudson River meanders around the cityscape, reflecting the unusual yet striking architectural ensemble.",,16,"9,2",relation,spatial,"relation - spatial (Hudson River, cityscape, meanders around)",Does the Hudson River meander around the cityscape? +partiprompts42,"A chilled, transparent bottle of light beer with condensation beads forming on its surface, placed on a wooden table. A bright yellow slice of lemon is wedged onto the rim of the bottle, adding a citrus accent to the beverage. The bottle label is partially obscured by the moisture, but hints of green and gold are visible on the design.",,1,0,entity,whole,entity - whole (bottle),Is there a bottle? +partiprompts42,"A chilled, transparent bottle of light beer with condensation beads forming on its surface, placed on a wooden table. A bright yellow slice of lemon is wedged onto the rim of the bottle, adding a citrus accent to the beverage. The bottle label is partially obscured by the moisture, but hints of green and gold are visible on the design.",,2,1,entity,whole,entity - whole (beer),Is there beer? +partiprompts42,"A chilled, transparent bottle of light beer with condensation beads forming on its surface, placed on a wooden table. A bright yellow slice of lemon is wedged onto the rim of the bottle, adding a citrus accent to the beverage. The bottle label is partially obscured by the moisture, but hints of green and gold are visible on the design.",,3,2,entity,whole,entity - whole (condensation beads),Are there condensation beads? +partiprompts42,"A chilled, transparent bottle of light beer with condensation beads forming on its surface, placed on a wooden table. A bright yellow slice of lemon is wedged onto the rim of the bottle, adding a citrus accent to the beverage. The bottle label is partially obscured by the moisture, but hints of green and gold are visible on the design.",,4,0,entity,whole,entity - whole (table),Is there a table? +partiprompts42,"A chilled, transparent bottle of light beer with condensation beads forming on its surface, placed on a wooden table. A bright yellow slice of lemon is wedged onto the rim of the bottle, adding a citrus accent to the beverage. The bottle label is partially obscured by the moisture, but hints of green and gold are visible on the design.",,5,0,entity,whole,entity - whole (lemon slice),Is there a lemon slice? +partiprompts42,"A chilled, transparent bottle of light beer with condensation beads forming on its surface, placed on a wooden table. A bright yellow slice of lemon is wedged onto the rim of the bottle, adding a citrus accent to the beverage. The bottle label is partially obscured by the moisture, but hints of green and gold are visible on the design.",,6,1,attribute,texture,"attribute - texture (bottle, chilled, transparent)",Is the bottle chilled and transparent? +partiprompts42,"A chilled, transparent bottle of light beer with condensation beads forming on its surface, placed on a wooden table. A bright yellow slice of lemon is wedged onto the rim of the bottle, adding a citrus accent to the beverage. The bottle label is partially obscured by the moisture, but hints of green and gold are visible on the design.",,7,4,attribute,texture,"attribute - texture (table, wooden)",Is the table wooden? +partiprompts42,"A chilled, transparent bottle of light beer with condensation beads forming on its surface, placed on a wooden table. A bright yellow slice of lemon is wedged onto the rim of the bottle, adding a citrus accent to the beverage. The bottle label is partially obscured by the moisture, but hints of green and gold are visible on the design.",,8,4,attribute,color,"attribute - color (lemon slice, bright yellow)",Is the lemon slice bright yellow? +partiprompts42,"A chilled, transparent bottle of light beer with condensation beads forming on its surface, placed on a wooden table. A bright yellow slice of lemon is wedged onto the rim of the bottle, adding a citrus accent to the beverage. The bottle label is partially obscured by the moisture, but hints of green and gold are visible on the design.",,9,5,attribute,color,"attribute - color (label, green)",Is the label green? +partiprompts42,"A chilled, transparent bottle of light beer with condensation beads forming on its surface, placed on a wooden table. A bright yellow slice of lemon is wedged onto the rim of the bottle, adding a citrus accent to the beverage. The bottle label is partially obscured by the moisture, but hints of green and gold are visible on the design.",,10,1,attribute,color,"attribute - color (label, gold)",Is the label gold? +partiprompts42,"A chilled, transparent bottle of light beer with condensation beads forming on its surface, placed on a wooden table. A bright yellow slice of lemon is wedged onto the rim of the bottle, adding a citrus accent to the beverage. The bottle label is partially obscured by the moisture, but hints of green and gold are visible on the design.",,11,"1,2",entity,state,"entity - state (bottle, condensation beads, form)",Are condensation beads forming on the bottle? +partiprompts42,"A chilled, transparent bottle of light beer with condensation beads forming on its surface, placed on a wooden table. A bright yellow slice of lemon is wedged onto the rim of the bottle, adding a citrus accent to the beverage. The bottle label is partially obscured by the moisture, but hints of green and gold are visible on the design.",,12,"1,4",relation,spatial,"relation - spatial (bottle, table, on)",Is the bottle on the table? +partiprompts42,"A chilled, transparent bottle of light beer with condensation beads forming on its surface, placed on a wooden table. A bright yellow slice of lemon is wedged onto the rim of the bottle, adding a citrus accent to the beverage. The bottle label is partially obscured by the moisture, but hints of green and gold are visible on the design.",,13,"5,1",relation,spatial,"relation - spatial (lemon slice, bottle, wedged onto)",Is the lemon slice wedged onto the bottle? +partiprompts184,"a tranquil lakeside setting where a herd of sauropods is seen gracefully traversing the water's edge. The gentle giants, with their long necks and tails, are silhouetted against the backdrop of a dense forest. The calm lake reflects the soft hues of the sky as the prehistoric creatures continue their age-old migration.",,1,0,global,,global - (tranquil lakeside setting),Is this a tranquil lakeside setting? +partiprompts184,"a tranquil lakeside setting where a herd of sauropods is seen gracefully traversing the water's edge. The gentle giants, with their long necks and tails, are silhouetted against the backdrop of a dense forest. The calm lake reflects the soft hues of the sky as the prehistoric creatures continue their age-old migration.",,2,0,entity,whole,entity - whole (sauropods),Are there sauropods? +partiprompts184,"a tranquil lakeside setting where a herd of sauropods is seen gracefully traversing the water's edge. The gentle giants, with their long necks and tails, are silhouetted against the backdrop of a dense forest. The calm lake reflects the soft hues of the sky as the prehistoric creatures continue their age-old migration.",,3,0,entity,whole,entity - whole (water),Is there water? +partiprompts184,"a tranquil lakeside setting where a herd of sauropods is seen gracefully traversing the water's edge. The gentle giants, with their long necks and tails, are silhouetted against the backdrop of a dense forest. The calm lake reflects the soft hues of the sky as the prehistoric creatures continue their age-old migration.",,4,0,entity,whole,entity - whole (gentle giants),Are there gentle giants? +partiprompts184,"a tranquil lakeside setting where a herd of sauropods is seen gracefully traversing the water's edge. The gentle giants, with their long necks and tails, are silhouetted against the backdrop of a dense forest. The calm lake reflects the soft hues of the sky as the prehistoric creatures continue their age-old migration.",,5,0,entity,whole,entity - whole (forest),Is there a forest? +partiprompts184,"a tranquil lakeside setting where a herd of sauropods is seen gracefully traversing the water's edge. The gentle giants, with their long necks and tails, are silhouetted against the backdrop of a dense forest. The calm lake reflects the soft hues of the sky as the prehistoric creatures continue their age-old migration.",,6,0,entity,whole,entity - whole (lake),Is there a lake? +partiprompts184,"a tranquil lakeside setting where a herd of sauropods is seen gracefully traversing the water's edge. The gentle giants, with their long necks and tails, are silhouetted against the backdrop of a dense forest. The calm lake reflects the soft hues of the sky as the prehistoric creatures continue their age-old migration.",,7,0,entity,whole,entity - whole (sky),Is there a sky? +partiprompts184,"a tranquil lakeside setting where a herd of sauropods is seen gracefully traversing the water's edge. The gentle giants, with their long necks and tails, are silhouetted against the backdrop of a dense forest. The calm lake reflects the soft hues of the sky as the prehistoric creatures continue their age-old migration.",,8,2,attribute,other,"attribute - other (sauropods, herd)",Are the sauropods in a herd? +partiprompts184,"a tranquil lakeside setting where a herd of sauropods is seen gracefully traversing the water's edge. The gentle giants, with their long necks and tails, are silhouetted against the backdrop of a dense forest. The calm lake reflects the soft hues of the sky as the prehistoric creatures continue their age-old migration.",,9,4,attribute,other,"attribute - other (gentle giants, prehistoric)",Are the gentle giants prehistoric? +partiprompts184,"a tranquil lakeside setting where a herd of sauropods is seen gracefully traversing the water's edge. The gentle giants, with their long necks and tails, are silhouetted against the backdrop of a dense forest. The calm lake reflects the soft hues of the sky as the prehistoric creatures continue their age-old migration.",,10,6,attribute,other,"attribute - other (lake, calm)",Is the lake calm? +partiprompts184,"a tranquil lakeside setting where a herd of sauropods is seen gracefully traversing the water's edge. The gentle giants, with their long necks and tails, are silhouetted against the backdrop of a dense forest. The calm lake reflects the soft hues of the sky as the prehistoric creatures continue their age-old migration.",,11,6,attribute,other,"attribute - other (lake, reflective)",Is the lake reflective? +partiprompts184,"a tranquil lakeside setting where a herd of sauropods is seen gracefully traversing the water's edge. The gentle giants, with their long necks and tails, are silhouetted against the backdrop of a dense forest. The calm lake reflects the soft hues of the sky as the prehistoric creatures continue their age-old migration.",,12,7,attribute,other,"attribute - other (sky, soft hues)",Are the sky's hues soft? +partiprompts184,"a tranquil lakeside setting where a herd of sauropods is seen gracefully traversing the water's edge. The gentle giants, with their long necks and tails, are silhouetted against the backdrop of a dense forest. The calm lake reflects the soft hues of the sky as the prehistoric creatures continue their age-old migration.",,13,2,entity,state,"entity - state (sauropods, traverse)",Are the sauropods traversing? +partiprompts184,"a tranquil lakeside setting where a herd of sauropods is seen gracefully traversing the water's edge. The gentle giants, with their long necks and tails, are silhouetted against the backdrop of a dense forest. The calm lake reflects the soft hues of the sky as the prehistoric creatures continue their age-old migration.",,14,4,entity,state,"entity - state (gentle giants, silhouetted)",Are the gentle giants silhouetted? +partiprompts184,"a tranquil lakeside setting where a herd of sauropods is seen gracefully traversing the water's edge. The gentle giants, with their long necks and tails, are silhouetted against the backdrop of a dense forest. The calm lake reflects the soft hues of the sky as the prehistoric creatures continue their age-old migration.",,15,3,relation,spatial,"relation - spatial (sauropods, water's edge, traverse)",Are the sauropods at the water's edge? +partiprompts184,"a tranquil lakeside setting where a herd of sauropods is seen gracefully traversing the water's edge. The gentle giants, with their long necks and tails, are silhouetted against the backdrop of a dense forest. The calm lake reflects the soft hues of the sky as the prehistoric creatures continue their age-old migration.",,16,"4,5",relation,spatial,"relation - spatial (gentle giants, backdrop, against)",Are the gentle giants against the backdrop? +partiprompts184,"a tranquil lakeside setting where a herd of sauropods is seen gracefully traversing the water's edge. The gentle giants, with their long necks and tails, are silhouetted against the backdrop of a dense forest. The calm lake reflects the soft hues of the sky as the prehistoric creatures continue their age-old migration.",,17,"6,7",relation,spatial,"relation - spatial (lake, sky, reflect)",Is the lake reflecting the sky? +partiprompts184,"a tranquil lakeside setting where a herd of sauropods is seen gracefully traversing the water's edge. The gentle giants, with their long necks and tails, are silhouetted against the backdrop of a dense forest. The calm lake reflects the soft hues of the sky as the prehistoric creatures continue their age-old migration.",,18,"2,3",relation,spatial,"relation - spatial (sauropods, migration, continue)",Are the sauropods continuing their migration? +partiprompts64,"An aerial view of a coastal French city, captured in a satellite image, reveals a sprawling green park on the western edge, bordered by neatly arranged streets. To the north, a majestic mountain looms over the urban landscape, its peak just touching the edges of a drifting cloud that partially obscures the view. The intricate patterns of the city's layout are visible, with residential areas, winding roads, and the shimmering coastline all distinctly marked from this bird's-eye perspective.",,1,0,global,,global - (aerial view),Is this an aerial view? +partiprompts64,"An aerial view of a coastal French city, captured in a satellite image, reveals a sprawling green park on the western edge, bordered by neatly arranged streets. To the north, a majestic mountain looms over the urban landscape, its peak just touching the edges of a drifting cloud that partially obscures the view. The intricate patterns of the city's layout are visible, with residential areas, winding roads, and the shimmering coastline all distinctly marked from this bird's-eye perspective.",,2,0,entity,whole,entity - whole (coastal French city),Is there a coastal French city? +partiprompts64,"An aerial view of a coastal French city, captured in a satellite image, reveals a sprawling green park on the western edge, bordered by neatly arranged streets. To the north, a majestic mountain looms over the urban landscape, its peak just touching the edges of a drifting cloud that partially obscures the view. The intricate patterns of the city's layout are visible, with residential areas, winding roads, and the shimmering coastline all distinctly marked from this bird's-eye perspective.",,3,2,entity,whole,entity - whole (green park),Is there a green park? +partiprompts64,"An aerial view of a coastal French city, captured in a satellite image, reveals a sprawling green park on the western edge, bordered by neatly arranged streets. To the north, a majestic mountain looms over the urban landscape, its peak just touching the edges of a drifting cloud that partially obscures the view. The intricate patterns of the city's layout are visible, with residential areas, winding roads, and the shimmering coastline all distinctly marked from this bird's-eye perspective.",,4,2,entity,whole,entity - whole (streets),Are there streets? +partiprompts64,"An aerial view of a coastal French city, captured in a satellite image, reveals a sprawling green park on the western edge, bordered by neatly arranged streets. To the north, a majestic mountain looms over the urban landscape, its peak just touching the edges of a drifting cloud that partially obscures the view. The intricate patterns of the city's layout are visible, with residential areas, winding roads, and the shimmering coastline all distinctly marked from this bird's-eye perspective.",,5,0,entity,whole,entity - whole (mountain),Is there a mountain? +partiprompts64,"An aerial view of a coastal French city, captured in a satellite image, reveals a sprawling green park on the western edge, bordered by neatly arranged streets. To the north, a majestic mountain looms over the urban landscape, its peak just touching the edges of a drifting cloud that partially obscures the view. The intricate patterns of the city's layout are visible, with residential areas, winding roads, and the shimmering coastline all distinctly marked from this bird's-eye perspective.",,6,0,entity,whole,entity - whole (cloud),Is there a cloud? +partiprompts64,"An aerial view of a coastal French city, captured in a satellite image, reveals a sprawling green park on the western edge, bordered by neatly arranged streets. To the north, a majestic mountain looms over the urban landscape, its peak just touching the edges of a drifting cloud that partially obscures the view. The intricate patterns of the city's layout are visible, with residential areas, winding roads, and the shimmering coastline all distinctly marked from this bird's-eye perspective.",,7,0,entity,whole,entity - whole (city's layout),Is there a city's layout? +partiprompts64,"An aerial view of a coastal French city, captured in a satellite image, reveals a sprawling green park on the western edge, bordered by neatly arranged streets. To the north, a majestic mountain looms over the urban landscape, its peak just touching the edges of a drifting cloud that partially obscures the view. The intricate patterns of the city's layout are visible, with residential areas, winding roads, and the shimmering coastline all distinctly marked from this bird's-eye perspective.",,8,7,entity,whole,entity - whole (residential areas),Are there residential areas? +partiprompts64,"An aerial view of a coastal French city, captured in a satellite image, reveals a sprawling green park on the western edge, bordered by neatly arranged streets. To the north, a majestic mountain looms over the urban landscape, its peak just touching the edges of a drifting cloud that partially obscures the view. The intricate patterns of the city's layout are visible, with residential areas, winding roads, and the shimmering coastline all distinctly marked from this bird's-eye perspective.",,9,7,entity,whole,entity - whole (roads),Are there roads? +partiprompts64,"An aerial view of a coastal French city, captured in a satellite image, reveals a sprawling green park on the western edge, bordered by neatly arranged streets. To the north, a majestic mountain looms over the urban landscape, its peak just touching the edges of a drifting cloud that partially obscures the view. The intricate patterns of the city's layout are visible, with residential areas, winding roads, and the shimmering coastline all distinctly marked from this bird's-eye perspective.",,10,7,entity,whole,entity - whole (coastline),Is there a coastline? +partiprompts64,"An aerial view of a coastal French city, captured in a satellite image, reveals a sprawling green park on the western edge, bordered by neatly arranged streets. To the north, a majestic mountain looms over the urban landscape, its peak just touching the edges of a drifting cloud that partially obscures the view. The intricate patterns of the city's layout are visible, with residential areas, winding roads, and the shimmering coastline all distinctly marked from this bird's-eye perspective.",,11,3,attribute,texture,"attribute - texture (park, green)",Is the park green? +partiprompts64,"An aerial view of a coastal French city, captured in a satellite image, reveals a sprawling green park on the western edge, bordered by neatly arranged streets. To the north, a majestic mountain looms over the urban landscape, its peak just touching the edges of a drifting cloud that partially obscures the view. The intricate patterns of the city's layout are visible, with residential areas, winding roads, and the shimmering coastline all distinctly marked from this bird's-eye perspective.",,12,"2,7",relation,spatial,"relation - spatial (park, city, western edge)",Is the park on the western edge of the city? +partiprompts64,"An aerial view of a coastal French city, captured in a satellite image, reveals a sprawling green park on the western edge, bordered by neatly arranged streets. To the north, a majestic mountain looms over the urban landscape, its peak just touching the edges of a drifting cloud that partially obscures the view. The intricate patterns of the city's layout are visible, with residential areas, winding roads, and the shimmering coastline all distinctly marked from this bird's-eye perspective.",,13,"5,2",relation,spatial,"relation - spatial (mountain, city, north)",Is the mountain to the north of the city? +partiprompts64,"An aerial view of a coastal French city, captured in a satellite image, reveals a sprawling green park on the western edge, bordered by neatly arranged streets. To the north, a majestic mountain looms over the urban landscape, its peak just touching the edges of a drifting cloud that partially obscures the view. The intricate patterns of the city's layout are visible, with residential areas, winding roads, and the shimmering coastline all distinctly marked from this bird's-eye perspective.",,14,"5,6",relation,spatial,"relation - spatial (mountain, cloud, touch)",Is the mountain touching the cloud? +partiprompts64,"An aerial view of a coastal French city, captured in a satellite image, reveals a sprawling green park on the western edge, bordered by neatly arranged streets. To the north, a majestic mountain looms over the urban landscape, its peak just touching the edges of a drifting cloud that partially obscures the view. The intricate patterns of the city's layout are visible, with residential areas, winding roads, and the shimmering coastline all distinctly marked from this bird's-eye perspective.",,15,"6,1",relation,spatial,"relation - spatial (cloud, view, partially obscure)",Is the cloud partially obscuring the view? +partiprompts64,"An aerial view of a coastal French city, captured in a satellite image, reveals a sprawling green park on the western edge, bordered by neatly arranged streets. To the north, a majestic mountain looms over the urban landscape, its peak just touching the edges of a drifting cloud that partially obscures the view. The intricate patterns of the city's layout are visible, with residential areas, winding roads, and the shimmering coastline all distinctly marked from this bird's-eye perspective.",,16,"7,2",relation,spatial,"relation - spatial (city's layout, city, visible)",Is the city's layout visible? +partiprompts64,"An aerial view of a coastal French city, captured in a satellite image, reveals a sprawling green park on the western edge, bordered by neatly arranged streets. To the north, a majestic mountain looms over the urban landscape, its peak just touching the edges of a drifting cloud that partially obscures the view. The intricate patterns of the city's layout are visible, with residential areas, winding roads, and the shimmering coastline all distinctly marked from this bird's-eye perspective.",,17,"8,7",relation,spatial,"relation - spatial (residential areas, city's layout, marked)",Are the residential areas marked on the city's layout? +partiprompts64,"An aerial view of a coastal French city, captured in a satellite image, reveals a sprawling green park on the western edge, bordered by neatly arranged streets. To the north, a majestic mountain looms over the urban landscape, its peak just touching the edges of a drifting cloud that partially obscures the view. The intricate patterns of the city's layout are visible, with residential areas, winding roads, and the shimmering coastline all distinctly marked from this bird's-eye perspective.",,18,"9,7",relation,spatial,"relation - spatial (roads, city's layout, marked)",Are the roads marked on the city's layout? +partiprompts64,"An aerial view of a coastal French city, captured in a satellite image, reveals a sprawling green park on the western edge, bordered by neatly arranged streets. To the north, a majestic mountain looms over the urban landscape, its peak just touching the edges of a drifting cloud that partially obscures the view. The intricate patterns of the city's layout are visible, with residential areas, winding roads, and the shimmering coastline all distinctly marked from this bird's-eye perspective.",,19,"10,7",relation,spatial,"relation - spatial (coastline, city's layout, marked)",Is the coastline marked on the city's layout? +partiprompts52,"A vibrant green bell pepper rests to the left of a glossy red bell pepper on a wooden cutting board. The two peppers are positioned against a backdrop of a well-stocked kitchen, with an array of spices and cooking utensils in the background. The contrasting colors of the peppers create a visually appealing composition on the neutral-toned surface of the board.",,1,0,entity,whole,entity - whole (green bell pepper),Is there a green bell pepper? +partiprompts52,"A vibrant green bell pepper rests to the left of a glossy red bell pepper on a wooden cutting board. The two peppers are positioned against a backdrop of a well-stocked kitchen, with an array of spices and cooking utensils in the background. The contrasting colors of the peppers create a visually appealing composition on the neutral-toned surface of the board.",,2,0,entity,whole,entity - whole (red bell pepper),Is there a red bell pepper? +partiprompts52,"A vibrant green bell pepper rests to the left of a glossy red bell pepper on a wooden cutting board. The two peppers are positioned against a backdrop of a well-stocked kitchen, with an array of spices and cooking utensils in the background. The contrasting colors of the peppers create a visually appealing composition on the neutral-toned surface of the board.",,3,0,entity,whole,entity - whole (cutting board),Is there a cutting board? +partiprompts52,"A vibrant green bell pepper rests to the left of a glossy red bell pepper on a wooden cutting board. The two peppers are positioned against a backdrop of a well-stocked kitchen, with an array of spices and cooking utensils in the background. The contrasting colors of the peppers create a visually appealing composition on the neutral-toned surface of the board.",,4,0,entity,whole,entity - whole (kitchen),Is there a kitchen? +partiprompts52,"A vibrant green bell pepper rests to the left of a glossy red bell pepper on a wooden cutting board. The two peppers are positioned against a backdrop of a well-stocked kitchen, with an array of spices and cooking utensils in the background. The contrasting colors of the peppers create a visually appealing composition on the neutral-toned surface of the board.",,5,0,entity,whole,entity - whole (spices),Are there spices? +partiprompts52,"A vibrant green bell pepper rests to the left of a glossy red bell pepper on a wooden cutting board. The two peppers are positioned against a backdrop of a well-stocked kitchen, with an array of spices and cooking utensils in the background. The contrasting colors of the peppers create a visually appealing composition on the neutral-toned surface of the board.",,6,0,entity,whole,entity - whole (cooking utensils),Are there cooking utensils? +partiprompts52,"A vibrant green bell pepper rests to the left of a glossy red bell pepper on a wooden cutting board. The two peppers are positioned against a backdrop of a well-stocked kitchen, with an array of spices and cooking utensils in the background. The contrasting colors of the peppers create a visually appealing composition on the neutral-toned surface of the board.",,7,1,attribute,color,"attribute - color (green bell pepper, vibrant green)",Is the green bell pepper vibrant green? +partiprompts52,"A vibrant green bell pepper rests to the left of a glossy red bell pepper on a wooden cutting board. The two peppers are positioned against a backdrop of a well-stocked kitchen, with an array of spices and cooking utensils in the background. The contrasting colors of the peppers create a visually appealing composition on the neutral-toned surface of the board.",,8,2,attribute,color,"attribute - color (red bell pepper, glossy red)",Is the red bell pepper glossy red? +partiprompts52,"A vibrant green bell pepper rests to the left of a glossy red bell pepper on a wooden cutting board. The two peppers are positioned against a backdrop of a well-stocked kitchen, with an array of spices and cooking utensils in the background. The contrasting colors of the peppers create a visually appealing composition on the neutral-toned surface of the board.",,9,3,attribute,texture,"attribute - texture (cutting board, wooden)",Is the cutting board wooden? +partiprompts52,"A vibrant green bell pepper rests to the left of a glossy red bell pepper on a wooden cutting board. The two peppers are positioned against a backdrop of a well-stocked kitchen, with an array of spices and cooking utensils in the background. The contrasting colors of the peppers create a visually appealing composition on the neutral-toned surface of the board.",,10,3,attribute,texture,"attribute - texture (board, neutral-toned)",Is the board neutral-toned? +partiprompts52,"A vibrant green bell pepper rests to the left of a glossy red bell pepper on a wooden cutting board. The two peppers are positioned against a backdrop of a well-stocked kitchen, with an array of spices and cooking utensils in the background. The contrasting colors of the peppers create a visually appealing composition on the neutral-toned surface of the board.",,11,"1,3",relation,spatial,"relation - spatial (green bell pepper, cutting board, left of)",Is the green bell pepper to the left of the red bell pepper? +partiprompts52,"A vibrant green bell pepper rests to the left of a glossy red bell pepper on a wooden cutting board. The two peppers are positioned against a backdrop of a well-stocked kitchen, with an array of spices and cooking utensils in the background. The contrasting colors of the peppers create a visually appealing composition on the neutral-toned surface of the board.",,12,"2,3",relation,spatial,"relation - spatial (red bell pepper, cutting board, right of)",Is the red bell pepper to the right of the green bell pepper? +partiprompts52,"A vibrant green bell pepper rests to the left of a glossy red bell pepper on a wooden cutting board. The two peppers are positioned against a backdrop of a well-stocked kitchen, with an array of spices and cooking utensils in the background. The contrasting colors of the peppers create a visually appealing composition on the neutral-toned surface of the board.",,13,"1,3",relation,spatial,"relation - spatial (peppers, board, against)",Are the peppers against the board? +partiprompts52,"A vibrant green bell pepper rests to the left of a glossy red bell pepper on a wooden cutting board. The two peppers are positioned against a backdrop of a well-stocked kitchen, with an array of spices and cooking utensils in the background. The contrasting colors of the peppers create a visually appealing composition on the neutral-toned surface of the board.",,14,"3,4",relation,spatial,"relation - spatial (board, kitchen, in)",Is the board in the kitchen? +partiprompts52,"A vibrant green bell pepper rests to the left of a glossy red bell pepper on a wooden cutting board. The two peppers are positioned against a backdrop of a well-stocked kitchen, with an array of spices and cooking utensils in the background. The contrasting colors of the peppers create a visually appealing composition on the neutral-toned surface of the board.",,15,"4,5",relation,spatial,"relation - spatial (spices, kitchen, in)",Are the spices in the kitchen? +partiprompts52,"A vibrant green bell pepper rests to the left of a glossy red bell pepper on a wooden cutting board. The two peppers are positioned against a backdrop of a well-stocked kitchen, with an array of spices and cooking utensils in the background. The contrasting colors of the peppers create a visually appealing composition on the neutral-toned surface of the board.",,16,"4,6",relation,spatial,"relation - spatial (cooking utensils, kitchen, in)",Are the cooking utensils in the kitchen? +partiprompts52,"A vibrant green bell pepper rests to the left of a glossy red bell pepper on a wooden cutting board. The two peppers are positioned against a backdrop of a well-stocked kitchen, with an array of spices and cooking utensils in the background. The contrasting colors of the peppers create a visually appealing composition on the neutral-toned surface of the board.",,17,"1,3",relation,spatial,"relation - spatial (peppers, board, on)",Are the peppers on the board? +partiprompts52,"A vibrant green bell pepper rests to the left of a glossy red bell pepper on a wooden cutting board. The two peppers are positioned against a backdrop of a well-stocked kitchen, with an array of spices and cooking utensils in the background. The contrasting colors of the peppers create a visually appealing composition on the neutral-toned surface of the board.",,18,"1,2,3",relation,spatial,"relation - spatial (peppers, board, create visually appealing composition)",Do the peppers create a visually appealing composition on the board? +partiprompts20,"A ceramic Athenian vase with a smooth, matte black finish stands prominently against a plain white background. The vase is adorned with a unique painting that depicts pangolins engaged in a game of basketball, rendered in a style reminiscent of ancient Egyptian hieroglyphics. The intricate design features a combination of earthy tones and bold outlines, giving the artwork a sense of dynamic movement and historical depth.",,1,0,entity,whole,entity - whole (vase),Is there a vase? +partiprompts20,"A ceramic Athenian vase with a smooth, matte black finish stands prominently against a plain white background. The vase is adorned with a unique painting that depicts pangolins engaged in a game of basketball, rendered in a style reminiscent of ancient Egyptian hieroglyphics. The intricate design features a combination of earthy tones and bold outlines, giving the artwork a sense of dynamic movement and historical depth.",,2,1,attribute,texture,"attribute - texture (vase, ceramic)",Is the vase ceramic? +partiprompts20,"A ceramic Athenian vase with a smooth, matte black finish stands prominently against a plain white background. The vase is adorned with a unique painting that depicts pangolins engaged in a game of basketball, rendered in a style reminiscent of ancient Egyptian hieroglyphics. The intricate design features a combination of earthy tones and bold outlines, giving the artwork a sense of dynamic movement and historical depth.",,3,1,attribute,color,"attribute - color (vase, black)",Is the vase black? +partiprompts20,"A ceramic Athenian vase with a smooth, matte black finish stands prominently against a plain white background. The vase is adorned with a unique painting that depicts pangolins engaged in a game of basketball, rendered in a style reminiscent of ancient Egyptian hieroglyphics. The intricate design features a combination of earthy tones and bold outlines, giving the artwork a sense of dynamic movement and historical depth.",,4,1,attribute,other,"attribute - other (vase, Athenian)",Is the vase Athenian? +partiprompts20,"A ceramic Athenian vase with a smooth, matte black finish stands prominently against a plain white background. The vase is adorned with a unique painting that depicts pangolins engaged in a game of basketball, rendered in a style reminiscent of ancient Egyptian hieroglyphics. The intricate design features a combination of earthy tones and bold outlines, giving the artwork a sense of dynamic movement and historical depth.",,5,1,attribute,other,"attribute - other (vase, adorned with unique painting)",Is the vase adorned with a unique painting? +partiprompts20,"A ceramic Athenian vase with a smooth, matte black finish stands prominently against a plain white background. The vase is adorned with a unique painting that depicts pangolins engaged in a game of basketball, rendered in a style reminiscent of ancient Egyptian hieroglyphics. The intricate design features a combination of earthy tones and bold outlines, giving the artwork a sense of dynamic movement and historical depth.",,6,1,attribute,other,"attribute - other (painting, depicts pangolins playing basketball)",Does the painting depict pangolins playing basketball? +partiprompts20,"A ceramic Athenian vase with a smooth, matte black finish stands prominently against a plain white background. The vase is adorned with a unique painting that depicts pangolins engaged in a game of basketball, rendered in a style reminiscent of ancient Egyptian hieroglyphics. The intricate design features a combination of earthy tones and bold outlines, giving the artwork a sense of dynamic movement and historical depth.",,7,1,attribute,other,"attribute - other (painting, reminiscent of ancient Egyptian hieroglyphics)",Is the painting reminiscent of ancient Egyptian hieroglyphics? +partiprompts20,"A ceramic Athenian vase with a smooth, matte black finish stands prominently against a plain white background. The vase is adorned with a unique painting that depicts pangolins engaged in a game of basketball, rendered in a style reminiscent of ancient Egyptian hieroglyphics. The intricate design features a combination of earthy tones and bold outlines, giving the artwork a sense of dynamic movement and historical depth.",,8,1,attribute,other,"attribute - other (design, intricate)",Is the design intricate? +partiprompts20,"A ceramic Athenian vase with a smooth, matte black finish stands prominently against a plain white background. The vase is adorned with a unique painting that depicts pangolins engaged in a game of basketball, rendered in a style reminiscent of ancient Egyptian hieroglyphics. The intricate design features a combination of earthy tones and bold outlines, giving the artwork a sense of dynamic movement and historical depth.",,9,1,attribute,other,"attribute - other (design, combination of earthy tones and bold outlines)",Does the design feature a combination of earthy tones and bold outlines? +partiprompts20,"A ceramic Athenian vase with a smooth, matte black finish stands prominently against a plain white background. The vase is adorned with a unique painting that depicts pangolins engaged in a game of basketball, rendered in a style reminiscent of ancient Egyptian hieroglyphics. The intricate design features a combination of earthy tones and bold outlines, giving the artwork a sense of dynamic movement and historical depth.",,10,1,attribute,other,"attribute - other (artwork, sense of dynamic movement and historical depth)",Does the artwork give a sense of dynamic movement and historical depth? +partiprompts177,"A vibrant depiction of a robot, spray-painted in hues of blue and silver, adorns an aged brick wall. The sidewalk in front of the wall, made of weathered concrete slabs, is interrupted by tufts of green grass sprouting from the cracks. The artwork casts a shadow on the uneven ground, hinting at the late afternoon sun.",,1,0,entity,whole,entity - whole (robot),Is there a robot? +partiprompts177,"A vibrant depiction of a robot, spray-painted in hues of blue and silver, adorns an aged brick wall. The sidewalk in front of the wall, made of weathered concrete slabs, is interrupted by tufts of green grass sprouting from the cracks. The artwork casts a shadow on the uneven ground, hinting at the late afternoon sun.",,2,0,entity,whole,entity - whole (brick wall),Is there a brick wall? +partiprompts177,"A vibrant depiction of a robot, spray-painted in hues of blue and silver, adorns an aged brick wall. The sidewalk in front of the wall, made of weathered concrete slabs, is interrupted by tufts of green grass sprouting from the cracks. The artwork casts a shadow on the uneven ground, hinting at the late afternoon sun.",,3,0,entity,whole,entity - whole (sidewalk),Is there a sidewalk? +partiprompts177,"A vibrant depiction of a robot, spray-painted in hues of blue and silver, adorns an aged brick wall. The sidewalk in front of the wall, made of weathered concrete slabs, is interrupted by tufts of green grass sprouting from the cracks. The artwork casts a shadow on the uneven ground, hinting at the late afternoon sun.",,4,0,entity,whole,entity - whole (concrete slabs),Are there concrete slabs? +partiprompts177,"A vibrant depiction of a robot, spray-painted in hues of blue and silver, adorns an aged brick wall. The sidewalk in front of the wall, made of weathered concrete slabs, is interrupted by tufts of green grass sprouting from the cracks. The artwork casts a shadow on the uneven ground, hinting at the late afternoon sun.",,5,0,entity,whole,entity - whole (grass),Is there grass? +partiprompts177,"A vibrant depiction of a robot, spray-painted in hues of blue and silver, adorns an aged brick wall. The sidewalk in front of the wall, made of weathered concrete slabs, is interrupted by tufts of green grass sprouting from the cracks. The artwork casts a shadow on the uneven ground, hinting at the late afternoon sun.",,6,1,attribute,color,"attribute - color (robot, blue)",Is the robot blue? +partiprompts177,"A vibrant depiction of a robot, spray-painted in hues of blue and silver, adorns an aged brick wall. The sidewalk in front of the wall, made of weathered concrete slabs, is interrupted by tufts of green grass sprouting from the cracks. The artwork casts a shadow on the uneven ground, hinting at the late afternoon sun.",,7,1,attribute,color,"attribute - color (robot, silver)",Is the robot silver? +partiprompts177,"A vibrant depiction of a robot, spray-painted in hues of blue and silver, adorns an aged brick wall. The sidewalk in front of the wall, made of weathered concrete slabs, is interrupted by tufts of green grass sprouting from the cracks. The artwork casts a shadow on the uneven ground, hinting at the late afternoon sun.",,8,2,attribute,color,"attribute - color (brick wall, aged)",Is the brick wall aged? +partiprompts177,"A vibrant depiction of a robot, spray-painted in hues of blue and silver, adorns an aged brick wall. The sidewalk in front of the wall, made of weathered concrete slabs, is interrupted by tufts of green grass sprouting from the cracks. The artwork casts a shadow on the uneven ground, hinting at the late afternoon sun.",,9,2,attribute,texture,"attribute - texture (brick wall, aged)",Is the brick wall texture aged? +partiprompts177,"A vibrant depiction of a robot, spray-painted in hues of blue and silver, adorns an aged brick wall. The sidewalk in front of the wall, made of weathered concrete slabs, is interrupted by tufts of green grass sprouting from the cracks. The artwork casts a shadow on the uneven ground, hinting at the late afternoon sun.",,10,3,attribute,texture,"attribute - texture (sidewalk, weathered)",Is the sidewalk weathered? +partiprompts177,"A vibrant depiction of a robot, spray-painted in hues of blue and silver, adorns an aged brick wall. The sidewalk in front of the wall, made of weathered concrete slabs, is interrupted by tufts of green grass sprouting from the cracks. The artwork casts a shadow on the uneven ground, hinting at the late afternoon sun.",,11,4,attribute,texture,"attribute - texture (concrete slabs, weathered)",Are the concrete slabs weathered? +partiprompts177,"A vibrant depiction of a robot, spray-painted in hues of blue and silver, adorns an aged brick wall. The sidewalk in front of the wall, made of weathered concrete slabs, is interrupted by tufts of green grass sprouting from the cracks. The artwork casts a shadow on the uneven ground, hinting at the late afternoon sun.",,12,5,attribute,texture,"attribute - texture (grass, green)",Is the grass green? +partiprompts177,"A vibrant depiction of a robot, spray-painted in hues of blue and silver, adorns an aged brick wall. The sidewalk in front of the wall, made of weathered concrete slabs, is interrupted by tufts of green grass sprouting from the cracks. The artwork casts a shadow on the uneven ground, hinting at the late afternoon sun.",,13,"1,2",relation,spatial,"relation - spatial (robot, brick wall, on)",Is the robot on the brick wall? +partiprompts177,"A vibrant depiction of a robot, spray-painted in hues of blue and silver, adorns an aged brick wall. The sidewalk in front of the wall, made of weathered concrete slabs, is interrupted by tufts of green grass sprouting from the cracks. The artwork casts a shadow on the uneven ground, hinting at the late afternoon sun.",,14,"3,2",relation,spatial,"relation - spatial (sidewalk, brick wall, in front of)",Is the sidewalk in front of the brick wall? +partiprompts177,"A vibrant depiction of a robot, spray-painted in hues of blue and silver, adorns an aged brick wall. The sidewalk in front of the wall, made of weathered concrete slabs, is interrupted by tufts of green grass sprouting from the cracks. The artwork casts a shadow on the uneven ground, hinting at the late afternoon sun.",,15,"5,3",relation,spatial,"relation - spatial (grass, sidewalk, on)",Is the grass on the sidewalk? +partiprompts177,"A vibrant depiction of a robot, spray-painted in hues of blue and silver, adorns an aged brick wall. The sidewalk in front of the wall, made of weathered concrete slabs, is interrupted by tufts of green grass sprouting from the cracks. The artwork casts a shadow on the uneven ground, hinting at the late afternoon sun.",,16,"1,6",relation,spatial,"relation - spatial (robot, ground, cast shadow)",Is the robot casting a shadow on the ground? +partiprompts177,"A vibrant depiction of a robot, spray-painted in hues of blue and silver, adorns an aged brick wall. The sidewalk in front of the wall, made of weathered concrete slabs, is interrupted by tufts of green grass sprouting from the cracks. The artwork casts a shadow on the uneven ground, hinting at the late afternoon sun.",,17,"6,17",relation,spatial,"relation - spatial (ground, late afternoon sun, hint)",Is the ground hinting at the late afternoon sun? +partiprompts125,"An intricate Chinese ink and wash painting that depicts a majestic tiger, its fur rendered in delicate brush strokes, wearing a traditional train conductor's hat atop its head. The tiger's piercing eyes gaze forward as it firmly grasps a skateboard, which features a prominent yin-yang symbol in its design, symbolizing balance. The background of the painting is a subtle wash of grays, suggesting a misty and timeless landscape.",,1,0,entity,whole,entity - whole (painting),Is there a painting? +partiprompts125,"An intricate Chinese ink and wash painting that depicts a majestic tiger, its fur rendered in delicate brush strokes, wearing a traditional train conductor's hat atop its head. The tiger's piercing eyes gaze forward as it firmly grasps a skateboard, which features a prominent yin-yang symbol in its design, symbolizing balance. The background of the painting is a subtle wash of grays, suggesting a misty and timeless landscape.",,2,1,entity,whole,entity - whole (tiger),Is there a tiger? +partiprompts125,"An intricate Chinese ink and wash painting that depicts a majestic tiger, its fur rendered in delicate brush strokes, wearing a traditional train conductor's hat atop its head. The tiger's piercing eyes gaze forward as it firmly grasps a skateboard, which features a prominent yin-yang symbol in its design, symbolizing balance. The background of the painting is a subtle wash of grays, suggesting a misty and timeless landscape.",,3,2,entity,whole,entity - whole (hat),Is there a hat? +partiprompts125,"An intricate Chinese ink and wash painting that depicts a majestic tiger, its fur rendered in delicate brush strokes, wearing a traditional train conductor's hat atop its head. The tiger's piercing eyes gaze forward as it firmly grasps a skateboard, which features a prominent yin-yang symbol in its design, symbolizing balance. The background of the painting is a subtle wash of grays, suggesting a misty and timeless landscape.",,4,1,entity,whole,entity - whole (skateboard),Is there a skateboard? +partiprompts125,"An intricate Chinese ink and wash painting that depicts a majestic tiger, its fur rendered in delicate brush strokes, wearing a traditional train conductor's hat atop its head. The tiger's piercing eyes gaze forward as it firmly grasps a skateboard, which features a prominent yin-yang symbol in its design, symbolizing balance. The background of the painting is a subtle wash of grays, suggesting a misty and timeless landscape.",,5,4,entity,whole,entity - whole (yin-yang symbol),Is there a yin-yang symbol? +partiprompts125,"An intricate Chinese ink and wash painting that depicts a majestic tiger, its fur rendered in delicate brush strokes, wearing a traditional train conductor's hat atop its head. The tiger's piercing eyes gaze forward as it firmly grasps a skateboard, which features a prominent yin-yang symbol in its design, symbolizing balance. The background of the painting is a subtle wash of grays, suggesting a misty and timeless landscape.",,6,2,attribute,texture,"attribute - texture (fur, delicate brush strokes)",Is the tiger's fur rendered in delicate brush strokes? +partiprompts125,"An intricate Chinese ink and wash painting that depicts a majestic tiger, its fur rendered in delicate brush strokes, wearing a traditional train conductor's hat atop its head. The tiger's piercing eyes gaze forward as it firmly grasps a skateboard, which features a prominent yin-yang symbol in its design, symbolizing balance. The background of the painting is a subtle wash of grays, suggesting a misty and timeless landscape.",,7,1,attribute,texture,"attribute - texture (background, subtle wash of grays)",Is the background a subtle wash of grays? +partiprompts125,"An intricate Chinese ink and wash painting that depicts a majestic tiger, its fur rendered in delicate brush strokes, wearing a traditional train conductor's hat atop its head. The tiger's piercing eyes gaze forward as it firmly grasps a skateboard, which features a prominent yin-yang symbol in its design, symbolizing balance. The background of the painting is a subtle wash of grays, suggesting a misty and timeless landscape.",,8,4,attribute,other,"attribute - other (symbol, balance)",Does the symbol represent balance? +partiprompts125,"An intricate Chinese ink and wash painting that depicts a majestic tiger, its fur rendered in delicate brush strokes, wearing a traditional train conductor's hat atop its head. The tiger's piercing eyes gaze forward as it firmly grasps a skateboard, which features a prominent yin-yang symbol in its design, symbolizing balance. The background of the painting is a subtle wash of grays, suggesting a misty and timeless landscape.",,9,1,attribute,other,"attribute - other (landscape, misty and timeless)",Does the landscape look misty and timeless? +partiprompts125,"An intricate Chinese ink and wash painting that depicts a majestic tiger, its fur rendered in delicate brush strokes, wearing a traditional train conductor's hat atop its head. The tiger's piercing eyes gaze forward as it firmly grasps a skateboard, which features a prominent yin-yang symbol in its design, symbolizing balance. The background of the painting is a subtle wash of grays, suggesting a misty and timeless landscape.",,10,"2,3",relation,spatial,"relation - spatial (tiger, hat, atop)",Is the hat atop the tiger? +partiprompts125,"An intricate Chinese ink and wash painting that depicts a majestic tiger, its fur rendered in delicate brush strokes, wearing a traditional train conductor's hat atop its head. The tiger's piercing eyes gaze forward as it firmly grasps a skateboard, which features a prominent yin-yang symbol in its design, symbolizing balance. The background of the painting is a subtle wash of grays, suggesting a misty and timeless landscape.",,11,"2,4",relation,spatial,"relation - spatial (tiger, skateboard, grasp)",Is the tiger grasping the skateboard? +partiprompts125,"An intricate Chinese ink and wash painting that depicts a majestic tiger, its fur rendered in delicate brush strokes, wearing a traditional train conductor's hat atop its head. The tiger's piercing eyes gaze forward as it firmly grasps a skateboard, which features a prominent yin-yang symbol in its design, symbolizing balance. The background of the painting is a subtle wash of grays, suggesting a misty and timeless landscape.",,12,"4,5",relation,spatial,"relation - spatial (skateboard, symbol, in)",Is the yin-yang symbol on the skateboard? +partiprompts22,"A stuffed toy monkey, with a soft brown texture, is precariously balanced on a floating log in the middle of the Charles River. It's adorned with a distinctive red and white Boston Red Sox baseball cap. In the background, the prominent buildings of the Massachusetts Institute of Technology (MIT) can be seen, creating a juxtaposition of playful whimsy and academic prestige.",,1,0,entity,whole,entity - whole (stuffed toy monkey),Is there a stuffed toy monkey? +partiprompts22,"A stuffed toy monkey, with a soft brown texture, is precariously balanced on a floating log in the middle of the Charles River. It's adorned with a distinctive red and white Boston Red Sox baseball cap. In the background, the prominent buildings of the Massachusetts Institute of Technology (MIT) can be seen, creating a juxtaposition of playful whimsy and academic prestige.",,2,1,attribute,texture,"attribute - texture (stuffed toy monkey, soft brown)",Is the stuffed toy monkey soft and brown? +partiprompts22,"A stuffed toy monkey, with a soft brown texture, is precariously balanced on a floating log in the middle of the Charles River. It's adorned with a distinctive red and white Boston Red Sox baseball cap. In the background, the prominent buildings of the Massachusetts Institute of Technology (MIT) can be seen, creating a juxtaposition of playful whimsy and academic prestige.",,3,1,attribute,other,"attribute - other (stuffed toy monkey, adorned with Boston Red Sox baseball cap)",Is the stuffed toy monkey adorned with a Boston Red Sox baseball cap? +partiprompts22,"A stuffed toy monkey, with a soft brown texture, is precariously balanced on a floating log in the middle of the Charles River. It's adorned with a distinctive red and white Boston Red Sox baseball cap. In the background, the prominent buildings of the Massachusetts Institute of Technology (MIT) can be seen, creating a juxtaposition of playful whimsy and academic prestige.",,4,0,entity,whole,entity - whole (log),Is there a log? +partiprompts22,"A stuffed toy monkey, with a soft brown texture, is precariously balanced on a floating log in the middle of the Charles River. It's adorned with a distinctive red and white Boston Red Sox baseball cap. In the background, the prominent buildings of the Massachusetts Institute of Technology (MIT) can be seen, creating a juxtaposition of playful whimsy and academic prestige.",,5,0,entity,whole,entity - whole (Charles River),Is there the Charles River? +partiprompts22,"A stuffed toy monkey, with a soft brown texture, is precariously balanced on a floating log in the middle of the Charles River. It's adorned with a distinctive red and white Boston Red Sox baseball cap. In the background, the prominent buildings of the Massachusetts Institute of Technology (MIT) can be seen, creating a juxtaposition of playful whimsy and academic prestige.",,6,0,entity,whole,entity - whole (buildings),Are there buildings? +partiprompts22,"A stuffed toy monkey, with a soft brown texture, is precariously balanced on a floating log in the middle of the Charles River. It's adorned with a distinctive red and white Boston Red Sox baseball cap. In the background, the prominent buildings of the Massachusetts Institute of Technology (MIT) can be seen, creating a juxtaposition of playful whimsy and academic prestige.",,7,0,entity,whole,entity - whole (Massachusetts Institute of Technology (MIT)),Is there the Massachusetts Institute of Technology (MIT)? +partiprompts22,"A stuffed toy monkey, with a soft brown texture, is precariously balanced on a floating log in the middle of the Charles River. It's adorned with a distinctive red and white Boston Red Sox baseball cap. In the background, the prominent buildings of the Massachusetts Institute of Technology (MIT) can be seen, creating a juxtaposition of playful whimsy and academic prestige.",,8,1,attribute,color,"attribute - color (Boston Red Sox baseball cap, red and white)",Is the Boston Red Sox baseball cap red and white? +partiprompts22,"A stuffed toy monkey, with a soft brown texture, is precariously balanced on a floating log in the middle of the Charles River. It's adorned with a distinctive red and white Boston Red Sox baseball cap. In the background, the prominent buildings of the Massachusetts Institute of Technology (MIT) can be seen, creating a juxtaposition of playful whimsy and academic prestige.",,9,"1,4",relation,spatial,"relation - spatial (stuffed toy monkey, log, balanced on)",Is the stuffed toy monkey balanced on the log? +partiprompts22,"A stuffed toy monkey, with a soft brown texture, is precariously balanced on a floating log in the middle of the Charles River. It's adorned with a distinctive red and white Boston Red Sox baseball cap. In the background, the prominent buildings of the Massachusetts Institute of Technology (MIT) can be seen, creating a juxtaposition of playful whimsy and academic prestige.",,10,"1,5",relation,spatial,"relation - spatial (stuffed toy monkey, Charles River, in)",Is the stuffed toy monkey in the Charles River? +partiprompts22,"A stuffed toy monkey, with a soft brown texture, is precariously balanced on a floating log in the middle of the Charles River. It's adorned with a distinctive red and white Boston Red Sox baseball cap. In the background, the prominent buildings of the Massachusetts Institute of Technology (MIT) can be seen, creating a juxtaposition of playful whimsy and academic prestige.",,11,"6,7",relation,spatial,"relation - spatial (buildings, Massachusetts Institute of Technology (MIT), in background)",Are the buildings in the background of the Massachusetts Institute of Technology (MIT)? +partiprompts160,"An abstract cubist painting depicts a chaotic scene where a tornado, composed of angular shark figures, collides with the geometric forms of a skyscraper. The skyscraper is rendered in a series of fragmented, multi-colored planes, suggesting the reflective surfaces of glass and steel. The sharks, with their sharp edges and varying shades of grey and blue, swirl around in a tumultuous dance of destruction within the painting's frame.",,1,0,entity,whole,entity - whole (painting),Is there a painting? +partiprompts160,"An abstract cubist painting depicts a chaotic scene where a tornado, composed of angular shark figures, collides with the geometric forms of a skyscraper. The skyscraper is rendered in a series of fragmented, multi-colored planes, suggesting the reflective surfaces of glass and steel. The sharks, with their sharp edges and varying shades of grey and blue, swirl around in a tumultuous dance of destruction within the painting's frame.",,2,1,global,,global - (abstract),Is the painting abstract? +partiprompts160,"An abstract cubist painting depicts a chaotic scene where a tornado, composed of angular shark figures, collides with the geometric forms of a skyscraper. The skyscraper is rendered in a series of fragmented, multi-colored planes, suggesting the reflective surfaces of glass and steel. The sharks, with their sharp edges and varying shades of grey and blue, swirl around in a tumultuous dance of destruction within the painting's frame.",,3,1,global,,global - (cubist),Is the painting cubist? +partiprompts160,"An abstract cubist painting depicts a chaotic scene where a tornado, composed of angular shark figures, collides with the geometric forms of a skyscraper. The skyscraper is rendered in a series of fragmented, multi-colored planes, suggesting the reflective surfaces of glass and steel. The sharks, with their sharp edges and varying shades of grey and blue, swirl around in a tumultuous dance of destruction within the painting's frame.",,4,1,entity,whole,entity - whole (scene),Is there a scene depicted? +partiprompts160,"An abstract cubist painting depicts a chaotic scene where a tornado, composed of angular shark figures, collides with the geometric forms of a skyscraper. The skyscraper is rendered in a series of fragmented, multi-colored planes, suggesting the reflective surfaces of glass and steel. The sharks, with their sharp edges and varying shades of grey and blue, swirl around in a tumultuous dance of destruction within the painting's frame.",,5,4,entity,whole,entity - whole (tornado),Is there a tornado? +partiprompts160,"An abstract cubist painting depicts a chaotic scene where a tornado, composed of angular shark figures, collides with the geometric forms of a skyscraper. The skyscraper is rendered in a series of fragmented, multi-colored planes, suggesting the reflective surfaces of glass and steel. The sharks, with their sharp edges and varying shades of grey and blue, swirl around in a tumultuous dance of destruction within the painting's frame.",,6,4,entity,whole,entity - whole (shark figures),Are there shark figures? +partiprompts160,"An abstract cubist painting depicts a chaotic scene where a tornado, composed of angular shark figures, collides with the geometric forms of a skyscraper. The skyscraper is rendered in a series of fragmented, multi-colored planes, suggesting the reflective surfaces of glass and steel. The sharks, with their sharp edges and varying shades of grey and blue, swirl around in a tumultuous dance of destruction within the painting's frame.",,7,1,entity,whole,entity - whole (skyscraper),Is there a skyscraper? +partiprompts160,"An abstract cubist painting depicts a chaotic scene where a tornado, composed of angular shark figures, collides with the geometric forms of a skyscraper. The skyscraper is rendered in a series of fragmented, multi-colored planes, suggesting the reflective surfaces of glass and steel. The sharks, with their sharp edges and varying shades of grey and blue, swirl around in a tumultuous dance of destruction within the painting's frame.",,8,5,attribute,shape,"attribute - shape (tornado, angular)",Is the tornado angular? +partiprompts160,"An abstract cubist painting depicts a chaotic scene where a tornado, composed of angular shark figures, collides with the geometric forms of a skyscraper. The skyscraper is rendered in a series of fragmented, multi-colored planes, suggesting the reflective surfaces of glass and steel. The sharks, with their sharp edges and varying shades of grey and blue, swirl around in a tumultuous dance of destruction within the painting's frame.",,9,6,attribute,shape,"attribute - shape (shark figures, angular)",Are the shark figures angular? +partiprompts160,"An abstract cubist painting depicts a chaotic scene where a tornado, composed of angular shark figures, collides with the geometric forms of a skyscraper. The skyscraper is rendered in a series of fragmented, multi-colored planes, suggesting the reflective surfaces of glass and steel. The sharks, with their sharp edges and varying shades of grey and blue, swirl around in a tumultuous dance of destruction within the painting's frame.",,10,7,attribute,texture,"attribute - texture (skyscraper, fragmented, multi-colored)",Is the skyscraper fragmented and multi-colored? +partiprompts160,"An abstract cubist painting depicts a chaotic scene where a tornado, composed of angular shark figures, collides with the geometric forms of a skyscraper. The skyscraper is rendered in a series of fragmented, multi-colored planes, suggesting the reflective surfaces of glass and steel. The sharks, with their sharp edges and varying shades of grey and blue, swirl around in a tumultuous dance of destruction within the painting's frame.",,11,7,attribute,texture,"attribute - texture (skyscraper, reflective)",Is the skyscraper reflective? +partiprompts160,"An abstract cubist painting depicts a chaotic scene where a tornado, composed of angular shark figures, collides with the geometric forms of a skyscraper. The skyscraper is rendered in a series of fragmented, multi-colored planes, suggesting the reflective surfaces of glass and steel. The sharks, with their sharp edges and varying shades of grey and blue, swirl around in a tumultuous dance of destruction within the painting's frame.",,12,6,attribute,texture,"attribute - texture (sharks, varying shades of grey and blue)",Are the sharks varying shades of grey and blue? +partiprompts160,"An abstract cubist painting depicts a chaotic scene where a tornado, composed of angular shark figures, collides with the geometric forms of a skyscraper. The skyscraper is rendered in a series of fragmented, multi-colored planes, suggesting the reflective surfaces of glass and steel. The sharks, with their sharp edges and varying shades of grey and blue, swirl around in a tumultuous dance of destruction within the painting's frame.",,13,"5,6",relation,spatial,"relation - spatial (tornado, shark figures, collide with)",Do the tornado and shark figures collide? +partiprompts160,"An abstract cubist painting depicts a chaotic scene where a tornado, composed of angular shark figures, collides with the geometric forms of a skyscraper. The skyscraper is rendered in a series of fragmented, multi-colored planes, suggesting the reflective surfaces of glass and steel. The sharks, with their sharp edges and varying shades of grey and blue, swirl around in a tumultuous dance of destruction within the painting's frame.",,14,"6,7",relation,spatial,"relation - spatial (shark figures, skyscraper, swirl around)",Do the shark figures swirl around the skyscraper? +partiprompts160,"An abstract cubist painting depicts a chaotic scene where a tornado, composed of angular shark figures, collides with the geometric forms of a skyscraper. The skyscraper is rendered in a series of fragmented, multi-colored planes, suggesting the reflective surfaces of glass and steel. The sharks, with their sharp edges and varying shades of grey and blue, swirl around in a tumultuous dance of destruction within the painting's frame.",,15,"1,7",relation,spatial,"relation - spatial (sharks, painting's frame, within)",Do the sharks dance within the painting's frame? +partiprompts93,"An imaginative depiction of the Mona Lisa, portrayed in a modern setting where she is seated at a wooden breakfast table. In her hands, she holds a delicate white porcelain cup from which she sips coffee. Before her lies a plate with a fluffy omelette and a golden-brown croissant, accompanied by a small vase containing a single red rose. The scene is illuminated by natural light that filters through a nearby window, casting a soft glow on the table's surface.",,1,0,entity,whole,entity - whole (Mona Lisa),Is there a depiction of the Mona Lisa? +partiprompts93,"An imaginative depiction of the Mona Lisa, portrayed in a modern setting where she is seated at a wooden breakfast table. In her hands, she holds a delicate white porcelain cup from which she sips coffee. Before her lies a plate with a fluffy omelette and a golden-brown croissant, accompanied by a small vase containing a single red rose. The scene is illuminated by natural light that filters through a nearby window, casting a soft glow on the table's surface.",,2,0,entity,whole,entity - whole (breakfast table),Is there a breakfast table? +partiprompts93,"An imaginative depiction of the Mona Lisa, portrayed in a modern setting where she is seated at a wooden breakfast table. In her hands, she holds a delicate white porcelain cup from which she sips coffee. Before her lies a plate with a fluffy omelette and a golden-brown croissant, accompanied by a small vase containing a single red rose. The scene is illuminated by natural light that filters through a nearby window, casting a soft glow on the table's surface.",,3,0,entity,whole,entity - whole (cup),Is there a cup? +partiprompts93,"An imaginative depiction of the Mona Lisa, portrayed in a modern setting where she is seated at a wooden breakfast table. In her hands, she holds a delicate white porcelain cup from which she sips coffee. Before her lies a plate with a fluffy omelette and a golden-brown croissant, accompanied by a small vase containing a single red rose. The scene is illuminated by natural light that filters through a nearby window, casting a soft glow on the table's surface.",,4,0,entity,whole,entity - whole (plate),Is there a plate? +partiprompts93,"An imaginative depiction of the Mona Lisa, portrayed in a modern setting where she is seated at a wooden breakfast table. In her hands, she holds a delicate white porcelain cup from which she sips coffee. Before her lies a plate with a fluffy omelette and a golden-brown croissant, accompanied by a small vase containing a single red rose. The scene is illuminated by natural light that filters through a nearby window, casting a soft glow on the table's surface.",,5,0,entity,whole,entity - whole (omelette),Is there an omelette? +partiprompts93,"An imaginative depiction of the Mona Lisa, portrayed in a modern setting where she is seated at a wooden breakfast table. In her hands, she holds a delicate white porcelain cup from which she sips coffee. Before her lies a plate with a fluffy omelette and a golden-brown croissant, accompanied by a small vase containing a single red rose. The scene is illuminated by natural light that filters through a nearby window, casting a soft glow on the table's surface.",,6,0,entity,whole,entity - whole (croissant),Is there a croissant? +partiprompts93,"An imaginative depiction of the Mona Lisa, portrayed in a modern setting where she is seated at a wooden breakfast table. In her hands, she holds a delicate white porcelain cup from which she sips coffee. Before her lies a plate with a fluffy omelette and a golden-brown croissant, accompanied by a small vase containing a single red rose. The scene is illuminated by natural light that filters through a nearby window, casting a soft glow on the table's surface.",,7,0,entity,whole,entity - whole (vase),Is there a vase? +partiprompts93,"An imaginative depiction of the Mona Lisa, portrayed in a modern setting where she is seated at a wooden breakfast table. In her hands, she holds a delicate white porcelain cup from which she sips coffee. Before her lies a plate with a fluffy omelette and a golden-brown croissant, accompanied by a small vase containing a single red rose. The scene is illuminated by natural light that filters through a nearby window, casting a soft glow on the table's surface.",,8,0,entity,whole,entity - whole (rose),Is there a rose? +partiprompts93,"An imaginative depiction of the Mona Lisa, portrayed in a modern setting where she is seated at a wooden breakfast table. In her hands, she holds a delicate white porcelain cup from which she sips coffee. Before her lies a plate with a fluffy omelette and a golden-brown croissant, accompanied by a small vase containing a single red rose. The scene is illuminated by natural light that filters through a nearby window, casting a soft glow on the table's surface.",,9,0,global,,global - (imaginative depiction),Is this an imaginative depiction? +partiprompts93,"An imaginative depiction of the Mona Lisa, portrayed in a modern setting where she is seated at a wooden breakfast table. In her hands, she holds a delicate white porcelain cup from which she sips coffee. Before her lies a plate with a fluffy omelette and a golden-brown croissant, accompanied by a small vase containing a single red rose. The scene is illuminated by natural light that filters through a nearby window, casting a soft glow on the table's surface.",,10,3,attribute,texture,"attribute - texture (cup, porcelain)",Is the cup made of porcelain? +partiprompts93,"An imaginative depiction of the Mona Lisa, portrayed in a modern setting where she is seated at a wooden breakfast table. In her hands, she holds a delicate white porcelain cup from which she sips coffee. Before her lies a plate with a fluffy omelette and a golden-brown croissant, accompanied by a small vase containing a single red rose. The scene is illuminated by natural light that filters through a nearby window, casting a soft glow on the table's surface.",,11,4,attribute,texture,"attribute - texture (plate, fluffy)",Is the plate fluffy? +partiprompts93,"An imaginative depiction of the Mona Lisa, portrayed in a modern setting where she is seated at a wooden breakfast table. In her hands, she holds a delicate white porcelain cup from which she sips coffee. Before her lies a plate with a fluffy omelette and a golden-brown croissant, accompanied by a small vase containing a single red rose. The scene is illuminated by natural light that filters through a nearby window, casting a soft glow on the table's surface.",,12,6,attribute,texture,"attribute - texture (croissant, golden-brown)",Is the croissant golden-brown? +partiprompts93,"An imaginative depiction of the Mona Lisa, portrayed in a modern setting where she is seated at a wooden breakfast table. In her hands, she holds a delicate white porcelain cup from which she sips coffee. Before her lies a plate with a fluffy omelette and a golden-brown croissant, accompanied by a small vase containing a single red rose. The scene is illuminated by natural light that filters through a nearby window, casting a soft glow on the table's surface.",,13,3,attribute,color,"attribute - color (cup, white)",Is the cup white? +partiprompts93,"An imaginative depiction of the Mona Lisa, portrayed in a modern setting where she is seated at a wooden breakfast table. In her hands, she holds a delicate white porcelain cup from which she sips coffee. Before her lies a plate with a fluffy omelette and a golden-brown croissant, accompanied by a small vase containing a single red rose. The scene is illuminated by natural light that filters through a nearby window, casting a soft glow on the table's surface.",,14,8,attribute,color,"attribute - color (rose, red)",Is the rose red? +partiprompts93,"An imaginative depiction of the Mona Lisa, portrayed in a modern setting where she is seated at a wooden breakfast table. In her hands, she holds a delicate white porcelain cup from which she sips coffee. Before her lies a plate with a fluffy omelette and a golden-brown croissant, accompanied by a small vase containing a single red rose. The scene is illuminated by natural light that filters through a nearby window, casting a soft glow on the table's surface.",,15,1,entity,state,"entity - state (Mona Lisa, seated)",Is the Mona Lisa seated? +partiprompts93,"An imaginative depiction of the Mona Lisa, portrayed in a modern setting where she is seated at a wooden breakfast table. In her hands, she holds a delicate white porcelain cup from which she sips coffee. Before her lies a plate with a fluffy omelette and a golden-brown croissant, accompanied by a small vase containing a single red rose. The scene is illuminated by natural light that filters through a nearby window, casting a soft glow on the table's surface.",,16,3,entity,state,"entity - state (cup, hold)",Is the Mona Lisa holding the cup? +partiprompts93,"An imaginative depiction of the Mona Lisa, portrayed in a modern setting where she is seated at a wooden breakfast table. In her hands, she holds a delicate white porcelain cup from which she sips coffee. Before her lies a plate with a fluffy omelette and a golden-brown croissant, accompanied by a small vase containing a single red rose. The scene is illuminated by natural light that filters through a nearby window, casting a soft glow on the table's surface.",,17,3,entity,state,"entity - state (cup, sip)",Is the Mona Lisa sipping from the cup? +partiprompts93,"An imaginative depiction of the Mona Lisa, portrayed in a modern setting where she is seated at a wooden breakfast table. In her hands, she holds a delicate white porcelain cup from which she sips coffee. Before her lies a plate with a fluffy omelette and a golden-brown croissant, accompanied by a small vase containing a single red rose. The scene is illuminated by natural light that filters through a nearby window, casting a soft glow on the table's surface.",,18,5,entity,state,"entity - state (omelette, fluffy)",Is the omelette fluffy? +partiprompts93,"An imaginative depiction of the Mona Lisa, portrayed in a modern setting where she is seated at a wooden breakfast table. In her hands, she holds a delicate white porcelain cup from which she sips coffee. Before her lies a plate with a fluffy omelette and a golden-brown croissant, accompanied by a small vase containing a single red rose. The scene is illuminated by natural light that filters through a nearby window, casting a soft glow on the table's surface.",,19,6,entity,state,"entity - state (croissant, golden-brown)",Is the croissant golden-brown? +partiprompts93,"An imaginative depiction of the Mona Lisa, portrayed in a modern setting where she is seated at a wooden breakfast table. In her hands, she holds a delicate white porcelain cup from which she sips coffee. Before her lies a plate with a fluffy omelette and a golden-brown croissant, accompanied by a small vase containing a single red rose. The scene is illuminated by natural light that filters through a nearby window, casting a soft glow on the table's surface.",,20,7,entity,state,"entity - state (vase, contain)",Does the vase contain something? +partiprompts93,"An imaginative depiction of the Mona Lisa, portrayed in a modern setting where she is seated at a wooden breakfast table. In her hands, she holds a delicate white porcelain cup from which she sips coffee. Before her lies a plate with a fluffy omelette and a golden-brown croissant, accompanied by a small vase containing a single red rose. The scene is illuminated by natural light that filters through a nearby window, casting a soft glow on the table's surface.",,21,"1,2",relation,spatial,"relation - spatial (Mona Lisa, breakfast table, at)",Is the Mona Lisa at the breakfast table? +partiprompts93,"An imaginative depiction of the Mona Lisa, portrayed in a modern setting where she is seated at a wooden breakfast table. In her hands, she holds a delicate white porcelain cup from which she sips coffee. Before her lies a plate with a fluffy omelette and a golden-brown croissant, accompanied by a small vase containing a single red rose. The scene is illuminated by natural light that filters through a nearby window, casting a soft glow on the table's surface.",,22,"3,21",relation,spatial,"relation - spatial (cup, Mona Lisa, in hands)",Is the cup in the Mona Lisa's hands? +partiprompts93,"An imaginative depiction of the Mona Lisa, portrayed in a modern setting where she is seated at a wooden breakfast table. In her hands, she holds a delicate white porcelain cup from which she sips coffee. Before her lies a plate with a fluffy omelette and a golden-brown croissant, accompanied by a small vase containing a single red rose. The scene is illuminated by natural light that filters through a nearby window, casting a soft glow on the table's surface.",,23,"4,21",relation,spatial,"relation - spatial (plate, Mona Lisa, before)",Is the plate in front of the Mona Lisa? +partiprompts93,"An imaginative depiction of the Mona Lisa, portrayed in a modern setting where she is seated at a wooden breakfast table. In her hands, she holds a delicate white porcelain cup from which she sips coffee. Before her lies a plate with a fluffy omelette and a golden-brown croissant, accompanied by a small vase containing a single red rose. The scene is illuminated by natural light that filters through a nearby window, casting a soft glow on the table's surface.",,24,"7,21",relation,spatial,"relation - spatial (vase, Mona Lisa, before)",Is the vase in front of the Mona Lisa? +partiprompts93,"An imaginative depiction of the Mona Lisa, portrayed in a modern setting where she is seated at a wooden breakfast table. In her hands, she holds a delicate white porcelain cup from which she sips coffee. Before her lies a plate with a fluffy omelette and a golden-brown croissant, accompanied by a small vase containing a single red rose. The scene is illuminated by natural light that filters through a nearby window, casting a soft glow on the table's surface.",,25,"8,7",relation,spatial,"relation - spatial (rose, vase, in)",Is the rose in the vase? +partiprompts93,"An imaginative depiction of the Mona Lisa, portrayed in a modern setting where she is seated at a wooden breakfast table. In her hands, she holds a delicate white porcelain cup from which she sips coffee. Before her lies a plate with a fluffy omelette and a golden-brown croissant, accompanied by a small vase containing a single red rose. The scene is illuminated by natural light that filters through a nearby window, casting a soft glow on the table's surface.",,26,"2,22",relation,spatial,"relation - spatial (window, table, nearby)",Is the window nearby the table? +partiprompts93,"An imaginative depiction of the Mona Lisa, portrayed in a modern setting where she is seated at a wooden breakfast table. In her hands, she holds a delicate white porcelain cup from which she sips coffee. Before her lies a plate with a fluffy omelette and a golden-brown croissant, accompanied by a small vase containing a single red rose. The scene is illuminated by natural light that filters through a nearby window, casting a soft glow on the table's surface.",,27,27,relation,spatial,"relation - spatial (natural light, window, through)",Is the natural light filtering through the window? +partiprompts93,"An imaginative depiction of the Mona Lisa, portrayed in a modern setting where she is seated at a wooden breakfast table. In her hands, she holds a delicate white porcelain cup from which she sips coffee. Before her lies a plate with a fluffy omelette and a golden-brown croissant, accompanied by a small vase containing a single red rose. The scene is illuminated by natural light that filters through a nearby window, casting a soft glow on the table's surface.",,28,28,relation,spatial,"relation - spatial (light, table, on)",Is the light casting a glow on the table? +partiprompts85,"a vibrant stained glass window featuring a depiction of a tyrannosaurus rex in hues of green and blue, set against a backdrop of a peaceful prehistoric landscape. The dinosaur's posture suggests a moment of rest, with its massive tail curling alongside its body. Sunlight filters through the textured glass, casting colorful patterns on the interior walls of the room.",,1,0,entity,whole,entity - whole (stained glass window),Is there a stained glass window? +partiprompts85,"a vibrant stained glass window featuring a depiction of a tyrannosaurus rex in hues of green and blue, set against a backdrop of a peaceful prehistoric landscape. The dinosaur's posture suggests a moment of rest, with its massive tail curling alongside its body. Sunlight filters through the textured glass, casting colorful patterns on the interior walls of the room.",,2,1,entity,whole,entity - whole (depiction),Is there a depiction? +partiprompts85,"a vibrant stained glass window featuring a depiction of a tyrannosaurus rex in hues of green and blue, set against a backdrop of a peaceful prehistoric landscape. The dinosaur's posture suggests a moment of rest, with its massive tail curling alongside its body. Sunlight filters through the textured glass, casting colorful patterns on the interior walls of the room.",,3,2,entity,whole,entity - whole (tyrannosaurus rex),Is there a tyrannosaurus rex? +partiprompts85,"a vibrant stained glass window featuring a depiction of a tyrannosaurus rex in hues of green and blue, set against a backdrop of a peaceful prehistoric landscape. The dinosaur's posture suggests a moment of rest, with its massive tail curling alongside its body. Sunlight filters through the textured glass, casting colorful patterns on the interior walls of the room.",,4,0,entity,whole,entity - whole (landscape),Is there a landscape? +partiprompts85,"a vibrant stained glass window featuring a depiction of a tyrannosaurus rex in hues of green and blue, set against a backdrop of a peaceful prehistoric landscape. The dinosaur's posture suggests a moment of rest, with its massive tail curling alongside its body. Sunlight filters through the textured glass, casting colorful patterns on the interior walls of the room.",,5,3,entity,whole,entity - whole (tail),Is there a tail? +partiprompts85,"a vibrant stained glass window featuring a depiction of a tyrannosaurus rex in hues of green and blue, set against a backdrop of a peaceful prehistoric landscape. The dinosaur's posture suggests a moment of rest, with its massive tail curling alongside its body. Sunlight filters through the textured glass, casting colorful patterns on the interior walls of the room.",,6,0,entity,whole,entity - whole (sunlight),Is there sunlight? +partiprompts85,"a vibrant stained glass window featuring a depiction of a tyrannosaurus rex in hues of green and blue, set against a backdrop of a peaceful prehistoric landscape. The dinosaur's posture suggests a moment of rest, with its massive tail curling alongside its body. Sunlight filters through the textured glass, casting colorful patterns on the interior walls of the room.",,7,3,attribute,color,"attribute - color (tyrannosaurus rex, green)",Is the tyrannosaurus rex green? +partiprompts85,"a vibrant stained glass window featuring a depiction of a tyrannosaurus rex in hues of green and blue, set against a backdrop of a peaceful prehistoric landscape. The dinosaur's posture suggests a moment of rest, with its massive tail curling alongside its body. Sunlight filters through the textured glass, casting colorful patterns on the interior walls of the room.",,8,3,attribute,color,"attribute - color (tyrannosaurus rex, blue)",Is the tyrannosaurus rex blue? +partiprompts85,"a vibrant stained glass window featuring a depiction of a tyrannosaurus rex in hues of green and blue, set against a backdrop of a peaceful prehistoric landscape. The dinosaur's posture suggests a moment of rest, with its massive tail curling alongside its body. Sunlight filters through the textured glass, casting colorful patterns on the interior walls of the room.",,9,1,attribute,texture,"attribute - texture (glass, textured)",Is the glass textured? +partiprompts85,"a vibrant stained glass window featuring a depiction of a tyrannosaurus rex in hues of green and blue, set against a backdrop of a peaceful prehistoric landscape. The dinosaur's posture suggests a moment of rest, with its massive tail curling alongside its body. Sunlight filters through the textured glass, casting colorful patterns on the interior walls of the room.",,10,3,entity,state,"entity - state (tyrannosaurus rex, rest)",Is the tyrannosaurus rex resting? +partiprompts85,"a vibrant stained glass window featuring a depiction of a tyrannosaurus rex in hues of green and blue, set against a backdrop of a peaceful prehistoric landscape. The dinosaur's posture suggests a moment of rest, with its massive tail curling alongside its body. Sunlight filters through the textured glass, casting colorful patterns on the interior walls of the room.",,11,5,entity,state,"entity - state (tail, massive)",Is the tail massive? +partiprompts85,"a vibrant stained glass window featuring a depiction of a tyrannosaurus rex in hues of green and blue, set against a backdrop of a peaceful prehistoric landscape. The dinosaur's posture suggests a moment of rest, with its massive tail curling alongside its body. Sunlight filters through the textured glass, casting colorful patterns on the interior walls of the room.",,12,"3,5",relation,spatial,"relation - spatial (dinosaur, tail, alongside)",Is the tail alongside the dinosaur? +partiprompts85,"a vibrant stained glass window featuring a depiction of a tyrannosaurus rex in hues of green and blue, set against a backdrop of a peaceful prehistoric landscape. The dinosaur's posture suggests a moment of rest, with its massive tail curling alongside its body. Sunlight filters through the textured glass, casting colorful patterns on the interior walls of the room.",,13,"6,5",relation,spatial,"relation - spatial (sunlight, walls, on)",Is the sunlight casting colorful patterns on the walls? +partiprompts115,"A detailed painting that features the iconic Mona Lisa, with her enigmatic smile, set against a bustling backdrop of New York City. The cityscape includes towering skyscrapers, a yellow taxi cab, and the faint outline of the Statue of Liberty in the distance. The painting merges the classic with the contemporary, as the Mona Lisa is depicted in her traditional attire, while the city behind her pulses with modern life.",,1,0,entity,whole,entity - whole (painting),Is there a painting? +partiprompts115,"A detailed painting that features the iconic Mona Lisa, with her enigmatic smile, set against a bustling backdrop of New York City. The cityscape includes towering skyscrapers, a yellow taxi cab, and the faint outline of the Statue of Liberty in the distance. The painting merges the classic with the contemporary, as the Mona Lisa is depicted in her traditional attire, while the city behind her pulses with modern life.",,2,1,entity,whole,entity - whole (Mona Lisa),Is the Mona Lisa in the painting? +partiprompts115,"A detailed painting that features the iconic Mona Lisa, with her enigmatic smile, set against a bustling backdrop of New York City. The cityscape includes towering skyscrapers, a yellow taxi cab, and the faint outline of the Statue of Liberty in the distance. The painting merges the classic with the contemporary, as the Mona Lisa is depicted in her traditional attire, while the city behind her pulses with modern life.",,3,0,entity,whole,entity - whole (New York City),Is New York City featured in the painting? +partiprompts115,"A detailed painting that features the iconic Mona Lisa, with her enigmatic smile, set against a bustling backdrop of New York City. The cityscape includes towering skyscrapers, a yellow taxi cab, and the faint outline of the Statue of Liberty in the distance. The painting merges the classic with the contemporary, as the Mona Lisa is depicted in her traditional attire, while the city behind her pulses with modern life.",,4,0,entity,whole,entity - whole (cityscape),Is there a cityscape in the painting? +partiprompts115,"A detailed painting that features the iconic Mona Lisa, with her enigmatic smile, set against a bustling backdrop of New York City. The cityscape includes towering skyscrapers, a yellow taxi cab, and the faint outline of the Statue of Liberty in the distance. The painting merges the classic with the contemporary, as the Mona Lisa is depicted in her traditional attire, while the city behind her pulses with modern life.",,5,0,entity,whole,entity - whole (skyscrapers),Are there skyscrapers in the painting? +partiprompts115,"A detailed painting that features the iconic Mona Lisa, with her enigmatic smile, set against a bustling backdrop of New York City. The cityscape includes towering skyscrapers, a yellow taxi cab, and the faint outline of the Statue of Liberty in the distance. The painting merges the classic with the contemporary, as the Mona Lisa is depicted in her traditional attire, while the city behind her pulses with modern life.",,6,0,entity,whole,entity - whole (taxi cab),Is there a taxi cab in the painting? +partiprompts115,"A detailed painting that features the iconic Mona Lisa, with her enigmatic smile, set against a bustling backdrop of New York City. The cityscape includes towering skyscrapers, a yellow taxi cab, and the faint outline of the Statue of Liberty in the distance. The painting merges the classic with the contemporary, as the Mona Lisa is depicted in her traditional attire, while the city behind her pulses with modern life.",,7,0,entity,whole,entity - whole (Statue of Liberty),Is the Statue of Liberty in the painting? +partiprompts115,"A detailed painting that features the iconic Mona Lisa, with her enigmatic smile, set against a bustling backdrop of New York City. The cityscape includes towering skyscrapers, a yellow taxi cab, and the faint outline of the Statue of Liberty in the distance. The painting merges the classic with the contemporary, as the Mona Lisa is depicted in her traditional attire, while the city behind her pulses with modern life.",,8,2,attribute,other,"attribute - other (Mona Lisa, iconic)",Is the Mona Lisa considered iconic? +partiprompts115,"A detailed painting that features the iconic Mona Lisa, with her enigmatic smile, set against a bustling backdrop of New York City. The cityscape includes towering skyscrapers, a yellow taxi cab, and the faint outline of the Statue of Liberty in the distance. The painting merges the classic with the contemporary, as the Mona Lisa is depicted in her traditional attire, while the city behind her pulses with modern life.",,9,2,attribute,other,"attribute - other (Mona Lisa, enigmatic smile)",Does the Mona Lisa have an enigmatic smile? +partiprompts115,"A detailed painting that features the iconic Mona Lisa, with her enigmatic smile, set against a bustling backdrop of New York City. The cityscape includes towering skyscrapers, a yellow taxi cab, and the faint outline of the Statue of Liberty in the distance. The painting merges the classic with the contemporary, as the Mona Lisa is depicted in her traditional attire, while the city behind her pulses with modern life.",,10,6,attribute,color,"attribute - color (taxi cab, yellow)",Is the taxi cab yellow? +partiprompts115,"A detailed painting that features the iconic Mona Lisa, with her enigmatic smile, set against a bustling backdrop of New York City. The cityscape includes towering skyscrapers, a yellow taxi cab, and the faint outline of the Statue of Liberty in the distance. The painting merges the classic with the contemporary, as the Mona Lisa is depicted in her traditional attire, while the city behind her pulses with modern life.",,11,4,attribute,texture,"attribute - texture (cityscape, bustling)",Is the cityscape bustling? +partiprompts115,"A detailed painting that features the iconic Mona Lisa, with her enigmatic smile, set against a bustling backdrop of New York City. The cityscape includes towering skyscrapers, a yellow taxi cab, and the faint outline of the Statue of Liberty in the distance. The painting merges the classic with the contemporary, as the Mona Lisa is depicted in her traditional attire, while the city behind her pulses with modern life.",,12,"2,4",relation,spatial,"relation - spatial (Mona Lisa, cityscape, against)",Is the Mona Lisa set against the cityscape? +partiprompts115,"A detailed painting that features the iconic Mona Lisa, with her enigmatic smile, set against a bustling backdrop of New York City. The cityscape includes towering skyscrapers, a yellow taxi cab, and the faint outline of the Statue of Liberty in the distance. The painting merges the classic with the contemporary, as the Mona Lisa is depicted in her traditional attire, while the city behind her pulses with modern life.",,13,"5,4",relation,spatial,"relation - spatial (skyscrapers, cityscape, in)",Are the skyscrapers in the cityscape? +partiprompts115,"A detailed painting that features the iconic Mona Lisa, with her enigmatic smile, set against a bustling backdrop of New York City. The cityscape includes towering skyscrapers, a yellow taxi cab, and the faint outline of the Statue of Liberty in the distance. The painting merges the classic with the contemporary, as the Mona Lisa is depicted in her traditional attire, while the city behind her pulses with modern life.",,14,"6,4",relation,spatial,"relation - spatial (taxi cab, cityscape, in)",Is the taxi cab in the cityscape? +partiprompts115,"A detailed painting that features the iconic Mona Lisa, with her enigmatic smile, set against a bustling backdrop of New York City. The cityscape includes towering skyscrapers, a yellow taxi cab, and the faint outline of the Statue of Liberty in the distance. The painting merges the classic with the contemporary, as the Mona Lisa is depicted in her traditional attire, while the city behind her pulses with modern life.",,15,"7,4",relation,spatial,"relation - spatial (Statue of Liberty, cityscape, in)",Is the Statue of Liberty in the cityscape? +partiprompts115,"A detailed painting that features the iconic Mona Lisa, with her enigmatic smile, set against a bustling backdrop of New York City. The cityscape includes towering skyscrapers, a yellow taxi cab, and the faint outline of the Statue of Liberty in the distance. The painting merges the classic with the contemporary, as the Mona Lisa is depicted in her traditional attire, while the city behind her pulses with modern life.",,16,"2,4",relation,spatial,"relation - spatial (Mona Lisa, traditional attire, in)",Is the Mona Lisa depicted in traditional attire? +partiprompts115,"A detailed painting that features the iconic Mona Lisa, with her enigmatic smile, set against a bustling backdrop of New York City. The cityscape includes towering skyscrapers, a yellow taxi cab, and the faint outline of the Statue of Liberty in the distance. The painting merges the classic with the contemporary, as the Mona Lisa is depicted in her traditional attire, while the city behind her pulses with modern life.",,17,4,relation,spatial,"relation - spatial (cityscape, modern life, pulse with)",Does the cityscape pulse with modern life? +partiprompts142,"An animated frog with a rebellious punk rock style, clad in a black leather jacket adorned with shiny metal studs, is energetically shouting into a silver microphone. The frog's vibrant green skin contrasts with the dark jacket, and it stands confidently on a large green lily pad floating on a pond's surface. Around the lily pad, the water is calm, and other pads are scattered nearby, some with blooming pink flowers.",,1,0,entity,whole,entity - whole (frog),Is there a frog? +partiprompts142,"An animated frog with a rebellious punk rock style, clad in a black leather jacket adorned with shiny metal studs, is energetically shouting into a silver microphone. The frog's vibrant green skin contrasts with the dark jacket, and it stands confidently on a large green lily pad floating on a pond's surface. Around the lily pad, the water is calm, and other pads are scattered nearby, some with blooming pink flowers.",,2,1,attribute,other,"attribute - other (frog, animated)",Is the frog animated? +partiprompts142,"An animated frog with a rebellious punk rock style, clad in a black leather jacket adorned with shiny metal studs, is energetically shouting into a silver microphone. The frog's vibrant green skin contrasts with the dark jacket, and it stands confidently on a large green lily pad floating on a pond's surface. Around the lily pad, the water is calm, and other pads are scattered nearby, some with blooming pink flowers.",,3,1,attribute,other,"attribute - other (frog, rebellious punk rock style)",Does the frog have a rebellious punk rock style? +partiprompts142,"An animated frog with a rebellious punk rock style, clad in a black leather jacket adorned with shiny metal studs, is energetically shouting into a silver microphone. The frog's vibrant green skin contrasts with the dark jacket, and it stands confidently on a large green lily pad floating on a pond's surface. Around the lily pad, the water is calm, and other pads are scattered nearby, some with blooming pink flowers.",,4,1,entity,part,entity - part (frog's jacket),Is the frog wearing a jacket? +partiprompts142,"An animated frog with a rebellious punk rock style, clad in a black leather jacket adorned with shiny metal studs, is energetically shouting into a silver microphone. The frog's vibrant green skin contrasts with the dark jacket, and it stands confidently on a large green lily pad floating on a pond's surface. Around the lily pad, the water is calm, and other pads are scattered nearby, some with blooming pink flowers.",,5,4,attribute,color,"attribute - color (jacket, black)",Is the jacket black? +partiprompts142,"An animated frog with a rebellious punk rock style, clad in a black leather jacket adorned with shiny metal studs, is energetically shouting into a silver microphone. The frog's vibrant green skin contrasts with the dark jacket, and it stands confidently on a large green lily pad floating on a pond's surface. Around the lily pad, the water is calm, and other pads are scattered nearby, some with blooming pink flowers.",,6,4,attribute,texture,"attribute - texture (jacket, leather)",Is the jacket made of leather? +partiprompts142,"An animated frog with a rebellious punk rock style, clad in a black leather jacket adorned with shiny metal studs, is energetically shouting into a silver microphone. The frog's vibrant green skin contrasts with the dark jacket, and it stands confidently on a large green lily pad floating on a pond's surface. Around the lily pad, the water is calm, and other pads are scattered nearby, some with blooming pink flowers.",,7,4,attribute,other,"attribute - other (jacket, adorned with shiny metal studs)",Is the jacket adorned with shiny metal studs? +partiprompts142,"An animated frog with a rebellious punk rock style, clad in a black leather jacket adorned with shiny metal studs, is energetically shouting into a silver microphone. The frog's vibrant green skin contrasts with the dark jacket, and it stands confidently on a large green lily pad floating on a pond's surface. Around the lily pad, the water is calm, and other pads are scattered nearby, some with blooming pink flowers.",,8,1,entity,whole,entity - whole (microphone),Is there a microphone? +partiprompts142,"An animated frog with a rebellious punk rock style, clad in a black leather jacket adorned with shiny metal studs, is energetically shouting into a silver microphone. The frog's vibrant green skin contrasts with the dark jacket, and it stands confidently on a large green lily pad floating on a pond's surface. Around the lily pad, the water is calm, and other pads are scattered nearby, some with blooming pink flowers.",,9,8,attribute,color,"attribute - color (microphone, silver)",Is the microphone silver? +partiprompts142,"An animated frog with a rebellious punk rock style, clad in a black leather jacket adorned with shiny metal studs, is energetically shouting into a silver microphone. The frog's vibrant green skin contrasts with the dark jacket, and it stands confidently on a large green lily pad floating on a pond's surface. Around the lily pad, the water is calm, and other pads are scattered nearby, some with blooming pink flowers.",,10,1,entity,whole,entity - whole (lily pad),Is there a lily pad? +partiprompts142,"An animated frog with a rebellious punk rock style, clad in a black leather jacket adorned with shiny metal studs, is energetically shouting into a silver microphone. The frog's vibrant green skin contrasts with the dark jacket, and it stands confidently on a large green lily pad floating on a pond's surface. Around the lily pad, the water is calm, and other pads are scattered nearby, some with blooming pink flowers.",,11,10,attribute,size,"attribute - size (lily pad, large)",Is the lily pad large? +partiprompts142,"An animated frog with a rebellious punk rock style, clad in a black leather jacket adorned with shiny metal studs, is energetically shouting into a silver microphone. The frog's vibrant green skin contrasts with the dark jacket, and it stands confidently on a large green lily pad floating on a pond's surface. Around the lily pad, the water is calm, and other pads are scattered nearby, some with blooming pink flowers.",,12,10,attribute,color,"attribute - color (lily pad, green)",Is the lily pad green? +partiprompts142,"An animated frog with a rebellious punk rock style, clad in a black leather jacket adorned with shiny metal studs, is energetically shouting into a silver microphone. The frog's vibrant green skin contrasts with the dark jacket, and it stands confidently on a large green lily pad floating on a pond's surface. Around the lily pad, the water is calm, and other pads are scattered nearby, some with blooming pink flowers.",,13,"1,10",relation,spatial,"relation - spatial (frog, lily pad, on)",Is the frog on the lily pad? +partiprompts142,"An animated frog with a rebellious punk rock style, clad in a black leather jacket adorned with shiny metal studs, is energetically shouting into a silver microphone. The frog's vibrant green skin contrasts with the dark jacket, and it stands confidently on a large green lily pad floating on a pond's surface. Around the lily pad, the water is calm, and other pads are scattered nearby, some with blooming pink flowers.",,14,"10,15",relation,spatial,"relation - spatial (lily pad, pond's surface, float)",Is the lily pad floating on the pond's surface? +partiprompts142,"An animated frog with a rebellious punk rock style, clad in a black leather jacket adorned with shiny metal studs, is energetically shouting into a silver microphone. The frog's vibrant green skin contrasts with the dark jacket, and it stands confidently on a large green lily pad floating on a pond's surface. Around the lily pad, the water is calm, and other pads are scattered nearby, some with blooming pink flowers.",,15,1,entity,whole,entity - whole (pond),Is there a pond? +partiprompts142,"An animated frog with a rebellious punk rock style, clad in a black leather jacket adorned with shiny metal studs, is energetically shouting into a silver microphone. The frog's vibrant green skin contrasts with the dark jacket, and it stands confidently on a large green lily pad floating on a pond's surface. Around the lily pad, the water is calm, and other pads are scattered nearby, some with blooming pink flowers.",,16,15,attribute,texture,"attribute - texture (water, calm)",Is the water in the pond calm? +partiprompts142,"An animated frog with a rebellious punk rock style, clad in a black leather jacket adorned with shiny metal studs, is energetically shouting into a silver microphone. The frog's vibrant green skin contrasts with the dark jacket, and it stands confidently on a large green lily pad floating on a pond's surface. Around the lily pad, the water is calm, and other pads are scattered nearby, some with blooming pink flowers.",,17,"10,16",relation,spatial,"relation - spatial (lily pad, water, around)",Is the lily pad around the water? +partiprompts142,"An animated frog with a rebellious punk rock style, clad in a black leather jacket adorned with shiny metal studs, is energetically shouting into a silver microphone. The frog's vibrant green skin contrasts with the dark jacket, and it stands confidently on a large green lily pad floating on a pond's surface. Around the lily pad, the water is calm, and other pads are scattered nearby, some with blooming pink flowers.",,18,"10,16",relation,spatial,"relation - spatial (lily pad, pink flowers, nearby)",Are there pink flowers nearby the lily pad? +partiprompts142,"An animated frog with a rebellious punk rock style, clad in a black leather jacket adorned with shiny metal studs, is energetically shouting into a silver microphone. The frog's vibrant green skin contrasts with the dark jacket, and it stands confidently on a large green lily pad floating on a pond's surface. Around the lily pad, the water is calm, and other pads are scattered nearby, some with blooming pink flowers.",,19,18,attribute,color,"attribute - color (flowers, pink)",Are the flowers pink? +partiprompts289,"An exquisite mahogany chair with intricate carvings stands prominently in the room. The chair features a high back with elaborate designs and a plush red cushion that provides a stark contrast to the dark wood. Its legs are elegantly curved, adding to the overall sophistication of the piece. The texture of the cushion looks soft and inviting, beckoning one to sit and enjoy the comfort it offers.",,1,0,entity,whole,entity - whole (chair),Is there a chair? +partiprompts289,"An exquisite mahogany chair with intricate carvings stands prominently in the room. The chair features a high back with elaborate designs and a plush red cushion that provides a stark contrast to the dark wood. Its legs are elegantly curved, adding to the overall sophistication of the piece. The texture of the cushion looks soft and inviting, beckoning one to sit and enjoy the comfort it offers.",,2,1,attribute,texture,"attribute - texture (chair, mahogany)",Is the chair made of mahogany? +partiprompts289,"An exquisite mahogany chair with intricate carvings stands prominently in the room. The chair features a high back with elaborate designs and a plush red cushion that provides a stark contrast to the dark wood. Its legs are elegantly curved, adding to the overall sophistication of the piece. The texture of the cushion looks soft and inviting, beckoning one to sit and enjoy the comfort it offers.",,3,1,attribute,texture,"attribute - texture (chair, intricate carvings)",Does the chair have intricate carvings? +partiprompts289,"An exquisite mahogany chair with intricate carvings stands prominently in the room. The chair features a high back with elaborate designs and a plush red cushion that provides a stark contrast to the dark wood. Its legs are elegantly curved, adding to the overall sophistication of the piece. The texture of the cushion looks soft and inviting, beckoning one to sit and enjoy the comfort it offers.",,4,1,attribute,texture,"attribute - texture (chair, plush red cushion)",Does the chair have a plush red cushion? +partiprompts289,"An exquisite mahogany chair with intricate carvings stands prominently in the room. The chair features a high back with elaborate designs and a plush red cushion that provides a stark contrast to the dark wood. Its legs are elegantly curved, adding to the overall sophistication of the piece. The texture of the cushion looks soft and inviting, beckoning one to sit and enjoy the comfort it offers.",,5,4,attribute,texture,"attribute - texture (cushion, soft)",Does the cushion look soft? +partiprompts289,"An exquisite mahogany chair with intricate carvings stands prominently in the room. The chair features a high back with elaborate designs and a plush red cushion that provides a stark contrast to the dark wood. Its legs are elegantly curved, adding to the overall sophistication of the piece. The texture of the cushion looks soft and inviting, beckoning one to sit and enjoy the comfort it offers.",,6,4,attribute,texture,"attribute - texture (cushion, inviting)",Does the cushion look inviting? +partiprompts289,"An exquisite mahogany chair with intricate carvings stands prominently in the room. The chair features a high back with elaborate designs and a plush red cushion that provides a stark contrast to the dark wood. Its legs are elegantly curved, adding to the overall sophistication of the piece. The texture of the cushion looks soft and inviting, beckoning one to sit and enjoy the comfort it offers.",,7,4,attribute,color,"attribute - color (cushion, red)",Is the cushion red? +partiprompts289,"An exquisite mahogany chair with intricate carvings stands prominently in the room. The chair features a high back with elaborate designs and a plush red cushion that provides a stark contrast to the dark wood. Its legs are elegantly curved, adding to the overall sophistication of the piece. The texture of the cushion looks soft and inviting, beckoning one to sit and enjoy the comfort it offers.",,8,4,attribute,color,"attribute - color (wood, dark)",Is the wood dark? +partiprompts289,"An exquisite mahogany chair with intricate carvings stands prominently in the room. The chair features a high back with elaborate designs and a plush red cushion that provides a stark contrast to the dark wood. Its legs are elegantly curved, adding to the overall sophistication of the piece. The texture of the cushion looks soft and inviting, beckoning one to sit and enjoy the comfort it offers.",,9,1,attribute,shape,"attribute - shape (chair, high back)",Does the chair have a high back? +partiprompts289,"An exquisite mahogany chair with intricate carvings stands prominently in the room. The chair features a high back with elaborate designs and a plush red cushion that provides a stark contrast to the dark wood. Its legs are elegantly curved, adding to the overall sophistication of the piece. The texture of the cushion looks soft and inviting, beckoning one to sit and enjoy the comfort it offers.",,10,1,attribute,shape,"attribute - shape (legs, elegantly curved)",Are the legs elegantly curved? +partiprompts61,"A vibrant mural on a red brick wall features the inspirational phrase ""BE EXCELLENT TO EACH OTHER"" in bold, black lettering. Next to the text, there's a whimsical graffiti depiction of a green alien donning a sleek black tuxedo, complete with a bow tie. In the foreground, a bright yellow fire hydrant stands out on the gray concrete sidewalk, adding a pop of color to the urban scene.",,1,0,entity,whole,entity - whole (mural),Is there a mural? +partiprompts61,"A vibrant mural on a red brick wall features the inspirational phrase ""BE EXCELLENT TO EACH OTHER"" in bold, black lettering. Next to the text, there's a whimsical graffiti depiction of a green alien donning a sleek black tuxedo, complete with a bow tie. In the foreground, a bright yellow fire hydrant stands out on the gray concrete sidewalk, adding a pop of color to the urban scene.",,2,0,entity,whole,entity - whole (wall),Is there a wall? +partiprompts61,"A vibrant mural on a red brick wall features the inspirational phrase ""BE EXCELLENT TO EACH OTHER"" in bold, black lettering. Next to the text, there's a whimsical graffiti depiction of a green alien donning a sleek black tuxedo, complete with a bow tie. In the foreground, a bright yellow fire hydrant stands out on the gray concrete sidewalk, adding a pop of color to the urban scene.",,3,0,entity,whole,entity - whole (phrase),Is there a phrase? +partiprompts61,"A vibrant mural on a red brick wall features the inspirational phrase ""BE EXCELLENT TO EACH OTHER"" in bold, black lettering. Next to the text, there's a whimsical graffiti depiction of a green alien donning a sleek black tuxedo, complete with a bow tie. In the foreground, a bright yellow fire hydrant stands out on the gray concrete sidewalk, adding a pop of color to the urban scene.",,4,0,entity,whole,entity - whole (lettering),Is there lettering? +partiprompts61,"A vibrant mural on a red brick wall features the inspirational phrase ""BE EXCELLENT TO EACH OTHER"" in bold, black lettering. Next to the text, there's a whimsical graffiti depiction of a green alien donning a sleek black tuxedo, complete with a bow tie. In the foreground, a bright yellow fire hydrant stands out on the gray concrete sidewalk, adding a pop of color to the urban scene.",,5,0,entity,whole,entity - whole (alien),Is there an alien? +partiprompts61,"A vibrant mural on a red brick wall features the inspirational phrase ""BE EXCELLENT TO EACH OTHER"" in bold, black lettering. Next to the text, there's a whimsical graffiti depiction of a green alien donning a sleek black tuxedo, complete with a bow tie. In the foreground, a bright yellow fire hydrant stands out on the gray concrete sidewalk, adding a pop of color to the urban scene.",,6,0,entity,whole,entity - whole (tuxedo),Is there a tuxedo? +partiprompts61,"A vibrant mural on a red brick wall features the inspirational phrase ""BE EXCELLENT TO EACH OTHER"" in bold, black lettering. Next to the text, there's a whimsical graffiti depiction of a green alien donning a sleek black tuxedo, complete with a bow tie. In the foreground, a bright yellow fire hydrant stands out on the gray concrete sidewalk, adding a pop of color to the urban scene.",,7,0,entity,whole,entity - whole (bow tie),Is there a bow tie? +partiprompts61,"A vibrant mural on a red brick wall features the inspirational phrase ""BE EXCELLENT TO EACH OTHER"" in bold, black lettering. Next to the text, there's a whimsical graffiti depiction of a green alien donning a sleek black tuxedo, complete with a bow tie. In the foreground, a bright yellow fire hydrant stands out on the gray concrete sidewalk, adding a pop of color to the urban scene.",,8,0,entity,whole,entity - whole (fire hydrant),Is there a fire hydrant? +partiprompts61,"A vibrant mural on a red brick wall features the inspirational phrase ""BE EXCELLENT TO EACH OTHER"" in bold, black lettering. Next to the text, there's a whimsical graffiti depiction of a green alien donning a sleek black tuxedo, complete with a bow tie. In the foreground, a bright yellow fire hydrant stands out on the gray concrete sidewalk, adding a pop of color to the urban scene.",,9,1,attribute,color,"attribute - color (mural, vibrant)",Is the mural vibrant? +partiprompts61,"A vibrant mural on a red brick wall features the inspirational phrase ""BE EXCELLENT TO EACH OTHER"" in bold, black lettering. Next to the text, there's a whimsical graffiti depiction of a green alien donning a sleek black tuxedo, complete with a bow tie. In the foreground, a bright yellow fire hydrant stands out on the gray concrete sidewalk, adding a pop of color to the urban scene.",,10,2,attribute,color,"attribute - color (wall, red brick)",Is the wall made of red brick? +partiprompts61,"A vibrant mural on a red brick wall features the inspirational phrase ""BE EXCELLENT TO EACH OTHER"" in bold, black lettering. Next to the text, there's a whimsical graffiti depiction of a green alien donning a sleek black tuxedo, complete with a bow tie. In the foreground, a bright yellow fire hydrant stands out on the gray concrete sidewalk, adding a pop of color to the urban scene.",,11,4,attribute,color,"attribute - color (lettering, black)",Is the lettering black? +partiprompts61,"A vibrant mural on a red brick wall features the inspirational phrase ""BE EXCELLENT TO EACH OTHER"" in bold, black lettering. Next to the text, there's a whimsical graffiti depiction of a green alien donning a sleek black tuxedo, complete with a bow tie. In the foreground, a bright yellow fire hydrant stands out on the gray concrete sidewalk, adding a pop of color to the urban scene.",,12,5,attribute,color,"attribute - color (alien, green)",Is the alien green? +partiprompts61,"A vibrant mural on a red brick wall features the inspirational phrase ""BE EXCELLENT TO EACH OTHER"" in bold, black lettering. Next to the text, there's a whimsical graffiti depiction of a green alien donning a sleek black tuxedo, complete with a bow tie. In the foreground, a bright yellow fire hydrant stands out on the gray concrete sidewalk, adding a pop of color to the urban scene.",,13,6,attribute,color,"attribute - color (tuxedo, black)",Is the tuxedo black? +partiprompts61,"A vibrant mural on a red brick wall features the inspirational phrase ""BE EXCELLENT TO EACH OTHER"" in bold, black lettering. Next to the text, there's a whimsical graffiti depiction of a green alien donning a sleek black tuxedo, complete with a bow tie. In the foreground, a bright yellow fire hydrant stands out on the gray concrete sidewalk, adding a pop of color to the urban scene.",,14,7,attribute,color,"attribute - color (bow tie, black)",Is the bow tie black? +partiprompts61,"A vibrant mural on a red brick wall features the inspirational phrase ""BE EXCELLENT TO EACH OTHER"" in bold, black lettering. Next to the text, there's a whimsical graffiti depiction of a green alien donning a sleek black tuxedo, complete with a bow tie. In the foreground, a bright yellow fire hydrant stands out on the gray concrete sidewalk, adding a pop of color to the urban scene.",,15,8,attribute,color,"attribute - color (fire hydrant, bright yellow)",Is the fire hydrant bright yellow? +partiprompts61,"A vibrant mural on a red brick wall features the inspirational phrase ""BE EXCELLENT TO EACH OTHER"" in bold, black lettering. Next to the text, there's a whimsical graffiti depiction of a green alien donning a sleek black tuxedo, complete with a bow tie. In the foreground, a bright yellow fire hydrant stands out on the gray concrete sidewalk, adding a pop of color to the urban scene.",,16,8,attribute,color,"attribute - color (sidewalk, gray concrete)",Is the sidewalk gray concrete? +partiprompts61,"A vibrant mural on a red brick wall features the inspirational phrase ""BE EXCELLENT TO EACH OTHER"" in bold, black lettering. Next to the text, there's a whimsical graffiti depiction of a green alien donning a sleek black tuxedo, complete with a bow tie. In the foreground, a bright yellow fire hydrant stands out on the gray concrete sidewalk, adding a pop of color to the urban scene.",,17,"3,1",relation,spatial,"relation - spatial (phrase, mural, on)",Is the phrase on the mural? +partiprompts61,"A vibrant mural on a red brick wall features the inspirational phrase ""BE EXCELLENT TO EACH OTHER"" in bold, black lettering. Next to the text, there's a whimsical graffiti depiction of a green alien donning a sleek black tuxedo, complete with a bow tie. In the foreground, a bright yellow fire hydrant stands out on the gray concrete sidewalk, adding a pop of color to the urban scene.",,18,"4,3",relation,spatial,"relation - spatial (lettering, phrase, in)",Is the lettering in the phrase? +partiprompts61,"A vibrant mural on a red brick wall features the inspirational phrase ""BE EXCELLENT TO EACH OTHER"" in bold, black lettering. Next to the text, there's a whimsical graffiti depiction of a green alien donning a sleek black tuxedo, complete with a bow tie. In the foreground, a bright yellow fire hydrant stands out on the gray concrete sidewalk, adding a pop of color to the urban scene.",,19,"5,1",relation,spatial,"relation - spatial (alien, mural, next to)",Is the alien next to the mural? +partiprompts61,"A vibrant mural on a red brick wall features the inspirational phrase ""BE EXCELLENT TO EACH OTHER"" in bold, black lettering. Next to the text, there's a whimsical graffiti depiction of a green alien donning a sleek black tuxedo, complete with a bow tie. In the foreground, a bright yellow fire hydrant stands out on the gray concrete sidewalk, adding a pop of color to the urban scene.",,20,"6,5",relation,spatial,"relation - spatial (tuxedo, alien, donning)",Is the tuxedo donning the alien? +partiprompts61,"A vibrant mural on a red brick wall features the inspirational phrase ""BE EXCELLENT TO EACH OTHER"" in bold, black lettering. Next to the text, there's a whimsical graffiti depiction of a green alien donning a sleek black tuxedo, complete with a bow tie. In the foreground, a bright yellow fire hydrant stands out on the gray concrete sidewalk, adding a pop of color to the urban scene.",,21,"7,6",relation,spatial,"relation - spatial (bow tie, tuxedo, with)",Is the bow tie with the tuxedo? +partiprompts61,"A vibrant mural on a red brick wall features the inspirational phrase ""BE EXCELLENT TO EACH OTHER"" in bold, black lettering. Next to the text, there's a whimsical graffiti depiction of a green alien donning a sleek black tuxedo, complete with a bow tie. In the foreground, a bright yellow fire hydrant stands out on the gray concrete sidewalk, adding a pop of color to the urban scene.",,22,"8,16",relation,spatial,"relation - spatial (fire hydrant, sidewalk, on)",Is the fire hydrant on the sidewalk? +partiprompts61,"A vibrant mural on a red brick wall features the inspirational phrase ""BE EXCELLENT TO EACH OTHER"" in bold, black lettering. Next to the text, there's a whimsical graffiti depiction of a green alien donning a sleek black tuxedo, complete with a bow tie. In the foreground, a bright yellow fire hydrant stands out on the gray concrete sidewalk, adding a pop of color to the urban scene.",,23,"8,16",relation,spatial,"relation - spatial (fire hydrant, foreground, in)",Is the fire hydrant in the foreground? +partiprompts2,"A high-resolution DSLR image captures a glossy Volkswagen van, its exterior artistically adorned with a vibrant mural depicting a bustling cityscape. Parked on a patch of lush green grass, the van serves as a backdrop to an unusual sight: a contented sloth, standing upright. The sloth is dressed in an eclectic ensemble consisting of a sleek leather jacket, a wide-brimmed cowboy hat, a traditional tartan kilt, and a neatly tied bowtie. In its clawed hands, it firmly grasps a wooden quarterstaff and an oversized, leather-bound book.",,1,0,global,,global - (high-resolution),Is this a high-resolution image? +partiprompts2,"A high-resolution DSLR image captures a glossy Volkswagen van, its exterior artistically adorned with a vibrant mural depicting a bustling cityscape. Parked on a patch of lush green grass, the van serves as a backdrop to an unusual sight: a contented sloth, standing upright. The sloth is dressed in an eclectic ensemble consisting of a sleek leather jacket, a wide-brimmed cowboy hat, a traditional tartan kilt, and a neatly tied bowtie. In its clawed hands, it firmly grasps a wooden quarterstaff and an oversized, leather-bound book.",,2,0,global,,global - (DSLR image),Is this a DSLR image? +partiprompts2,"A high-resolution DSLR image captures a glossy Volkswagen van, its exterior artistically adorned with a vibrant mural depicting a bustling cityscape. Parked on a patch of lush green grass, the van serves as a backdrop to an unusual sight: a contented sloth, standing upright. The sloth is dressed in an eclectic ensemble consisting of a sleek leather jacket, a wide-brimmed cowboy hat, a traditional tartan kilt, and a neatly tied bowtie. In its clawed hands, it firmly grasps a wooden quarterstaff and an oversized, leather-bound book.",,3,0,entity,whole,entity - whole (Volkswagen van),Is there a Volkswagen van? +partiprompts2,"A high-resolution DSLR image captures a glossy Volkswagen van, its exterior artistically adorned with a vibrant mural depicting a bustling cityscape. Parked on a patch of lush green grass, the van serves as a backdrop to an unusual sight: a contented sloth, standing upright. The sloth is dressed in an eclectic ensemble consisting of a sleek leather jacket, a wide-brimmed cowboy hat, a traditional tartan kilt, and a neatly tied bowtie. In its clawed hands, it firmly grasps a wooden quarterstaff and an oversized, leather-bound book.",,4,3,entity,part,entity - part (Volkswagen van's exterior),Is there a part of the Volkswagen van? +partiprompts2,"A high-resolution DSLR image captures a glossy Volkswagen van, its exterior artistically adorned with a vibrant mural depicting a bustling cityscape. Parked on a patch of lush green grass, the van serves as a backdrop to an unusual sight: a contented sloth, standing upright. The sloth is dressed in an eclectic ensemble consisting of a sleek leather jacket, a wide-brimmed cowboy hat, a traditional tartan kilt, and a neatly tied bowtie. In its clawed hands, it firmly grasps a wooden quarterstaff and an oversized, leather-bound book.",,5,3,attribute,texture,"attribute - texture (Volkswagen van's exterior, glossy)",Is the exterior of the Volkswagen van glossy? +partiprompts2,"A high-resolution DSLR image captures a glossy Volkswagen van, its exterior artistically adorned with a vibrant mural depicting a bustling cityscape. Parked on a patch of lush green grass, the van serves as a backdrop to an unusual sight: a contented sloth, standing upright. The sloth is dressed in an eclectic ensemble consisting of a sleek leather jacket, a wide-brimmed cowboy hat, a traditional tartan kilt, and a neatly tied bowtie. In its clawed hands, it firmly grasps a wooden quarterstaff and an oversized, leather-bound book.",,6,3,attribute,other,"attribute - other (Volkswagen van's exterior, artistically adorned)",Is the exterior of the Volkswagen van artistically adorned? +partiprompts2,"A high-resolution DSLR image captures a glossy Volkswagen van, its exterior artistically adorned with a vibrant mural depicting a bustling cityscape. Parked on a patch of lush green grass, the van serves as a backdrop to an unusual sight: a contented sloth, standing upright. The sloth is dressed in an eclectic ensemble consisting of a sleek leather jacket, a wide-brimmed cowboy hat, a traditional tartan kilt, and a neatly tied bowtie. In its clawed hands, it firmly grasps a wooden quarterstaff and an oversized, leather-bound book.",,7,4,attribute,other,"attribute - other (Volkswagen van's exterior's mural, vibrant)",Is the mural on the Volkswagen van vibrant? +partiprompts2,"A high-resolution DSLR image captures a glossy Volkswagen van, its exterior artistically adorned with a vibrant mural depicting a bustling cityscape. Parked on a patch of lush green grass, the van serves as a backdrop to an unusual sight: a contented sloth, standing upright. The sloth is dressed in an eclectic ensemble consisting of a sleek leather jacket, a wide-brimmed cowboy hat, a traditional tartan kilt, and a neatly tied bowtie. In its clawed hands, it firmly grasps a wooden quarterstaff and an oversized, leather-bound book.",,8,7,attribute,other,"attribute - other (mural, depicting bustling cityscape)",Does the mural depict a bustling cityscape? +partiprompts2,"A high-resolution DSLR image captures a glossy Volkswagen van, its exterior artistically adorned with a vibrant mural depicting a bustling cityscape. Parked on a patch of lush green grass, the van serves as a backdrop to an unusual sight: a contented sloth, standing upright. The sloth is dressed in an eclectic ensemble consisting of a sleek leather jacket, a wide-brimmed cowboy hat, a traditional tartan kilt, and a neatly tied bowtie. In its clawed hands, it firmly grasps a wooden quarterstaff and an oversized, leather-bound book.",,9,0,entity,whole,entity - whole (grass),Is there grass? +partiprompts2,"A high-resolution DSLR image captures a glossy Volkswagen van, its exterior artistically adorned with a vibrant mural depicting a bustling cityscape. Parked on a patch of lush green grass, the van serves as a backdrop to an unusual sight: a contented sloth, standing upright. The sloth is dressed in an eclectic ensemble consisting of a sleek leather jacket, a wide-brimmed cowboy hat, a traditional tartan kilt, and a neatly tied bowtie. In its clawed hands, it firmly grasps a wooden quarterstaff and an oversized, leather-bound book.",,10,0,entity,whole,entity - whole (sloth),Is there a sloth? +partiprompts2,"A high-resolution DSLR image captures a glossy Volkswagen van, its exterior artistically adorned with a vibrant mural depicting a bustling cityscape. Parked on a patch of lush green grass, the van serves as a backdrop to an unusual sight: a contented sloth, standing upright. The sloth is dressed in an eclectic ensemble consisting of a sleek leather jacket, a wide-brimmed cowboy hat, a traditional tartan kilt, and a neatly tied bowtie. In its clawed hands, it firmly grasps a wooden quarterstaff and an oversized, leather-bound book.",,11,10,entity,state,"entity - state (sloth, stand)",Is the sloth standing? +partiprompts2,"A high-resolution DSLR image captures a glossy Volkswagen van, its exterior artistically adorned with a vibrant mural depicting a bustling cityscape. Parked on a patch of lush green grass, the van serves as a backdrop to an unusual sight: a contented sloth, standing upright. The sloth is dressed in an eclectic ensemble consisting of a sleek leather jacket, a wide-brimmed cowboy hat, a traditional tartan kilt, and a neatly tied bowtie. In its clawed hands, it firmly grasps a wooden quarterstaff and an oversized, leather-bound book.",,12,10,attribute,other,"attribute - other (sloth's ensemble, eclectic)",Is the sloth's ensemble eclectic? +partiprompts2,"A high-resolution DSLR image captures a glossy Volkswagen van, its exterior artistically adorned with a vibrant mural depicting a bustling cityscape. Parked on a patch of lush green grass, the van serves as a backdrop to an unusual sight: a contented sloth, standing upright. The sloth is dressed in an eclectic ensemble consisting of a sleek leather jacket, a wide-brimmed cowboy hat, a traditional tartan kilt, and a neatly tied bowtie. In its clawed hands, it firmly grasps a wooden quarterstaff and an oversized, leather-bound book.",,13,10,attribute,other,"attribute - other (sloth's ensemble, contented)",Is the sloth contented? +partiprompts2,"A high-resolution DSLR image captures a glossy Volkswagen van, its exterior artistically adorned with a vibrant mural depicting a bustling cityscape. Parked on a patch of lush green grass, the van serves as a backdrop to an unusual sight: a contented sloth, standing upright. The sloth is dressed in an eclectic ensemble consisting of a sleek leather jacket, a wide-brimmed cowboy hat, a traditional tartan kilt, and a neatly tied bowtie. In its clawed hands, it firmly grasps a wooden quarterstaff and an oversized, leather-bound book.",,14,13,attribute,other,"attribute - other (sloth's ensemble, sleek leather jacket)",Is the sloth wearing a sleek leather jacket? +partiprompts2,"A high-resolution DSLR image captures a glossy Volkswagen van, its exterior artistically adorned with a vibrant mural depicting a bustling cityscape. Parked on a patch of lush green grass, the van serves as a backdrop to an unusual sight: a contented sloth, standing upright. The sloth is dressed in an eclectic ensemble consisting of a sleek leather jacket, a wide-brimmed cowboy hat, a traditional tartan kilt, and a neatly tied bowtie. In its clawed hands, it firmly grasps a wooden quarterstaff and an oversized, leather-bound book.",,15,13,attribute,other,"attribute - other (sloth's ensemble, wide-brimmed cowboy hat)",Is the sloth wearing a wide-brimmed cowboy hat? +partiprompts2,"A high-resolution DSLR image captures a glossy Volkswagen van, its exterior artistically adorned with a vibrant mural depicting a bustling cityscape. Parked on a patch of lush green grass, the van serves as a backdrop to an unusual sight: a contented sloth, standing upright. The sloth is dressed in an eclectic ensemble consisting of a sleek leather jacket, a wide-brimmed cowboy hat, a traditional tartan kilt, and a neatly tied bowtie. In its clawed hands, it firmly grasps a wooden quarterstaff and an oversized, leather-bound book.",,16,13,attribute,other,"attribute - other (sloth's ensemble, traditional tartan kilt)",Is the sloth wearing a traditional tartan kilt? +partiprompts2,"A high-resolution DSLR image captures a glossy Volkswagen van, its exterior artistically adorned with a vibrant mural depicting a bustling cityscape. Parked on a patch of lush green grass, the van serves as a backdrop to an unusual sight: a contented sloth, standing upright. The sloth is dressed in an eclectic ensemble consisting of a sleek leather jacket, a wide-brimmed cowboy hat, a traditional tartan kilt, and a neatly tied bowtie. In its clawed hands, it firmly grasps a wooden quarterstaff and an oversized, leather-bound book.",,17,13,attribute,other,"attribute - other (sloth's ensemble, neatly tied bowtie)",Is the sloth wearing a neatly tied bowtie? +partiprompts2,"A high-resolution DSLR image captures a glossy Volkswagen van, its exterior artistically adorned with a vibrant mural depicting a bustling cityscape. Parked on a patch of lush green grass, the van serves as a backdrop to an unusual sight: a contented sloth, standing upright. The sloth is dressed in an eclectic ensemble consisting of a sleek leather jacket, a wide-brimmed cowboy hat, a traditional tartan kilt, and a neatly tied bowtie. In its clawed hands, it firmly grasps a wooden quarterstaff and an oversized, leather-bound book.",,18,10,entity,part,entity - part (sloth's hands),Does the sloth have hands? +partiprompts2,"A high-resolution DSLR image captures a glossy Volkswagen van, its exterior artistically adorned with a vibrant mural depicting a bustling cityscape. Parked on a patch of lush green grass, the van serves as a backdrop to an unusual sight: a contented sloth, standing upright. The sloth is dressed in an eclectic ensemble consisting of a sleek leather jacket, a wide-brimmed cowboy hat, a traditional tartan kilt, and a neatly tied bowtie. In its clawed hands, it firmly grasps a wooden quarterstaff and an oversized, leather-bound book.",,19,0,entity,whole,entity - whole (quarterstaff),Is there a quarterstaff? +partiprompts2,"A high-resolution DSLR image captures a glossy Volkswagen van, its exterior artistically adorned with a vibrant mural depicting a bustling cityscape. Parked on a patch of lush green grass, the van serves as a backdrop to an unusual sight: a contented sloth, standing upright. The sloth is dressed in an eclectic ensemble consisting of a sleek leather jacket, a wide-brimmed cowboy hat, a traditional tartan kilt, and a neatly tied bowtie. In its clawed hands, it firmly grasps a wooden quarterstaff and an oversized, leather-bound book.",,20,0,entity,whole,entity - whole (book),Is there a book? +partiprompts2,"A high-resolution DSLR image captures a glossy Volkswagen van, its exterior artistically adorned with a vibrant mural depicting a bustling cityscape. Parked on a patch of lush green grass, the van serves as a backdrop to an unusual sight: a contented sloth, standing upright. The sloth is dressed in an eclectic ensemble consisting of a sleek leather jacket, a wide-brimmed cowboy hat, a traditional tartan kilt, and a neatly tied bowtie. In its clawed hands, it firmly grasps a wooden quarterstaff and an oversized, leather-bound book.",,21,19,attribute,texture,"attribute - texture (quarterstaff, wooden)",Is the quarterstaff wooden? +partiprompts2,"A high-resolution DSLR image captures a glossy Volkswagen van, its exterior artistically adorned with a vibrant mural depicting a bustling cityscape. Parked on a patch of lush green grass, the van serves as a backdrop to an unusual sight: a contented sloth, standing upright. The sloth is dressed in an eclectic ensemble consisting of a sleek leather jacket, a wide-brimmed cowboy hat, a traditional tartan kilt, and a neatly tied bowtie. In its clawed hands, it firmly grasps a wooden quarterstaff and an oversized, leather-bound book.",,22,20,attribute,texture,"attribute - texture (book, leather-bound)",Is the book leather-bound? +partiprompts2,"A high-resolution DSLR image captures a glossy Volkswagen van, its exterior artistically adorned with a vibrant mural depicting a bustling cityscape. Parked on a patch of lush green grass, the van serves as a backdrop to an unusual sight: a contented sloth, standing upright. The sloth is dressed in an eclectic ensemble consisting of a sleek leather jacket, a wide-brimmed cowboy hat, a traditional tartan kilt, and a neatly tied bowtie. In its clawed hands, it firmly grasps a wooden quarterstaff and an oversized, leather-bound book.",,23,"10,9",relation,spatial,"relation - spatial (sloth, grass, on)",Is the sloth on the grass? +partiprompts2,"A high-resolution DSLR image captures a glossy Volkswagen van, its exterior artistically adorned with a vibrant mural depicting a bustling cityscape. Parked on a patch of lush green grass, the van serves as a backdrop to an unusual sight: a contented sloth, standing upright. The sloth is dressed in an eclectic ensemble consisting of a sleek leather jacket, a wide-brimmed cowboy hat, a traditional tartan kilt, and a neatly tied bowtie. In its clawed hands, it firmly grasps a wooden quarterstaff and an oversized, leather-bound book.",,24,"3,9",relation,spatial,"relation - spatial (van, grass, parked on)",Is the van parked on the grass? +partiprompts251,"A grand piano with a glossy black finish, its lid propped open to reveal the intricate inner workings. Resting on the music stand is an open songbook, its pages filled with musical notations above the ivory keys. The piano sits in a room with hardwood floors and a high ceiling, which enhances the instrument's rich sound.",,1,0,entity,whole,entity - whole (grand piano),Is there a grand piano? +partiprompts251,"A grand piano with a glossy black finish, its lid propped open to reveal the intricate inner workings. Resting on the music stand is an open songbook, its pages filled with musical notations above the ivory keys. The piano sits in a room with hardwood floors and a high ceiling, which enhances the instrument's rich sound.",,2,1,attribute,color,"attribute - color (piano, glossy black)",Is the piano glossy black? +partiprompts251,"A grand piano with a glossy black finish, its lid propped open to reveal the intricate inner workings. Resting on the music stand is an open songbook, its pages filled with musical notations above the ivory keys. The piano sits in a room with hardwood floors and a high ceiling, which enhances the instrument's rich sound.",,3,1,entity,part,entity - part (piano's lid),Is the lid of the piano propped open? +partiprompts251,"A grand piano with a glossy black finish, its lid propped open to reveal the intricate inner workings. Resting on the music stand is an open songbook, its pages filled with musical notations above the ivory keys. The piano sits in a room with hardwood floors and a high ceiling, which enhances the instrument's rich sound.",,4,1,entity,part,entity - part (piano's inner workings),Are the intricate inner workings of the piano revealed? +partiprompts251,"A grand piano with a glossy black finish, its lid propped open to reveal the intricate inner workings. Resting on the music stand is an open songbook, its pages filled with musical notations above the ivory keys. The piano sits in a room with hardwood floors and a high ceiling, which enhances the instrument's rich sound.",,5,0,entity,whole,entity - whole (songbook),Is there a songbook? +partiprompts251,"A grand piano with a glossy black finish, its lid propped open to reveal the intricate inner workings. Resting on the music stand is an open songbook, its pages filled with musical notations above the ivory keys. The piano sits in a room with hardwood floors and a high ceiling, which enhances the instrument's rich sound.",,6,5,entity,part,entity - part (songbook's music stand),Is the songbook on a music stand? +partiprompts251,"A grand piano with a glossy black finish, its lid propped open to reveal the intricate inner workings. Resting on the music stand is an open songbook, its pages filled with musical notations above the ivory keys. The piano sits in a room with hardwood floors and a high ceiling, which enhances the instrument's rich sound.",,7,5,entity,part,entity - part (songbook's pages),Are the pages of the songbook filled with musical notations? +partiprompts251,"A grand piano with a glossy black finish, its lid propped open to reveal the intricate inner workings. Resting on the music stand is an open songbook, its pages filled with musical notations above the ivory keys. The piano sits in a room with hardwood floors and a high ceiling, which enhances the instrument's rich sound.",,8,7,attribute,texture,"attribute - texture (pages, filled with musical notations)",Are the musical notations on the pages? +partiprompts251,"A grand piano with a glossy black finish, its lid propped open to reveal the intricate inner workings. Resting on the music stand is an open songbook, its pages filled with musical notations above the ivory keys. The piano sits in a room with hardwood floors and a high ceiling, which enhances the instrument's rich sound.",,9,1,entity,part,entity - part (piano's keys),Are there ivory keys on the piano? +partiprompts251,"A grand piano with a glossy black finish, its lid propped open to reveal the intricate inner workings. Resting on the music stand is an open songbook, its pages filled with musical notations above the ivory keys. The piano sits in a room with hardwood floors and a high ceiling, which enhances the instrument's rich sound.",,10,0,entity,whole,entity - whole (room),Is there a room? +partiprompts251,"A grand piano with a glossy black finish, its lid propped open to reveal the intricate inner workings. Resting on the music stand is an open songbook, its pages filled with musical notations above the ivory keys. The piano sits in a room with hardwood floors and a high ceiling, which enhances the instrument's rich sound.",,11,10,attribute,texture,"attribute - texture (room, hardwood floors)",Are the floors in the room made of hardwood? +partiprompts251,"A grand piano with a glossy black finish, its lid propped open to reveal the intricate inner workings. Resting on the music stand is an open songbook, its pages filled with musical notations above the ivory keys. The piano sits in a room with hardwood floors and a high ceiling, which enhances the instrument's rich sound.",,12,10,attribute,size,"attribute - size (room, high ceiling)",Is the ceiling in the room high? +partiprompts251,"A grand piano with a glossy black finish, its lid propped open to reveal the intricate inner workings. Resting on the music stand is an open songbook, its pages filled with musical notations above the ivory keys. The piano sits in a room with hardwood floors and a high ceiling, which enhances the instrument's rich sound.",,13,1,entity,state,"entity - state (piano, enhance)",Does the piano enhance the room? +partiprompts251,"A grand piano with a glossy black finish, its lid propped open to reveal the intricate inner workings. Resting on the music stand is an open songbook, its pages filled with musical notations above the ivory keys. The piano sits in a room with hardwood floors and a high ceiling, which enhances the instrument's rich sound.",,14,1,entity,state,"entity - state (instrument, rich sound)",Does the high ceiling enhance the instrument's rich sound? +partiprompts176,"An intricate piece of graffiti art depicting a robot with hues of blue and silver sprawls across a weathered brick wall. Bold, stylized letters spell out ""Fly an airplane"" just above the robot, adding a whimsical touch to the urban canvas. In front of the mural, a concrete sidewalk stretches out, with tufts of green grass stubbornly sprouting from the cracks, hinting at nature's resilience in the cityscape.",,1,0,entity,whole,entity - whole (graffiti art),Is there graffiti art? +partiprompts176,"An intricate piece of graffiti art depicting a robot with hues of blue and silver sprawls across a weathered brick wall. Bold, stylized letters spell out ""Fly an airplane"" just above the robot, adding a whimsical touch to the urban canvas. In front of the mural, a concrete sidewalk stretches out, with tufts of green grass stubbornly sprouting from the cracks, hinting at nature's resilience in the cityscape.",,2,1,entity,whole,entity - whole (robot),Is there a robot? +partiprompts176,"An intricate piece of graffiti art depicting a robot with hues of blue and silver sprawls across a weathered brick wall. Bold, stylized letters spell out ""Fly an airplane"" just above the robot, adding a whimsical touch to the urban canvas. In front of the mural, a concrete sidewalk stretches out, with tufts of green grass stubbornly sprouting from the cracks, hinting at nature's resilience in the cityscape.",,3,0,entity,whole,entity - whole (brick wall),Is there a brick wall? +partiprompts176,"An intricate piece of graffiti art depicting a robot with hues of blue and silver sprawls across a weathered brick wall. Bold, stylized letters spell out ""Fly an airplane"" just above the robot, adding a whimsical touch to the urban canvas. In front of the mural, a concrete sidewalk stretches out, with tufts of green grass stubbornly sprouting from the cracks, hinting at nature's resilience in the cityscape.",,4,0,entity,whole,entity - whole (letters),Are there letters? +partiprompts176,"An intricate piece of graffiti art depicting a robot with hues of blue and silver sprawls across a weathered brick wall. Bold, stylized letters spell out ""Fly an airplane"" just above the robot, adding a whimsical touch to the urban canvas. In front of the mural, a concrete sidewalk stretches out, with tufts of green grass stubbornly sprouting from the cracks, hinting at nature's resilience in the cityscape.",,5,0,entity,whole,entity - whole (sidewalk),Is there a sidewalk? +partiprompts176,"An intricate piece of graffiti art depicting a robot with hues of blue and silver sprawls across a weathered brick wall. Bold, stylized letters spell out ""Fly an airplane"" just above the robot, adding a whimsical touch to the urban canvas. In front of the mural, a concrete sidewalk stretches out, with tufts of green grass stubbornly sprouting from the cracks, hinting at nature's resilience in the cityscape.",,6,0,entity,whole,entity - whole (grass),Is there grass? +partiprompts176,"An intricate piece of graffiti art depicting a robot with hues of blue and silver sprawls across a weathered brick wall. Bold, stylized letters spell out ""Fly an airplane"" just above the robot, adding a whimsical touch to the urban canvas. In front of the mural, a concrete sidewalk stretches out, with tufts of green grass stubbornly sprouting from the cracks, hinting at nature's resilience in the cityscape.",,7,3,attribute,texture,"attribute - texture (brick wall, weathered)",Is the brick wall weathered? +partiprompts176,"An intricate piece of graffiti art depicting a robot with hues of blue and silver sprawls across a weathered brick wall. Bold, stylized letters spell out ""Fly an airplane"" just above the robot, adding a whimsical touch to the urban canvas. In front of the mural, a concrete sidewalk stretches out, with tufts of green grass stubbornly sprouting from the cracks, hinting at nature's resilience in the cityscape.",,8,2,attribute,color,"attribute - color (robot, blue)",Is the robot blue? +partiprompts176,"An intricate piece of graffiti art depicting a robot with hues of blue and silver sprawls across a weathered brick wall. Bold, stylized letters spell out ""Fly an airplane"" just above the robot, adding a whimsical touch to the urban canvas. In front of the mural, a concrete sidewalk stretches out, with tufts of green grass stubbornly sprouting from the cracks, hinting at nature's resilience in the cityscape.",,9,2,attribute,color,"attribute - color (robot, silver)",Is the robot silver? +partiprompts176,"An intricate piece of graffiti art depicting a robot with hues of blue and silver sprawls across a weathered brick wall. Bold, stylized letters spell out ""Fly an airplane"" just above the robot, adding a whimsical touch to the urban canvas. In front of the mural, a concrete sidewalk stretches out, with tufts of green grass stubbornly sprouting from the cracks, hinting at nature's resilience in the cityscape.",,10,4,attribute,other,"attribute - other (letters, bold, stylized)",Are the letters bold and stylized? +partiprompts176,"An intricate piece of graffiti art depicting a robot with hues of blue and silver sprawls across a weathered brick wall. Bold, stylized letters spell out ""Fly an airplane"" just above the robot, adding a whimsical touch to the urban canvas. In front of the mural, a concrete sidewalk stretches out, with tufts of green grass stubbornly sprouting from the cracks, hinting at nature's resilience in the cityscape.",,11,4,attribute,other,"attribute - other (letters, spell out ""Fly an airplane"")","Do the letters spell out ""Fly an airplane""?" +partiprompts176,"An intricate piece of graffiti art depicting a robot with hues of blue and silver sprawls across a weathered brick wall. Bold, stylized letters spell out ""Fly an airplane"" just above the robot, adding a whimsical touch to the urban canvas. In front of the mural, a concrete sidewalk stretches out, with tufts of green grass stubbornly sprouting from the cracks, hinting at nature's resilience in the cityscape.",,12,5,attribute,other,"attribute - other (sidewalk, concrete)",Is the sidewalk made of concrete? +partiprompts176,"An intricate piece of graffiti art depicting a robot with hues of blue and silver sprawls across a weathered brick wall. Bold, stylized letters spell out ""Fly an airplane"" just above the robot, adding a whimsical touch to the urban canvas. In front of the mural, a concrete sidewalk stretches out, with tufts of green grass stubbornly sprouting from the cracks, hinting at nature's resilience in the cityscape.",,13,6,attribute,texture,"attribute - texture (grass, tufts)",Is the grass tufted? +partiprompts176,"An intricate piece of graffiti art depicting a robot with hues of blue and silver sprawls across a weathered brick wall. Bold, stylized letters spell out ""Fly an airplane"" just above the robot, adding a whimsical touch to the urban canvas. In front of the mural, a concrete sidewalk stretches out, with tufts of green grass stubbornly sprouting from the cracks, hinting at nature's resilience in the cityscape.",,14,6,attribute,color,"attribute - color (grass, green)",Is the grass green? +partiprompts176,"An intricate piece of graffiti art depicting a robot with hues of blue and silver sprawls across a weathered brick wall. Bold, stylized letters spell out ""Fly an airplane"" just above the robot, adding a whimsical touch to the urban canvas. In front of the mural, a concrete sidewalk stretches out, with tufts of green grass stubbornly sprouting from the cracks, hinting at nature's resilience in the cityscape.",,15,6,attribute,other,"attribute - other (grass, stubbornly sprouting)",Is the grass stubbornly sprouting? +partiprompts176,"An intricate piece of graffiti art depicting a robot with hues of blue and silver sprawls across a weathered brick wall. Bold, stylized letters spell out ""Fly an airplane"" just above the robot, adding a whimsical touch to the urban canvas. In front of the mural, a concrete sidewalk stretches out, with tufts of green grass stubbornly sprouting from the cracks, hinting at nature's resilience in the cityscape.",,16,15,attribute,other,attribute - other (nature's resilience),Is there nature's resilience shown in the scene? +partiprompts45,"a vintage wine bottle with a tapered neck, its label partially peeled off, serving as a makeshift candle holder. A white candle, with wax drippings along the bottle's sides, is firmly stuck in the spout, casting a soft glow. The bottle is set upon a rustic wooden table, surrounded by a scattering of wax remnants and a few scattered wine glasses.",,1,0,entity,whole,entity - whole (wine bottle),Is there a wine bottle? +partiprompts45,"a vintage wine bottle with a tapered neck, its label partially peeled off, serving as a makeshift candle holder. A white candle, with wax drippings along the bottle's sides, is firmly stuck in the spout, casting a soft glow. The bottle is set upon a rustic wooden table, surrounded by a scattering of wax remnants and a few scattered wine glasses.",,2,1,entity,whole,entity - whole (label),Is there a label? +partiprompts45,"a vintage wine bottle with a tapered neck, its label partially peeled off, serving as a makeshift candle holder. A white candle, with wax drippings along the bottle's sides, is firmly stuck in the spout, casting a soft glow. The bottle is set upon a rustic wooden table, surrounded by a scattering of wax remnants and a few scattered wine glasses.",,3,0,entity,whole,entity - whole (candle),Is there a candle? +partiprompts45,"a vintage wine bottle with a tapered neck, its label partially peeled off, serving as a makeshift candle holder. A white candle, with wax drippings along the bottle's sides, is firmly stuck in the spout, casting a soft glow. The bottle is set upon a rustic wooden table, surrounded by a scattering of wax remnants and a few scattered wine glasses.",,4,0,entity,whole,entity - whole (table),Is there a table? +partiprompts45,"a vintage wine bottle with a tapered neck, its label partially peeled off, serving as a makeshift candle holder. A white candle, with wax drippings along the bottle's sides, is firmly stuck in the spout, casting a soft glow. The bottle is set upon a rustic wooden table, surrounded by a scattering of wax remnants and a few scattered wine glasses.",,5,0,entity,whole,entity - whole (wax remnants),Are there wax remnants? +partiprompts45,"a vintage wine bottle with a tapered neck, its label partially peeled off, serving as a makeshift candle holder. A white candle, with wax drippings along the bottle's sides, is firmly stuck in the spout, casting a soft glow. The bottle is set upon a rustic wooden table, surrounded by a scattering of wax remnants and a few scattered wine glasses.",,6,0,entity,whole,entity - whole (wine glasses),Are there wine glasses? +partiprompts45,"a vintage wine bottle with a tapered neck, its label partially peeled off, serving as a makeshift candle holder. A white candle, with wax drippings along the bottle's sides, is firmly stuck in the spout, casting a soft glow. The bottle is set upon a rustic wooden table, surrounded by a scattering of wax remnants and a few scattered wine glasses.",,7,1,attribute,other,"attribute - other (wine bottle, vintage)",Is the wine bottle vintage? +partiprompts45,"a vintage wine bottle with a tapered neck, its label partially peeled off, serving as a makeshift candle holder. A white candle, with wax drippings along the bottle's sides, is firmly stuck in the spout, casting a soft glow. The bottle is set upon a rustic wooden table, surrounded by a scattering of wax remnants and a few scattered wine glasses.",,8,1,attribute,shape,"attribute - shape (wine bottle, tapered)",Is the wine bottle's neck tapered? +partiprompts45,"a vintage wine bottle with a tapered neck, its label partially peeled off, serving as a makeshift candle holder. A white candle, with wax drippings along the bottle's sides, is firmly stuck in the spout, casting a soft glow. The bottle is set upon a rustic wooden table, surrounded by a scattering of wax remnants and a few scattered wine glasses.",,9,2,attribute,other,"attribute - other (label, partially peeled off)",Is the label partially peeled off? +partiprompts45,"a vintage wine bottle with a tapered neck, its label partially peeled off, serving as a makeshift candle holder. A white candle, with wax drippings along the bottle's sides, is firmly stuck in the spout, casting a soft glow. The bottle is set upon a rustic wooden table, surrounded by a scattering of wax remnants and a few scattered wine glasses.",,10,3,attribute,other,"attribute - other (candle, white)",Is the candle white? +partiprompts45,"a vintage wine bottle with a tapered neck, its label partially peeled off, serving as a makeshift candle holder. A white candle, with wax drippings along the bottle's sides, is firmly stuck in the spout, casting a soft glow. The bottle is set upon a rustic wooden table, surrounded by a scattering of wax remnants and a few scattered wine glasses.",,11,3,attribute,texture,"attribute - texture (candle, wax)",Is the candle made of wax? +partiprompts45,"a vintage wine bottle with a tapered neck, its label partially peeled off, serving as a makeshift candle holder. A white candle, with wax drippings along the bottle's sides, is firmly stuck in the spout, casting a soft glow. The bottle is set upon a rustic wooden table, surrounded by a scattering of wax remnants and a few scattered wine glasses.",,12,1,attribute,texture,"attribute - texture (bottle's sides, wax drippings)",Are there wax drippings along the bottle's sides? +partiprompts45,"a vintage wine bottle with a tapered neck, its label partially peeled off, serving as a makeshift candle holder. A white candle, with wax drippings along the bottle's sides, is firmly stuck in the spout, casting a soft glow. The bottle is set upon a rustic wooden table, surrounded by a scattering of wax remnants and a few scattered wine glasses.",,13,4,attribute,texture,"attribute - texture (table, rustic wooden)",Is the table rustic wooden? +partiprompts45,"a vintage wine bottle with a tapered neck, its label partially peeled off, serving as a makeshift candle holder. A white candle, with wax drippings along the bottle's sides, is firmly stuck in the spout, casting a soft glow. The bottle is set upon a rustic wooden table, surrounded by a scattering of wax remnants and a few scattered wine glasses.",,14,"3,1",relation,spatial,"relation - spatial (candle, bottle, in)",Is the candle in the bottle? +partiprompts45,"a vintage wine bottle with a tapered neck, its label partially peeled off, serving as a makeshift candle holder. A white candle, with wax drippings along the bottle's sides, is firmly stuck in the spout, casting a soft glow. The bottle is set upon a rustic wooden table, surrounded by a scattering of wax remnants and a few scattered wine glasses.",,15,"3,1",relation,spatial,"relation - spatial (candle, spout, stuck)",Is the candle firmly stuck in the spout? +partiprompts45,"a vintage wine bottle with a tapered neck, its label partially peeled off, serving as a makeshift candle holder. A white candle, with wax drippings along the bottle's sides, is firmly stuck in the spout, casting a soft glow. The bottle is set upon a rustic wooden table, surrounded by a scattering of wax remnants and a few scattered wine glasses.",,16,"3,1",relation,spatial,"relation - spatial (candle, bottle, casting a soft glow)",Is the candle casting a soft glow? +partiprompts45,"a vintage wine bottle with a tapered neck, its label partially peeled off, serving as a makeshift candle holder. A white candle, with wax drippings along the bottle's sides, is firmly stuck in the spout, casting a soft glow. The bottle is set upon a rustic wooden table, surrounded by a scattering of wax remnants and a few scattered wine glasses.",,17,"1,4",relation,spatial,"relation - spatial (bottle, table, upon)",Is the bottle set upon the table? +partiprompts45,"a vintage wine bottle with a tapered neck, its label partially peeled off, serving as a makeshift candle holder. A white candle, with wax drippings along the bottle's sides, is firmly stuck in the spout, casting a soft glow. The bottle is set upon a rustic wooden table, surrounded by a scattering of wax remnants and a few scattered wine glasses.",,18,"5,4",relation,spatial,"relation - spatial (wax remnants, table, surrounding)",Are the wax remnants surrounding the table? +partiprompts45,"a vintage wine bottle with a tapered neck, its label partially peeled off, serving as a makeshift candle holder. A white candle, with wax drippings along the bottle's sides, is firmly stuck in the spout, casting a soft glow. The bottle is set upon a rustic wooden table, surrounded by a scattering of wax remnants and a few scattered wine glasses.",,19,"6,4",relation,spatial,"relation - spatial (wine glasses, table, scattered)",Are the wine glasses scattered on the table? +partiprompts88,"a detailed background pattern featuring a repeating sequence of red roses with lush green leaves and white skulls with subtle gray shading. the roses are in full bloom, showcasing their intricate petals, while the skulls have a smooth texture and hollow eye sockets. the pattern is set against a neutral-toned backdrop, creating a striking contrast between the elements of life and death.",,1,0,global,,global - (detailed background pattern),Is there a detailed background pattern? +partiprompts88,"a detailed background pattern featuring a repeating sequence of red roses with lush green leaves and white skulls with subtle gray shading. the roses are in full bloom, showcasing their intricate petals, while the skulls have a smooth texture and hollow eye sockets. the pattern is set against a neutral-toned backdrop, creating a striking contrast between the elements of life and death.",,2,1,attribute,color,"attribute - color (roses, red)",Are there red roses? +partiprompts88,"a detailed background pattern featuring a repeating sequence of red roses with lush green leaves and white skulls with subtle gray shading. the roses are in full bloom, showcasing their intricate petals, while the skulls have a smooth texture and hollow eye sockets. the pattern is set against a neutral-toned backdrop, creating a striking contrast between the elements of life and death.",,3,1,attribute,color,"attribute - color (leaves, green)",Are there lush green leaves? +partiprompts88,"a detailed background pattern featuring a repeating sequence of red roses with lush green leaves and white skulls with subtle gray shading. the roses are in full bloom, showcasing their intricate petals, while the skulls have a smooth texture and hollow eye sockets. the pattern is set against a neutral-toned backdrop, creating a striking contrast between the elements of life and death.",,4,1,attribute,color,"attribute - color (skulls, white)",Are there white skulls? +partiprompts88,"a detailed background pattern featuring a repeating sequence of red roses with lush green leaves and white skulls with subtle gray shading. the roses are in full bloom, showcasing their intricate petals, while the skulls have a smooth texture and hollow eye sockets. the pattern is set against a neutral-toned backdrop, creating a striking contrast between the elements of life and death.",,5,4,attribute,color,"attribute - color (skulls, gray)",Are the skulls subtly shaded in gray? +partiprompts88,"a detailed background pattern featuring a repeating sequence of red roses with lush green leaves and white skulls with subtle gray shading. the roses are in full bloom, showcasing their intricate petals, while the skulls have a smooth texture and hollow eye sockets. the pattern is set against a neutral-toned backdrop, creating a striking contrast between the elements of life and death.",,6,4,attribute,texture,"attribute - texture (skulls, smooth)",Do the skulls have a smooth texture? +partiprompts88,"a detailed background pattern featuring a repeating sequence of red roses with lush green leaves and white skulls with subtle gray shading. the roses are in full bloom, showcasing their intricate petals, while the skulls have a smooth texture and hollow eye sockets. the pattern is set against a neutral-toned backdrop, creating a striking contrast between the elements of life and death.",,7,4,attribute,texture,"attribute - texture (skulls, hollow eye sockets)",Do the skulls have hollow eye sockets? +partiprompts88,"a detailed background pattern featuring a repeating sequence of red roses with lush green leaves and white skulls with subtle gray shading. the roses are in full bloom, showcasing their intricate petals, while the skulls have a smooth texture and hollow eye sockets. the pattern is set against a neutral-toned backdrop, creating a striking contrast between the elements of life and death.",,8,2,attribute,texture,"attribute - texture (roses, intricate petals)",Do the roses have intricate petals? +partiprompts88,"a detailed background pattern featuring a repeating sequence of red roses with lush green leaves and white skulls with subtle gray shading. the roses are in full bloom, showcasing their intricate petals, while the skulls have a smooth texture and hollow eye sockets. the pattern is set against a neutral-toned backdrop, creating a striking contrast between the elements of life and death.",,9,1,attribute,texture,"attribute - texture (background, neutral-toned)",Is the background neutral-toned? +partiprompts88,"a detailed background pattern featuring a repeating sequence of red roses with lush green leaves and white skulls with subtle gray shading. the roses are in full bloom, showcasing their intricate petals, while the skulls have a smooth texture and hollow eye sockets. the pattern is set against a neutral-toned backdrop, creating a striking contrast between the elements of life and death.",,10,1,relation,spatial,"relation - spatial (roses, background, in full bloom)",Are the roses in full bloom? +partiprompts88,"a detailed background pattern featuring a repeating sequence of red roses with lush green leaves and white skulls with subtle gray shading. the roses are in full bloom, showcasing their intricate petals, while the skulls have a smooth texture and hollow eye sockets. the pattern is set against a neutral-toned backdrop, creating a striking contrast between the elements of life and death.",,11,"1,5",relation,spatial,"relation - spatial (skulls, background, with subtle gray shading)",Are the skulls set against a backdrop with subtle gray shading? +partiprompts206,"A dilapidated spaceship, covered in patches of rust and with peeling paint, is depicted in the midst of a powerful blast-off, leaving a trail of smoke and fire behind. In the distance, a sprawling cityscape with towering skyscrapers stretches towards the horizon, where it meets the calm expanse of the ocean. Beyond the city, a range of majestic mountains rises up, and above it all, a large, dark moon dominates the sky, casting a mysterious glow. The entire scene is rendered in a high-contrast anime style, with sharp lines and dramatic shading that give the illustration a dynamic and intense feel.",,1,0,entity,whole,entity - whole (spaceship),Is there a spaceship? +partiprompts206,"A dilapidated spaceship, covered in patches of rust and with peeling paint, is depicted in the midst of a powerful blast-off, leaving a trail of smoke and fire behind. In the distance, a sprawling cityscape with towering skyscrapers stretches towards the horizon, where it meets the calm expanse of the ocean. Beyond the city, a range of majestic mountains rises up, and above it all, a large, dark moon dominates the sky, casting a mysterious glow. The entire scene is rendered in a high-contrast anime style, with sharp lines and dramatic shading that give the illustration a dynamic and intense feel.",,2,1,attribute,texture,"attribute - texture (spaceship, dilapidated)",Is the spaceship dilapidated? +partiprompts206,"A dilapidated spaceship, covered in patches of rust and with peeling paint, is depicted in the midst of a powerful blast-off, leaving a trail of smoke and fire behind. In the distance, a sprawling cityscape with towering skyscrapers stretches towards the horizon, where it meets the calm expanse of the ocean. Beyond the city, a range of majestic mountains rises up, and above it all, a large, dark moon dominates the sky, casting a mysterious glow. The entire scene is rendered in a high-contrast anime style, with sharp lines and dramatic shading that give the illustration a dynamic and intense feel.",,3,1,attribute,texture,"attribute - texture (spaceship, rust)",Is the spaceship covered in rust patches? +partiprompts206,"A dilapidated spaceship, covered in patches of rust and with peeling paint, is depicted in the midst of a powerful blast-off, leaving a trail of smoke and fire behind. In the distance, a sprawling cityscape with towering skyscrapers stretches towards the horizon, where it meets the calm expanse of the ocean. Beyond the city, a range of majestic mountains rises up, and above it all, a large, dark moon dominates the sky, casting a mysterious glow. The entire scene is rendered in a high-contrast anime style, with sharp lines and dramatic shading that give the illustration a dynamic and intense feel.",,4,1,attribute,texture,"attribute - texture (spaceship, peeling paint)",Is the spaceship's paint peeling? +partiprompts206,"A dilapidated spaceship, covered in patches of rust and with peeling paint, is depicted in the midst of a powerful blast-off, leaving a trail of smoke and fire behind. In the distance, a sprawling cityscape with towering skyscrapers stretches towards the horizon, where it meets the calm expanse of the ocean. Beyond the city, a range of majestic mountains rises up, and above it all, a large, dark moon dominates the sky, casting a mysterious glow. The entire scene is rendered in a high-contrast anime style, with sharp lines and dramatic shading that give the illustration a dynamic and intense feel.",,5,1,entity,state,"entity - state (spaceship, blast-off)",Is the spaceship depicted in the midst of a blast-off? +partiprompts206,"A dilapidated spaceship, covered in patches of rust and with peeling paint, is depicted in the midst of a powerful blast-off, leaving a trail of smoke and fire behind. In the distance, a sprawling cityscape with towering skyscrapers stretches towards the horizon, where it meets the calm expanse of the ocean. Beyond the city, a range of majestic mountains rises up, and above it all, a large, dark moon dominates the sky, casting a mysterious glow. The entire scene is rendered in a high-contrast anime style, with sharp lines and dramatic shading that give the illustration a dynamic and intense feel.",,6,1,entity,state,"entity - state (spaceship, leave trail of smoke and fire)",Is the spaceship leaving a trail of smoke and fire? +partiprompts206,"A dilapidated spaceship, covered in patches of rust and with peeling paint, is depicted in the midst of a powerful blast-off, leaving a trail of smoke and fire behind. In the distance, a sprawling cityscape with towering skyscrapers stretches towards the horizon, where it meets the calm expanse of the ocean. Beyond the city, a range of majestic mountains rises up, and above it all, a large, dark moon dominates the sky, casting a mysterious glow. The entire scene is rendered in a high-contrast anime style, with sharp lines and dramatic shading that give the illustration a dynamic and intense feel.",,7,0,entity,whole,entity - whole (cityscape),Is there a cityscape? +partiprompts206,"A dilapidated spaceship, covered in patches of rust and with peeling paint, is depicted in the midst of a powerful blast-off, leaving a trail of smoke and fire behind. In the distance, a sprawling cityscape with towering skyscrapers stretches towards the horizon, where it meets the calm expanse of the ocean. Beyond the city, a range of majestic mountains rises up, and above it all, a large, dark moon dominates the sky, casting a mysterious glow. The entire scene is rendered in a high-contrast anime style, with sharp lines and dramatic shading that give the illustration a dynamic and intense feel.",,8,7,entity,whole,entity - whole (skyscrapers),Are there skyscrapers in the cityscape? +partiprompts206,"A dilapidated spaceship, covered in patches of rust and with peeling paint, is depicted in the midst of a powerful blast-off, leaving a trail of smoke and fire behind. In the distance, a sprawling cityscape with towering skyscrapers stretches towards the horizon, where it meets the calm expanse of the ocean. Beyond the city, a range of majestic mountains rises up, and above it all, a large, dark moon dominates the sky, casting a mysterious glow. The entire scene is rendered in a high-contrast anime style, with sharp lines and dramatic shading that give the illustration a dynamic and intense feel.",,9,0,entity,whole,entity - whole (mountains),Are there mountains in the distance? +partiprompts206,"A dilapidated spaceship, covered in patches of rust and with peeling paint, is depicted in the midst of a powerful blast-off, leaving a trail of smoke and fire behind. In the distance, a sprawling cityscape with towering skyscrapers stretches towards the horizon, where it meets the calm expanse of the ocean. Beyond the city, a range of majestic mountains rises up, and above it all, a large, dark moon dominates the sky, casting a mysterious glow. The entire scene is rendered in a high-contrast anime style, with sharp lines and dramatic shading that give the illustration a dynamic and intense feel.",,10,0,entity,whole,entity - whole (moon),Is there a moon? +partiprompts206,"A dilapidated spaceship, covered in patches of rust and with peeling paint, is depicted in the midst of a powerful blast-off, leaving a trail of smoke and fire behind. In the distance, a sprawling cityscape with towering skyscrapers stretches towards the horizon, where it meets the calm expanse of the ocean. Beyond the city, a range of majestic mountains rises up, and above it all, a large, dark moon dominates the sky, casting a mysterious glow. The entire scene is rendered in a high-contrast anime style, with sharp lines and dramatic shading that give the illustration a dynamic and intense feel.",,11,10,attribute,color,"attribute - color (moon, dark)",Is the moon dark? +partiprompts206,"A dilapidated spaceship, covered in patches of rust and with peeling paint, is depicted in the midst of a powerful blast-off, leaving a trail of smoke and fire behind. In the distance, a sprawling cityscape with towering skyscrapers stretches towards the horizon, where it meets the calm expanse of the ocean. Beyond the city, a range of majestic mountains rises up, and above it all, a large, dark moon dominates the sky, casting a mysterious glow. The entire scene is rendered in a high-contrast anime style, with sharp lines and dramatic shading that give the illustration a dynamic and intense feel.",,12,10,attribute,texture,"attribute - texture (moon, mysterious glow)",Does the moon have a mysterious glow? +partiprompts206,"A dilapidated spaceship, covered in patches of rust and with peeling paint, is depicted in the midst of a powerful blast-off, leaving a trail of smoke and fire behind. In the distance, a sprawling cityscape with towering skyscrapers stretches towards the horizon, where it meets the calm expanse of the ocean. Beyond the city, a range of majestic mountains rises up, and above it all, a large, dark moon dominates the sky, casting a mysterious glow. The entire scene is rendered in a high-contrast anime style, with sharp lines and dramatic shading that give the illustration a dynamic and intense feel.",,13,0,global,,global - (high-contrast anime style),Is the scene rendered in a high-contrast anime style? +partiprompts206,"A dilapidated spaceship, covered in patches of rust and with peeling paint, is depicted in the midst of a powerful blast-off, leaving a trail of smoke and fire behind. In the distance, a sprawling cityscape with towering skyscrapers stretches towards the horizon, where it meets the calm expanse of the ocean. Beyond the city, a range of majestic mountains rises up, and above it all, a large, dark moon dominates the sky, casting a mysterious glow. The entire scene is rendered in a high-contrast anime style, with sharp lines and dramatic shading that give the illustration a dynamic and intense feel.",,14,13,attribute,texture,"attribute - texture (illustration, sharp lines)",Are there sharp lines in the illustration? +partiprompts206,"A dilapidated spaceship, covered in patches of rust and with peeling paint, is depicted in the midst of a powerful blast-off, leaving a trail of smoke and fire behind. In the distance, a sprawling cityscape with towering skyscrapers stretches towards the horizon, where it meets the calm expanse of the ocean. Beyond the city, a range of majestic mountains rises up, and above it all, a large, dark moon dominates the sky, casting a mysterious glow. The entire scene is rendered in a high-contrast anime style, with sharp lines and dramatic shading that give the illustration a dynamic and intense feel.",,15,13,attribute,texture,"attribute - texture (illustration, dramatic shading)",Is there dramatic shading in the illustration? +partiprompts206,"A dilapidated spaceship, covered in patches of rust and with peeling paint, is depicted in the midst of a powerful blast-off, leaving a trail of smoke and fire behind. In the distance, a sprawling cityscape with towering skyscrapers stretches towards the horizon, where it meets the calm expanse of the ocean. Beyond the city, a range of majestic mountains rises up, and above it all, a large, dark moon dominates the sky, casting a mysterious glow. The entire scene is rendered in a high-contrast anime style, with sharp lines and dramatic shading that give the illustration a dynamic and intense feel.",,16,13,attribute,other,"attribute - other (illustration, dynamic and intense feel)",Does the illustration have a dynamic and intense feel? +partiprompts143,"Two sea creatures, a swordfish with its elongated, pointed bill and a narwhal with its iconic spiraled tusk, are engaged in an underwater duel on a sandy seabed that resembles an arena. The swordfish's sleek, silvery body contrasts with the mottled gray and white of the narwhal as they circle each other. On the sidelines, a bright red crab and a dark-shelled lobster wave their claws enthusiastically, as if cheering on the competitors amidst the swaying sea plants.",,1,0,entity,whole,entity - whole (sea creatures),Are there sea creatures? +partiprompts143,"Two sea creatures, a swordfish with its elongated, pointed bill and a narwhal with its iconic spiraled tusk, are engaged in an underwater duel on a sandy seabed that resembles an arena. The swordfish's sleek, silvery body contrasts with the mottled gray and white of the narwhal as they circle each other. On the sidelines, a bright red crab and a dark-shelled lobster wave their claws enthusiastically, as if cheering on the competitors amidst the swaying sea plants.",,2,1,entity,whole,entity - whole (swordfish),Is there a swordfish? +partiprompts143,"Two sea creatures, a swordfish with its elongated, pointed bill and a narwhal with its iconic spiraled tusk, are engaged in an underwater duel on a sandy seabed that resembles an arena. The swordfish's sleek, silvery body contrasts with the mottled gray and white of the narwhal as they circle each other. On the sidelines, a bright red crab and a dark-shelled lobster wave their claws enthusiastically, as if cheering on the competitors amidst the swaying sea plants.",,3,1,entity,whole,entity - whole (narwhal),Is there a narwhal? +partiprompts143,"Two sea creatures, a swordfish with its elongated, pointed bill and a narwhal with its iconic spiraled tusk, are engaged in an underwater duel on a sandy seabed that resembles an arena. The swordfish's sleek, silvery body contrasts with the mottled gray and white of the narwhal as they circle each other. On the sidelines, a bright red crab and a dark-shelled lobster wave their claws enthusiastically, as if cheering on the competitors amidst the swaying sea plants.",,4,0,entity,whole,entity - whole (sandy seabed),Is there a sandy seabed? +partiprompts143,"Two sea creatures, a swordfish with its elongated, pointed bill and a narwhal with its iconic spiraled tusk, are engaged in an underwater duel on a sandy seabed that resembles an arena. The swordfish's sleek, silvery body contrasts with the mottled gray and white of the narwhal as they circle each other. On the sidelines, a bright red crab and a dark-shelled lobster wave their claws enthusiastically, as if cheering on the competitors amidst the swaying sea plants.",,5,0,entity,whole,entity - whole (arena),Is there an arena? +partiprompts143,"Two sea creatures, a swordfish with its elongated, pointed bill and a narwhal with its iconic spiraled tusk, are engaged in an underwater duel on a sandy seabed that resembles an arena. The swordfish's sleek, silvery body contrasts with the mottled gray and white of the narwhal as they circle each other. On the sidelines, a bright red crab and a dark-shelled lobster wave their claws enthusiastically, as if cheering on the competitors amidst the swaying sea plants.",,6,1,entity,whole,entity - whole (crab),Is there a crab? +partiprompts143,"Two sea creatures, a swordfish with its elongated, pointed bill and a narwhal with its iconic spiraled tusk, are engaged in an underwater duel on a sandy seabed that resembles an arena. The swordfish's sleek, silvery body contrasts with the mottled gray and white of the narwhal as they circle each other. On the sidelines, a bright red crab and a dark-shelled lobster wave their claws enthusiastically, as if cheering on the competitors amidst the swaying sea plants.",,7,1,entity,whole,entity - whole (lobster),Is there a lobster? +partiprompts143,"Two sea creatures, a swordfish with its elongated, pointed bill and a narwhal with its iconic spiraled tusk, are engaged in an underwater duel on a sandy seabed that resembles an arena. The swordfish's sleek, silvery body contrasts with the mottled gray and white of the narwhal as they circle each other. On the sidelines, a bright red crab and a dark-shelled lobster wave their claws enthusiastically, as if cheering on the competitors amidst the swaying sea plants.",,8,2,attribute,shape,"attribute - shape (swordfish, elongated, pointed bill)","Does the swordfish have an elongated, pointed bill?" +partiprompts143,"Two sea creatures, a swordfish with its elongated, pointed bill and a narwhal with its iconic spiraled tusk, are engaged in an underwater duel on a sandy seabed that resembles an arena. The swordfish's sleek, silvery body contrasts with the mottled gray and white of the narwhal as they circle each other. On the sidelines, a bright red crab and a dark-shelled lobster wave their claws enthusiastically, as if cheering on the competitors amidst the swaying sea plants.",,9,3,attribute,shape,"attribute - shape (narwhal, iconic spiraled tusk)",Does the narwhal have an iconic spiraled tusk? +partiprompts143,"Two sea creatures, a swordfish with its elongated, pointed bill and a narwhal with its iconic spiraled tusk, are engaged in an underwater duel on a sandy seabed that resembles an arena. The swordfish's sleek, silvery body contrasts with the mottled gray and white of the narwhal as they circle each other. On the sidelines, a bright red crab and a dark-shelled lobster wave their claws enthusiastically, as if cheering on the competitors amidst the swaying sea plants.",,10,2,attribute,texture,"attribute - texture (swordfish, sleek, silvery body)",Is the swordfish's body sleek and silvery? +partiprompts143,"Two sea creatures, a swordfish with its elongated, pointed bill and a narwhal with its iconic spiraled tusk, are engaged in an underwater duel on a sandy seabed that resembles an arena. The swordfish's sleek, silvery body contrasts with the mottled gray and white of the narwhal as they circle each other. On the sidelines, a bright red crab and a dark-shelled lobster wave their claws enthusiastically, as if cheering on the competitors amidst the swaying sea plants.",,11,3,attribute,texture,"attribute - texture (narwhal, mottled gray and white)",Is the narwhal's body mottled gray and white? +partiprompts143,"Two sea creatures, a swordfish with its elongated, pointed bill and a narwhal with its iconic spiraled tusk, are engaged in an underwater duel on a sandy seabed that resembles an arena. The swordfish's sleek, silvery body contrasts with the mottled gray and white of the narwhal as they circle each other. On the sidelines, a bright red crab and a dark-shelled lobster wave their claws enthusiastically, as if cheering on the competitors amidst the swaying sea plants.",,12,6,attribute,color,"attribute - color (crab, bright red)",Is the crab bright red? +partiprompts143,"Two sea creatures, a swordfish with its elongated, pointed bill and a narwhal with its iconic spiraled tusk, are engaged in an underwater duel on a sandy seabed that resembles an arena. The swordfish's sleek, silvery body contrasts with the mottled gray and white of the narwhal as they circle each other. On the sidelines, a bright red crab and a dark-shelled lobster wave their claws enthusiastically, as if cheering on the competitors amidst the swaying sea plants.",,13,7,attribute,color,"attribute - color (lobster, dark-shelled)",Is the lobster dark-shelled? +partiprompts143,"Two sea creatures, a swordfish with its elongated, pointed bill and a narwhal with its iconic spiraled tusk, are engaged in an underwater duel on a sandy seabed that resembles an arena. The swordfish's sleek, silvery body contrasts with the mottled gray and white of the narwhal as they circle each other. On the sidelines, a bright red crab and a dark-shelled lobster wave their claws enthusiastically, as if cheering on the competitors amidst the swaying sea plants.",,14,"2,3",relation,spatial,"relation - spatial (swordfish, narwhal, engage in duel)",Are the swordfish and narwhal engaged in a duel? +partiprompts143,"Two sea creatures, a swordfish with its elongated, pointed bill and a narwhal with its iconic spiraled tusk, are engaged in an underwater duel on a sandy seabed that resembles an arena. The swordfish's sleek, silvery body contrasts with the mottled gray and white of the narwhal as they circle each other. On the sidelines, a bright red crab and a dark-shelled lobster wave their claws enthusiastically, as if cheering on the competitors amidst the swaying sea plants.",,15,"2,4",relation,spatial,"relation - spatial (sea creatures, sandy seabed, on)",Are the sea creatures on the sandy seabed? +partiprompts143,"Two sea creatures, a swordfish with its elongated, pointed bill and a narwhal with its iconic spiraled tusk, are engaged in an underwater duel on a sandy seabed that resembles an arena. The swordfish's sleek, silvery body contrasts with the mottled gray and white of the narwhal as they circle each other. On the sidelines, a bright red crab and a dark-shelled lobster wave their claws enthusiastically, as if cheering on the competitors amidst the swaying sea plants.",,16,"2,5",relation,spatial,"relation - spatial (sea creatures, arena, in)",Are the sea creatures in the arena? +partiprompts143,"Two sea creatures, a swordfish with its elongated, pointed bill and a narwhal with its iconic spiraled tusk, are engaged in an underwater duel on a sandy seabed that resembles an arena. The swordfish's sleek, silvery body contrasts with the mottled gray and white of the narwhal as they circle each other. On the sidelines, a bright red crab and a dark-shelled lobster wave their claws enthusiastically, as if cheering on the competitors amidst the swaying sea plants.",,17,"6,1",relation,spatial,"relation - spatial (crab, sea creatures, on sidelines)",Is the crab on the sidelines? +partiprompts143,"Two sea creatures, a swordfish with its elongated, pointed bill and a narwhal with its iconic spiraled tusk, are engaged in an underwater duel on a sandy seabed that resembles an arena. The swordfish's sleek, silvery body contrasts with the mottled gray and white of the narwhal as they circle each other. On the sidelines, a bright red crab and a dark-shelled lobster wave their claws enthusiastically, as if cheering on the competitors amidst the swaying sea plants.",,18,"7,1",relation,spatial,"relation - spatial (lobster, sea creatures, on sidelines)",Is the lobster on the sidelines? +partiprompts143,"Two sea creatures, a swordfish with its elongated, pointed bill and a narwhal with its iconic spiraled tusk, are engaged in an underwater duel on a sandy seabed that resembles an arena. The swordfish's sleek, silvery body contrasts with the mottled gray and white of the narwhal as they circle each other. On the sidelines, a bright red crab and a dark-shelled lobster wave their claws enthusiastically, as if cheering on the competitors amidst the swaying sea plants.",,19,0,entity,state,"entity - state (sea plants, sway)",Are the sea plants swaying? +partiprompts141,"A towering Egyptian obelisk stands under a clear sky, its ancient hieroglyphs barely visible in the sunlight. Atop this stone pillar, a menacing black dragon with scales like onyx crouches, its wings unfurled and its fiery breath directed towards a solitary knight below. The knight, clad in shining silver armor, holds up a shield in a futile attempt to deflect the intense heat, while the ground around him is scorched and illuminated by the dragon's flames.",,1,0,entity,whole,entity - whole (Egyptian obelisk),Is there an Egyptian obelisk? +partiprompts141,"A towering Egyptian obelisk stands under a clear sky, its ancient hieroglyphs barely visible in the sunlight. Atop this stone pillar, a menacing black dragon with scales like onyx crouches, its wings unfurled and its fiery breath directed towards a solitary knight below. The knight, clad in shining silver armor, holds up a shield in a futile attempt to deflect the intense heat, while the ground around him is scorched and illuminated by the dragon's flames.",,2,0,entity,whole,entity - whole (sky),Is there a sky? +partiprompts141,"A towering Egyptian obelisk stands under a clear sky, its ancient hieroglyphs barely visible in the sunlight. Atop this stone pillar, a menacing black dragon with scales like onyx crouches, its wings unfurled and its fiery breath directed towards a solitary knight below. The knight, clad in shining silver armor, holds up a shield in a futile attempt to deflect the intense heat, while the ground around him is scorched and illuminated by the dragon's flames.",,3,1,entity,whole,entity - whole (hieroglyphs),Are there hieroglyphs? +partiprompts141,"A towering Egyptian obelisk stands under a clear sky, its ancient hieroglyphs barely visible in the sunlight. Atop this stone pillar, a menacing black dragon with scales like onyx crouches, its wings unfurled and its fiery breath directed towards a solitary knight below. The knight, clad in shining silver armor, holds up a shield in a futile attempt to deflect the intense heat, while the ground around him is scorched and illuminated by the dragon's flames.",,4,0,entity,whole,entity - whole (dragon),Is there a dragon? +partiprompts141,"A towering Egyptian obelisk stands under a clear sky, its ancient hieroglyphs barely visible in the sunlight. Atop this stone pillar, a menacing black dragon with scales like onyx crouches, its wings unfurled and its fiery breath directed towards a solitary knight below. The knight, clad in shining silver armor, holds up a shield in a futile attempt to deflect the intense heat, while the ground around him is scorched and illuminated by the dragon's flames.",,5,4,entity,whole,entity - whole (scales),Are there scales? +partiprompts141,"A towering Egyptian obelisk stands under a clear sky, its ancient hieroglyphs barely visible in the sunlight. Atop this stone pillar, a menacing black dragon with scales like onyx crouches, its wings unfurled and its fiery breath directed towards a solitary knight below. The knight, clad in shining silver armor, holds up a shield in a futile attempt to deflect the intense heat, while the ground around him is scorched and illuminated by the dragon's flames.",,6,5,entity,whole,entity - whole (onyx),Are the scales like onyx? +partiprompts141,"A towering Egyptian obelisk stands under a clear sky, its ancient hieroglyphs barely visible in the sunlight. Atop this stone pillar, a menacing black dragon with scales like onyx crouches, its wings unfurled and its fiery breath directed towards a solitary knight below. The knight, clad in shining silver armor, holds up a shield in a futile attempt to deflect the intense heat, while the ground around him is scorched and illuminated by the dragon's flames.",,7,4,entity,whole,entity - whole (wings),Are there wings? +partiprompts141,"A towering Egyptian obelisk stands under a clear sky, its ancient hieroglyphs barely visible in the sunlight. Atop this stone pillar, a menacing black dragon with scales like onyx crouches, its wings unfurled and its fiery breath directed towards a solitary knight below. The knight, clad in shining silver armor, holds up a shield in a futile attempt to deflect the intense heat, while the ground around him is scorched and illuminated by the dragon's flames.",,8,4,entity,whole,entity - whole (breath),Is there breath? +partiprompts141,"A towering Egyptian obelisk stands under a clear sky, its ancient hieroglyphs barely visible in the sunlight. Atop this stone pillar, a menacing black dragon with scales like onyx crouches, its wings unfurled and its fiery breath directed towards a solitary knight below. The knight, clad in shining silver armor, holds up a shield in a futile attempt to deflect the intense heat, while the ground around him is scorched and illuminated by the dragon's flames.",,9,0,entity,whole,entity - whole (knight),Is there a knight? +partiprompts141,"A towering Egyptian obelisk stands under a clear sky, its ancient hieroglyphs barely visible in the sunlight. Atop this stone pillar, a menacing black dragon with scales like onyx crouches, its wings unfurled and its fiery breath directed towards a solitary knight below. The knight, clad in shining silver armor, holds up a shield in a futile attempt to deflect the intense heat, while the ground around him is scorched and illuminated by the dragon's flames.",,10,0,entity,whole,entity - whole (armor),Is there armor? +partiprompts141,"A towering Egyptian obelisk stands under a clear sky, its ancient hieroglyphs barely visible in the sunlight. Atop this stone pillar, a menacing black dragon with scales like onyx crouches, its wings unfurled and its fiery breath directed towards a solitary knight below. The knight, clad in shining silver armor, holds up a shield in a futile attempt to deflect the intense heat, while the ground around him is scorched and illuminated by the dragon's flames.",,11,0,entity,whole,entity - whole (shield),Is there a shield? +partiprompts141,"A towering Egyptian obelisk stands under a clear sky, its ancient hieroglyphs barely visible in the sunlight. Atop this stone pillar, a menacing black dragon with scales like onyx crouches, its wings unfurled and its fiery breath directed towards a solitary knight below. The knight, clad in shining silver armor, holds up a shield in a futile attempt to deflect the intense heat, while the ground around him is scorched and illuminated by the dragon's flames.",,12,0,entity,whole,entity - whole (ground),Is there ground? +partiprompts141,"A towering Egyptian obelisk stands under a clear sky, its ancient hieroglyphs barely visible in the sunlight. Atop this stone pillar, a menacing black dragon with scales like onyx crouches, its wings unfurled and its fiery breath directed towards a solitary knight below. The knight, clad in shining silver armor, holds up a shield in a futile attempt to deflect the intense heat, while the ground around him is scorched and illuminated by the dragon's flames.",,13,1,attribute,size,"attribute - size (obelisk, towering)",Is the obelisk towering? +partiprompts141,"A towering Egyptian obelisk stands under a clear sky, its ancient hieroglyphs barely visible in the sunlight. Atop this stone pillar, a menacing black dragon with scales like onyx crouches, its wings unfurled and its fiery breath directed towards a solitary knight below. The knight, clad in shining silver armor, holds up a shield in a futile attempt to deflect the intense heat, while the ground around him is scorched and illuminated by the dragon's flames.",,14,3,attribute,texture,"attribute - texture (hieroglyphs, ancient)",Are the hieroglyphs ancient? +partiprompts141,"A towering Egyptian obelisk stands under a clear sky, its ancient hieroglyphs barely visible in the sunlight. Atop this stone pillar, a menacing black dragon with scales like onyx crouches, its wings unfurled and its fiery breath directed towards a solitary knight below. The knight, clad in shining silver armor, holds up a shield in a futile attempt to deflect the intense heat, while the ground around him is scorched and illuminated by the dragon's flames.",,15,4,attribute,color,"attribute - color (dragon, black)",Is the dragon black? +partiprompts141,"A towering Egyptian obelisk stands under a clear sky, its ancient hieroglyphs barely visible in the sunlight. Atop this stone pillar, a menacing black dragon with scales like onyx crouches, its wings unfurled and its fiery breath directed towards a solitary knight below. The knight, clad in shining silver armor, holds up a shield in a futile attempt to deflect the intense heat, while the ground around him is scorched and illuminated by the dragon's flames.",,16,6,attribute,texture,"attribute - texture (scales, onyx)",Are the scales onyx? +partiprompts141,"A towering Egyptian obelisk stands under a clear sky, its ancient hieroglyphs barely visible in the sunlight. Atop this stone pillar, a menacing black dragon with scales like onyx crouches, its wings unfurled and its fiery breath directed towards a solitary knight below. The knight, clad in shining silver armor, holds up a shield in a futile attempt to deflect the intense heat, while the ground around him is scorched and illuminated by the dragon's flames.",,17,3,entity,state,"entity - state (hieroglyphs, barely visible)",Are the hieroglyphs barely visible? +partiprompts141,"A towering Egyptian obelisk stands under a clear sky, its ancient hieroglyphs barely visible in the sunlight. Atop this stone pillar, a menacing black dragon with scales like onyx crouches, its wings unfurled and its fiery breath directed towards a solitary knight below. The knight, clad in shining silver armor, holds up a shield in a futile attempt to deflect the intense heat, while the ground around him is scorched and illuminated by the dragon's flames.",,18,4,entity,state,"entity - state (dragon, crouch)",Is the dragon crouching? +partiprompts141,"A towering Egyptian obelisk stands under a clear sky, its ancient hieroglyphs barely visible in the sunlight. Atop this stone pillar, a menacing black dragon with scales like onyx crouches, its wings unfurled and its fiery breath directed towards a solitary knight below. The knight, clad in shining silver armor, holds up a shield in a futile attempt to deflect the intense heat, while the ground around him is scorched and illuminated by the dragon's flames.",,19,7,entity,state,"entity - state (wings, unfurled)",Are the wings unfurled? +partiprompts141,"A towering Egyptian obelisk stands under a clear sky, its ancient hieroglyphs barely visible in the sunlight. Atop this stone pillar, a menacing black dragon with scales like onyx crouches, its wings unfurled and its fiery breath directed towards a solitary knight below. The knight, clad in shining silver armor, holds up a shield in a futile attempt to deflect the intense heat, while the ground around him is scorched and illuminated by the dragon's flames.",,20,8,entity,state,"entity - state (breath, fiery)",Is the breath fiery? +partiprompts141,"A towering Egyptian obelisk stands under a clear sky, its ancient hieroglyphs barely visible in the sunlight. Atop this stone pillar, a menacing black dragon with scales like onyx crouches, its wings unfurled and its fiery breath directed towards a solitary knight below. The knight, clad in shining silver armor, holds up a shield in a futile attempt to deflect the intense heat, while the ground around him is scorched and illuminated by the dragon's flames.",,21,9,entity,state,"entity - state (knight, clad)",Is the knight clad? +partiprompts141,"A towering Egyptian obelisk stands under a clear sky, its ancient hieroglyphs barely visible in the sunlight. Atop this stone pillar, a menacing black dragon with scales like onyx crouches, its wings unfurled and its fiery breath directed towards a solitary knight below. The knight, clad in shining silver armor, holds up a shield in a futile attempt to deflect the intense heat, while the ground around him is scorched and illuminated by the dragon's flames.",,22,10,entity,state,"entity - state (armor, shining)",Is the armor shining? +partiprompts141,"A towering Egyptian obelisk stands under a clear sky, its ancient hieroglyphs barely visible in the sunlight. Atop this stone pillar, a menacing black dragon with scales like onyx crouches, its wings unfurled and its fiery breath directed towards a solitary knight below. The knight, clad in shining silver armor, holds up a shield in a futile attempt to deflect the intense heat, while the ground around him is scorched and illuminated by the dragon's flames.",,23,11,entity,state,"entity - state (shield, hold up)",Is the shield held up? +partiprompts141,"A towering Egyptian obelisk stands under a clear sky, its ancient hieroglyphs barely visible in the sunlight. Atop this stone pillar, a menacing black dragon with scales like onyx crouches, its wings unfurled and its fiery breath directed towards a solitary knight below. The knight, clad in shining silver armor, holds up a shield in a futile attempt to deflect the intense heat, while the ground around him is scorched and illuminated by the dragon's flames.",,24,12,entity,state,"entity - state (ground, scorched)",Is the ground scorched? +partiprompts141,"A towering Egyptian obelisk stands under a clear sky, its ancient hieroglyphs barely visible in the sunlight. Atop this stone pillar, a menacing black dragon with scales like onyx crouches, its wings unfurled and its fiery breath directed towards a solitary knight below. The knight, clad in shining silver armor, holds up a shield in a futile attempt to deflect the intense heat, while the ground around him is scorched and illuminated by the dragon's flames.",,25,"1,2",relation,spatial,"relation - spatial (obelisk, sky, under)",Is the obelisk under the sky? +partiprompts141,"A towering Egyptian obelisk stands under a clear sky, its ancient hieroglyphs barely visible in the sunlight. Atop this stone pillar, a menacing black dragon with scales like onyx crouches, its wings unfurled and its fiery breath directed towards a solitary knight below. The knight, clad in shining silver armor, holds up a shield in a futile attempt to deflect the intense heat, while the ground around him is scorched and illuminated by the dragon's flames.",,26,"4,1",relation,spatial,"relation - spatial (dragon, obelisk, atop)",Is the dragon atop the obelisk? +partiprompts141,"A towering Egyptian obelisk stands under a clear sky, its ancient hieroglyphs barely visible in the sunlight. Atop this stone pillar, a menacing black dragon with scales like onyx crouches, its wings unfurled and its fiery breath directed towards a solitary knight below. The knight, clad in shining silver armor, holds up a shield in a futile attempt to deflect the intense heat, while the ground around him is scorched and illuminated by the dragon's flames.",,27,"4,9",relation,spatial,"relation - spatial (dragon, knight, towards)",Is the dragon breathing towards the knight? +partiprompts141,"A towering Egyptian obelisk stands under a clear sky, its ancient hieroglyphs barely visible in the sunlight. Atop this stone pillar, a menacing black dragon with scales like onyx crouches, its wings unfurled and its fiery breath directed towards a solitary knight below. The knight, clad in shining silver armor, holds up a shield in a futile attempt to deflect the intense heat, while the ground around him is scorched and illuminated by the dragon's flames.",,28,"9,4",relation,spatial,"relation - spatial (knight, dragon, below)",Is the knight below the dragon? +partiprompts141,"A towering Egyptian obelisk stands under a clear sky, its ancient hieroglyphs barely visible in the sunlight. Atop this stone pillar, a menacing black dragon with scales like onyx crouches, its wings unfurled and its fiery breath directed towards a solitary knight below. The knight, clad in shining silver armor, holds up a shield in a futile attempt to deflect the intense heat, while the ground around him is scorched and illuminated by the dragon's flames.",,29,"9,11",relation,spatial,"relation - spatial (knight, shield, hold up)",Is the knight holding up a shield? +partiprompts141,"A towering Egyptian obelisk stands under a clear sky, its ancient hieroglyphs barely visible in the sunlight. Atop this stone pillar, a menacing black dragon with scales like onyx crouches, its wings unfurled and its fiery breath directed towards a solitary knight below. The knight, clad in shining silver armor, holds up a shield in a futile attempt to deflect the intense heat, while the ground around him is scorched and illuminated by the dragon's flames.",,30,"4,12",relation,spatial,"relation - spatial (dragon, ground, around)",Is the ground around the dragon? +partiprompts141,"A towering Egyptian obelisk stands under a clear sky, its ancient hieroglyphs barely visible in the sunlight. Atop this stone pillar, a menacing black dragon with scales like onyx crouches, its wings unfurled and its fiery breath directed towards a solitary knight below. The knight, clad in shining silver armor, holds up a shield in a futile attempt to deflect the intense heat, while the ground around him is scorched and illuminated by the dragon's flames.",,31,"12,4",relation,non-spatial,"relation - non-spatial (ground, dragon, illuminated)",Is the ground illuminated by the dragon's flames? +partiprompts287,"Two well-worn baseballs, their white leather stained and scuffed from use, rest on a wooden floor on either side of a vibrant yellow basketball. The basketball, with its pebbled texture and black lines, stands out in contrast to the muted tones of the baseballs. The trio of sports equipment is casually arranged, suggesting a recent game or practice session.",,1,0,entity,whole,entity - whole (baseballs),Are there baseballs? +partiprompts287,"Two well-worn baseballs, their white leather stained and scuffed from use, rest on a wooden floor on either side of a vibrant yellow basketball. The basketball, with its pebbled texture and black lines, stands out in contrast to the muted tones of the baseballs. The trio of sports equipment is casually arranged, suggesting a recent game or practice session.",,2,1,other,count,"other - count (baseballs, ==2)",Are there two baseballs? +partiprompts287,"Two well-worn baseballs, their white leather stained and scuffed from use, rest on a wooden floor on either side of a vibrant yellow basketball. The basketball, with its pebbled texture and black lines, stands out in contrast to the muted tones of the baseballs. The trio of sports equipment is casually arranged, suggesting a recent game or practice session.",,3,1,attribute,texture,"attribute - texture (baseballs, well-worn)",Are the baseballs well-worn? +partiprompts287,"Two well-worn baseballs, their white leather stained and scuffed from use, rest on a wooden floor on either side of a vibrant yellow basketball. The basketball, with its pebbled texture and black lines, stands out in contrast to the muted tones of the baseballs. The trio of sports equipment is casually arranged, suggesting a recent game or practice session.",,4,1,attribute,texture,"attribute - texture (baseballs, stained)",Are the baseballs stained? +partiprompts287,"Two well-worn baseballs, their white leather stained and scuffed from use, rest on a wooden floor on either side of a vibrant yellow basketball. The basketball, with its pebbled texture and black lines, stands out in contrast to the muted tones of the baseballs. The trio of sports equipment is casually arranged, suggesting a recent game or practice session.",,5,1,attribute,texture,"attribute - texture (baseballs, scuffed)",Are the baseballs scuffed? +partiprompts287,"Two well-worn baseballs, their white leather stained and scuffed from use, rest on a wooden floor on either side of a vibrant yellow basketball. The basketball, with its pebbled texture and black lines, stands out in contrast to the muted tones of the baseballs. The trio of sports equipment is casually arranged, suggesting a recent game or practice session.",,6,1,attribute,texture,"attribute - texture (floor, wooden)",Is the floor wooden? +partiprompts287,"Two well-worn baseballs, their white leather stained and scuffed from use, rest on a wooden floor on either side of a vibrant yellow basketball. The basketball, with its pebbled texture and black lines, stands out in contrast to the muted tones of the baseballs. The trio of sports equipment is casually arranged, suggesting a recent game or practice session.",,7,0,entity,whole,entity - whole (basketball),Is there a basketball? +partiprompts287,"Two well-worn baseballs, their white leather stained and scuffed from use, rest on a wooden floor on either side of a vibrant yellow basketball. The basketball, with its pebbled texture and black lines, stands out in contrast to the muted tones of the baseballs. The trio of sports equipment is casually arranged, suggesting a recent game or practice session.",,8,7,attribute,color,"attribute - color (basketball, vibrant yellow)",Is the basketball vibrant yellow? +partiprompts287,"Two well-worn baseballs, their white leather stained and scuffed from use, rest on a wooden floor on either side of a vibrant yellow basketball. The basketball, with its pebbled texture and black lines, stands out in contrast to the muted tones of the baseballs. The trio of sports equipment is casually arranged, suggesting a recent game or practice session.",,9,7,attribute,texture,"attribute - texture (basketball, pebbled)",Is the basketball pebbled? +partiprompts287,"Two well-worn baseballs, their white leather stained and scuffed from use, rest on a wooden floor on either side of a vibrant yellow basketball. The basketball, with its pebbled texture and black lines, stands out in contrast to the muted tones of the baseballs. The trio of sports equipment is casually arranged, suggesting a recent game or practice session.",,10,9,attribute,color,"attribute - color (basketball's lines, black)",Are the basketball's lines black? +partiprompts287,"Two well-worn baseballs, their white leather stained and scuffed from use, rest on a wooden floor on either side of a vibrant yellow basketball. The basketball, with its pebbled texture and black lines, stands out in contrast to the muted tones of the baseballs. The trio of sports equipment is casually arranged, suggesting a recent game or practice session.",,11,"2,6",relation,spatial,"relation - spatial (baseball_1, floor, on)",Is one baseball on the floor? +partiprompts287,"Two well-worn baseballs, their white leather stained and scuffed from use, rest on a wooden floor on either side of a vibrant yellow basketball. The basketball, with its pebbled texture and black lines, stands out in contrast to the muted tones of the baseballs. The trio of sports equipment is casually arranged, suggesting a recent game or practice session.",,12,"2,6",relation,spatial,"relation - spatial (baseball_2, floor, on)",Is the other baseball on the floor? +partiprompts287,"Two well-worn baseballs, their white leather stained and scuffed from use, rest on a wooden floor on either side of a vibrant yellow basketball. The basketball, with its pebbled texture and black lines, stands out in contrast to the muted tones of the baseballs. The trio of sports equipment is casually arranged, suggesting a recent game or practice session.",,13,"7,6",relation,spatial,"relation - spatial (basketball, floor, on)",Is the basketball on the floor? +partiprompts287,"Two well-worn baseballs, their white leather stained and scuffed from use, rest on a wooden floor on either side of a vibrant yellow basketball. The basketball, with its pebbled texture and black lines, stands out in contrast to the muted tones of the baseballs. The trio of sports equipment is casually arranged, suggesting a recent game or practice session.",,14,"1,7",relation,spatial,"relation - non-spatial (baseballs, basketball, rest)",Are the baseballs and basketball resting? +partiprompts287,"Two well-worn baseballs, their white leather stained and scuffed from use, rest on a wooden floor on either side of a vibrant yellow basketball. The basketball, with its pebbled texture and black lines, stands out in contrast to the muted tones of the baseballs. The trio of sports equipment is casually arranged, suggesting a recent game or practice session.",,15,0,attribute,other,"attribute - other (sports equipment, trio)",Is there a trio of sports equipment? +partiprompts287,"Two well-worn baseballs, their white leather stained and scuffed from use, rest on a wooden floor on either side of a vibrant yellow basketball. The basketball, with its pebbled texture and black lines, stands out in contrast to the muted tones of the baseballs. The trio of sports equipment is casually arranged, suggesting a recent game or practice session.",,16,1,entity,state,"entity - state (sports equipment, casually arranged)",Is the sports equipment casually arranged? +partiprompts287,"Two well-worn baseballs, their white leather stained and scuffed from use, rest on a wooden floor on either side of a vibrant yellow basketball. The basketball, with its pebbled texture and black lines, stands out in contrast to the muted tones of the baseballs. The trio of sports equipment is casually arranged, suggesting a recent game or practice session.",,17,1,entity,state,"entity - state (sports equipment, suggest recent game or practice session)",Does the sports equipment suggest a recent game or practice session? +partiprompts237,"A whimsical scene unfolds in a lecture hall where a donkey, adorned in a vibrant clown costume complete with a ruffled collar and a pointed hat, stands confidently at the podium. The donkey is captured in a high-resolution photo, addressing an audience of attentive students seated in rows of wooden desks. Behind the donkey, a large blackboard is filled with complex mathematical equations, hinting at the serious nature of the lecture juxtaposed with the humorous attire of the lecturer.",,1,0,entity,whole,entity - whole (scene),Is there a scene? +partiprompts237,"A whimsical scene unfolds in a lecture hall where a donkey, adorned in a vibrant clown costume complete with a ruffled collar and a pointed hat, stands confidently at the podium. The donkey is captured in a high-resolution photo, addressing an audience of attentive students seated in rows of wooden desks. Behind the donkey, a large blackboard is filled with complex mathematical equations, hinting at the serious nature of the lecture juxtaposed with the humorous attire of the lecturer.",,2,1,entity,whole,entity - whole (lecture hall),Is there a lecture hall? +partiprompts237,"A whimsical scene unfolds in a lecture hall where a donkey, adorned in a vibrant clown costume complete with a ruffled collar and a pointed hat, stands confidently at the podium. The donkey is captured in a high-resolution photo, addressing an audience of attentive students seated in rows of wooden desks. Behind the donkey, a large blackboard is filled with complex mathematical equations, hinting at the serious nature of the lecture juxtaposed with the humorous attire of the lecturer.",,3,1,entity,whole,entity - whole (donkey),Is there a donkey? +partiprompts237,"A whimsical scene unfolds in a lecture hall where a donkey, adorned in a vibrant clown costume complete with a ruffled collar and a pointed hat, stands confidently at the podium. The donkey is captured in a high-resolution photo, addressing an audience of attentive students seated in rows of wooden desks. Behind the donkey, a large blackboard is filled with complex mathematical equations, hinting at the serious nature of the lecture juxtaposed with the humorous attire of the lecturer.",,4,3,entity,whole,entity - whole (costume),Is there a costume? +partiprompts237,"A whimsical scene unfolds in a lecture hall where a donkey, adorned in a vibrant clown costume complete with a ruffled collar and a pointed hat, stands confidently at the podium. The donkey is captured in a high-resolution photo, addressing an audience of attentive students seated in rows of wooden desks. Behind the donkey, a large blackboard is filled with complex mathematical equations, hinting at the serious nature of the lecture juxtaposed with the humorous attire of the lecturer.",,5,4,entity,whole,entity - whole (collar),Is there a collar? +partiprompts237,"A whimsical scene unfolds in a lecture hall where a donkey, adorned in a vibrant clown costume complete with a ruffled collar and a pointed hat, stands confidently at the podium. The donkey is captured in a high-resolution photo, addressing an audience of attentive students seated in rows of wooden desks. Behind the donkey, a large blackboard is filled with complex mathematical equations, hinting at the serious nature of the lecture juxtaposed with the humorous attire of the lecturer.",,6,4,entity,whole,entity - whole (hat),Is there a hat? +partiprompts237,"A whimsical scene unfolds in a lecture hall where a donkey, adorned in a vibrant clown costume complete with a ruffled collar and a pointed hat, stands confidently at the podium. The donkey is captured in a high-resolution photo, addressing an audience of attentive students seated in rows of wooden desks. Behind the donkey, a large blackboard is filled with complex mathematical equations, hinting at the serious nature of the lecture juxtaposed with the humorous attire of the lecturer.",,7,1,entity,whole,entity - whole (photo),Is there a photo? +partiprompts237,"A whimsical scene unfolds in a lecture hall where a donkey, adorned in a vibrant clown costume complete with a ruffled collar and a pointed hat, stands confidently at the podium. The donkey is captured in a high-resolution photo, addressing an audience of attentive students seated in rows of wooden desks. Behind the donkey, a large blackboard is filled with complex mathematical equations, hinting at the serious nature of the lecture juxtaposed with the humorous attire of the lecturer.",,8,1,entity,whole,entity - whole (audience),Is there an audience? +partiprompts237,"A whimsical scene unfolds in a lecture hall where a donkey, adorned in a vibrant clown costume complete with a ruffled collar and a pointed hat, stands confidently at the podium. The donkey is captured in a high-resolution photo, addressing an audience of attentive students seated in rows of wooden desks. Behind the donkey, a large blackboard is filled with complex mathematical equations, hinting at the serious nature of the lecture juxtaposed with the humorous attire of the lecturer.",,9,8,entity,whole,entity - whole (students),Are there students? +partiprompts237,"A whimsical scene unfolds in a lecture hall where a donkey, adorned in a vibrant clown costume complete with a ruffled collar and a pointed hat, stands confidently at the podium. The donkey is captured in a high-resolution photo, addressing an audience of attentive students seated in rows of wooden desks. Behind the donkey, a large blackboard is filled with complex mathematical equations, hinting at the serious nature of the lecture juxtaposed with the humorous attire of the lecturer.",,10,9,entity,whole,entity - whole (desks),Are there desks? +partiprompts237,"A whimsical scene unfolds in a lecture hall where a donkey, adorned in a vibrant clown costume complete with a ruffled collar and a pointed hat, stands confidently at the podium. The donkey is captured in a high-resolution photo, addressing an audience of attentive students seated in rows of wooden desks. Behind the donkey, a large blackboard is filled with complex mathematical equations, hinting at the serious nature of the lecture juxtaposed with the humorous attire of the lecturer.",,11,1,entity,whole,entity - whole (blackboard),Is there a blackboard? +partiprompts237,"A whimsical scene unfolds in a lecture hall where a donkey, adorned in a vibrant clown costume complete with a ruffled collar and a pointed hat, stands confidently at the podium. The donkey is captured in a high-resolution photo, addressing an audience of attentive students seated in rows of wooden desks. Behind the donkey, a large blackboard is filled with complex mathematical equations, hinting at the serious nature of the lecture juxtaposed with the humorous attire of the lecturer.",,12,11,entity,whole,entity - whole (equations),Are there equations? +partiprompts237,"A whimsical scene unfolds in a lecture hall where a donkey, adorned in a vibrant clown costume complete with a ruffled collar and a pointed hat, stands confidently at the podium. The donkey is captured in a high-resolution photo, addressing an audience of attentive students seated in rows of wooden desks. Behind the donkey, a large blackboard is filled with complex mathematical equations, hinting at the serious nature of the lecture juxtaposed with the humorous attire of the lecturer.",,13,1,attribute,other,"attribute - other (scene, whimsical)",Is the scene whimsical? +partiprompts237,"A whimsical scene unfolds in a lecture hall where a donkey, adorned in a vibrant clown costume complete with a ruffled collar and a pointed hat, stands confidently at the podium. The donkey is captured in a high-resolution photo, addressing an audience of attentive students seated in rows of wooden desks. Behind the donkey, a large blackboard is filled with complex mathematical equations, hinting at the serious nature of the lecture juxtaposed with the humorous attire of the lecturer.",,14,4,attribute,color,"attribute - color (costume, vibrant)",Is the costume vibrant? +partiprompts237,"A whimsical scene unfolds in a lecture hall where a donkey, adorned in a vibrant clown costume complete with a ruffled collar and a pointed hat, stands confidently at the podium. The donkey is captured in a high-resolution photo, addressing an audience of attentive students seated in rows of wooden desks. Behind the donkey, a large blackboard is filled with complex mathematical equations, hinting at the serious nature of the lecture juxtaposed with the humorous attire of the lecturer.",,15,5,attribute,other,"attribute - other (collar, ruffled)",Is the collar ruffled? +partiprompts237,"A whimsical scene unfolds in a lecture hall where a donkey, adorned in a vibrant clown costume complete with a ruffled collar and a pointed hat, stands confidently at the podium. The donkey is captured in a high-resolution photo, addressing an audience of attentive students seated in rows of wooden desks. Behind the donkey, a large blackboard is filled with complex mathematical equations, hinting at the serious nature of the lecture juxtaposed with the humorous attire of the lecturer.",,16,6,attribute,other,"attribute - other (hat, pointed)",Is the hat pointed? +partiprompts237,"A whimsical scene unfolds in a lecture hall where a donkey, adorned in a vibrant clown costume complete with a ruffled collar and a pointed hat, stands confidently at the podium. The donkey is captured in a high-resolution photo, addressing an audience of attentive students seated in rows of wooden desks. Behind the donkey, a large blackboard is filled with complex mathematical equations, hinting at the serious nature of the lecture juxtaposed with the humorous attire of the lecturer.",,17,7,global,,global - (high-resolution),Is the photo high-resolution? +partiprompts237,"A whimsical scene unfolds in a lecture hall where a donkey, adorned in a vibrant clown costume complete with a ruffled collar and a pointed hat, stands confidently at the podium. The donkey is captured in a high-resolution photo, addressing an audience of attentive students seated in rows of wooden desks. Behind the donkey, a large blackboard is filled with complex mathematical equations, hinting at the serious nature of the lecture juxtaposed with the humorous attire of the lecturer.",,18,3,entity,state,"entity - state (donkey, stand confidently)",Is the donkey standing confidently? +partiprompts237,"A whimsical scene unfolds in a lecture hall where a donkey, adorned in a vibrant clown costume complete with a ruffled collar and a pointed hat, stands confidently at the podium. The donkey is captured in a high-resolution photo, addressing an audience of attentive students seated in rows of wooden desks. Behind the donkey, a large blackboard is filled with complex mathematical equations, hinting at the serious nature of the lecture juxtaposed with the humorous attire of the lecturer.",,19,9,entity,state,"entity - state (students, attentive)",Are the students attentive? +partiprompts237,"A whimsical scene unfolds in a lecture hall where a donkey, adorned in a vibrant clown costume complete with a ruffled collar and a pointed hat, stands confidently at the podium. The donkey is captured in a high-resolution photo, addressing an audience of attentive students seated in rows of wooden desks. Behind the donkey, a large blackboard is filled with complex mathematical equations, hinting at the serious nature of the lecture juxtaposed with the humorous attire of the lecturer.",,20,"3,2",relation,spatial,"relation - spatial (donkey, podium, at)",Is the donkey at the podium? +partiprompts237,"A whimsical scene unfolds in a lecture hall where a donkey, adorned in a vibrant clown costume complete with a ruffled collar and a pointed hat, stands confidently at the podium. The donkey is captured in a high-resolution photo, addressing an audience of attentive students seated in rows of wooden desks. Behind the donkey, a large blackboard is filled with complex mathematical equations, hinting at the serious nature of the lecture juxtaposed with the humorous attire of the lecturer.",,21,"3,8",relation,spatial,"relation - spatial (donkey, audience, addressing)",Is the donkey addressing the audience? +partiprompts237,"A whimsical scene unfolds in a lecture hall where a donkey, adorned in a vibrant clown costume complete with a ruffled collar and a pointed hat, stands confidently at the podium. The donkey is captured in a high-resolution photo, addressing an audience of attentive students seated in rows of wooden desks. Behind the donkey, a large blackboard is filled with complex mathematical equations, hinting at the serious nature of the lecture juxtaposed with the humorous attire of the lecturer.",,22,"3,7",relation,spatial,"relation - spatial (donkey, photo, captured in)",Is the donkey captured in the photo? +partiprompts237,"A whimsical scene unfolds in a lecture hall where a donkey, adorned in a vibrant clown costume complete with a ruffled collar and a pointed hat, stands confidently at the podium. The donkey is captured in a high-resolution photo, addressing an audience of attentive students seated in rows of wooden desks. Behind the donkey, a large blackboard is filled with complex mathematical equations, hinting at the serious nature of the lecture juxtaposed with the humorous attire of the lecturer.",,23,"8,10",relation,spatial,"relation - spatial (audience, desks, seated in rows)",Are the audience seated in rows of desks? +partiprompts237,"A whimsical scene unfolds in a lecture hall where a donkey, adorned in a vibrant clown costume complete with a ruffled collar and a pointed hat, stands confidently at the podium. The donkey is captured in a high-resolution photo, addressing an audience of attentive students seated in rows of wooden desks. Behind the donkey, a large blackboard is filled with complex mathematical equations, hinting at the serious nature of the lecture juxtaposed with the humorous attire of the lecturer.",,24,"3,11",relation,spatial,"relation - spatial (donkey, blackboard, behind)",Is the donkey behind the blackboard? +partiprompts237,"A whimsical scene unfolds in a lecture hall where a donkey, adorned in a vibrant clown costume complete with a ruffled collar and a pointed hat, stands confidently at the podium. The donkey is captured in a high-resolution photo, addressing an audience of attentive students seated in rows of wooden desks. Behind the donkey, a large blackboard is filled with complex mathematical equations, hinting at the serious nature of the lecture juxtaposed with the humorous attire of the lecturer.",,25,"11,12",relation,spatial,"relation - spatial (blackboard, equations, filled with)",Is the blackboard filled with equations? +partiprompts237,"A whimsical scene unfolds in a lecture hall where a donkey, adorned in a vibrant clown costume complete with a ruffled collar and a pointed hat, stands confidently at the podium. The donkey is captured in a high-resolution photo, addressing an audience of attentive students seated in rows of wooden desks. Behind the donkey, a large blackboard is filled with complex mathematical equations, hinting at the serious nature of the lecture juxtaposed with the humorous attire of the lecturer.",,26,"2,26",relation,spatial,"relation - non-spatial (lecture, serious)",Is the lecture serious? +partiprompts237,"A whimsical scene unfolds in a lecture hall where a donkey, adorned in a vibrant clown costume complete with a ruffled collar and a pointed hat, stands confidently at the podium. The donkey is captured in a high-resolution photo, addressing an audience of attentive students seated in rows of wooden desks. Behind the donkey, a large blackboard is filled with complex mathematical equations, hinting at the serious nature of the lecture juxtaposed with the humorous attire of the lecturer.",,27,"4,27",relation,spatial,"relation - non-spatial (attire, humorous)",Is the attire humorous? +partiprompts74,"a detailed pen-and-ink drawing that features a meticulously crosshatched sphere resting on a flat surface. The sphere has a prominent dark square etched onto its surface, creating a stark contrast with the rest of the shaded areas. The texture of the crosshatching gives the illusion of depth and dimension to the drawing.",,1,0,global,,global - (detailed),Is this a detailed drawing? +partiprompts74,"a detailed pen-and-ink drawing that features a meticulously crosshatched sphere resting on a flat surface. The sphere has a prominent dark square etched onto its surface, creating a stark contrast with the rest of the shaded areas. The texture of the crosshatching gives the illusion of depth and dimension to the drawing.",,2,0,global,,global - (pen-and-ink drawing),Is this a pen-and-ink drawing? +partiprompts74,"a detailed pen-and-ink drawing that features a meticulously crosshatched sphere resting on a flat surface. The sphere has a prominent dark square etched onto its surface, creating a stark contrast with the rest of the shaded areas. The texture of the crosshatching gives the illusion of depth and dimension to the drawing.",,3,0,entity,whole,entity - whole (sphere),Is there a sphere? +partiprompts74,"a detailed pen-and-ink drawing that features a meticulously crosshatched sphere resting on a flat surface. The sphere has a prominent dark square etched onto its surface, creating a stark contrast with the rest of the shaded areas. The texture of the crosshatching gives the illusion of depth and dimension to the drawing.",,4,0,entity,whole,entity - whole (surface),Is there a surface? +partiprompts74,"a detailed pen-and-ink drawing that features a meticulously crosshatched sphere resting on a flat surface. The sphere has a prominent dark square etched onto its surface, creating a stark contrast with the rest of the shaded areas. The texture of the crosshatching gives the illusion of depth and dimension to the drawing.",,5,2,attribute,texture,"attribute - texture (drawing, crosshatched)",Is the drawing crosshatched? +partiprompts74,"a detailed pen-and-ink drawing that features a meticulously crosshatched sphere resting on a flat surface. The sphere has a prominent dark square etched onto its surface, creating a stark contrast with the rest of the shaded areas. The texture of the crosshatching gives the illusion of depth and dimension to the drawing.",,6,3,attribute,texture,"attribute - texture (sphere, shaded)",Is the sphere shaded? +partiprompts74,"a detailed pen-and-ink drawing that features a meticulously crosshatched sphere resting on a flat surface. The sphere has a prominent dark square etched onto its surface, creating a stark contrast with the rest of the shaded areas. The texture of the crosshatching gives the illusion of depth and dimension to the drawing.",,7,3,attribute,shape,"attribute - shape (sphere, round)",Is the sphere round? +partiprompts74,"a detailed pen-and-ink drawing that features a meticulously crosshatched sphere resting on a flat surface. The sphere has a prominent dark square etched onto its surface, creating a stark contrast with the rest of the shaded areas. The texture of the crosshatching gives the illusion of depth and dimension to the drawing.",,8,4,attribute,shape,"attribute - shape (surface, flat)",Is the surface flat? +partiprompts74,"a detailed pen-and-ink drawing that features a meticulously crosshatched sphere resting on a flat surface. The sphere has a prominent dark square etched onto its surface, creating a stark contrast with the rest of the shaded areas. The texture of the crosshatching gives the illusion of depth and dimension to the drawing.",,9,3,attribute,other,"attribute - other (sphere, prominent dark square)",Is there a prominent dark square on the sphere? +partiprompts74,"a detailed pen-and-ink drawing that features a meticulously crosshatched sphere resting on a flat surface. The sphere has a prominent dark square etched onto its surface, creating a stark contrast with the rest of the shaded areas. The texture of the crosshatching gives the illusion of depth and dimension to the drawing.",,10,2,attribute,other,"attribute - other (drawing, illusion of depth and dimension)",Does the drawing give the illusion of depth and dimension? +partiprompts48,"A steaming bowl of Pho, with a rich, clear broth and a generous topping of fresh bean sprouts. The bowl sits on a dark wooden table, accompanied by a side plate of lime wedges and basil leaves. The noodles are submerged beneath the broth, and thin slices of beef float on the surface, partially obscured by the green sprouts.",,1,0,entity,whole,entity - whole (bowl),Is there a bowl? +partiprompts48,"A steaming bowl of Pho, with a rich, clear broth and a generous topping of fresh bean sprouts. The bowl sits on a dark wooden table, accompanied by a side plate of lime wedges and basil leaves. The noodles are submerged beneath the broth, and thin slices of beef float on the surface, partially obscured by the green sprouts.",,2,1,entity,whole,entity - whole (Pho),Is there Pho? +partiprompts48,"A steaming bowl of Pho, with a rich, clear broth and a generous topping of fresh bean sprouts. The bowl sits on a dark wooden table, accompanied by a side plate of lime wedges and basil leaves. The noodles are submerged beneath the broth, and thin slices of beef float on the surface, partially obscured by the green sprouts.",,3,1,entity,whole,entity - whole (broth),Is there broth? +partiprompts48,"A steaming bowl of Pho, with a rich, clear broth and a generous topping of fresh bean sprouts. The bowl sits on a dark wooden table, accompanied by a side plate of lime wedges and basil leaves. The noodles are submerged beneath the broth, and thin slices of beef float on the surface, partially obscured by the green sprouts.",,4,1,entity,whole,entity - whole (topping),Is there a topping? +partiprompts48,"A steaming bowl of Pho, with a rich, clear broth and a generous topping of fresh bean sprouts. The bowl sits on a dark wooden table, accompanied by a side plate of lime wedges and basil leaves. The noodles are submerged beneath the broth, and thin slices of beef float on the surface, partially obscured by the green sprouts.",,5,1,entity,whole,entity - whole (bean sprouts),Are there bean sprouts? +partiprompts48,"A steaming bowl of Pho, with a rich, clear broth and a generous topping of fresh bean sprouts. The bowl sits on a dark wooden table, accompanied by a side plate of lime wedges and basil leaves. The noodles are submerged beneath the broth, and thin slices of beef float on the surface, partially obscured by the green sprouts.",,6,1,entity,whole,entity - whole (table),Is there a table? +partiprompts48,"A steaming bowl of Pho, with a rich, clear broth and a generous topping of fresh bean sprouts. The bowl sits on a dark wooden table, accompanied by a side plate of lime wedges and basil leaves. The noodles are submerged beneath the broth, and thin slices of beef float on the surface, partially obscured by the green sprouts.",,7,1,entity,whole,entity - whole (side plate),Is there a side plate? +partiprompts48,"A steaming bowl of Pho, with a rich, clear broth and a generous topping of fresh bean sprouts. The bowl sits on a dark wooden table, accompanied by a side plate of lime wedges and basil leaves. The noodles are submerged beneath the broth, and thin slices of beef float on the surface, partially obscured by the green sprouts.",,8,1,entity,whole,entity - whole (lime wedges),Are there lime wedges? +partiprompts48,"A steaming bowl of Pho, with a rich, clear broth and a generous topping of fresh bean sprouts. The bowl sits on a dark wooden table, accompanied by a side plate of lime wedges and basil leaves. The noodles are submerged beneath the broth, and thin slices of beef float on the surface, partially obscured by the green sprouts.",,9,1,entity,whole,entity - whole (basil leaves),Are there basil leaves? +partiprompts48,"A steaming bowl of Pho, with a rich, clear broth and a generous topping of fresh bean sprouts. The bowl sits on a dark wooden table, accompanied by a side plate of lime wedges and basil leaves. The noodles are submerged beneath the broth, and thin slices of beef float on the surface, partially obscured by the green sprouts.",,10,1,entity,whole,entity - whole (noodles),Are there noodles? +partiprompts48,"A steaming bowl of Pho, with a rich, clear broth and a generous topping of fresh bean sprouts. The bowl sits on a dark wooden table, accompanied by a side plate of lime wedges and basil leaves. The noodles are submerged beneath the broth, and thin slices of beef float on the surface, partially obscured by the green sprouts.",,11,1,entity,whole,entity - whole (beef),Is there beef? +partiprompts48,"A steaming bowl of Pho, with a rich, clear broth and a generous topping of fresh bean sprouts. The bowl sits on a dark wooden table, accompanied by a side plate of lime wedges and basil leaves. The noodles are submerged beneath the broth, and thin slices of beef float on the surface, partially obscured by the green sprouts.",,12,3,attribute,texture,"attribute - texture (broth, rich, clear)",Is the broth rich and clear? +partiprompts48,"A steaming bowl of Pho, with a rich, clear broth and a generous topping of fresh bean sprouts. The bowl sits on a dark wooden table, accompanied by a side plate of lime wedges and basil leaves. The noodles are submerged beneath the broth, and thin slices of beef float on the surface, partially obscured by the green sprouts.",,13,6,attribute,texture,"attribute - texture (table, dark wooden)",Is the table made of dark wood? +partiprompts48,"A steaming bowl of Pho, with a rich, clear broth and a generous topping of fresh bean sprouts. The bowl sits on a dark wooden table, accompanied by a side plate of lime wedges and basil leaves. The noodles are submerged beneath the broth, and thin slices of beef float on the surface, partially obscured by the green sprouts.",,14,10,attribute,texture,"attribute - texture (noodles, submerged)",Are the noodles submerged? +partiprompts48,"A steaming bowl of Pho, with a rich, clear broth and a generous topping of fresh bean sprouts. The bowl sits on a dark wooden table, accompanied by a side plate of lime wedges and basil leaves. The noodles are submerged beneath the broth, and thin slices of beef float on the surface, partially obscured by the green sprouts.",,15,11,attribute,texture,"attribute - texture (beef, thin slices)",Are the beef slices thin? +partiprompts48,"A steaming bowl of Pho, with a rich, clear broth and a generous topping of fresh bean sprouts. The bowl sits on a dark wooden table, accompanied by a side plate of lime wedges and basil leaves. The noodles are submerged beneath the broth, and thin slices of beef float on the surface, partially obscured by the green sprouts.",,16,11,attribute,texture,"attribute - texture (beef, partially obscured)",Is the beef partially obscured? +partiprompts48,"A steaming bowl of Pho, with a rich, clear broth and a generous topping of fresh bean sprouts. The bowl sits on a dark wooden table, accompanied by a side plate of lime wedges and basil leaves. The noodles are submerged beneath the broth, and thin slices of beef float on the surface, partially obscured by the green sprouts.",,17,"1,6",relation,spatial,"relation - spatial (bowl, table, on)",Is the bowl on the table? +partiprompts48,"A steaming bowl of Pho, with a rich, clear broth and a generous topping of fresh bean sprouts. The bowl sits on a dark wooden table, accompanied by a side plate of lime wedges and basil leaves. The noodles are submerged beneath the broth, and thin slices of beef float on the surface, partially obscured by the green sprouts.",,18,"1,6",relation,spatial,"relation - spatial (side plate, table, on)",Is the side plate on the table? +partiprompts48,"A steaming bowl of Pho, with a rich, clear broth and a generous topping of fresh bean sprouts. The bowl sits on a dark wooden table, accompanied by a side plate of lime wedges and basil leaves. The noodles are submerged beneath the broth, and thin slices of beef float on the surface, partially obscured by the green sprouts.",,19,"7,6",relation,spatial,"relation - spatial (lime wedges, side plate, on)",Are the lime wedges on the side plate? +partiprompts48,"A steaming bowl of Pho, with a rich, clear broth and a generous topping of fresh bean sprouts. The bowl sits on a dark wooden table, accompanied by a side plate of lime wedges and basil leaves. The noodles are submerged beneath the broth, and thin slices of beef float on the surface, partially obscured by the green sprouts.",,20,"7,6",relation,spatial,"relation - spatial (basil leaves, side plate, on)",Are the basil leaves on the side plate? +partiprompts48,"A steaming bowl of Pho, with a rich, clear broth and a generous topping of fresh bean sprouts. The bowl sits on a dark wooden table, accompanied by a side plate of lime wedges and basil leaves. The noodles are submerged beneath the broth, and thin slices of beef float on the surface, partially obscured by the green sprouts.",,21,"10,3",relation,spatial,"relation - spatial (noodles, broth, beneath)",Are the noodles beneath the broth? +partiprompts48,"A steaming bowl of Pho, with a rich, clear broth and a generous topping of fresh bean sprouts. The bowl sits on a dark wooden table, accompanied by a side plate of lime wedges and basil leaves. The noodles are submerged beneath the broth, and thin slices of beef float on the surface, partially obscured by the green sprouts.",,22,"11,3",relation,spatial,"relation - spatial (beef, broth, on)",Is the beef on the broth? +partiprompts48,"A steaming bowl of Pho, with a rich, clear broth and a generous topping of fresh bean sprouts. The bowl sits on a dark wooden table, accompanied by a side plate of lime wedges and basil leaves. The noodles are submerged beneath the broth, and thin slices of beef float on the surface, partially obscured by the green sprouts.",,23,"11,5",relation,spatial,"relation - spatial (beef, bean sprouts, partially obscured by)",Is the beef partially obscured by the bean sprouts? +partiprompts268,"a striking propaganda poster featuring a cat with a sly expression, dressed in an elaborate costume reminiscent of French Emperor Napoleon Bonaparte. The feline figure is holding a large, yellow wedge of cheese as if it were a precious treasure. The background of the poster is a bold red, with ornate golden details that give it an air of regal authority.",,1,0,entity,whole,entity - whole (propaganda poster),Is there a propaganda poster? +partiprompts268,"a striking propaganda poster featuring a cat with a sly expression, dressed in an elaborate costume reminiscent of French Emperor Napoleon Bonaparte. The feline figure is holding a large, yellow wedge of cheese as if it were a precious treasure. The background of the poster is a bold red, with ornate golden details that give it an air of regal authority.",,2,1,entity,whole,entity - whole (cat),Is there a cat? +partiprompts268,"a striking propaganda poster featuring a cat with a sly expression, dressed in an elaborate costume reminiscent of French Emperor Napoleon Bonaparte. The feline figure is holding a large, yellow wedge of cheese as if it were a precious treasure. The background of the poster is a bold red, with ornate golden details that give it an air of regal authority.",,3,2,entity,part,entity - part (cat's expression),Does the cat have a sly expression? +partiprompts268,"a striking propaganda poster featuring a cat with a sly expression, dressed in an elaborate costume reminiscent of French Emperor Napoleon Bonaparte. The feline figure is holding a large, yellow wedge of cheese as if it were a precious treasure. The background of the poster is a bold red, with ornate golden details that give it an air of regal authority.",,4,2,entity,part,entity - part (cat's costume),Does the cat have an elaborate costume? +partiprompts268,"a striking propaganda poster featuring a cat with a sly expression, dressed in an elaborate costume reminiscent of French Emperor Napoleon Bonaparte. The feline figure is holding a large, yellow wedge of cheese as if it were a precious treasure. The background of the poster is a bold red, with ornate golden details that give it an air of regal authority.",,5,4,entity,part,entity - part (cat's cheese),Is the cat's costume reminiscent of Napoleon Bonaparte? +partiprompts268,"a striking propaganda poster featuring a cat with a sly expression, dressed in an elaborate costume reminiscent of French Emperor Napoleon Bonaparte. The feline figure is holding a large, yellow wedge of cheese as if it were a precious treasure. The background of the poster is a bold red, with ornate golden details that give it an air of regal authority.",,6,3,attribute,other,"attribute - other (cat's expression, sly)","Is the cat holding a large, yellow wedge of cheese?" +partiprompts268,"a striking propaganda poster featuring a cat with a sly expression, dressed in an elaborate costume reminiscent of French Emperor Napoleon Bonaparte. The feline figure is holding a large, yellow wedge of cheese as if it were a precious treasure. The background of the poster is a bold red, with ornate golden details that give it an air of regal authority.",,7,4,attribute,other,"attribute - other (cat's costume, elaborate)",Is the cat's expression sly? +partiprompts268,"a striking propaganda poster featuring a cat with a sly expression, dressed in an elaborate costume reminiscent of French Emperor Napoleon Bonaparte. The feline figure is holding a large, yellow wedge of cheese as if it were a precious treasure. The background of the poster is a bold red, with ornate golden details that give it an air of regal authority.",,8,4,attribute,other,"attribute - other (cat's costume, reminiscent of Napoleon Bonaparte)",Is the cat's costume elaborate? +partiprompts268,"a striking propaganda poster featuring a cat with a sly expression, dressed in an elaborate costume reminiscent of French Emperor Napoleon Bonaparte. The feline figure is holding a large, yellow wedge of cheese as if it were a precious treasure. The background of the poster is a bold red, with ornate golden details that give it an air of regal authority.",,9,5,attribute,color,"attribute - color (cheese, yellow)",Is the cheese yellow? +partiprompts268,"a striking propaganda poster featuring a cat with a sly expression, dressed in an elaborate costume reminiscent of French Emperor Napoleon Bonaparte. The feline figure is holding a large, yellow wedge of cheese as if it were a precious treasure. The background of the poster is a bold red, with ornate golden details that give it an air of regal authority.",,10,1,attribute,color,"attribute - color (background, bold red)",Is the background bold red? +partiprompts268,"a striking propaganda poster featuring a cat with a sly expression, dressed in an elaborate costume reminiscent of French Emperor Napoleon Bonaparte. The feline figure is holding a large, yellow wedge of cheese as if it were a precious treasure. The background of the poster is a bold red, with ornate golden details that give it an air of regal authority.",,11,1,attribute,color,"attribute - color (details, ornate golden)",Are the details ornate golden? +partiprompts268,"a striking propaganda poster featuring a cat with a sly expression, dressed in an elaborate costume reminiscent of French Emperor Napoleon Bonaparte. The feline figure is holding a large, yellow wedge of cheese as if it were a precious treasure. The background of the poster is a bold red, with ornate golden details that give it an air of regal authority.",,12,1,attribute,other,"attribute - other (background, regal authority)",Does the background give an air of regal authority? +partiprompts209,"A striking blue semi-truck with a matching trailer is captured mid-air, soaring over a neatly aligned row of motorcycles. The motorcycles are positioned between two sturdy metal ramps, which facilitated the truck's impressive jump. The scene unfolds in an open area with a clear sky overhead, emphasizing the boldness of the blue truck as it defies gravity in this daring stunt.",,1,0,entity,whole,entity - whole (semi-truck),Is there a semi-truck? +partiprompts209,"A striking blue semi-truck with a matching trailer is captured mid-air, soaring over a neatly aligned row of motorcycles. The motorcycles are positioned between two sturdy metal ramps, which facilitated the truck's impressive jump. The scene unfolds in an open area with a clear sky overhead, emphasizing the boldness of the blue truck as it defies gravity in this daring stunt.",,2,0,entity,whole,entity - whole (trailer),Is there a trailer? +partiprompts209,"A striking blue semi-truck with a matching trailer is captured mid-air, soaring over a neatly aligned row of motorcycles. The motorcycles are positioned between two sturdy metal ramps, which facilitated the truck's impressive jump. The scene unfolds in an open area with a clear sky overhead, emphasizing the boldness of the blue truck as it defies gravity in this daring stunt.",,3,0,entity,whole,entity - whole (motorcycles),Are there motorcycles? +partiprompts209,"A striking blue semi-truck with a matching trailer is captured mid-air, soaring over a neatly aligned row of motorcycles. The motorcycles are positioned between two sturdy metal ramps, which facilitated the truck's impressive jump. The scene unfolds in an open area with a clear sky overhead, emphasizing the boldness of the blue truck as it defies gravity in this daring stunt.",,4,0,entity,whole,entity - whole (ramps),Are there ramps? +partiprompts209,"A striking blue semi-truck with a matching trailer is captured mid-air, soaring over a neatly aligned row of motorcycles. The motorcycles are positioned between two sturdy metal ramps, which facilitated the truck's impressive jump. The scene unfolds in an open area with a clear sky overhead, emphasizing the boldness of the blue truck as it defies gravity in this daring stunt.",,5,1,global,,global - (blue),Is the semi-truck blue? +partiprompts209,"A striking blue semi-truck with a matching trailer is captured mid-air, soaring over a neatly aligned row of motorcycles. The motorcycles are positioned between two sturdy metal ramps, which facilitated the truck's impressive jump. The scene unfolds in an open area with a clear sky overhead, emphasizing the boldness of the blue truck as it defies gravity in this daring stunt.",,6,1,global,,global - (mid-air),Is the semi-truck captured mid-air? +partiprompts209,"A striking blue semi-truck with a matching trailer is captured mid-air, soaring over a neatly aligned row of motorcycles. The motorcycles are positioned between two sturdy metal ramps, which facilitated the truck's impressive jump. The scene unfolds in an open area with a clear sky overhead, emphasizing the boldness of the blue truck as it defies gravity in this daring stunt.",,7,3,global,,global - (neatly aligned),Are the motorcycles neatly aligned? +partiprompts209,"A striking blue semi-truck with a matching trailer is captured mid-air, soaring over a neatly aligned row of motorcycles. The motorcycles are positioned between two sturdy metal ramps, which facilitated the truck's impressive jump. The scene unfolds in an open area with a clear sky overhead, emphasizing the boldness of the blue truck as it defies gravity in this daring stunt.",,8,4,global,,global - (sturdy),Are the ramps sturdy? +partiprompts209,"A striking blue semi-truck with a matching trailer is captured mid-air, soaring over a neatly aligned row of motorcycles. The motorcycles are positioned between two sturdy metal ramps, which facilitated the truck's impressive jump. The scene unfolds in an open area with a clear sky overhead, emphasizing the boldness of the blue truck as it defies gravity in this daring stunt.",,9,0,global,,global - (open area),Is the scene in an open area? +partiprompts209,"A striking blue semi-truck with a matching trailer is captured mid-air, soaring over a neatly aligned row of motorcycles. The motorcycles are positioned between two sturdy metal ramps, which facilitated the truck's impressive jump. The scene unfolds in an open area with a clear sky overhead, emphasizing the boldness of the blue truck as it defies gravity in this daring stunt.",,10,0,global,,global - (clear sky),Is the sky clear? +partiprompts209,"A striking blue semi-truck with a matching trailer is captured mid-air, soaring over a neatly aligned row of motorcycles. The motorcycles are positioned between two sturdy metal ramps, which facilitated the truck's impressive jump. The scene unfolds in an open area with a clear sky overhead, emphasizing the boldness of the blue truck as it defies gravity in this daring stunt.",,11,"1,3",relation,spatial,"relation - spatial (semi-truck, motorcycles, over)",Is the semi-truck soaring over the motorcycles? +partiprompts209,"A striking blue semi-truck with a matching trailer is captured mid-air, soaring over a neatly aligned row of motorcycles. The motorcycles are positioned between two sturdy metal ramps, which facilitated the truck's impressive jump. The scene unfolds in an open area with a clear sky overhead, emphasizing the boldness of the blue truck as it defies gravity in this daring stunt.",,12,"3,4",relation,spatial,"relation - spatial (motorcycles, ramps, between)",Are the motorcycles positioned between the ramps? +partiprompts209,"A striking blue semi-truck with a matching trailer is captured mid-air, soaring over a neatly aligned row of motorcycles. The motorcycles are positioned between two sturdy metal ramps, which facilitated the truck's impressive jump. The scene unfolds in an open area with a clear sky overhead, emphasizing the boldness of the blue truck as it defies gravity in this daring stunt.",,13,"4,1",relation,spatial,"relation - spatial (ramps, truck, facilitated)",Did the ramps facilitate the truck's jump? +partiprompts209,"A striking blue semi-truck with a matching trailer is captured mid-air, soaring over a neatly aligned row of motorcycles. The motorcycles are positioned between two sturdy metal ramps, which facilitated the truck's impressive jump. The scene unfolds in an open area with a clear sky overhead, emphasizing the boldness of the blue truck as it defies gravity in this daring stunt.",,14,0,relation,spatial,"relation - spatial (scene, area, in)",Is the scene in an area? +partiprompts209,"A striking blue semi-truck with a matching trailer is captured mid-air, soaring over a neatly aligned row of motorcycles. The motorcycles are positioned between two sturdy metal ramps, which facilitated the truck's impressive jump. The scene unfolds in an open area with a clear sky overhead, emphasizing the boldness of the blue truck as it defies gravity in this daring stunt.",,15,"1,10",relation,spatial,"relation - spatial (truck, sky, under)",Is the truck under the sky? +partiprompts209,"A striking blue semi-truck with a matching trailer is captured mid-air, soaring over a neatly aligned row of motorcycles. The motorcycles are positioned between two sturdy metal ramps, which facilitated the truck's impressive jump. The scene unfolds in an open area with a clear sky overhead, emphasizing the boldness of the blue truck as it defies gravity in this daring stunt.",,16,1,entity,state,"entity - state (truck, jump)",Did the truck jump? +partiprompts209,"A striking blue semi-truck with a matching trailer is captured mid-air, soaring over a neatly aligned row of motorcycles. The motorcycles are positioned between two sturdy metal ramps, which facilitated the truck's impressive jump. The scene unfolds in an open area with a clear sky overhead, emphasizing the boldness of the blue truck as it defies gravity in this daring stunt.",,17,1,entity,state,"entity - state (truck, defy gravity)",Is the truck defying gravity? +partiprompts209,"A striking blue semi-truck with a matching trailer is captured mid-air, soaring over a neatly aligned row of motorcycles. The motorcycles are positioned between two sturdy metal ramps, which facilitated the truck's impressive jump. The scene unfolds in an open area with a clear sky overhead, emphasizing the boldness of the blue truck as it defies gravity in this daring stunt.",,18,1,entity,state,"entity - state (truck, daring stunt)",Is the truck performing a daring stunt? +partiprompts319,"An up-close image showcasing the intricate interior of a walnut, split cleanly down the middle to reveal its textured, brain-like halves. The walnut's shell exhibits a rich brown color with darker lines marking the divisions, while the nut inside contrasts with its lighter, creamy hue. The cross-section rests against a backdrop of a wooden table with visible grain patterns, highlighting the natural origin of the walnut.",,1,0,global,,global - (up-close image),Is this an up-close image? +partiprompts319,"An up-close image showcasing the intricate interior of a walnut, split cleanly down the middle to reveal its textured, brain-like halves. The walnut's shell exhibits a rich brown color with darker lines marking the divisions, while the nut inside contrasts with its lighter, creamy hue. The cross-section rests against a backdrop of a wooden table with visible grain patterns, highlighting the natural origin of the walnut.",,2,0,entity,whole,entity - whole (walnut),Is there a walnut? +partiprompts319,"An up-close image showcasing the intricate interior of a walnut, split cleanly down the middle to reveal its textured, brain-like halves. The walnut's shell exhibits a rich brown color with darker lines marking the divisions, while the nut inside contrasts with its lighter, creamy hue. The cross-section rests against a backdrop of a wooden table with visible grain patterns, highlighting the natural origin of the walnut.",,3,2,attribute,texture,"attribute - texture (walnut, brain-like)",Is the interior of the walnut intricate? +partiprompts319,"An up-close image showcasing the intricate interior of a walnut, split cleanly down the middle to reveal its textured, brain-like halves. The walnut's shell exhibits a rich brown color with darker lines marking the divisions, while the nut inside contrasts with its lighter, creamy hue. The cross-section rests against a backdrop of a wooden table with visible grain patterns, highlighting the natural origin of the walnut.",,4,2,attribute,texture,"attribute - texture (walnut's shell, rich brown)",Is the walnut's shell rich brown? +partiprompts319,"An up-close image showcasing the intricate interior of a walnut, split cleanly down the middle to reveal its textured, brain-like halves. The walnut's shell exhibits a rich brown color with darker lines marking the divisions, while the nut inside contrasts with its lighter, creamy hue. The cross-section rests against a backdrop of a wooden table with visible grain patterns, highlighting the natural origin of the walnut.",,5,2,attribute,texture,"attribute - texture (walnut's shell, darker lines)",Are there darker lines on the walnut's shell? +partiprompts319,"An up-close image showcasing the intricate interior of a walnut, split cleanly down the middle to reveal its textured, brain-like halves. The walnut's shell exhibits a rich brown color with darker lines marking the divisions, while the nut inside contrasts with its lighter, creamy hue. The cross-section rests against a backdrop of a wooden table with visible grain patterns, highlighting the natural origin of the walnut.",,6,2,attribute,texture,"attribute - texture (nut inside, lighter, creamy)",Is the nut inside lighter and creamy? +partiprompts319,"An up-close image showcasing the intricate interior of a walnut, split cleanly down the middle to reveal its textured, brain-like halves. The walnut's shell exhibits a rich brown color with darker lines marking the divisions, while the nut inside contrasts with its lighter, creamy hue. The cross-section rests against a backdrop of a wooden table with visible grain patterns, highlighting the natural origin of the walnut.",,7,2,attribute,texture,"attribute - texture (wooden table, grain patterns)",Are there grain patterns on the wooden table? +partiprompts319,"An up-close image showcasing the intricate interior of a walnut, split cleanly down the middle to reveal its textured, brain-like halves. The walnut's shell exhibits a rich brown color with darker lines marking the divisions, while the nut inside contrasts with its lighter, creamy hue. The cross-section rests against a backdrop of a wooden table with visible grain patterns, highlighting the natural origin of the walnut.",,8,"2,7",relation,spatial,"relation - spatial (cross-section, wooden table, against)",Is the cross-section against the wooden table? +partiprompts319,"An up-close image showcasing the intricate interior of a walnut, split cleanly down the middle to reveal its textured, brain-like halves. The walnut's shell exhibits a rich brown color with darker lines marking the divisions, while the nut inside contrasts with its lighter, creamy hue. The cross-section rests against a backdrop of a wooden table with visible grain patterns, highlighting the natural origin of the walnut.",,9,"2,7",relation,spatial,"relation - spatial (walnut, table, on)",Is the walnut on the table? +partiprompts26,"A surreal and unlikely scene where the iconic Millennium Wheel, with its towering white and blue structure, stands adjacent to the green-hued Statue of Liberty, which raises its torch high into the sky. In the background, the intricate spires of the Sagrada Familia church rise majestically, showcasing its unique architectural blend of Gothic and Art Nouveau styles. The three landmarks are juxtaposed in a way that defies their geographical realities, creating a fantastical skyline.",,1,0,global,,global - (surreal),Is this scene surreal? +partiprompts26,"A surreal and unlikely scene where the iconic Millennium Wheel, with its towering white and blue structure, stands adjacent to the green-hued Statue of Liberty, which raises its torch high into the sky. In the background, the intricate spires of the Sagrada Familia church rise majestically, showcasing its unique architectural blend of Gothic and Art Nouveau styles. The three landmarks are juxtaposed in a way that defies their geographical realities, creating a fantastical skyline.",,2,0,global,,global - (unlikely),Is this scene unlikely? +partiprompts26,"A surreal and unlikely scene where the iconic Millennium Wheel, with its towering white and blue structure, stands adjacent to the green-hued Statue of Liberty, which raises its torch high into the sky. In the background, the intricate spires of the Sagrada Familia church rise majestically, showcasing its unique architectural blend of Gothic and Art Nouveau styles. The three landmarks are juxtaposed in a way that defies their geographical realities, creating a fantastical skyline.",,3,0,entity,whole,entity - whole (Millennium Wheel),Is there a Millennium Wheel? +partiprompts26,"A surreal and unlikely scene where the iconic Millennium Wheel, with its towering white and blue structure, stands adjacent to the green-hued Statue of Liberty, which raises its torch high into the sky. In the background, the intricate spires of the Sagrada Familia church rise majestically, showcasing its unique architectural blend of Gothic and Art Nouveau styles. The three landmarks are juxtaposed in a way that defies their geographical realities, creating a fantastical skyline.",,4,3,attribute,color,"attribute - color (Millennium Wheel, white and blue)",Is the Millennium Wheel white and blue? +partiprompts26,"A surreal and unlikely scene where the iconic Millennium Wheel, with its towering white and blue structure, stands adjacent to the green-hued Statue of Liberty, which raises its torch high into the sky. In the background, the intricate spires of the Sagrada Familia church rise majestically, showcasing its unique architectural blend of Gothic and Art Nouveau styles. The three landmarks are juxtaposed in a way that defies their geographical realities, creating a fantastical skyline.",,5,0,entity,whole,entity - whole (Statue of Liberty),Is there a Statue of Liberty? +partiprompts26,"A surreal and unlikely scene where the iconic Millennium Wheel, with its towering white and blue structure, stands adjacent to the green-hued Statue of Liberty, which raises its torch high into the sky. In the background, the intricate spires of the Sagrada Familia church rise majestically, showcasing its unique architectural blend of Gothic and Art Nouveau styles. The three landmarks are juxtaposed in a way that defies their geographical realities, creating a fantastical skyline.",,6,5,attribute,color,"attribute - color (Statue of Liberty, green)",Is the Statue of Liberty green? +partiprompts26,"A surreal and unlikely scene where the iconic Millennium Wheel, with its towering white and blue structure, stands adjacent to the green-hued Statue of Liberty, which raises its torch high into the sky. In the background, the intricate spires of the Sagrada Familia church rise majestically, showcasing its unique architectural blend of Gothic and Art Nouveau styles. The three landmarks are juxtaposed in a way that defies their geographical realities, creating a fantastical skyline.",,7,0,entity,whole,entity - whole (Sagrada Familia church),Is there a Sagrada Familia church? +partiprompts26,"A surreal and unlikely scene where the iconic Millennium Wheel, with its towering white and blue structure, stands adjacent to the green-hued Statue of Liberty, which raises its torch high into the sky. In the background, the intricate spires of the Sagrada Familia church rise majestically, showcasing its unique architectural blend of Gothic and Art Nouveau styles. The three landmarks are juxtaposed in a way that defies their geographical realities, creating a fantastical skyline.",,8,7,attribute,texture,"attribute - texture (Sagrada Familia church, intricate spires)",Does the Sagrada Familia church have intricate spires? +partiprompts26,"A surreal and unlikely scene where the iconic Millennium Wheel, with its towering white and blue structure, stands adjacent to the green-hued Statue of Liberty, which raises its torch high into the sky. In the background, the intricate spires of the Sagrada Familia church rise majestically, showcasing its unique architectural blend of Gothic and Art Nouveau styles. The three landmarks are juxtaposed in a way that defies their geographical realities, creating a fantastical skyline.",,9,7,attribute,other,"attribute - other (Sagrada Familia church, Gothic and Art Nouveau)",Does the Sagrada Familia church blend Gothic and Art Nouveau styles? +partiprompts26,"A surreal and unlikely scene where the iconic Millennium Wheel, with its towering white and blue structure, stands adjacent to the green-hued Statue of Liberty, which raises its torch high into the sky. In the background, the intricate spires of the Sagrada Familia church rise majestically, showcasing its unique architectural blend of Gothic and Art Nouveau styles. The three landmarks are juxtaposed in a way that defies their geographical realities, creating a fantastical skyline.",,10,"3,5",relation,spatial,"relation - spatial (Millennium Wheel, Statue of Liberty, adjacent)",Is the Millennium Wheel adjacent to the Statue of Liberty? +partiprompts26,"A surreal and unlikely scene where the iconic Millennium Wheel, with its towering white and blue structure, stands adjacent to the green-hued Statue of Liberty, which raises its torch high into the sky. In the background, the intricate spires of the Sagrada Familia church rise majestically, showcasing its unique architectural blend of Gothic and Art Nouveau styles. The three landmarks are juxtaposed in a way that defies their geographical realities, creating a fantastical skyline.",,11,"5,7",relation,spatial,"relation - spatial (Statue of Liberty, Sagrada Familia church, in front of)",Is the Statue of Liberty in front of the Sagrada Familia church? +partiprompts26,"A surreal and unlikely scene where the iconic Millennium Wheel, with its towering white and blue structure, stands adjacent to the green-hued Statue of Liberty, which raises its torch high into the sky. In the background, the intricate spires of the Sagrada Familia church rise majestically, showcasing its unique architectural blend of Gothic and Art Nouveau styles. The three landmarks are juxtaposed in a way that defies their geographical realities, creating a fantastical skyline.",,12,"3,7",relation,spatial,"relation - spatial (Millennium Wheel, Sagrada Familia church, near)",Is the Millennium Wheel near the Sagrada Familia church? +partiprompts144,"A whimsical image capturing a squirrel standing upright on a patch of green grass. The squirrel, with its bushy tail and brown fur, is holding a wooden arrow above its head with its tiny paws, as if it's just won a battle. In its left hand, it grips a miniature longbow, and around it, fallen autumn leaves add a touch of natural decor to the scene.",,1,0,global,,global - (whimsical),Is this a whimsical image? +partiprompts144,"A whimsical image capturing a squirrel standing upright on a patch of green grass. The squirrel, with its bushy tail and brown fur, is holding a wooden arrow above its head with its tiny paws, as if it's just won a battle. In its left hand, it grips a miniature longbow, and around it, fallen autumn leaves add a touch of natural decor to the scene.",,2,0,entity,whole,entity - whole (squirrel),Is there a squirrel? +partiprompts144,"A whimsical image capturing a squirrel standing upright on a patch of green grass. The squirrel, with its bushy tail and brown fur, is holding a wooden arrow above its head with its tiny paws, as if it's just won a battle. In its left hand, it grips a miniature longbow, and around it, fallen autumn leaves add a touch of natural decor to the scene.",,3,0,entity,whole,entity - whole (grass),Is there grass? +partiprompts144,"A whimsical image capturing a squirrel standing upright on a patch of green grass. The squirrel, with its bushy tail and brown fur, is holding a wooden arrow above its head with its tiny paws, as if it's just won a battle. In its left hand, it grips a miniature longbow, and around it, fallen autumn leaves add a touch of natural decor to the scene.",,4,2,entity,part,entity - part (squirrel's tail),Does the squirrel have a tail? +partiprompts144,"A whimsical image capturing a squirrel standing upright on a patch of green grass. The squirrel, with its bushy tail and brown fur, is holding a wooden arrow above its head with its tiny paws, as if it's just won a battle. In its left hand, it grips a miniature longbow, and around it, fallen autumn leaves add a touch of natural decor to the scene.",,5,2,attribute,color,"attribute - color (squirrel's fur, brown)",Is the squirrel's fur brown? +partiprompts144,"A whimsical image capturing a squirrel standing upright on a patch of green grass. The squirrel, with its bushy tail and brown fur, is holding a wooden arrow above its head with its tiny paws, as if it's just won a battle. In its left hand, it grips a miniature longbow, and around it, fallen autumn leaves add a touch of natural decor to the scene.",,6,4,attribute,texture,"attribute - texture (squirrel's tail, bushy)",Is the squirrel's tail bushy? +partiprompts144,"A whimsical image capturing a squirrel standing upright on a patch of green grass. The squirrel, with its bushy tail and brown fur, is holding a wooden arrow above its head with its tiny paws, as if it's just won a battle. In its left hand, it grips a miniature longbow, and around it, fallen autumn leaves add a touch of natural decor to the scene.",,7,2,entity,part,entity - part (squirrel's arrow),Is the squirrel holding an arrow? +partiprompts144,"A whimsical image capturing a squirrel standing upright on a patch of green grass. The squirrel, with its bushy tail and brown fur, is holding a wooden arrow above its head with its tiny paws, as if it's just won a battle. In its left hand, it grips a miniature longbow, and around it, fallen autumn leaves add a touch of natural decor to the scene.",,8,7,attribute,size,"attribute - size (squirrel's paws, tiny)",Are the squirrel's paws tiny? +partiprompts144,"A whimsical image capturing a squirrel standing upright on a patch of green grass. The squirrel, with its bushy tail and brown fur, is holding a wooden arrow above its head with its tiny paws, as if it's just won a battle. In its left hand, it grips a miniature longbow, and around it, fallen autumn leaves add a touch of natural decor to the scene.",,9,2,entity,part,entity - part (squirrel's longbow),Is the squirrel holding a longbow? +partiprompts144,"A whimsical image capturing a squirrel standing upright on a patch of green grass. The squirrel, with its bushy tail and brown fur, is holding a wooden arrow above its head with its tiny paws, as if it's just won a battle. In its left hand, it grips a miniature longbow, and around it, fallen autumn leaves add a touch of natural decor to the scene.",,10,0,attribute,other,"attribute - other (leaves, fallen)",Are there fallen leaves around the squirrel? +partiprompts267,"A towering robot with a head shaped like an oversized coffee cup looms over a city street, its metallic body reflecting the sunlight. One of its colossal feet is planted firmly on a crushed red sedan, crumpling the vehicle beneath its weight. The robot's arms, equipped with articulated joints, are poised as if ready for action, while around it, the street is scattered with debris from the chaos.",,1,0,entity,whole,entity - whole (robot),Is there a robot? +partiprompts267,"A towering robot with a head shaped like an oversized coffee cup looms over a city street, its metallic body reflecting the sunlight. One of its colossal feet is planted firmly on a crushed red sedan, crumpling the vehicle beneath its weight. The robot's arms, equipped with articulated joints, are poised as if ready for action, while around it, the street is scattered with debris from the chaos.",,2,1,entity,whole,entity - whole (head),Is there a head? +partiprompts267,"A towering robot with a head shaped like an oversized coffee cup looms over a city street, its metallic body reflecting the sunlight. One of its colossal feet is planted firmly on a crushed red sedan, crumpling the vehicle beneath its weight. The robot's arms, equipped with articulated joints, are poised as if ready for action, while around it, the street is scattered with debris from the chaos.",,3,1,entity,whole,entity - whole (body),Is there a body? +partiprompts267,"A towering robot with a head shaped like an oversized coffee cup looms over a city street, its metallic body reflecting the sunlight. One of its colossal feet is planted firmly on a crushed red sedan, crumpling the vehicle beneath its weight. The robot's arms, equipped with articulated joints, are poised as if ready for action, while around it, the street is scattered with debris from the chaos.",,4,1,entity,whole,entity - whole (feet),Are there feet? +partiprompts267,"A towering robot with a head shaped like an oversized coffee cup looms over a city street, its metallic body reflecting the sunlight. One of its colossal feet is planted firmly on a crushed red sedan, crumpling the vehicle beneath its weight. The robot's arms, equipped with articulated joints, are poised as if ready for action, while around it, the street is scattered with debris from the chaos.",,5,1,entity,whole,entity - whole (arms),Are there arms? +partiprompts267,"A towering robot with a head shaped like an oversized coffee cup looms over a city street, its metallic body reflecting the sunlight. One of its colossal feet is planted firmly on a crushed red sedan, crumpling the vehicle beneath its weight. The robot's arms, equipped with articulated joints, are poised as if ready for action, while around it, the street is scattered with debris from the chaos.",,6,5,entity,whole,entity - whole (joints),Are there joints? +partiprompts267,"A towering robot with a head shaped like an oversized coffee cup looms over a city street, its metallic body reflecting the sunlight. One of its colossal feet is planted firmly on a crushed red sedan, crumpling the vehicle beneath its weight. The robot's arms, equipped with articulated joints, are poised as if ready for action, while around it, the street is scattered with debris from the chaos.",,7,0,entity,whole,entity - whole (city street),Is there a city street? +partiprompts267,"A towering robot with a head shaped like an oversized coffee cup looms over a city street, its metallic body reflecting the sunlight. One of its colossal feet is planted firmly on a crushed red sedan, crumpling the vehicle beneath its weight. The robot's arms, equipped with articulated joints, are poised as if ready for action, while around it, the street is scattered with debris from the chaos.",,8,0,entity,whole,entity - whole (sunlight),Is there sunlight? +partiprompts267,"A towering robot with a head shaped like an oversized coffee cup looms over a city street, its metallic body reflecting the sunlight. One of its colossal feet is planted firmly on a crushed red sedan, crumpling the vehicle beneath its weight. The robot's arms, equipped with articulated joints, are poised as if ready for action, while around it, the street is scattered with debris from the chaos.",,9,0,entity,whole,entity - whole (vehicle),Is there a vehicle? +partiprompts267,"A towering robot with a head shaped like an oversized coffee cup looms over a city street, its metallic body reflecting the sunlight. One of its colossal feet is planted firmly on a crushed red sedan, crumpling the vehicle beneath its weight. The robot's arms, equipped with articulated joints, are poised as if ready for action, while around it, the street is scattered with debris from the chaos.",,10,0,entity,whole,entity - whole (debris),Is there debris? +partiprompts267,"A towering robot with a head shaped like an oversized coffee cup looms over a city street, its metallic body reflecting the sunlight. One of its colossal feet is planted firmly on a crushed red sedan, crumpling the vehicle beneath its weight. The robot's arms, equipped with articulated joints, are poised as if ready for action, while around it, the street is scattered with debris from the chaos.",,11,1,attribute,size,"attribute - size (robot, towering)",Is the robot towering? +partiprompts267,"A towering robot with a head shaped like an oversized coffee cup looms over a city street, its metallic body reflecting the sunlight. One of its colossal feet is planted firmly on a crushed red sedan, crumpling the vehicle beneath its weight. The robot's arms, equipped with articulated joints, are poised as if ready for action, while around it, the street is scattered with debris from the chaos.",,12,2,attribute,shape,"attribute - shape (head, oversized coffee cup)",Is the head shaped like an oversized coffee cup? +partiprompts267,"A towering robot with a head shaped like an oversized coffee cup looms over a city street, its metallic body reflecting the sunlight. One of its colossal feet is planted firmly on a crushed red sedan, crumpling the vehicle beneath its weight. The robot's arms, equipped with articulated joints, are poised as if ready for action, while around it, the street is scattered with debris from the chaos.",,13,3,attribute,texture,"attribute - texture (body, metallic)",Is the body metallic? +partiprompts267,"A towering robot with a head shaped like an oversized coffee cup looms over a city street, its metallic body reflecting the sunlight. One of its colossal feet is planted firmly on a crushed red sedan, crumpling the vehicle beneath its weight. The robot's arms, equipped with articulated joints, are poised as if ready for action, while around it, the street is scattered with debris from the chaos.",,14,9,attribute,color,"attribute - color (vehicle, red)",Is the vehicle red? +partiprompts267,"A towering robot with a head shaped like an oversized coffee cup looms over a city street, its metallic body reflecting the sunlight. One of its colossal feet is planted firmly on a crushed red sedan, crumpling the vehicle beneath its weight. The robot's arms, equipped with articulated joints, are poised as if ready for action, while around it, the street is scattered with debris from the chaos.",,15,"1,7",relation,spatial,"relation - spatial (robot, city street, over)",Is the robot over the city street? +partiprompts267,"A towering robot with a head shaped like an oversized coffee cup looms over a city street, its metallic body reflecting the sunlight. One of its colossal feet is planted firmly on a crushed red sedan, crumpling the vehicle beneath its weight. The robot's arms, equipped with articulated joints, are poised as if ready for action, while around it, the street is scattered with debris from the chaos.",,16,"3,8",relation,spatial,"relation - spatial (body, sunlight, reflect)",Is the body reflecting sunlight? +partiprompts267,"A towering robot with a head shaped like an oversized coffee cup looms over a city street, its metallic body reflecting the sunlight. One of its colossal feet is planted firmly on a crushed red sedan, crumpling the vehicle beneath its weight. The robot's arms, equipped with articulated joints, are poised as if ready for action, while around it, the street is scattered with debris from the chaos.",,17,"4,9",relation,spatial,"relation - spatial (feet, vehicle, on)",Are the feet on the vehicle? +partiprompts267,"A towering robot with a head shaped like an oversized coffee cup looms over a city street, its metallic body reflecting the sunlight. One of its colossal feet is planted firmly on a crushed red sedan, crumpling the vehicle beneath its weight. The robot's arms, equipped with articulated joints, are poised as if ready for action, while around it, the street is scattered with debris from the chaos.",,18,"9,4",relation,spatial,"relation - spatial (vehicle, feet, beneath)",Is the vehicle beneath the feet? +partiprompts267,"A towering robot with a head shaped like an oversized coffee cup looms over a city street, its metallic body reflecting the sunlight. One of its colossal feet is planted firmly on a crushed red sedan, crumpling the vehicle beneath its weight. The robot's arms, equipped with articulated joints, are poised as if ready for action, while around it, the street is scattered with debris from the chaos.",,19,5,relation,spatial,"relation - spatial (arms, ready for action)",Are the arms ready for action? +partiprompts267,"A towering robot with a head shaped like an oversized coffee cup looms over a city street, its metallic body reflecting the sunlight. One of its colossal feet is planted firmly on a crushed red sedan, crumpling the vehicle beneath its weight. The robot's arms, equipped with articulated joints, are poised as if ready for action, while around it, the street is scattered with debris from the chaos.",,20,"1,10",relation,spatial,"relation - spatial (robot, debris, around)",Is the debris around the robot? +partiprompts309,"a unique flower with delicate pink petals arranged in a circular pattern, at the center of which is an intricate design resembling the face of a cat with green eyes. The flower's texture appears soft and velvety, and it is situated among a bed of green leaves that provide a contrasting backdrop to its whimsical feature.",,1,0,entity,whole,entity - whole (flower),Is there a flower? +partiprompts309,"a unique flower with delicate pink petals arranged in a circular pattern, at the center of which is an intricate design resembling the face of a cat with green eyes. The flower's texture appears soft and velvety, and it is situated among a bed of green leaves that provide a contrasting backdrop to its whimsical feature.",,2,1,attribute,color,"attribute - color (petals, delicate pink)",Are the petals delicate pink? +partiprompts309,"a unique flower with delicate pink petals arranged in a circular pattern, at the center of which is an intricate design resembling the face of a cat with green eyes. The flower's texture appears soft and velvety, and it is situated among a bed of green leaves that provide a contrasting backdrop to its whimsical feature.",,3,1,attribute,shape,"attribute - shape (petals, circular)",Are the petals arranged in a circular pattern? +partiprompts309,"a unique flower with delicate pink petals arranged in a circular pattern, at the center of which is an intricate design resembling the face of a cat with green eyes. The flower's texture appears soft and velvety, and it is situated among a bed of green leaves that provide a contrasting backdrop to its whimsical feature.",,4,1,attribute,other,"attribute - other (flower, unique)",Is the flower unique? +partiprompts309,"a unique flower with delicate pink petals arranged in a circular pattern, at the center of which is an intricate design resembling the face of a cat with green eyes. The flower's texture appears soft and velvety, and it is situated among a bed of green leaves that provide a contrasting backdrop to its whimsical feature.",,5,1,attribute,texture,"attribute - texture (flower, soft and velvety)",Is the flower's texture soft and velvety? +partiprompts309,"a unique flower with delicate pink petals arranged in a circular pattern, at the center of which is an intricate design resembling the face of a cat with green eyes. The flower's texture appears soft and velvety, and it is situated among a bed of green leaves that provide a contrasting backdrop to its whimsical feature.",,6,1,entity,part,"entity - part (flower, leaves)",Are there leaves on the flower? +partiprompts309,"a unique flower with delicate pink petals arranged in a circular pattern, at the center of which is an intricate design resembling the face of a cat with green eyes. The flower's texture appears soft and velvety, and it is situated among a bed of green leaves that provide a contrasting backdrop to its whimsical feature.",,7,1,attribute,color,"attribute - color (leaves, green)",Are the leaves green? +partiprompts309,"a unique flower with delicate pink petals arranged in a circular pattern, at the center of which is an intricate design resembling the face of a cat with green eyes. The flower's texture appears soft and velvety, and it is situated among a bed of green leaves that provide a contrasting backdrop to its whimsical feature.",,8,"1,6",relation,spatial,"relation - spatial (flower, leaves, among)",Is the flower among the leaves? +partiprompts309,"a unique flower with delicate pink petals arranged in a circular pattern, at the center of which is an intricate design resembling the face of a cat with green eyes. The flower's texture appears soft and velvety, and it is situated among a bed of green leaves that provide a contrasting backdrop to its whimsical feature.",,9,1,attribute,other,"attribute - other (design, intricate)",Is the design intricate? +partiprompts309,"a unique flower with delicate pink petals arranged in a circular pattern, at the center of which is an intricate design resembling the face of a cat with green eyes. The flower's texture appears soft and velvety, and it is situated among a bed of green leaves that provide a contrasting backdrop to its whimsical feature.",,10,9,attribute,color,"attribute - color (eyes, green)",Are the eyes green? +partiprompts126,"An animated squirrel with a rebellious punk rock vibe, clad in a black leather jacket adorned with shiny metal studs, is captured mid-shout into a silver microphone. The rodent stands confidently on an old, rugged tree stump that serves as an impromptu stage, with one paw gripping a small brown beer bottle. The stage is dimly lit, with only a few spotlights highlighting the squirrel's dynamic performance.",,1,0,entity,whole,entity - whole (squirrel),Is there a squirrel? +partiprompts126,"An animated squirrel with a rebellious punk rock vibe, clad in a black leather jacket adorned with shiny metal studs, is captured mid-shout into a silver microphone. The rodent stands confidently on an old, rugged tree stump that serves as an impromptu stage, with one paw gripping a small brown beer bottle. The stage is dimly lit, with only a few spotlights highlighting the squirrel's dynamic performance.",,2,0,entity,whole,entity - whole (jacket),Is there a jacket? +partiprompts126,"An animated squirrel with a rebellious punk rock vibe, clad in a black leather jacket adorned with shiny metal studs, is captured mid-shout into a silver microphone. The rodent stands confidently on an old, rugged tree stump that serves as an impromptu stage, with one paw gripping a small brown beer bottle. The stage is dimly lit, with only a few spotlights highlighting the squirrel's dynamic performance.",,3,0,entity,whole,entity - whole (microphone),Is there a microphone? +partiprompts126,"An animated squirrel with a rebellious punk rock vibe, clad in a black leather jacket adorned with shiny metal studs, is captured mid-shout into a silver microphone. The rodent stands confidently on an old, rugged tree stump that serves as an impromptu stage, with one paw gripping a small brown beer bottle. The stage is dimly lit, with only a few spotlights highlighting the squirrel's dynamic performance.",,4,0,entity,whole,entity - whole (tree stump),Is there a tree stump? +partiprompts126,"An animated squirrel with a rebellious punk rock vibe, clad in a black leather jacket adorned with shiny metal studs, is captured mid-shout into a silver microphone. The rodent stands confidently on an old, rugged tree stump that serves as an impromptu stage, with one paw gripping a small brown beer bottle. The stage is dimly lit, with only a few spotlights highlighting the squirrel's dynamic performance.",,5,0,entity,whole,entity - whole (beer bottle),Is there a beer bottle? +partiprompts126,"An animated squirrel with a rebellious punk rock vibe, clad in a black leather jacket adorned with shiny metal studs, is captured mid-shout into a silver microphone. The rodent stands confidently on an old, rugged tree stump that serves as an impromptu stage, with one paw gripping a small brown beer bottle. The stage is dimly lit, with only a few spotlights highlighting the squirrel's dynamic performance.",,6,0,global,,global - (animated),Is the squirrel animated? +partiprompts126,"An animated squirrel with a rebellious punk rock vibe, clad in a black leather jacket adorned with shiny metal studs, is captured mid-shout into a silver microphone. The rodent stands confidently on an old, rugged tree stump that serves as an impromptu stage, with one paw gripping a small brown beer bottle. The stage is dimly lit, with only a few spotlights highlighting the squirrel's dynamic performance.",,7,1,attribute,other,"attribute - other (squirrel, rebellious punk rock vibe)",Does the squirrel have a rebellious punk rock vibe? +partiprompts126,"An animated squirrel with a rebellious punk rock vibe, clad in a black leather jacket adorned with shiny metal studs, is captured mid-shout into a silver microphone. The rodent stands confidently on an old, rugged tree stump that serves as an impromptu stage, with one paw gripping a small brown beer bottle. The stage is dimly lit, with only a few spotlights highlighting the squirrel's dynamic performance.",,8,2,attribute,color,"attribute - color (jacket, black)",Is the jacket black? +partiprompts126,"An animated squirrel with a rebellious punk rock vibe, clad in a black leather jacket adorned with shiny metal studs, is captured mid-shout into a silver microphone. The rodent stands confidently on an old, rugged tree stump that serves as an impromptu stage, with one paw gripping a small brown beer bottle. The stage is dimly lit, with only a few spotlights highlighting the squirrel's dynamic performance.",,9,2,attribute,texture,"attribute - texture (jacket, leather)",Is the jacket made of leather? +partiprompts126,"An animated squirrel with a rebellious punk rock vibe, clad in a black leather jacket adorned with shiny metal studs, is captured mid-shout into a silver microphone. The rodent stands confidently on an old, rugged tree stump that serves as an impromptu stage, with one paw gripping a small brown beer bottle. The stage is dimly lit, with only a few spotlights highlighting the squirrel's dynamic performance.",,10,2,attribute,texture,"attribute - texture (jacket, adorned with shiny metal studs)",Is the jacket adorned with shiny metal studs? +partiprompts126,"An animated squirrel with a rebellious punk rock vibe, clad in a black leather jacket adorned with shiny metal studs, is captured mid-shout into a silver microphone. The rodent stands confidently on an old, rugged tree stump that serves as an impromptu stage, with one paw gripping a small brown beer bottle. The stage is dimly lit, with only a few spotlights highlighting the squirrel's dynamic performance.",,11,3,attribute,color,"attribute - color (microphone, silver)",Is the microphone silver? +partiprompts126,"An animated squirrel with a rebellious punk rock vibe, clad in a black leather jacket adorned with shiny metal studs, is captured mid-shout into a silver microphone. The rodent stands confidently on an old, rugged tree stump that serves as an impromptu stage, with one paw gripping a small brown beer bottle. The stage is dimly lit, with only a few spotlights highlighting the squirrel's dynamic performance.",,12,5,attribute,color,"attribute - color (beer bottle, brown)",Is the beer bottle brown? +partiprompts126,"An animated squirrel with a rebellious punk rock vibe, clad in a black leather jacket adorned with shiny metal studs, is captured mid-shout into a silver microphone. The rodent stands confidently on an old, rugged tree stump that serves as an impromptu stage, with one paw gripping a small brown beer bottle. The stage is dimly lit, with only a few spotlights highlighting the squirrel's dynamic performance.",,13,4,attribute,other,"attribute - other (tree stump, old, rugged)",Is the tree stump old and rugged? +partiprompts126,"An animated squirrel with a rebellious punk rock vibe, clad in a black leather jacket adorned with shiny metal studs, is captured mid-shout into a silver microphone. The rodent stands confidently on an old, rugged tree stump that serves as an impromptu stage, with one paw gripping a small brown beer bottle. The stage is dimly lit, with only a few spotlights highlighting the squirrel's dynamic performance.",,14,1,entity,state,"entity - state (squirrel, shout)",Is the squirrel shouting? +partiprompts126,"An animated squirrel with a rebellious punk rock vibe, clad in a black leather jacket adorned with shiny metal studs, is captured mid-shout into a silver microphone. The rodent stands confidently on an old, rugged tree stump that serves as an impromptu stage, with one paw gripping a small brown beer bottle. The stage is dimly lit, with only a few spotlights highlighting the squirrel's dynamic performance.",,15,1,entity,state,"entity - state (squirrel, stand confidently)",Is the squirrel standing confidently? +partiprompts126,"An animated squirrel with a rebellious punk rock vibe, clad in a black leather jacket adorned with shiny metal studs, is captured mid-shout into a silver microphone. The rodent stands confidently on an old, rugged tree stump that serves as an impromptu stage, with one paw gripping a small brown beer bottle. The stage is dimly lit, with only a few spotlights highlighting the squirrel's dynamic performance.",,16,1,entity,state,"entity - state (squirrel, grip beer bottle)",Is the squirrel gripping the beer bottle? +partiprompts126,"An animated squirrel with a rebellious punk rock vibe, clad in a black leather jacket adorned with shiny metal studs, is captured mid-shout into a silver microphone. The rodent stands confidently on an old, rugged tree stump that serves as an impromptu stage, with one paw gripping a small brown beer bottle. The stage is dimly lit, with only a few spotlights highlighting the squirrel's dynamic performance.",,17,20,entity,state,"entity - state (stage, dimly lit)",Is the stage dimly lit? +partiprompts126,"An animated squirrel with a rebellious punk rock vibe, clad in a black leather jacket adorned with shiny metal studs, is captured mid-shout into a silver microphone. The rodent stands confidently on an old, rugged tree stump that serves as an impromptu stage, with one paw gripping a small brown beer bottle. The stage is dimly lit, with only a few spotlights highlighting the squirrel's dynamic performance.",,18,"1,3",relation,spatial,"relation - spatial (squirrel, microphone, mid-shout)",Is the squirrel mid-shout into the microphone? +partiprompts126,"An animated squirrel with a rebellious punk rock vibe, clad in a black leather jacket adorned with shiny metal studs, is captured mid-shout into a silver microphone. The rodent stands confidently on an old, rugged tree stump that serves as an impromptu stage, with one paw gripping a small brown beer bottle. The stage is dimly lit, with only a few spotlights highlighting the squirrel's dynamic performance.",,19,"1,4",relation,spatial,"relation - spatial (squirrel, tree stump, on)",Is the squirrel standing on the tree stump? +partiprompts126,"An animated squirrel with a rebellious punk rock vibe, clad in a black leather jacket adorned with shiny metal studs, is captured mid-shout into a silver microphone. The rodent stands confidently on an old, rugged tree stump that serves as an impromptu stage, with one paw gripping a small brown beer bottle. The stage is dimly lit, with only a few spotlights highlighting the squirrel's dynamic performance.",,20,"1,4",relation,spatial,"relation - spatial (squirrel, stage, impromptu)",Is the squirrel on an impromptu stage? +partiprompts126,"An animated squirrel with a rebellious punk rock vibe, clad in a black leather jacket adorned with shiny metal studs, is captured mid-shout into a silver microphone. The rodent stands confidently on an old, rugged tree stump that serves as an impromptu stage, with one paw gripping a small brown beer bottle. The stage is dimly lit, with only a few spotlights highlighting the squirrel's dynamic performance.",,21,"1,4",relation,spatial,"relation - spatial (squirrel, stage, highlighted by spotlights)",Is the squirrel's performance highlighted by spotlights? +partiprompts172,"An intricately detailed oil painting that captures the whimsical essence of a feline super math wizard. The cat, adorned with a wizard's hat and cape, is surrounded by floating mathematical symbols and equations. The rich textures of the brush strokes give depth to the cat's fur and the magical elements, creating a vivid and captivating scene.",,1,0,entity,whole,entity - whole (oil painting),Is there an oil painting? +partiprompts172,"An intricately detailed oil painting that captures the whimsical essence of a feline super math wizard. The cat, adorned with a wizard's hat and cape, is surrounded by floating mathematical symbols and equations. The rich textures of the brush strokes give depth to the cat's fur and the magical elements, creating a vivid and captivating scene.",,2,1,entity,whole,entity - whole (cat),Is there a cat? +partiprompts172,"An intricately detailed oil painting that captures the whimsical essence of a feline super math wizard. The cat, adorned with a wizard's hat and cape, is surrounded by floating mathematical symbols and equations. The rich textures of the brush strokes give depth to the cat's fur and the magical elements, creating a vivid and captivating scene.",,3,2,entity,part,entity - part (cat's hat),Does the cat have a hat? +partiprompts172,"An intricately detailed oil painting that captures the whimsical essence of a feline super math wizard. The cat, adorned with a wizard's hat and cape, is surrounded by floating mathematical symbols and equations. The rich textures of the brush strokes give depth to the cat's fur and the magical elements, creating a vivid and captivating scene.",,4,3,entity,part,entity - part (cat's cape),Does the cat have a cape? +partiprompts172,"An intricately detailed oil painting that captures the whimsical essence of a feline super math wizard. The cat, adorned with a wizard's hat and cape, is surrounded by floating mathematical symbols and equations. The rich textures of the brush strokes give depth to the cat's fur and the magical elements, creating a vivid and captivating scene.",,5,1,attribute,texture,"attribute - texture (brush strokes, rich)",Are the brush strokes rich in texture? +partiprompts172,"An intricately detailed oil painting that captures the whimsical essence of a feline super math wizard. The cat, adorned with a wizard's hat and cape, is surrounded by floating mathematical symbols and equations. The rich textures of the brush strokes give depth to the cat's fur and the magical elements, creating a vivid and captivating scene.",,6,2,attribute,texture,"attribute - texture (fur, depth)",Is the fur of the cat depicted with depth? +partiprompts172,"An intricately detailed oil painting that captures the whimsical essence of a feline super math wizard. The cat, adorned with a wizard's hat and cape, is surrounded by floating mathematical symbols and equations. The rich textures of the brush strokes give depth to the cat's fur and the magical elements, creating a vivid and captivating scene.",,7,2,attribute,texture,"attribute - texture (magical elements, depth)",Are the magical elements depicted with depth? +partiprompts172,"An intricately detailed oil painting that captures the whimsical essence of a feline super math wizard. The cat, adorned with a wizard's hat and cape, is surrounded by floating mathematical symbols and equations. The rich textures of the brush strokes give depth to the cat's fur and the magical elements, creating a vivid and captivating scene.",,8,2,entity,state,"entity - state (cat, adorned)",Is the cat adorned with a wizard's hat and cape? +partiprompts172,"An intricately detailed oil painting that captures the whimsical essence of a feline super math wizard. The cat, adorned with a wizard's hat and cape, is surrounded by floating mathematical symbols and equations. The rich textures of the brush strokes give depth to the cat's fur and the magical elements, creating a vivid and captivating scene.",,9,2,entity,state,"entity - state (cat, surrounded by floating mathematical symbols and equations)",Is the cat surrounded by floating mathematical symbols and equations? +partiprompts172,"An intricately detailed oil painting that captures the whimsical essence of a feline super math wizard. The cat, adorned with a wizard's hat and cape, is surrounded by floating mathematical symbols and equations. The rich textures of the brush strokes give depth to the cat's fur and the magical elements, creating a vivid and captivating scene.",,10,1,global,,global - (intricately detailed),Is the painting intricately detailed? +partiprompts39,"A whimsical bowl of soup sits on a wooden table, its broth a vibrant green with chunks of tofu arranged to resemble the eyes and mouth of a playful monster. The words ""deep learning"" are spelled out in thin slices of carrot, floating on the surface of the soup. The bowl itself is a deep blue ceramic, providing a striking contrast to the lighter colors of the soup and its garnishes.",,1,0,entity,whole,entity - whole (bowl of soup),Is there a bowl of soup? +partiprompts39,"A whimsical bowl of soup sits on a wooden table, its broth a vibrant green with chunks of tofu arranged to resemble the eyes and mouth of a playful monster. The words ""deep learning"" are spelled out in thin slices of carrot, floating on the surface of the soup. The bowl itself is a deep blue ceramic, providing a striking contrast to the lighter colors of the soup and its garnishes.",,2,0,entity,whole,entity - whole (table),Is there a table? +partiprompts39,"A whimsical bowl of soup sits on a wooden table, its broth a vibrant green with chunks of tofu arranged to resemble the eyes and mouth of a playful monster. The words ""deep learning"" are spelled out in thin slices of carrot, floating on the surface of the soup. The bowl itself is a deep blue ceramic, providing a striking contrast to the lighter colors of the soup and its garnishes.",,3,1,entity,whole,entity - whole (broth),Is there broth? +partiprompts39,"A whimsical bowl of soup sits on a wooden table, its broth a vibrant green with chunks of tofu arranged to resemble the eyes and mouth of a playful monster. The words ""deep learning"" are spelled out in thin slices of carrot, floating on the surface of the soup. The bowl itself is a deep blue ceramic, providing a striking contrast to the lighter colors of the soup and its garnishes.",,4,1,entity,whole,entity - whole (tofu),Is there tofu? +partiprompts39,"A whimsical bowl of soup sits on a wooden table, its broth a vibrant green with chunks of tofu arranged to resemble the eyes and mouth of a playful monster. The words ""deep learning"" are spelled out in thin slices of carrot, floating on the surface of the soup. The bowl itself is a deep blue ceramic, providing a striking contrast to the lighter colors of the soup and its garnishes.",,5,1,entity,whole,entity - whole (monster),Is there a monster? +partiprompts39,"A whimsical bowl of soup sits on a wooden table, its broth a vibrant green with chunks of tofu arranged to resemble the eyes and mouth of a playful monster. The words ""deep learning"" are spelled out in thin slices of carrot, floating on the surface of the soup. The bowl itself is a deep blue ceramic, providing a striking contrast to the lighter colors of the soup and its garnishes.",,6,1,entity,whole,entity - whole (words),Are there words? +partiprompts39,"A whimsical bowl of soup sits on a wooden table, its broth a vibrant green with chunks of tofu arranged to resemble the eyes and mouth of a playful monster. The words ""deep learning"" are spelled out in thin slices of carrot, floating on the surface of the soup. The bowl itself is a deep blue ceramic, providing a striking contrast to the lighter colors of the soup and its garnishes.",,7,1,entity,whole,entity - whole (slices of carrot),Are there slices of carrot? +partiprompts39,"A whimsical bowl of soup sits on a wooden table, its broth a vibrant green with chunks of tofu arranged to resemble the eyes and mouth of a playful monster. The words ""deep learning"" are spelled out in thin slices of carrot, floating on the surface of the soup. The bowl itself is a deep blue ceramic, providing a striking contrast to the lighter colors of the soup and its garnishes.",,8,1,attribute,texture,"attribute - texture (bowl, ceramic)",Is the bowl ceramic? +partiprompts39,"A whimsical bowl of soup sits on a wooden table, its broth a vibrant green with chunks of tofu arranged to resemble the eyes and mouth of a playful monster. The words ""deep learning"" are spelled out in thin slices of carrot, floating on the surface of the soup. The bowl itself is a deep blue ceramic, providing a striking contrast to the lighter colors of the soup and its garnishes.",,9,3,attribute,color,"attribute - color (broth, vibrant green)",Is the broth vibrant green? +partiprompts39,"A whimsical bowl of soup sits on a wooden table, its broth a vibrant green with chunks of tofu arranged to resemble the eyes and mouth of a playful monster. The words ""deep learning"" are spelled out in thin slices of carrot, floating on the surface of the soup. The bowl itself is a deep blue ceramic, providing a striking contrast to the lighter colors of the soup and its garnishes.",,10,4,attribute,color,"attribute - color (tofu, chunks)",Are the tofu chunks colorful? +partiprompts39,"A whimsical bowl of soup sits on a wooden table, its broth a vibrant green with chunks of tofu arranged to resemble the eyes and mouth of a playful monster. The words ""deep learning"" are spelled out in thin slices of carrot, floating on the surface of the soup. The bowl itself is a deep blue ceramic, providing a striking contrast to the lighter colors of the soup and its garnishes.",,11,5,attribute,color,"attribute - color (monster, playful)",Is the monster playful? +partiprompts39,"A whimsical bowl of soup sits on a wooden table, its broth a vibrant green with chunks of tofu arranged to resemble the eyes and mouth of a playful monster. The words ""deep learning"" are spelled out in thin slices of carrot, floating on the surface of the soup. The bowl itself is a deep blue ceramic, providing a striking contrast to the lighter colors of the soup and its garnishes.",,12,6,attribute,color,"attribute - color (words, thin)",Are the words thin? +partiprompts39,"A whimsical bowl of soup sits on a wooden table, its broth a vibrant green with chunks of tofu arranged to resemble the eyes and mouth of a playful monster. The words ""deep learning"" are spelled out in thin slices of carrot, floating on the surface of the soup. The bowl itself is a deep blue ceramic, providing a striking contrast to the lighter colors of the soup and its garnishes.",,13,7,attribute,color,"attribute - color (slices of carrot, orange)",Are the slices of carrot orange? +partiprompts39,"A whimsical bowl of soup sits on a wooden table, its broth a vibrant green with chunks of tofu arranged to resemble the eyes and mouth of a playful monster. The words ""deep learning"" are spelled out in thin slices of carrot, floating on the surface of the soup. The bowl itself is a deep blue ceramic, providing a striking contrast to the lighter colors of the soup and its garnishes.",,14,1,attribute,color,"attribute - color (bowl, deep blue)",Is the bowl deep blue? +partiprompts39,"A whimsical bowl of soup sits on a wooden table, its broth a vibrant green with chunks of tofu arranged to resemble the eyes and mouth of a playful monster. The words ""deep learning"" are spelled out in thin slices of carrot, floating on the surface of the soup. The bowl itself is a deep blue ceramic, providing a striking contrast to the lighter colors of the soup and its garnishes.",,15,"1,2",relation,spatial,"relation - spatial (bowl of soup, table, on)",Is the bowl of soup on the table? +partiprompts39,"A whimsical bowl of soup sits on a wooden table, its broth a vibrant green with chunks of tofu arranged to resemble the eyes and mouth of a playful monster. The words ""deep learning"" are spelled out in thin slices of carrot, floating on the surface of the soup. The bowl itself is a deep blue ceramic, providing a striking contrast to the lighter colors of the soup and its garnishes.",,16,"4,5",relation,spatial,"relation - spatial (tofu, monster, eyes and mouth)",Are the tofu chunks arranged to resemble the eyes and mouth of the monster? +partiprompts39,"A whimsical bowl of soup sits on a wooden table, its broth a vibrant green with chunks of tofu arranged to resemble the eyes and mouth of a playful monster. The words ""deep learning"" are spelled out in thin slices of carrot, floating on the surface of the soup. The bowl itself is a deep blue ceramic, providing a striking contrast to the lighter colors of the soup and its garnishes.",,17,"6,1",relation,spatial,"relation - spatial (words, soup, on)",Are the words floating on the surface of the soup? +partiprompts39,"A whimsical bowl of soup sits on a wooden table, its broth a vibrant green with chunks of tofu arranged to resemble the eyes and mouth of a playful monster. The words ""deep learning"" are spelled out in thin slices of carrot, floating on the surface of the soup. The bowl itself is a deep blue ceramic, providing a striking contrast to the lighter colors of the soup and its garnishes.",,18,"7,1",relation,spatial,"relation - spatial (slices of carrot, soup, on)",Are the slices of carrot floating on the surface of the soup? +partiprompts122,"A majestic granite statue of a wombat warrior, clad in intricately detailed armor, stands proudly in the center of a temple's cella. The statue, gripping a broad sword with both hands, is bathed in a soft beam of light that filters down from an unseen source above, highlighting the textures of its stony surface. It is perched upon an ornate pedestal, which adds to its imposing presence. The scene is captured through a wide-angle lens, giving it a grandiose and expansive feel, reminiscent of an anime-style oil painting with vibrant colors and dynamic shading.",,1,0,entity,whole,entity - whole (statue),Is there a statue? +partiprompts122,"A majestic granite statue of a wombat warrior, clad in intricately detailed armor, stands proudly in the center of a temple's cella. The statue, gripping a broad sword with both hands, is bathed in a soft beam of light that filters down from an unseen source above, highlighting the textures of its stony surface. It is perched upon an ornate pedestal, which adds to its imposing presence. The scene is captured through a wide-angle lens, giving it a grandiose and expansive feel, reminiscent of an anime-style oil painting with vibrant colors and dynamic shading.",,2,1,entity,whole,entity - whole (wombat warrior),Is the statue of a wombat warrior? +partiprompts122,"A majestic granite statue of a wombat warrior, clad in intricately detailed armor, stands proudly in the center of a temple's cella. The statue, gripping a broad sword with both hands, is bathed in a soft beam of light that filters down from an unseen source above, highlighting the textures of its stony surface. It is perched upon an ornate pedestal, which adds to its imposing presence. The scene is captured through a wide-angle lens, giving it a grandiose and expansive feel, reminiscent of an anime-style oil painting with vibrant colors and dynamic shading.",,3,2,entity,whole,entity - whole (armor),Is the warrior wearing armor? +partiprompts122,"A majestic granite statue of a wombat warrior, clad in intricately detailed armor, stands proudly in the center of a temple's cella. The statue, gripping a broad sword with both hands, is bathed in a soft beam of light that filters down from an unseen source above, highlighting the textures of its stony surface. It is perched upon an ornate pedestal, which adds to its imposing presence. The scene is captured through a wide-angle lens, giving it a grandiose and expansive feel, reminiscent of an anime-style oil painting with vibrant colors and dynamic shading.",,4,0,entity,whole,entity - whole (temple's cella),Is the statue in the temple's cella? +partiprompts122,"A majestic granite statue of a wombat warrior, clad in intricately detailed armor, stands proudly in the center of a temple's cella. The statue, gripping a broad sword with both hands, is bathed in a soft beam of light that filters down from an unseen source above, highlighting the textures of its stony surface. It is perched upon an ornate pedestal, which adds to its imposing presence. The scene is captured through a wide-angle lens, giving it a grandiose and expansive feel, reminiscent of an anime-style oil painting with vibrant colors and dynamic shading.",,5,0,entity,whole,entity - whole (broad sword),Is there a broad sword? +partiprompts122,"A majestic granite statue of a wombat warrior, clad in intricately detailed armor, stands proudly in the center of a temple's cella. The statue, gripping a broad sword with both hands, is bathed in a soft beam of light that filters down from an unseen source above, highlighting the textures of its stony surface. It is perched upon an ornate pedestal, which adds to its imposing presence. The scene is captured through a wide-angle lens, giving it a grandiose and expansive feel, reminiscent of an anime-style oil painting with vibrant colors and dynamic shading.",,6,0,entity,whole,entity - whole (beam of light),Is there a beam of light? +partiprompts122,"A majestic granite statue of a wombat warrior, clad in intricately detailed armor, stands proudly in the center of a temple's cella. The statue, gripping a broad sword with both hands, is bathed in a soft beam of light that filters down from an unseen source above, highlighting the textures of its stony surface. It is perched upon an ornate pedestal, which adds to its imposing presence. The scene is captured through a wide-angle lens, giving it a grandiose and expansive feel, reminiscent of an anime-style oil painting with vibrant colors and dynamic shading.",,7,0,entity,whole,entity - whole (pedestal),Is there a pedestal? +partiprompts122,"A majestic granite statue of a wombat warrior, clad in intricately detailed armor, stands proudly in the center of a temple's cella. The statue, gripping a broad sword with both hands, is bathed in a soft beam of light that filters down from an unseen source above, highlighting the textures of its stony surface. It is perched upon an ornate pedestal, which adds to its imposing presence. The scene is captured through a wide-angle lens, giving it a grandiose and expansive feel, reminiscent of an anime-style oil painting with vibrant colors and dynamic shading.",,8,1,attribute,texture,"attribute - texture (statue, stony)",Is the statue's texture stony? +partiprompts122,"A majestic granite statue of a wombat warrior, clad in intricately detailed armor, stands proudly in the center of a temple's cella. The statue, gripping a broad sword with both hands, is bathed in a soft beam of light that filters down from an unseen source above, highlighting the textures of its stony surface. It is perched upon an ornate pedestal, which adds to its imposing presence. The scene is captured through a wide-angle lens, giving it a grandiose and expansive feel, reminiscent of an anime-style oil painting with vibrant colors and dynamic shading.",,9,3,attribute,texture,"attribute - texture (armor, intricately detailed)",Is the armor intricately detailed? +partiprompts122,"A majestic granite statue of a wombat warrior, clad in intricately detailed armor, stands proudly in the center of a temple's cella. The statue, gripping a broad sword with both hands, is bathed in a soft beam of light that filters down from an unseen source above, highlighting the textures of its stony surface. It is perched upon an ornate pedestal, which adds to its imposing presence. The scene is captured through a wide-angle lens, giving it a grandiose and expansive feel, reminiscent of an anime-style oil painting with vibrant colors and dynamic shading.",,10,7,attribute,texture,"attribute - texture (pedestal, ornate)",Is the pedestal ornate? +partiprompts122,"A majestic granite statue of a wombat warrior, clad in intricately detailed armor, stands proudly in the center of a temple's cella. The statue, gripping a broad sword with both hands, is bathed in a soft beam of light that filters down from an unseen source above, highlighting the textures of its stony surface. It is perched upon an ornate pedestal, which adds to its imposing presence. The scene is captured through a wide-angle lens, giving it a grandiose and expansive feel, reminiscent of an anime-style oil painting with vibrant colors and dynamic shading.",,11,1,attribute,size,"attribute - size (statue, majestic)",Is the statue majestic? +partiprompts122,"A majestic granite statue of a wombat warrior, clad in intricately detailed armor, stands proudly in the center of a temple's cella. The statue, gripping a broad sword with both hands, is bathed in a soft beam of light that filters down from an unseen source above, highlighting the textures of its stony surface. It is perched upon an ornate pedestal, which adds to its imposing presence. The scene is captured through a wide-angle lens, giving it a grandiose and expansive feel, reminiscent of an anime-style oil painting with vibrant colors and dynamic shading.",,12,6,attribute,size,"attribute - size (beam of light, soft)",Is the beam of light soft? +partiprompts122,"A majestic granite statue of a wombat warrior, clad in intricately detailed armor, stands proudly in the center of a temple's cella. The statue, gripping a broad sword with both hands, is bathed in a soft beam of light that filters down from an unseen source above, highlighting the textures of its stony surface. It is perched upon an ornate pedestal, which adds to its imposing presence. The scene is captured through a wide-angle lens, giving it a grandiose and expansive feel, reminiscent of an anime-style oil painting with vibrant colors and dynamic shading.",,13,7,attribute,size,"attribute - size (pedestal, imposing)",Is the pedestal imposing? +partiprompts122,"A majestic granite statue of a wombat warrior, clad in intricately detailed armor, stands proudly in the center of a temple's cella. The statue, gripping a broad sword with both hands, is bathed in a soft beam of light that filters down from an unseen source above, highlighting the textures of its stony surface. It is perched upon an ornate pedestal, which adds to its imposing presence. The scene is captured through a wide-angle lens, giving it a grandiose and expansive feel, reminiscent of an anime-style oil painting with vibrant colors and dynamic shading.",,14,"1,4",relation,spatial,"relation - spatial (statue, temple's cella, in)",Is the statue in the temple's cella? +partiprompts122,"A majestic granite statue of a wombat warrior, clad in intricately detailed armor, stands proudly in the center of a temple's cella. The statue, gripping a broad sword with both hands, is bathed in a soft beam of light that filters down from an unseen source above, highlighting the textures of its stony surface. It is perched upon an ornate pedestal, which adds to its imposing presence. The scene is captured through a wide-angle lens, giving it a grandiose and expansive feel, reminiscent of an anime-style oil painting with vibrant colors and dynamic shading.",,15,"1,7",relation,spatial,"relation - spatial (statue, pedestal, on)",Is the statue on the pedestal? +partiprompts122,"A majestic granite statue of a wombat warrior, clad in intricately detailed armor, stands proudly in the center of a temple's cella. The statue, gripping a broad sword with both hands, is bathed in a soft beam of light that filters down from an unseen source above, highlighting the textures of its stony surface. It is perched upon an ornate pedestal, which adds to its imposing presence. The scene is captured through a wide-angle lens, giving it a grandiose and expansive feel, reminiscent of an anime-style oil painting with vibrant colors and dynamic shading.",,16,"1,6",relation,spatial,"relation - spatial (statue, beam of light, bathed in)",Is the statue bathed in the beam of light? +partiprompts122,"A majestic granite statue of a wombat warrior, clad in intricately detailed armor, stands proudly in the center of a temple's cella. The statue, gripping a broad sword with both hands, is bathed in a soft beam of light that filters down from an unseen source above, highlighting the textures of its stony surface. It is perched upon an ornate pedestal, which adds to its imposing presence. The scene is captured through a wide-angle lens, giving it a grandiose and expansive feel, reminiscent of an anime-style oil painting with vibrant colors and dynamic shading.",,17,6,relation,spatial,"relation - spatial (beam of light, unseen source, from above)",Is the beam of light coming from an unseen source above? +partiprompts122,"A majestic granite statue of a wombat warrior, clad in intricately detailed armor, stands proudly in the center of a temple's cella. The statue, gripping a broad sword with both hands, is bathed in a soft beam of light that filters down from an unseen source above, highlighting the textures of its stony surface. It is perched upon an ornate pedestal, which adds to its imposing presence. The scene is captured through a wide-angle lens, giving it a grandiose and expansive feel, reminiscent of an anime-style oil painting with vibrant colors and dynamic shading.",,18,"1,5",relation,spatial,"relation - spatial (statue, broad sword, gripping with both hands)",Is the statue gripping the broad sword with both hands? +partiprompts122,"A majestic granite statue of a wombat warrior, clad in intricately detailed armor, stands proudly in the center of a temple's cella. The statue, gripping a broad sword with both hands, is bathed in a soft beam of light that filters down from an unseen source above, highlighting the textures of its stony surface. It is perched upon an ornate pedestal, which adds to its imposing presence. The scene is captured through a wide-angle lens, giving it a grandiose and expansive feel, reminiscent of an anime-style oil painting with vibrant colors and dynamic shading.",,19,0,global,,global - (wide-angle lens),Was the scene captured through a wide-angle lens? +partiprompts122,"A majestic granite statue of a wombat warrior, clad in intricately detailed armor, stands proudly in the center of a temple's cella. The statue, gripping a broad sword with both hands, is bathed in a soft beam of light that filters down from an unseen source above, highlighting the textures of its stony surface. It is perched upon an ornate pedestal, which adds to its imposing presence. The scene is captured through a wide-angle lens, giving it a grandiose and expansive feel, reminiscent of an anime-style oil painting with vibrant colors and dynamic shading.",,20,0,global,,global - (grandiose),Does the scene have a grandiose feel? +partiprompts122,"A majestic granite statue of a wombat warrior, clad in intricately detailed armor, stands proudly in the center of a temple's cella. The statue, gripping a broad sword with both hands, is bathed in a soft beam of light that filters down from an unseen source above, highlighting the textures of its stony surface. It is perched upon an ornate pedestal, which adds to its imposing presence. The scene is captured through a wide-angle lens, giving it a grandiose and expansive feel, reminiscent of an anime-style oil painting with vibrant colors and dynamic shading.",,21,0,global,,global - (expansive),Does the scene feel expansive? +partiprompts122,"A majestic granite statue of a wombat warrior, clad in intricately detailed armor, stands proudly in the center of a temple's cella. The statue, gripping a broad sword with both hands, is bathed in a soft beam of light that filters down from an unseen source above, highlighting the textures of its stony surface. It is perched upon an ornate pedestal, which adds to its imposing presence. The scene is captured through a wide-angle lens, giving it a grandiose and expansive feel, reminiscent of an anime-style oil painting with vibrant colors and dynamic shading.",,22,0,global,,global - (anime-style),Is the scene reminiscent of an anime-style? +partiprompts122,"A majestic granite statue of a wombat warrior, clad in intricately detailed armor, stands proudly in the center of a temple's cella. The statue, gripping a broad sword with both hands, is bathed in a soft beam of light that filters down from an unseen source above, highlighting the textures of its stony surface. It is perched upon an ornate pedestal, which adds to its imposing presence. The scene is captured through a wide-angle lens, giving it a grandiose and expansive feel, reminiscent of an anime-style oil painting with vibrant colors and dynamic shading.",,23,0,global,,global - (oil painting),Is the scene reminiscent of an oil painting? +partiprompts122,"A majestic granite statue of a wombat warrior, clad in intricately detailed armor, stands proudly in the center of a temple's cella. The statue, gripping a broad sword with both hands, is bathed in a soft beam of light that filters down from an unseen source above, highlighting the textures of its stony surface. It is perched upon an ornate pedestal, which adds to its imposing presence. The scene is captured through a wide-angle lens, giving it a grandiose and expansive feel, reminiscent of an anime-style oil painting with vibrant colors and dynamic shading.",,24,0,attribute,color,"attribute - color (scene, vibrant)",Are the colors vibrant in the scene? +partiprompts122,"A majestic granite statue of a wombat warrior, clad in intricately detailed armor, stands proudly in the center of a temple's cella. The statue, gripping a broad sword with both hands, is bathed in a soft beam of light that filters down from an unseen source above, highlighting the textures of its stony surface. It is perched upon an ornate pedestal, which adds to its imposing presence. The scene is captured through a wide-angle lens, giving it a grandiose and expansive feel, reminiscent of an anime-style oil painting with vibrant colors and dynamic shading.",,25,0,attribute,color,"attribute - color (scene, dynamic)",Is there dynamic shading in the scene? +partiprompts321,"a sturdy tree with a thick trunk and sprawling branches that have intertwined with the metal links of a silver chain-link fence. the fence is partially enveloped by the tree's roots and bark, creating a unique blend of natural and man-made elements. the surrounding area is dotted with green grass and a few scattered wildflowers.",,1,0,entity,whole,entity - whole (tree),Is there a tree? +partiprompts321,"a sturdy tree with a thick trunk and sprawling branches that have intertwined with the metal links of a silver chain-link fence. the fence is partially enveloped by the tree's roots and bark, creating a unique blend of natural and man-made elements. the surrounding area is dotted with green grass and a few scattered wildflowers.",,2,1,entity,whole,entity - whole (branches),Are there branches? +partiprompts321,"a sturdy tree with a thick trunk and sprawling branches that have intertwined with the metal links of a silver chain-link fence. the fence is partially enveloped by the tree's roots and bark, creating a unique blend of natural and man-made elements. the surrounding area is dotted with green grass and a few scattered wildflowers.",,3,0,entity,whole,entity - whole (fence),Is there a fence? +partiprompts321,"a sturdy tree with a thick trunk and sprawling branches that have intertwined with the metal links of a silver chain-link fence. the fence is partially enveloped by the tree's roots and bark, creating a unique blend of natural and man-made elements. the surrounding area is dotted with green grass and a few scattered wildflowers.",,4,1,entity,whole,entity - whole (roots),Are there roots? +partiprompts321,"a sturdy tree with a thick trunk and sprawling branches that have intertwined with the metal links of a silver chain-link fence. the fence is partially enveloped by the tree's roots and bark, creating a unique blend of natural and man-made elements. the surrounding area is dotted with green grass and a few scattered wildflowers.",,5,1,entity,whole,entity - whole (bark),Is there bark? +partiprompts321,"a sturdy tree with a thick trunk and sprawling branches that have intertwined with the metal links of a silver chain-link fence. the fence is partially enveloped by the tree's roots and bark, creating a unique blend of natural and man-made elements. the surrounding area is dotted with green grass and a few scattered wildflowers.",,6,1,attribute,size,"attribute - size (tree, sturdy)",Is the tree sturdy? +partiprompts321,"a sturdy tree with a thick trunk and sprawling branches that have intertwined with the metal links of a silver chain-link fence. the fence is partially enveloped by the tree's roots and bark, creating a unique blend of natural and man-made elements. the surrounding area is dotted with green grass and a few scattered wildflowers.",,7,1,attribute,size,"attribute - size (trunk, thick)",Is the trunk thick? +partiprompts321,"a sturdy tree with a thick trunk and sprawling branches that have intertwined with the metal links of a silver chain-link fence. the fence is partially enveloped by the tree's roots and bark, creating a unique blend of natural and man-made elements. the surrounding area is dotted with green grass and a few scattered wildflowers.",,8,2,attribute,other,"attribute - other (branches, sprawling)",Are the branches sprawling? +partiprompts321,"a sturdy tree with a thick trunk and sprawling branches that have intertwined with the metal links of a silver chain-link fence. the fence is partially enveloped by the tree's roots and bark, creating a unique blend of natural and man-made elements. the surrounding area is dotted with green grass and a few scattered wildflowers.",,9,3,attribute,texture,"attribute - texture (fence, metal)",Is the fence made of metal? +partiprompts321,"a sturdy tree with a thick trunk and sprawling branches that have intertwined with the metal links of a silver chain-link fence. the fence is partially enveloped by the tree's roots and bark, creating a unique blend of natural and man-made elements. the surrounding area is dotted with green grass and a few scattered wildflowers.",,10,4,attribute,texture,"attribute - texture (roots, bark)",Are the roots covered in bark? +partiprompts321,"a sturdy tree with a thick trunk and sprawling branches that have intertwined with the metal links of a silver chain-link fence. the fence is partially enveloped by the tree's roots and bark, creating a unique blend of natural and man-made elements. the surrounding area is dotted with green grass and a few scattered wildflowers.",,11,"2,3",relation,spatial,"relation - spatial (branches, fence, intertwined with)",Are the branches intertwined with the fence? +partiprompts321,"a sturdy tree with a thick trunk and sprawling branches that have intertwined with the metal links of a silver chain-link fence. the fence is partially enveloped by the tree's roots and bark, creating a unique blend of natural and man-made elements. the surrounding area is dotted with green grass and a few scattered wildflowers.",,12,"3,4",relation,spatial,"relation - spatial (fence, roots, enveloped by)",Is the fence enveloped by the roots? +partiprompts321,"a sturdy tree with a thick trunk and sprawling branches that have intertwined with the metal links of a silver chain-link fence. the fence is partially enveloped by the tree's roots and bark, creating a unique blend of natural and man-made elements. the surrounding area is dotted with green grass and a few scattered wildflowers.",,13,"3,5",relation,spatial,"relation - spatial (fence, bark, enveloped by)",Is the fence enveloped by the bark? +partiprompts321,"a sturdy tree with a thick trunk and sprawling branches that have intertwined with the metal links of a silver chain-link fence. the fence is partially enveloped by the tree's roots and bark, creating a unique blend of natural and man-made elements. the surrounding area is dotted with green grass and a few scattered wildflowers.",,14,0,relation,spatial,"relation - spatial (surrounding area, grass, dotted with)",Is the surrounding area dotted with grass? +partiprompts321,"a sturdy tree with a thick trunk and sprawling branches that have intertwined with the metal links of a silver chain-link fence. the fence is partially enveloped by the tree's roots and bark, creating a unique blend of natural and man-made elements. the surrounding area is dotted with green grass and a few scattered wildflowers.",,15,0,relation,spatial,"relation - spatial (surrounding area, wildflowers, scattered)",Are there scattered wildflowers in the surrounding area? +partiprompts224,"a bright blue pickup truck parked on a gravel road, its flatbed occupied by a large rhinoceros. The animal's rough, gray skin contrasts sharply with the vehicle's smooth, metallic paint. Nearby, a few scattered acacia trees provide a sparse canopy in the otherwise open savannah landscape.",,1,0,entity,whole,entity - whole (pickup truck),Is there a pickup truck? +partiprompts224,"a bright blue pickup truck parked on a gravel road, its flatbed occupied by a large rhinoceros. The animal's rough, gray skin contrasts sharply with the vehicle's smooth, metallic paint. Nearby, a few scattered acacia trees provide a sparse canopy in the otherwise open savannah landscape.",,2,0,entity,whole,entity - whole (gravel road),Is there a gravel road? +partiprompts224,"a bright blue pickup truck parked on a gravel road, its flatbed occupied by a large rhinoceros. The animal's rough, gray skin contrasts sharply with the vehicle's smooth, metallic paint. Nearby, a few scattered acacia trees provide a sparse canopy in the otherwise open savannah landscape.",,3,0,entity,whole,entity - whole (rhinoceros),Is there a rhinoceros? +partiprompts224,"a bright blue pickup truck parked on a gravel road, its flatbed occupied by a large rhinoceros. The animal's rough, gray skin contrasts sharply with the vehicle's smooth, metallic paint. Nearby, a few scattered acacia trees provide a sparse canopy in the otherwise open savannah landscape.",,4,3,entity,whole,entity - whole (skin),Is there skin? +partiprompts224,"a bright blue pickup truck parked on a gravel road, its flatbed occupied by a large rhinoceros. The animal's rough, gray skin contrasts sharply with the vehicle's smooth, metallic paint. Nearby, a few scattered acacia trees provide a sparse canopy in the otherwise open savannah landscape.",,5,3,entity,whole,entity - whole (paint),Is there paint? +partiprompts224,"a bright blue pickup truck parked on a gravel road, its flatbed occupied by a large rhinoceros. The animal's rough, gray skin contrasts sharply with the vehicle's smooth, metallic paint. Nearby, a few scattered acacia trees provide a sparse canopy in the otherwise open savannah landscape.",,6,0,entity,whole,entity - whole (acacia trees),Are there acacia trees? +partiprompts224,"a bright blue pickup truck parked on a gravel road, its flatbed occupied by a large rhinoceros. The animal's rough, gray skin contrasts sharply with the vehicle's smooth, metallic paint. Nearby, a few scattered acacia trees provide a sparse canopy in the otherwise open savannah landscape.",,7,1,attribute,color,"attribute - color (pickup truck, bright blue)",Is the pickup truck bright blue? +partiprompts224,"a bright blue pickup truck parked on a gravel road, its flatbed occupied by a large rhinoceros. The animal's rough, gray skin contrasts sharply with the vehicle's smooth, metallic paint. Nearby, a few scattered acacia trees provide a sparse canopy in the otherwise open savannah landscape.",,8,3,attribute,texture,"attribute - texture (skin, rough)",Is the skin rough? +partiprompts224,"a bright blue pickup truck parked on a gravel road, its flatbed occupied by a large rhinoceros. The animal's rough, gray skin contrasts sharply with the vehicle's smooth, metallic paint. Nearby, a few scattered acacia trees provide a sparse canopy in the otherwise open savannah landscape.",,9,5,attribute,texture,"attribute - texture (paint, smooth)",Is the paint smooth? +partiprompts224,"a bright blue pickup truck parked on a gravel road, its flatbed occupied by a large rhinoceros. The animal's rough, gray skin contrasts sharply with the vehicle's smooth, metallic paint. Nearby, a few scattered acacia trees provide a sparse canopy in the otherwise open savannah landscape.",,10,4,attribute,color,"attribute - color (skin, gray)",Is the skin gray? +partiprompts224,"a bright blue pickup truck parked on a gravel road, its flatbed occupied by a large rhinoceros. The animal's rough, gray skin contrasts sharply with the vehicle's smooth, metallic paint. Nearby, a few scattered acacia trees provide a sparse canopy in the otherwise open savannah landscape.",,11,5,attribute,color,"attribute - color (paint, metallic)",Is the paint metallic? +partiprompts224,"a bright blue pickup truck parked on a gravel road, its flatbed occupied by a large rhinoceros. The animal's rough, gray skin contrasts sharply with the vehicle's smooth, metallic paint. Nearby, a few scattered acacia trees provide a sparse canopy in the otherwise open savannah landscape.",,12,"1,2",relation,spatial,"relation - spatial (pickup truck, gravel road, on)",Is the pickup truck on the gravel road? +partiprompts224,"a bright blue pickup truck parked on a gravel road, its flatbed occupied by a large rhinoceros. The animal's rough, gray skin contrasts sharply with the vehicle's smooth, metallic paint. Nearby, a few scattered acacia trees provide a sparse canopy in the otherwise open savannah landscape.",,13,"1,3",relation,spatial,"relation - spatial (rhinoceros, flatbed, occupy)",Is the rhinoceros occupying the flatbed? +partiprompts224,"a bright blue pickup truck parked on a gravel road, its flatbed occupied by a large rhinoceros. The animal's rough, gray skin contrasts sharply with the vehicle's smooth, metallic paint. Nearby, a few scattered acacia trees provide a sparse canopy in the otherwise open savannah landscape.",,14,6,relation,spatial,"relation - spatial (acacia trees, savannah landscape, nearby)",Are the acacia trees nearby the savannah landscape? +partiprompts224,"a bright blue pickup truck parked on a gravel road, its flatbed occupied by a large rhinoceros. The animal's rough, gray skin contrasts sharply with the vehicle's smooth, metallic paint. Nearby, a few scattered acacia trees provide a sparse canopy in the otherwise open savannah landscape.",,15,6,relation,spatial,"relation - spatial (acacia trees, sparse canopy)",Do the acacia trees provide a sparse canopy in the landscape? +partiprompts92,"A detailed photograph captures the intricate features of a pharaoh statue adorned with unconventional accessories. The statue is wearing steampunk glasses that have intricate bronze gears and round, reflective lenses. It is also dressed in a stark white t-shirt that contrasts with a dark, textured leather jacket draped over its shoulders. The image is taken with a high-quality DSLR camera, ensuring that the textures and colors of the statue and its attire are vivid and sharp. The background is a simple, unobtrusive blur, drawing all attention to the anachronistic ensemble of the pharaoh.",,1,0,entity,whole,entity - whole (photograph),Is there a photograph? +partiprompts92,"A detailed photograph captures the intricate features of a pharaoh statue adorned with unconventional accessories. The statue is wearing steampunk glasses that have intricate bronze gears and round, reflective lenses. It is also dressed in a stark white t-shirt that contrasts with a dark, textured leather jacket draped over its shoulders. The image is taken with a high-quality DSLR camera, ensuring that the textures and colors of the statue and its attire are vivid and sharp. The background is a simple, unobtrusive blur, drawing all attention to the anachronistic ensemble of the pharaoh.",,2,1,entity,whole,entity - whole (pharaoh statue),Is there a pharaoh statue? +partiprompts92,"A detailed photograph captures the intricate features of a pharaoh statue adorned with unconventional accessories. The statue is wearing steampunk glasses that have intricate bronze gears and round, reflective lenses. It is also dressed in a stark white t-shirt that contrasts with a dark, textured leather jacket draped over its shoulders. The image is taken with a high-quality DSLR camera, ensuring that the textures and colors of the statue and its attire are vivid and sharp. The background is a simple, unobtrusive blur, drawing all attention to the anachronistic ensemble of the pharaoh.",,3,2,entity,whole,entity - whole (accessories),Are there accessories? +partiprompts92,"A detailed photograph captures the intricate features of a pharaoh statue adorned with unconventional accessories. The statue is wearing steampunk glasses that have intricate bronze gears and round, reflective lenses. It is also dressed in a stark white t-shirt that contrasts with a dark, textured leather jacket draped over its shoulders. The image is taken with a high-quality DSLR camera, ensuring that the textures and colors of the statue and its attire are vivid and sharp. The background is a simple, unobtrusive blur, drawing all attention to the anachronistic ensemble of the pharaoh.",,4,3,entity,part,"entity - part (accessories, steampunk glasses)",Are there steampunk glasses? +partiprompts92,"A detailed photograph captures the intricate features of a pharaoh statue adorned with unconventional accessories. The statue is wearing steampunk glasses that have intricate bronze gears and round, reflective lenses. It is also dressed in a stark white t-shirt that contrasts with a dark, textured leather jacket draped over its shoulders. The image is taken with a high-quality DSLR camera, ensuring that the textures and colors of the statue and its attire are vivid and sharp. The background is a simple, unobtrusive blur, drawing all attention to the anachronistic ensemble of the pharaoh.",,5,4,entity,part,"entity - part (steampunk glasses, bronze gears)",Do the steampunk glasses have bronze gears? +partiprompts92,"A detailed photograph captures the intricate features of a pharaoh statue adorned with unconventional accessories. The statue is wearing steampunk glasses that have intricate bronze gears and round, reflective lenses. It is also dressed in a stark white t-shirt that contrasts with a dark, textured leather jacket draped over its shoulders. The image is taken with a high-quality DSLR camera, ensuring that the textures and colors of the statue and its attire are vivid and sharp. The background is a simple, unobtrusive blur, drawing all attention to the anachronistic ensemble of the pharaoh.",,6,4,entity,part,"entity - part (steampunk glasses, round lenses)",Do the steampunk glasses have round lenses? +partiprompts92,"A detailed photograph captures the intricate features of a pharaoh statue adorned with unconventional accessories. The statue is wearing steampunk glasses that have intricate bronze gears and round, reflective lenses. It is also dressed in a stark white t-shirt that contrasts with a dark, textured leather jacket draped over its shoulders. The image is taken with a high-quality DSLR camera, ensuring that the textures and colors of the statue and its attire are vivid and sharp. The background is a simple, unobtrusive blur, drawing all attention to the anachronistic ensemble of the pharaoh.",,7,5,entity,part,"entity - part (pharaoh statue, t-shirt)",Is the pharaoh statue wearing a t-shirt? +partiprompts92,"A detailed photograph captures the intricate features of a pharaoh statue adorned with unconventional accessories. The statue is wearing steampunk glasses that have intricate bronze gears and round, reflective lenses. It is also dressed in a stark white t-shirt that contrasts with a dark, textured leather jacket draped over its shoulders. The image is taken with a high-quality DSLR camera, ensuring that the textures and colors of the statue and its attire are vivid and sharp. The background is a simple, unobtrusive blur, drawing all attention to the anachronistic ensemble of the pharaoh.",,8,6,entity,part,"entity - part (pharaoh statue, leather jacket)",Is the pharaoh statue wearing a leather jacket? +partiprompts92,"A detailed photograph captures the intricate features of a pharaoh statue adorned with unconventional accessories. The statue is wearing steampunk glasses that have intricate bronze gears and round, reflective lenses. It is also dressed in a stark white t-shirt that contrasts with a dark, textured leather jacket draped over its shoulders. The image is taken with a high-quality DSLR camera, ensuring that the textures and colors of the statue and its attire are vivid and sharp. The background is a simple, unobtrusive blur, drawing all attention to the anachronistic ensemble of the pharaoh.",,9,8,attribute,texture,"attribute - texture (leather jacket, textured)",Is the leather jacket textured? +partiprompts92,"A detailed photograph captures the intricate features of a pharaoh statue adorned with unconventional accessories. The statue is wearing steampunk glasses that have intricate bronze gears and round, reflective lenses. It is also dressed in a stark white t-shirt that contrasts with a dark, textured leather jacket draped over its shoulders. The image is taken with a high-quality DSLR camera, ensuring that the textures and colors of the statue and its attire are vivid and sharp. The background is a simple, unobtrusive blur, drawing all attention to the anachronistic ensemble of the pharaoh.",,10,7,attribute,color,"attribute - color (t-shirt, white)",Is the t-shirt white? +partiprompts92,"A detailed photograph captures the intricate features of a pharaoh statue adorned with unconventional accessories. The statue is wearing steampunk glasses that have intricate bronze gears and round, reflective lenses. It is also dressed in a stark white t-shirt that contrasts with a dark, textured leather jacket draped over its shoulders. The image is taken with a high-quality DSLR camera, ensuring that the textures and colors of the statue and its attire are vivid and sharp. The background is a simple, unobtrusive blur, drawing all attention to the anachronistic ensemble of the pharaoh.",,11,7,attribute,color,"attribute - color (leather jacket, dark)",Is the leather jacket dark? +partiprompts92,"A detailed photograph captures the intricate features of a pharaoh statue adorned with unconventional accessories. The statue is wearing steampunk glasses that have intricate bronze gears and round, reflective lenses. It is also dressed in a stark white t-shirt that contrasts with a dark, textured leather jacket draped over its shoulders. The image is taken with a high-quality DSLR camera, ensuring that the textures and colors of the statue and its attire are vivid and sharp. The background is a simple, unobtrusive blur, drawing all attention to the anachronistic ensemble of the pharaoh.",,12,5,attribute,color,"attribute - color (glasses, bronze)",Are the glasses bronze? +partiprompts92,"A detailed photograph captures the intricate features of a pharaoh statue adorned with unconventional accessories. The statue is wearing steampunk glasses that have intricate bronze gears and round, reflective lenses. It is also dressed in a stark white t-shirt that contrasts with a dark, textured leather jacket draped over its shoulders. The image is taken with a high-quality DSLR camera, ensuring that the textures and colors of the statue and its attire are vivid and sharp. The background is a simple, unobtrusive blur, drawing all attention to the anachronistic ensemble of the pharaoh.",,13,6,attribute,shape,"attribute - shape (lenses, round)",Are the lenses round? +partiprompts92,"A detailed photograph captures the intricate features of a pharaoh statue adorned with unconventional accessories. The statue is wearing steampunk glasses that have intricate bronze gears and round, reflective lenses. It is also dressed in a stark white t-shirt that contrasts with a dark, textured leather jacket draped over its shoulders. The image is taken with a high-quality DSLR camera, ensuring that the textures and colors of the statue and its attire are vivid and sharp. The background is a simple, unobtrusive blur, drawing all attention to the anachronistic ensemble of the pharaoh.",,14,1,global,,global - (detailed),Is the photograph detailed? +partiprompts92,"A detailed photograph captures the intricate features of a pharaoh statue adorned with unconventional accessories. The statue is wearing steampunk glasses that have intricate bronze gears and round, reflective lenses. It is also dressed in a stark white t-shirt that contrasts with a dark, textured leather jacket draped over its shoulders. The image is taken with a high-quality DSLR camera, ensuring that the textures and colors of the statue and its attire are vivid and sharp. The background is a simple, unobtrusive blur, drawing all attention to the anachronistic ensemble of the pharaoh.",,15,1,global,,global - (intricate),Are the features of the pharaoh statue intricate? +partiprompts92,"A detailed photograph captures the intricate features of a pharaoh statue adorned with unconventional accessories. The statue is wearing steampunk glasses that have intricate bronze gears and round, reflective lenses. It is also dressed in a stark white t-shirt that contrasts with a dark, textured leather jacket draped over its shoulders. The image is taken with a high-quality DSLR camera, ensuring that the textures and colors of the statue and its attire are vivid and sharp. The background is a simple, unobtrusive blur, drawing all attention to the anachronistic ensemble of the pharaoh.",,16,1,global,,global - (unconventional),Are the accessories unconventional? +partiprompts92,"A detailed photograph captures the intricate features of a pharaoh statue adorned with unconventional accessories. The statue is wearing steampunk glasses that have intricate bronze gears and round, reflective lenses. It is also dressed in a stark white t-shirt that contrasts with a dark, textured leather jacket draped over its shoulders. The image is taken with a high-quality DSLR camera, ensuring that the textures and colors of the statue and its attire are vivid and sharp. The background is a simple, unobtrusive blur, drawing all attention to the anachronistic ensemble of the pharaoh.",,17,7,global,,global - (stark),Is the t-shirt stark? +partiprompts92,"A detailed photograph captures the intricate features of a pharaoh statue adorned with unconventional accessories. The statue is wearing steampunk glasses that have intricate bronze gears and round, reflective lenses. It is also dressed in a stark white t-shirt that contrasts with a dark, textured leather jacket draped over its shoulders. The image is taken with a high-quality DSLR camera, ensuring that the textures and colors of the statue and its attire are vivid and sharp. The background is a simple, unobtrusive blur, drawing all attention to the anachronistic ensemble of the pharaoh.",,18,1,global,,global - (vivid),Are the colors vivid? +partiprompts92,"A detailed photograph captures the intricate features of a pharaoh statue adorned with unconventional accessories. The statue is wearing steampunk glasses that have intricate bronze gears and round, reflective lenses. It is also dressed in a stark white t-shirt that contrasts with a dark, textured leather jacket draped over its shoulders. The image is taken with a high-quality DSLR camera, ensuring that the textures and colors of the statue and its attire are vivid and sharp. The background is a simple, unobtrusive blur, drawing all attention to the anachronistic ensemble of the pharaoh.",,19,1,global,,global - (sharp),Are the colors sharp? +partiprompts92,"A detailed photograph captures the intricate features of a pharaoh statue adorned with unconventional accessories. The statue is wearing steampunk glasses that have intricate bronze gears and round, reflective lenses. It is also dressed in a stark white t-shirt that contrasts with a dark, textured leather jacket draped over its shoulders. The image is taken with a high-quality DSLR camera, ensuring that the textures and colors of the statue and its attire are vivid and sharp. The background is a simple, unobtrusive blur, drawing all attention to the anachronistic ensemble of the pharaoh.",,20,1,global,,global - (high-quality),Is the photograph high-quality? +partiprompts92,"A detailed photograph captures the intricate features of a pharaoh statue adorned with unconventional accessories. The statue is wearing steampunk glasses that have intricate bronze gears and round, reflective lenses. It is also dressed in a stark white t-shirt that contrasts with a dark, textured leather jacket draped over its shoulders. The image is taken with a high-quality DSLR camera, ensuring that the textures and colors of the statue and its attire are vivid and sharp. The background is a simple, unobtrusive blur, drawing all attention to the anachronistic ensemble of the pharaoh.",,21,1,global,,global - (DSLR camera),Is a DSLR camera used? +partiprompts92,"A detailed photograph captures the intricate features of a pharaoh statue adorned with unconventional accessories. The statue is wearing steampunk glasses that have intricate bronze gears and round, reflective lenses. It is also dressed in a stark white t-shirt that contrasts with a dark, textured leather jacket draped over its shoulders. The image is taken with a high-quality DSLR camera, ensuring that the textures and colors of the statue and its attire are vivid and sharp. The background is a simple, unobtrusive blur, drawing all attention to the anachronistic ensemble of the pharaoh.",,22,1,global,,global - (simple),Is the background simple? +partiprompts92,"A detailed photograph captures the intricate features of a pharaoh statue adorned with unconventional accessories. The statue is wearing steampunk glasses that have intricate bronze gears and round, reflective lenses. It is also dressed in a stark white t-shirt that contrasts with a dark, textured leather jacket draped over its shoulders. The image is taken with a high-quality DSLR camera, ensuring that the textures and colors of the statue and its attire are vivid and sharp. The background is a simple, unobtrusive blur, drawing all attention to the anachronistic ensemble of the pharaoh.",,23,1,global,,global - (unobtrusive),Is the background unobtrusive? +partiprompts92,"A detailed photograph captures the intricate features of a pharaoh statue adorned with unconventional accessories. The statue is wearing steampunk glasses that have intricate bronze gears and round, reflective lenses. It is also dressed in a stark white t-shirt that contrasts with a dark, textured leather jacket draped over its shoulders. The image is taken with a high-quality DSLR camera, ensuring that the textures and colors of the statue and its attire are vivid and sharp. The background is a simple, unobtrusive blur, drawing all attention to the anachronistic ensemble of the pharaoh.",,24,2,relation,spatial,"relation - spatial (pharaoh statue, background, in)",Is the pharaoh statue in the background? +partiprompts92,"A detailed photograph captures the intricate features of a pharaoh statue adorned with unconventional accessories. The statue is wearing steampunk glasses that have intricate bronze gears and round, reflective lenses. It is also dressed in a stark white t-shirt that contrasts with a dark, textured leather jacket draped over its shoulders. The image is taken with a high-quality DSLR camera, ensuring that the textures and colors of the statue and its attire are vivid and sharp. The background is a simple, unobtrusive blur, drawing all attention to the anachronistic ensemble of the pharaoh.",,25,2,relation,spatial,"relation - spatial (accessories, pharaoh statue, adorned with)",Are the accessories adorned with the pharaoh statue? +partiprompts92,"A detailed photograph captures the intricate features of a pharaoh statue adorned with unconventional accessories. The statue is wearing steampunk glasses that have intricate bronze gears and round, reflective lenses. It is also dressed in a stark white t-shirt that contrasts with a dark, textured leather jacket draped over its shoulders. The image is taken with a high-quality DSLR camera, ensuring that the textures and colors of the statue and its attire are vivid and sharp. The background is a simple, unobtrusive blur, drawing all attention to the anachronistic ensemble of the pharaoh.",,26,4,relation,spatial,"relation - spatial (glasses, pharaoh statue, wearing)",Is the pharaoh statue wearing glasses? +partiprompts92,"A detailed photograph captures the intricate features of a pharaoh statue adorned with unconventional accessories. The statue is wearing steampunk glasses that have intricate bronze gears and round, reflective lenses. It is also dressed in a stark white t-shirt that contrasts with a dark, textured leather jacket draped over its shoulders. The image is taken with a high-quality DSLR camera, ensuring that the textures and colors of the statue and its attire are vivid and sharp. The background is a simple, unobtrusive blur, drawing all attention to the anachronistic ensemble of the pharaoh.",,27,7,relation,spatial,"relation - spatial (t-shirt, pharaoh statue, dressed in)",Is the pharaoh statue dressed in a t-shirt? +partiprompts92,"A detailed photograph captures the intricate features of a pharaoh statue adorned with unconventional accessories. The statue is wearing steampunk glasses that have intricate bronze gears and round, reflective lenses. It is also dressed in a stark white t-shirt that contrasts with a dark, textured leather jacket draped over its shoulders. The image is taken with a high-quality DSLR camera, ensuring that the textures and colors of the statue and its attire are vivid and sharp. The background is a simple, unobtrusive blur, drawing all attention to the anachronistic ensemble of the pharaoh.",,28,8,relation,spatial,"relation - spatial (leather jacket, pharaoh statue, draped over)",Is the leather jacket draped over the pharaoh statue? +partiprompts56,"a piece of golden-brown toast resting on a white ceramic plate, topped with bright green, creamy slices of avocado arranged neatly. next to the plate, there's a silver knife with some avocado residue on the blade, and a sprinkle of red pepper flakes over the avocado slices adds a pop of color.",,1,0,entity,whole,entity - whole (toast),Is there a piece of toast? +partiprompts56,"a piece of golden-brown toast resting on a white ceramic plate, topped with bright green, creamy slices of avocado arranged neatly. next to the plate, there's a silver knife with some avocado residue on the blade, and a sprinkle of red pepper flakes over the avocado slices adds a pop of color.",,2,0,entity,whole,entity - whole (plate),Is there a plate? +partiprompts56,"a piece of golden-brown toast resting on a white ceramic plate, topped with bright green, creamy slices of avocado arranged neatly. next to the plate, there's a silver knife with some avocado residue on the blade, and a sprinkle of red pepper flakes over the avocado slices adds a pop of color.",,3,0,entity,whole,entity - whole (avocado slices),Are there avocado slices? +partiprompts56,"a piece of golden-brown toast resting on a white ceramic plate, topped with bright green, creamy slices of avocado arranged neatly. next to the plate, there's a silver knife with some avocado residue on the blade, and a sprinkle of red pepper flakes over the avocado slices adds a pop of color.",,4,0,entity,whole,entity - whole (knife),Is there a knife? +partiprompts56,"a piece of golden-brown toast resting on a white ceramic plate, topped with bright green, creamy slices of avocado arranged neatly. next to the plate, there's a silver knife with some avocado residue on the blade, and a sprinkle of red pepper flakes over the avocado slices adds a pop of color.",,5,1,attribute,color,"attribute - color (toast, golden-brown)",Is the toast golden-brown? +partiprompts56,"a piece of golden-brown toast resting on a white ceramic plate, topped with bright green, creamy slices of avocado arranged neatly. next to the plate, there's a silver knife with some avocado residue on the blade, and a sprinkle of red pepper flakes over the avocado slices adds a pop of color.",,6,2,attribute,color,"attribute - color (plate, white)",Is the plate white? +partiprompts56,"a piece of golden-brown toast resting on a white ceramic plate, topped with bright green, creamy slices of avocado arranged neatly. next to the plate, there's a silver knife with some avocado residue on the blade, and a sprinkle of red pepper flakes over the avocado slices adds a pop of color.",,7,3,attribute,color,"attribute - color (avocado slices, bright green)",Are the avocado slices bright green? +partiprompts56,"a piece of golden-brown toast resting on a white ceramic plate, topped with bright green, creamy slices of avocado arranged neatly. next to the plate, there's a silver knife with some avocado residue on the blade, and a sprinkle of red pepper flakes over the avocado slices adds a pop of color.",,8,4,attribute,color,"attribute - color (knife, silver)",Is the knife silver? +partiprompts56,"a piece of golden-brown toast resting on a white ceramic plate, topped with bright green, creamy slices of avocado arranged neatly. next to the plate, there's a silver knife with some avocado residue on the blade, and a sprinkle of red pepper flakes over the avocado slices adds a pop of color.",,9,4,attribute,color,"attribute - color (avocado residue, green)",Is there avocado residue on the knife? +partiprompts56,"a piece of golden-brown toast resting on a white ceramic plate, topped with bright green, creamy slices of avocado arranged neatly. next to the plate, there's a silver knife with some avocado residue on the blade, and a sprinkle of red pepper flakes over the avocado slices adds a pop of color.",,10,4,attribute,color,"attribute - color (red pepper flakes, red)",Are there red pepper flakes adding a pop of color? +partiprompts56,"a piece of golden-brown toast resting on a white ceramic plate, topped with bright green, creamy slices of avocado arranged neatly. next to the plate, there's a silver knife with some avocado residue on the blade, and a sprinkle of red pepper flakes over the avocado slices adds a pop of color.",,11,3,attribute,texture,"attribute - texture (avocado slices, creamy)",Are the avocado slices creamy? +partiprompts56,"a piece of golden-brown toast resting on a white ceramic plate, topped with bright green, creamy slices of avocado arranged neatly. next to the plate, there's a silver knife with some avocado residue on the blade, and a sprinkle of red pepper flakes over the avocado slices adds a pop of color.",,12,4,attribute,texture,"attribute - texture (knife, residue)",Is there residue on the knife? +partiprompts56,"a piece of golden-brown toast resting on a white ceramic plate, topped with bright green, creamy slices of avocado arranged neatly. next to the plate, there's a silver knife with some avocado residue on the blade, and a sprinkle of red pepper flakes over the avocado slices adds a pop of color.",,13,"1,2",relation,spatial,"relation - spatial (toast, plate, on)",Is the toast on the plate? +partiprompts56,"a piece of golden-brown toast resting on a white ceramic plate, topped with bright green, creamy slices of avocado arranged neatly. next to the plate, there's a silver knife with some avocado residue on the blade, and a sprinkle of red pepper flakes over the avocado slices adds a pop of color.",,14,"3,2",relation,spatial,"relation - spatial (avocado slices, plate, on)",Are the avocado slices on the plate? +partiprompts56,"a piece of golden-brown toast resting on a white ceramic plate, topped with bright green, creamy slices of avocado arranged neatly. next to the plate, there's a silver knife with some avocado residue on the blade, and a sprinkle of red pepper flakes over the avocado slices adds a pop of color.",,15,"4,2",relation,spatial,"relation - spatial (knife, plate, next to)",Is the knife next to the plate? +partiprompts56,"a piece of golden-brown toast resting on a white ceramic plate, topped with bright green, creamy slices of avocado arranged neatly. next to the plate, there's a silver knife with some avocado residue on the blade, and a sprinkle of red pepper flakes over the avocado slices adds a pop of color.",,16,"3,7",relation,spatial,"relation - spatial (red pepper flakes, avocado slices, sprinkle over)",Are the red pepper flakes sprinkled over the avocado slices? +partiprompts196,"a standard-sized basketball hoop with a net that has seen better days, mounted against a faded red brick wall. wedged firmly within the hoop is an oversized blue rubber ball, too large to pass through the net. the ground below is a cracked concrete surface, with faded court lines barely visible.",,1,0,entity,whole,entity - whole (basketball hoop),Is there a basketball hoop? +partiprompts196,"a standard-sized basketball hoop with a net that has seen better days, mounted against a faded red brick wall. wedged firmly within the hoop is an oversized blue rubber ball, too large to pass through the net. the ground below is a cracked concrete surface, with faded court lines barely visible.",,2,1,entity,whole,entity - whole (net),Is there a net? +partiprompts196,"a standard-sized basketball hoop with a net that has seen better days, mounted against a faded red brick wall. wedged firmly within the hoop is an oversized blue rubber ball, too large to pass through the net. the ground below is a cracked concrete surface, with faded court lines barely visible.",,3,0,entity,whole,entity - whole (wall),Is there a wall? +partiprompts196,"a standard-sized basketball hoop with a net that has seen better days, mounted against a faded red brick wall. wedged firmly within the hoop is an oversized blue rubber ball, too large to pass through the net. the ground below is a cracked concrete surface, with faded court lines barely visible.",,4,0,entity,whole,entity - whole (ball),Is there a ball? +partiprompts196,"a standard-sized basketball hoop with a net that has seen better days, mounted against a faded red brick wall. wedged firmly within the hoop is an oversized blue rubber ball, too large to pass through the net. the ground below is a cracked concrete surface, with faded court lines barely visible.",,5,0,entity,whole,entity - whole (ground),Is there ground? +partiprompts196,"a standard-sized basketball hoop with a net that has seen better days, mounted against a faded red brick wall. wedged firmly within the hoop is an oversized blue rubber ball, too large to pass through the net. the ground below is a cracked concrete surface, with faded court lines barely visible.",,6,1,attribute,size,"attribute - size (hoop, standard-sized)",Is the basketball hoop standard-sized? +partiprompts196,"a standard-sized basketball hoop with a net that has seen better days, mounted against a faded red brick wall. wedged firmly within the hoop is an oversized blue rubber ball, too large to pass through the net. the ground below is a cracked concrete surface, with faded court lines barely visible.",,7,2,attribute,texture,"attribute - texture (net, worn)",Is the net worn? +partiprompts196,"a standard-sized basketball hoop with a net that has seen better days, mounted against a faded red brick wall. wedged firmly within the hoop is an oversized blue rubber ball, too large to pass through the net. the ground below is a cracked concrete surface, with faded court lines barely visible.",,8,3,attribute,color,"attribute - color (wall, faded red)",Is the wall faded red? +partiprompts196,"a standard-sized basketball hoop with a net that has seen better days, mounted against a faded red brick wall. wedged firmly within the hoop is an oversized blue rubber ball, too large to pass through the net. the ground below is a cracked concrete surface, with faded court lines barely visible.",,9,4,attribute,color,"attribute - color (ball, oversized blue)",Is the ball oversized blue? +partiprompts196,"a standard-sized basketball hoop with a net that has seen better days, mounted against a faded red brick wall. wedged firmly within the hoop is an oversized blue rubber ball, too large to pass through the net. the ground below is a cracked concrete surface, with faded court lines barely visible.",,10,4,attribute,size,"attribute - size (ball, oversized)",Is the ball oversized? +partiprompts196,"a standard-sized basketball hoop with a net that has seen better days, mounted against a faded red brick wall. wedged firmly within the hoop is an oversized blue rubber ball, too large to pass through the net. the ground below is a cracked concrete surface, with faded court lines barely visible.",,11,5,attribute,texture,"attribute - texture (ground, cracked concrete)",Is the ground cracked concrete? +partiprompts196,"a standard-sized basketball hoop with a net that has seen better days, mounted against a faded red brick wall. wedged firmly within the hoop is an oversized blue rubber ball, too large to pass through the net. the ground below is a cracked concrete surface, with faded court lines barely visible.",,12,5,attribute,texture,"attribute - texture (court lines, faded)",Are the court lines faded? +partiprompts196,"a standard-sized basketball hoop with a net that has seen better days, mounted against a faded red brick wall. wedged firmly within the hoop is an oversized blue rubber ball, too large to pass through the net. the ground below is a cracked concrete surface, with faded court lines barely visible.",,13,"1,3",relation,spatial,"relation - spatial (net, hoop, mounted against)",Is the net mounted against the hoop? +partiprompts196,"a standard-sized basketball hoop with a net that has seen better days, mounted against a faded red brick wall. wedged firmly within the hoop is an oversized blue rubber ball, too large to pass through the net. the ground below is a cracked concrete surface, with faded court lines barely visible.",,14,"4,1",relation,spatial,"relation - spatial (ball, hoop, wedged within)",Is the ball wedged within the hoop? +partiprompts196,"a standard-sized basketball hoop with a net that has seen better days, mounted against a faded red brick wall. wedged firmly within the hoop is an oversized blue rubber ball, too large to pass through the net. the ground below is a cracked concrete surface, with faded court lines barely visible.",,15,"4,2",relation,spatial,"relation - spatial (ball, net, too large to pass through)",Is the ball too large to pass through the net? +partiprompts196,"a standard-sized basketball hoop with a net that has seen better days, mounted against a faded red brick wall. wedged firmly within the hoop is an oversized blue rubber ball, too large to pass through the net. the ground below is a cracked concrete surface, with faded court lines barely visible.",,16,"5,1",relation,spatial,"relation - spatial (ground, hoop, below)",Is the hoop below the ground? +partiprompts196,"a standard-sized basketball hoop with a net that has seen better days, mounted against a faded red brick wall. wedged firmly within the hoop is an oversized blue rubber ball, too large to pass through the net. the ground below is a cracked concrete surface, with faded court lines barely visible.",,17,"5,12",relation,spatial,"relation - spatial (ground, court lines, barely visible)",Are the court lines barely visible on the ground? +partiprompts240,"a gathering of several cats with various coat patterns sitting attentively around a small table. A whiteboard stands in the background with the phrase ""stack more layers"" scrawled across it in bold, black marker. The room is filled with miniature chairs and a tiny coffee mug placed at the center of the table, suggesting an organized feline meeting.",,1,0,entity,whole,entity - whole (cats),Are there cats? +partiprompts240,"a gathering of several cats with various coat patterns sitting attentively around a small table. A whiteboard stands in the background with the phrase ""stack more layers"" scrawled across it in bold, black marker. The room is filled with miniature chairs and a tiny coffee mug placed at the center of the table, suggesting an organized feline meeting.",,2,1,other,count,"other - count (cats, ==several)",Are there several cats? +partiprompts240,"a gathering of several cats with various coat patterns sitting attentively around a small table. A whiteboard stands in the background with the phrase ""stack more layers"" scrawled across it in bold, black marker. The room is filled with miniature chairs and a tiny coffee mug placed at the center of the table, suggesting an organized feline meeting.",,3,2,attribute,other,"attribute - other (cats, various coat patterns)",Do the cats have various coat patterns? +partiprompts240,"a gathering of several cats with various coat patterns sitting attentively around a small table. A whiteboard stands in the background with the phrase ""stack more layers"" scrawled across it in bold, black marker. The room is filled with miniature chairs and a tiny coffee mug placed at the center of the table, suggesting an organized feline meeting.",,4,1,entity,whole,entity - whole (table),Is there a table? +partiprompts240,"a gathering of several cats with various coat patterns sitting attentively around a small table. A whiteboard stands in the background with the phrase ""stack more layers"" scrawled across it in bold, black marker. The room is filled with miniature chairs and a tiny coffee mug placed at the center of the table, suggesting an organized feline meeting.",,5,1,entity,whole,entity - whole (whiteboard),Is there a whiteboard? +partiprompts240,"a gathering of several cats with various coat patterns sitting attentively around a small table. A whiteboard stands in the background with the phrase ""stack more layers"" scrawled across it in bold, black marker. The room is filled with miniature chairs and a tiny coffee mug placed at the center of the table, suggesting an organized feline meeting.",,6,5,other,text,"other - text (whiteboard, ""stack more layers"")","Does the whiteboard say ""stack more layers""?" +partiprompts240,"a gathering of several cats with various coat patterns sitting attentively around a small table. A whiteboard stands in the background with the phrase ""stack more layers"" scrawled across it in bold, black marker. The room is filled with miniature chairs and a tiny coffee mug placed at the center of the table, suggesting an organized feline meeting.",,7,5,attribute,color,"attribute - color (whiteboard, black)",Is the whiteboard black? +partiprompts240,"a gathering of several cats with various coat patterns sitting attentively around a small table. A whiteboard stands in the background with the phrase ""stack more layers"" scrawled across it in bold, black marker. The room is filled with miniature chairs and a tiny coffee mug placed at the center of the table, suggesting an organized feline meeting.",,8,5,attribute,texture,"attribute - texture (whiteboard, bold)",Is the whiteboard bold? +partiprompts240,"a gathering of several cats with various coat patterns sitting attentively around a small table. A whiteboard stands in the background with the phrase ""stack more layers"" scrawled across it in bold, black marker. The room is filled with miniature chairs and a tiny coffee mug placed at the center of the table, suggesting an organized feline meeting.",,9,1,entity,whole,entity - whole (room),Is there a room? +partiprompts240,"a gathering of several cats with various coat patterns sitting attentively around a small table. A whiteboard stands in the background with the phrase ""stack more layers"" scrawled across it in bold, black marker. The room is filled with miniature chairs and a tiny coffee mug placed at the center of the table, suggesting an organized feline meeting.",,10,9,entity,whole,entity - whole (chairs),Are there chairs? +partiprompts240,"a gathering of several cats with various coat patterns sitting attentively around a small table. A whiteboard stands in the background with the phrase ""stack more layers"" scrawled across it in bold, black marker. The room is filled with miniature chairs and a tiny coffee mug placed at the center of the table, suggesting an organized feline meeting.",,11,1,entity,whole,entity - whole (coffee mug),Is there a coffee mug? +partiprompts240,"a gathering of several cats with various coat patterns sitting attentively around a small table. A whiteboard stands in the background with the phrase ""stack more layers"" scrawled across it in bold, black marker. The room is filled with miniature chairs and a tiny coffee mug placed at the center of the table, suggesting an organized feline meeting.",,12,11,attribute,size,"attribute - size (coffee mug, tiny)",Is the coffee mug tiny? +partiprompts240,"a gathering of several cats with various coat patterns sitting attentively around a small table. A whiteboard stands in the background with the phrase ""stack more layers"" scrawled across it in bold, black marker. The room is filled with miniature chairs and a tiny coffee mug placed at the center of the table, suggesting an organized feline meeting.",,13,"1,4",relation,spatial,"relation - spatial (cats, table, around)",Are the cats sitting around the table? +partiprompts240,"a gathering of several cats with various coat patterns sitting attentively around a small table. A whiteboard stands in the background with the phrase ""stack more layers"" scrawled across it in bold, black marker. The room is filled with miniature chairs and a tiny coffee mug placed at the center of the table, suggesting an organized feline meeting.",,14,"5,9",relation,spatial,"relation - spatial (whiteboard, room, in)",Is the whiteboard in the room? +partiprompts240,"a gathering of several cats with various coat patterns sitting attentively around a small table. A whiteboard stands in the background with the phrase ""stack more layers"" scrawled across it in bold, black marker. The room is filled with miniature chairs and a tiny coffee mug placed at the center of the table, suggesting an organized feline meeting.",,15,"10,4",relation,spatial,"relation - spatial (chairs, table, around)",Are the chairs around the table? +partiprompts240,"a gathering of several cats with various coat patterns sitting attentively around a small table. A whiteboard stands in the background with the phrase ""stack more layers"" scrawled across it in bold, black marker. The room is filled with miniature chairs and a tiny coffee mug placed at the center of the table, suggesting an organized feline meeting.",,16,"4,11",relation,spatial,"relation - spatial (coffee mug, table, center)",Is the coffee mug placed at the center of the table? +partiprompts60,"A futuristic robot, sporting a sleek silver body and a black visor, stands with its chest puffed out, displaying the bold number 42 emblazoned in white. It towers confidently in front of a vibrant red F1 race car, which is parked on an asphalt track. In the background, the silhouette of a cityscape is visible against the orange and pink hues of a setting sun, all captured in a dramatic wide-angle perspective reminiscent of a dynamic comic book illustration.",,1,0,entity,whole,entity - whole (robot),Is there a futuristic robot? +partiprompts60,"A futuristic robot, sporting a sleek silver body and a black visor, stands with its chest puffed out, displaying the bold number 42 emblazoned in white. It towers confidently in front of a vibrant red F1 race car, which is parked on an asphalt track. In the background, the silhouette of a cityscape is visible against the orange and pink hues of a setting sun, all captured in a dramatic wide-angle perspective reminiscent of a dynamic comic book illustration.",,2,1,attribute,color,"attribute - color (robot, silver)",Is the robot silver? +partiprompts60,"A futuristic robot, sporting a sleek silver body and a black visor, stands with its chest puffed out, displaying the bold number 42 emblazoned in white. It towers confidently in front of a vibrant red F1 race car, which is parked on an asphalt track. In the background, the silhouette of a cityscape is visible against the orange and pink hues of a setting sun, all captured in a dramatic wide-angle perspective reminiscent of a dynamic comic book illustration.",,3,1,attribute,color,"attribute - color (robot's visor, black)",Is the robot's visor black? +partiprompts60,"A futuristic robot, sporting a sleek silver body and a black visor, stands with its chest puffed out, displaying the bold number 42 emblazoned in white. It towers confidently in front of a vibrant red F1 race car, which is parked on an asphalt track. In the background, the silhouette of a cityscape is visible against the orange and pink hues of a setting sun, all captured in a dramatic wide-angle perspective reminiscent of a dynamic comic book illustration.",,4,1,attribute,color,"attribute - color (number 42, white)",Is the number 42 white? +partiprompts60,"A futuristic robot, sporting a sleek silver body and a black visor, stands with its chest puffed out, displaying the bold number 42 emblazoned in white. It towers confidently in front of a vibrant red F1 race car, which is parked on an asphalt track. In the background, the silhouette of a cityscape is visible against the orange and pink hues of a setting sun, all captured in a dramatic wide-angle perspective reminiscent of a dynamic comic book illustration.",,5,1,attribute,color,"attribute - color (race car, red)",Is the race car red? +partiprompts60,"A futuristic robot, sporting a sleek silver body and a black visor, stands with its chest puffed out, displaying the bold number 42 emblazoned in white. It towers confidently in front of a vibrant red F1 race car, which is parked on an asphalt track. In the background, the silhouette of a cityscape is visible against the orange and pink hues of a setting sun, all captured in a dramatic wide-angle perspective reminiscent of a dynamic comic book illustration.",,6,1,attribute,color,"attribute - color (cityscape, black)",Is the cityscape black? +partiprompts60,"A futuristic robot, sporting a sleek silver body and a black visor, stands with its chest puffed out, displaying the bold number 42 emblazoned in white. It towers confidently in front of a vibrant red F1 race car, which is parked on an asphalt track. In the background, the silhouette of a cityscape is visible against the orange and pink hues of a setting sun, all captured in a dramatic wide-angle perspective reminiscent of a dynamic comic book illustration.",,7,1,attribute,color,"attribute - color (sunset, orange and pink)",Is the sunset orange and pink? +partiprompts60,"A futuristic robot, sporting a sleek silver body and a black visor, stands with its chest puffed out, displaying the bold number 42 emblazoned in white. It towers confidently in front of a vibrant red F1 race car, which is parked on an asphalt track. In the background, the silhouette of a cityscape is visible against the orange and pink hues of a setting sun, all captured in a dramatic wide-angle perspective reminiscent of a dynamic comic book illustration.",,8,1,attribute,texture,"attribute - texture (robot, sleek)",Is the robot sleek? +partiprompts60,"A futuristic robot, sporting a sleek silver body and a black visor, stands with its chest puffed out, displaying the bold number 42 emblazoned in white. It towers confidently in front of a vibrant red F1 race car, which is parked on an asphalt track. In the background, the silhouette of a cityscape is visible against the orange and pink hues of a setting sun, all captured in a dramatic wide-angle perspective reminiscent of a dynamic comic book illustration.",,9,1,attribute,texture,"attribute - texture (race car, vibrant)",Is the race car vibrant? +partiprompts60,"A futuristic robot, sporting a sleek silver body and a black visor, stands with its chest puffed out, displaying the bold number 42 emblazoned in white. It towers confidently in front of a vibrant red F1 race car, which is parked on an asphalt track. In the background, the silhouette of a cityscape is visible against the orange and pink hues of a setting sun, all captured in a dramatic wide-angle perspective reminiscent of a dynamic comic book illustration.",,10,1,attribute,texture,"attribute - texture (track, asphalt)",Is the track asphalt? +partiprompts60,"A futuristic robot, sporting a sleek silver body and a black visor, stands with its chest puffed out, displaying the bold number 42 emblazoned in white. It towers confidently in front of a vibrant red F1 race car, which is parked on an asphalt track. In the background, the silhouette of a cityscape is visible against the orange and pink hues of a setting sun, all captured in a dramatic wide-angle perspective reminiscent of a dynamic comic book illustration.",,11,1,attribute,size,"attribute - size (robot, tall)",Is the robot tall? +partiprompts60,"A futuristic robot, sporting a sleek silver body and a black visor, stands with its chest puffed out, displaying the bold number 42 emblazoned in white. It towers confidently in front of a vibrant red F1 race car, which is parked on an asphalt track. In the background, the silhouette of a cityscape is visible against the orange and pink hues of a setting sun, all captured in a dramatic wide-angle perspective reminiscent of a dynamic comic book illustration.",,12,5,attribute,size,"attribute - size (race car, compact)",Is the race car compact? +partiprompts60,"A futuristic robot, sporting a sleek silver body and a black visor, stands with its chest puffed out, displaying the bold number 42 emblazoned in white. It towers confidently in front of a vibrant red F1 race car, which is parked on an asphalt track. In the background, the silhouette of a cityscape is visible against the orange and pink hues of a setting sun, all captured in a dramatic wide-angle perspective reminiscent of a dynamic comic book illustration.",,13,1,entity,state,"entity - state (robot, stand)",Is the robot standing? +partiprompts60,"A futuristic robot, sporting a sleek silver body and a black visor, stands with its chest puffed out, displaying the bold number 42 emblazoned in white. It towers confidently in front of a vibrant red F1 race car, which is parked on an asphalt track. In the background, the silhouette of a cityscape is visible against the orange and pink hues of a setting sun, all captured in a dramatic wide-angle perspective reminiscent of a dynamic comic book illustration.",,14,1,entity,state,"entity - state (race car, park)",Is the race car parked? +partiprompts60,"A futuristic robot, sporting a sleek silver body and a black visor, stands with its chest puffed out, displaying the bold number 42 emblazoned in white. It towers confidently in front of a vibrant red F1 race car, which is parked on an asphalt track. In the background, the silhouette of a cityscape is visible against the orange and pink hues of a setting sun, all captured in a dramatic wide-angle perspective reminiscent of a dynamic comic book illustration.",,15,"1,14",relation,spatial,"relation - spatial (robot, race car, in front of)",Is the robot in front of the race car? +partiprompts60,"A futuristic robot, sporting a sleek silver body and a black visor, stands with its chest puffed out, displaying the bold number 42 emblazoned in white. It towers confidently in front of a vibrant red F1 race car, which is parked on an asphalt track. In the background, the silhouette of a cityscape is visible against the orange and pink hues of a setting sun, all captured in a dramatic wide-angle perspective reminiscent of a dynamic comic book illustration.",,16,3,relation,spatial,"relation - spatial (race car, track, on)",Is the race car on the track? +partiprompts60,"A futuristic robot, sporting a sleek silver body and a black visor, stands with its chest puffed out, displaying the bold number 42 emblazoned in white. It towers confidently in front of a vibrant red F1 race car, which is parked on an asphalt track. In the background, the silhouette of a cityscape is visible against the orange and pink hues of a setting sun, all captured in a dramatic wide-angle perspective reminiscent of a dynamic comic book illustration.",,17,"6,7",relation,spatial,"relation - spatial (cityscape, sunset, in background)",Is the cityscape in the background with the sunset? +partiprompts257,"a rectangular wooden coffee table situated in the center of a living room, with a glossy lifestyle magazine spread open on its surface. The table also features a small potted plant with vibrant green leaves, adding a touch of nature to the setting. Around the table, a plush beige carpet can be seen, complementing the warm tones of the room's decor.",,1,0,entity,whole,entity - whole (coffee table),Is there a coffee table? +partiprompts257,"a rectangular wooden coffee table situated in the center of a living room, with a glossy lifestyle magazine spread open on its surface. The table also features a small potted plant with vibrant green leaves, adding a touch of nature to the setting. Around the table, a plush beige carpet can be seen, complementing the warm tones of the room's decor.",,2,0,entity,whole,entity - whole (living room),Is there a living room? +partiprompts257,"a rectangular wooden coffee table situated in the center of a living room, with a glossy lifestyle magazine spread open on its surface. The table also features a small potted plant with vibrant green leaves, adding a touch of nature to the setting. Around the table, a plush beige carpet can be seen, complementing the warm tones of the room's decor.",,3,0,entity,whole,entity - whole (magazine),Is there a magazine? +partiprompts257,"a rectangular wooden coffee table situated in the center of a living room, with a glossy lifestyle magazine spread open on its surface. The table also features a small potted plant with vibrant green leaves, adding a touch of nature to the setting. Around the table, a plush beige carpet can be seen, complementing the warm tones of the room's decor.",,4,0,entity,whole,entity - whole (potted plant),Is there a potted plant? +partiprompts257,"a rectangular wooden coffee table situated in the center of a living room, with a glossy lifestyle magazine spread open on its surface. The table also features a small potted plant with vibrant green leaves, adding a touch of nature to the setting. Around the table, a plush beige carpet can be seen, complementing the warm tones of the room's decor.",,5,0,entity,whole,entity - whole (carpet),Is there a carpet? +partiprompts257,"a rectangular wooden coffee table situated in the center of a living room, with a glossy lifestyle magazine spread open on its surface. The table also features a small potted plant with vibrant green leaves, adding a touch of nature to the setting. Around the table, a plush beige carpet can be seen, complementing the warm tones of the room's decor.",,6,1,attribute,shape,"attribute - shape (coffee table, rectangular)",Is the coffee table rectangular? +partiprompts257,"a rectangular wooden coffee table situated in the center of a living room, with a glossy lifestyle magazine spread open on its surface. The table also features a small potted plant with vibrant green leaves, adding a touch of nature to the setting. Around the table, a plush beige carpet can be seen, complementing the warm tones of the room's decor.",,7,1,attribute,texture,"attribute - texture (coffee table, wooden)",Is the coffee table wooden? +partiprompts257,"a rectangular wooden coffee table situated in the center of a living room, with a glossy lifestyle magazine spread open on its surface. The table also features a small potted plant with vibrant green leaves, adding a touch of nature to the setting. Around the table, a plush beige carpet can be seen, complementing the warm tones of the room's decor.",,8,3,attribute,texture,"attribute - texture (magazine, glossy)",Is the magazine glossy? +partiprompts257,"a rectangular wooden coffee table situated in the center of a living room, with a glossy lifestyle magazine spread open on its surface. The table also features a small potted plant with vibrant green leaves, adding a touch of nature to the setting. Around the table, a plush beige carpet can be seen, complementing the warm tones of the room's decor.",,9,4,attribute,size,"attribute - size (plant, small)",Is the plant small? +partiprompts257,"a rectangular wooden coffee table situated in the center of a living room, with a glossy lifestyle magazine spread open on its surface. The table also features a small potted plant with vibrant green leaves, adding a touch of nature to the setting. Around the table, a plush beige carpet can be seen, complementing the warm tones of the room's decor.",,10,4,attribute,color,"attribute - color (leaves, vibrant green)",Are the leaves of the plant vibrant green? +partiprompts257,"a rectangular wooden coffee table situated in the center of a living room, with a glossy lifestyle magazine spread open on its surface. The table also features a small potted plant with vibrant green leaves, adding a touch of nature to the setting. Around the table, a plush beige carpet can be seen, complementing the warm tones of the room's decor.",,11,5,attribute,color,"attribute - color (carpet, beige)",Is the carpet beige? +partiprompts257,"a rectangular wooden coffee table situated in the center of a living room, with a glossy lifestyle magazine spread open on its surface. The table also features a small potted plant with vibrant green leaves, adding a touch of nature to the setting. Around the table, a plush beige carpet can be seen, complementing the warm tones of the room's decor.",,12,"1,2",relation,spatial,"relation - spatial (coffee table, living room, center)",Is the coffee table in the center of the living room? +partiprompts257,"a rectangular wooden coffee table situated in the center of a living room, with a glossy lifestyle magazine spread open on its surface. The table also features a small potted plant with vibrant green leaves, adding a touch of nature to the setting. Around the table, a plush beige carpet can be seen, complementing the warm tones of the room's decor.",,13,"3,1",relation,spatial,"relation - spatial (magazine, coffee table, open on)",Is the magazine spread open on the coffee table? +partiprompts257,"a rectangular wooden coffee table situated in the center of a living room, with a glossy lifestyle magazine spread open on its surface. The table also features a small potted plant with vibrant green leaves, adding a touch of nature to the setting. Around the table, a plush beige carpet can be seen, complementing the warm tones of the room's decor.",,14,"4,1",relation,spatial,"relation - spatial (potted plant, coffee table, on)",Is the potted plant on the coffee table? +partiprompts257,"a rectangular wooden coffee table situated in the center of a living room, with a glossy lifestyle magazine spread open on its surface. The table also features a small potted plant with vibrant green leaves, adding a touch of nature to the setting. Around the table, a plush beige carpet can be seen, complementing the warm tones of the room's decor.",,15,"5,2",relation,spatial,"relation - spatial (carpet, living room, around)",Is the carpet around the living room? +partiprompts123,"An impressionistic painting depicts a vibrant blue cow standing serenely in a field of delicate white flowers. Adjacent to the cow, there is a robust tree with a canopy of red leaves and branches laden with yellow fruit. The brushstrokes suggest a gentle breeze moving through the scene, and the cow's shadow is cast softly on the green grass beneath it.",,1,0,entity,whole,entity - whole (painting),Is there a painting? +partiprompts123,"An impressionistic painting depicts a vibrant blue cow standing serenely in a field of delicate white flowers. Adjacent to the cow, there is a robust tree with a canopy of red leaves and branches laden with yellow fruit. The brushstrokes suggest a gentle breeze moving through the scene, and the cow's shadow is cast softly on the green grass beneath it.",,2,1,entity,whole,entity - whole (cow),Is there a cow? +partiprompts123,"An impressionistic painting depicts a vibrant blue cow standing serenely in a field of delicate white flowers. Adjacent to the cow, there is a robust tree with a canopy of red leaves and branches laden with yellow fruit. The brushstrokes suggest a gentle breeze moving through the scene, and the cow's shadow is cast softly on the green grass beneath it.",,3,1,entity,whole,entity - whole (field),Is there a field? +partiprompts123,"An impressionistic painting depicts a vibrant blue cow standing serenely in a field of delicate white flowers. Adjacent to the cow, there is a robust tree with a canopy of red leaves and branches laden with yellow fruit. The brushstrokes suggest a gentle breeze moving through the scene, and the cow's shadow is cast softly on the green grass beneath it.",,4,1,entity,whole,entity - whole (flowers),Are there flowers? +partiprompts123,"An impressionistic painting depicts a vibrant blue cow standing serenely in a field of delicate white flowers. Adjacent to the cow, there is a robust tree with a canopy of red leaves and branches laden with yellow fruit. The brushstrokes suggest a gentle breeze moving through the scene, and the cow's shadow is cast softly on the green grass beneath it.",,5,1,entity,whole,entity - whole (tree),Is there a tree? +partiprompts123,"An impressionistic painting depicts a vibrant blue cow standing serenely in a field of delicate white flowers. Adjacent to the cow, there is a robust tree with a canopy of red leaves and branches laden with yellow fruit. The brushstrokes suggest a gentle breeze moving through the scene, and the cow's shadow is cast softly on the green grass beneath it.",,6,5,entity,part,entity - part (tree's canopy),Is there a canopy on the tree? +partiprompts123,"An impressionistic painting depicts a vibrant blue cow standing serenely in a field of delicate white flowers. Adjacent to the cow, there is a robust tree with a canopy of red leaves and branches laden with yellow fruit. The brushstrokes suggest a gentle breeze moving through the scene, and the cow's shadow is cast softly on the green grass beneath it.",,7,5,entity,part,entity - part (tree's branches),Are there branches on the tree? +partiprompts123,"An impressionistic painting depicts a vibrant blue cow standing serenely in a field of delicate white flowers. Adjacent to the cow, there is a robust tree with a canopy of red leaves and branches laden with yellow fruit. The brushstrokes suggest a gentle breeze moving through the scene, and the cow's shadow is cast softly on the green grass beneath it.",,8,5,entity,part,entity - part (tree's fruit),Are there fruit on the tree? +partiprompts123,"An impressionistic painting depicts a vibrant blue cow standing serenely in a field of delicate white flowers. Adjacent to the cow, there is a robust tree with a canopy of red leaves and branches laden with yellow fruit. The brushstrokes suggest a gentle breeze moving through the scene, and the cow's shadow is cast softly on the green grass beneath it.",,9,2,attribute,color,"attribute - color (cow, blue)",Is the cow blue? +partiprompts123,"An impressionistic painting depicts a vibrant blue cow standing serenely in a field of delicate white flowers. Adjacent to the cow, there is a robust tree with a canopy of red leaves and branches laden with yellow fruit. The brushstrokes suggest a gentle breeze moving through the scene, and the cow's shadow is cast softly on the green grass beneath it.",,10,4,attribute,color,"attribute - color (flowers, white)",Are the flowers white? +partiprompts123,"An impressionistic painting depicts a vibrant blue cow standing serenely in a field of delicate white flowers. Adjacent to the cow, there is a robust tree with a canopy of red leaves and branches laden with yellow fruit. The brushstrokes suggest a gentle breeze moving through the scene, and the cow's shadow is cast softly on the green grass beneath it.",,11,6,attribute,color,"attribute - color (tree's leaves, red)",Are the leaves of the tree red? +partiprompts123,"An impressionistic painting depicts a vibrant blue cow standing serenely in a field of delicate white flowers. Adjacent to the cow, there is a robust tree with a canopy of red leaves and branches laden with yellow fruit. The brushstrokes suggest a gentle breeze moving through the scene, and the cow's shadow is cast softly on the green grass beneath it.",,12,8,attribute,color,"attribute - color (tree's fruit, yellow)",Are the fruits of the tree yellow? +partiprompts123,"An impressionistic painting depicts a vibrant blue cow standing serenely in a field of delicate white flowers. Adjacent to the cow, there is a robust tree with a canopy of red leaves and branches laden with yellow fruit. The brushstrokes suggest a gentle breeze moving through the scene, and the cow's shadow is cast softly on the green grass beneath it.",,13,7,attribute,color,"attribute - color (tree's branches, red)",Are the branches of the tree red? +partiprompts123,"An impressionistic painting depicts a vibrant blue cow standing serenely in a field of delicate white flowers. Adjacent to the cow, there is a robust tree with a canopy of red leaves and branches laden with yellow fruit. The brushstrokes suggest a gentle breeze moving through the scene, and the cow's shadow is cast softly on the green grass beneath it.",,14,3,attribute,color,"attribute - color (grass, green)",Is the grass green? +partiprompts123,"An impressionistic painting depicts a vibrant blue cow standing serenely in a field of delicate white flowers. Adjacent to the cow, there is a robust tree with a canopy of red leaves and branches laden with yellow fruit. The brushstrokes suggest a gentle breeze moving through the scene, and the cow's shadow is cast softly on the green grass beneath it.",,15,2,attribute,texture,"attribute - texture (cow, impressionistic)",Is the cow's texture impressionistic? +partiprompts123,"An impressionistic painting depicts a vibrant blue cow standing serenely in a field of delicate white flowers. Adjacent to the cow, there is a robust tree with a canopy of red leaves and branches laden with yellow fruit. The brushstrokes suggest a gentle breeze moving through the scene, and the cow's shadow is cast softly on the green grass beneath it.",,16,4,attribute,texture,"attribute - texture (flowers, delicate)",Are the flowers delicate? +partiprompts123,"An impressionistic painting depicts a vibrant blue cow standing serenely in a field of delicate white flowers. Adjacent to the cow, there is a robust tree with a canopy of red leaves and branches laden with yellow fruit. The brushstrokes suggest a gentle breeze moving through the scene, and the cow's shadow is cast softly on the green grass beneath it.",,17,5,attribute,texture,"attribute - texture (tree, robust)",Is the tree robust? +partiprompts123,"An impressionistic painting depicts a vibrant blue cow standing serenely in a field of delicate white flowers. Adjacent to the cow, there is a robust tree with a canopy of red leaves and branches laden with yellow fruit. The brushstrokes suggest a gentle breeze moving through the scene, and the cow's shadow is cast softly on the green grass beneath it.",,18,11,attribute,texture,"attribute - texture (leaves, red)",Are the leaves red in texture? +partiprompts123,"An impressionistic painting depicts a vibrant blue cow standing serenely in a field of delicate white flowers. Adjacent to the cow, there is a robust tree with a canopy of red leaves and branches laden with yellow fruit. The brushstrokes suggest a gentle breeze moving through the scene, and the cow's shadow is cast softly on the green grass beneath it.",,19,8,attribute,texture,"attribute - texture (fruit, yellow)",Are the fruits yellow in texture? +partiprompts123,"An impressionistic painting depicts a vibrant blue cow standing serenely in a field of delicate white flowers. Adjacent to the cow, there is a robust tree with a canopy of red leaves and branches laden with yellow fruit. The brushstrokes suggest a gentle breeze moving through the scene, and the cow's shadow is cast softly on the green grass beneath it.",,20,7,attribute,texture,"attribute - texture (branches, laden)",Are the branches laden in texture? +partiprompts123,"An impressionistic painting depicts a vibrant blue cow standing serenely in a field of delicate white flowers. Adjacent to the cow, there is a robust tree with a canopy of red leaves and branches laden with yellow fruit. The brushstrokes suggest a gentle breeze moving through the scene, and the cow's shadow is cast softly on the green grass beneath it.",,21,14,attribute,texture,"attribute - texture (grass, green)",Is the grass green in texture? +partiprompts123,"An impressionistic painting depicts a vibrant blue cow standing serenely in a field of delicate white flowers. Adjacent to the cow, there is a robust tree with a canopy of red leaves and branches laden with yellow fruit. The brushstrokes suggest a gentle breeze moving through the scene, and the cow's shadow is cast softly on the green grass beneath it.",,22,2,entity,state,"entity - state (cow, stand)",Is the cow standing? +partiprompts123,"An impressionistic painting depicts a vibrant blue cow standing serenely in a field of delicate white flowers. Adjacent to the cow, there is a robust tree with a canopy of red leaves and branches laden with yellow fruit. The brushstrokes suggest a gentle breeze moving through the scene, and the cow's shadow is cast softly on the green grass beneath it.",,23,5,entity,state,"entity - state (tree, laden with fruit)",Is the tree laden with fruit? +partiprompts123,"An impressionistic painting depicts a vibrant blue cow standing serenely in a field of delicate white flowers. Adjacent to the cow, there is a robust tree with a canopy of red leaves and branches laden with yellow fruit. The brushstrokes suggest a gentle breeze moving through the scene, and the cow's shadow is cast softly on the green grass beneath it.",,24,7,entity,state,"entity - state (branches, laden)",Are the branches laden? +partiprompts123,"An impressionistic painting depicts a vibrant blue cow standing serenely in a field of delicate white flowers. Adjacent to the cow, there is a robust tree with a canopy of red leaves and branches laden with yellow fruit. The brushstrokes suggest a gentle breeze moving through the scene, and the cow's shadow is cast softly on the green grass beneath it.",,25,0,entity,state,"entity - state (brushstrokes, suggest gentle breeze)",Do the brushstrokes suggest a gentle breeze? +partiprompts123,"An impressionistic painting depicts a vibrant blue cow standing serenely in a field of delicate white flowers. Adjacent to the cow, there is a robust tree with a canopy of red leaves and branches laden with yellow fruit. The brushstrokes suggest a gentle breeze moving through the scene, and the cow's shadow is cast softly on the green grass beneath it.",,26,"2,3",relation,spatial,"relation - spatial (cow, field, in)",Is the cow in the field? +partiprompts123,"An impressionistic painting depicts a vibrant blue cow standing serenely in a field of delicate white flowers. Adjacent to the cow, there is a robust tree with a canopy of red leaves and branches laden with yellow fruit. The brushstrokes suggest a gentle breeze moving through the scene, and the cow's shadow is cast softly on the green grass beneath it.",,27,"4,3",relation,spatial,"relation - spatial (flowers, field, in)",Are the flowers in the field? +partiprompts123,"An impressionistic painting depicts a vibrant blue cow standing serenely in a field of delicate white flowers. Adjacent to the cow, there is a robust tree with a canopy of red leaves and branches laden with yellow fruit. The brushstrokes suggest a gentle breeze moving through the scene, and the cow's shadow is cast softly on the green grass beneath it.",,28,"5,3",relation,spatial,"relation - spatial (tree, field, adjacent to)",Is the tree adjacent to the field? +partiprompts123,"An impressionistic painting depicts a vibrant blue cow standing serenely in a field of delicate white flowers. Adjacent to the cow, there is a robust tree with a canopy of red leaves and branches laden with yellow fruit. The brushstrokes suggest a gentle breeze moving through the scene, and the cow's shadow is cast softly on the green grass beneath it.",,29,"2,5",relation,spatial,"relation - spatial (cow, tree, adjacent to)",Is the cow adjacent to the tree? +partiprompts123,"An impressionistic painting depicts a vibrant blue cow standing serenely in a field of delicate white flowers. Adjacent to the cow, there is a robust tree with a canopy of red leaves and branches laden with yellow fruit. The brushstrokes suggest a gentle breeze moving through the scene, and the cow's shadow is cast softly on the green grass beneath it.",,30,"2,5",relation,spatial,"relation - spatial (tree, cow, adjacent to)",Is the tree adjacent to the cow? +partiprompts123,"An impressionistic painting depicts a vibrant blue cow standing serenely in a field of delicate white flowers. Adjacent to the cow, there is a robust tree with a canopy of red leaves and branches laden with yellow fruit. The brushstrokes suggest a gentle breeze moving through the scene, and the cow's shadow is cast softly on the green grass beneath it.",,31,"5,8",relation,spatial,"relation - spatial (tree, branches, laden with)",Are the branches laden with fruit? +partiprompts123,"An impressionistic painting depicts a vibrant blue cow standing serenely in a field of delicate white flowers. Adjacent to the cow, there is a robust tree with a canopy of red leaves and branches laden with yellow fruit. The brushstrokes suggest a gentle breeze moving through the scene, and the cow's shadow is cast softly on the green grass beneath it.",,32,"7,5",relation,spatial,"relation - spatial (branches, tree, laden with)",Are the branches laden with the tree? +partiprompts123,"An impressionistic painting depicts a vibrant blue cow standing serenely in a field of delicate white flowers. Adjacent to the cow, there is a robust tree with a canopy of red leaves and branches laden with yellow fruit. The brushstrokes suggest a gentle breeze moving through the scene, and the cow's shadow is cast softly on the green grass beneath it.",,33,"2,21",relation,spatial,"relation - spatial (cow, grass, shadow cast on)",Is the cow's shadow cast on the green grass? +partiprompts229,"An old, rusty red pickup truck stands out with its white wheel rims, parked on a stretch of gravel road. The truck's paint is faded and peeling in places, revealing the passage of time on its body. In the truck bed, there's a collection of used tools and a couple of wooden crates, hinting at its utilitarian past.",,1,0,entity,whole,entity - whole (pickup truck),Is there a pickup truck? +partiprompts229,"An old, rusty red pickup truck stands out with its white wheel rims, parked on a stretch of gravel road. The truck's paint is faded and peeling in places, revealing the passage of time on its body. In the truck bed, there's a collection of used tools and a couple of wooden crates, hinting at its utilitarian past.",,2,1,attribute,other,"attribute - other (pickup truck, old)",Is the pickup truck old? +partiprompts229,"An old, rusty red pickup truck stands out with its white wheel rims, parked on a stretch of gravel road. The truck's paint is faded and peeling in places, revealing the passage of time on its body. In the truck bed, there's a collection of used tools and a couple of wooden crates, hinting at its utilitarian past.",,3,1,attribute,color,"attribute - color (pickup truck, rusty red)",Is the pickup truck rusty red? +partiprompts229,"An old, rusty red pickup truck stands out with its white wheel rims, parked on a stretch of gravel road. The truck's paint is faded and peeling in places, revealing the passage of time on its body. In the truck bed, there's a collection of used tools and a couple of wooden crates, hinting at its utilitarian past.",,4,1,attribute,color,"attribute - color (wheel rims, white)",Are the wheel rims white? +partiprompts229,"An old, rusty red pickup truck stands out with its white wheel rims, parked on a stretch of gravel road. The truck's paint is faded and peeling in places, revealing the passage of time on its body. In the truck bed, there's a collection of used tools and a couple of wooden crates, hinting at its utilitarian past.",,5,1,attribute,texture,"attribute - texture (pickup truck, faded and peeling)",Is the pickup truck's paint faded and peeling? +partiprompts229,"An old, rusty red pickup truck stands out with its white wheel rims, parked on a stretch of gravel road. The truck's paint is faded and peeling in places, revealing the passage of time on its body. In the truck bed, there's a collection of used tools and a couple of wooden crates, hinting at its utilitarian past.",,6,1,attribute,texture,"attribute - texture (truck bed, utilitarian)",Is the truck bed utilitarian? +partiprompts229,"An old, rusty red pickup truck stands out with its white wheel rims, parked on a stretch of gravel road. The truck's paint is faded and peeling in places, revealing the passage of time on its body. In the truck bed, there's a collection of used tools and a couple of wooden crates, hinting at its utilitarian past.",,7,1,entity,part,entity - part (pickup truck's body),Is there a body of the pickup truck? +partiprompts229,"An old, rusty red pickup truck stands out with its white wheel rims, parked on a stretch of gravel road. The truck's paint is faded and peeling in places, revealing the passage of time on its body. In the truck bed, there's a collection of used tools and a couple of wooden crates, hinting at its utilitarian past.",,8,1,entity,part,entity - part (truck bed),Is there a truck bed? +partiprompts229,"An old, rusty red pickup truck stands out with its white wheel rims, parked on a stretch of gravel road. The truck's paint is faded and peeling in places, revealing the passage of time on its body. In the truck bed, there's a collection of used tools and a couple of wooden crates, hinting at its utilitarian past.",,9,8,entity,state,"entity - state (tools, used)",Are the tools used? +partiprompts229,"An old, rusty red pickup truck stands out with its white wheel rims, parked on a stretch of gravel road. The truck's paint is faded and peeling in places, revealing the passage of time on its body. In the truck bed, there's a collection of used tools and a couple of wooden crates, hinting at its utilitarian past.",,10,8,other,count,"other - count (crates, ==2)",Are there two crates? +partiprompts157,"An intricate oil painting that captures two rabbits standing upright in a pose reminiscent of the iconic American Gothic portrait. The rabbits are anthropomorphized, donning early 20th-century rural clothing with the male rabbit wearing a black jacket and the female in a colonial print apron. The background features a wooden farmhouse with a gothic window, emulating the style and composition of the original artwork.",,1,0,entity,whole,entity - whole (oil painting),Is there an oil painting? +partiprompts157,"An intricate oil painting that captures two rabbits standing upright in a pose reminiscent of the iconic American Gothic portrait. The rabbits are anthropomorphized, donning early 20th-century rural clothing with the male rabbit wearing a black jacket and the female in a colonial print apron. The background features a wooden farmhouse with a gothic window, emulating the style and composition of the original artwork.",,2,1,entity,whole,entity - whole (rabbits),Are there rabbits? +partiprompts157,"An intricate oil painting that captures two rabbits standing upright in a pose reminiscent of the iconic American Gothic portrait. The rabbits are anthropomorphized, donning early 20th-century rural clothing with the male rabbit wearing a black jacket and the female in a colonial print apron. The background features a wooden farmhouse with a gothic window, emulating the style and composition of the original artwork.",,3,2,other,count,"other - count (rabbits, ==2)",Are there two rabbits? +partiprompts157,"An intricate oil painting that captures two rabbits standing upright in a pose reminiscent of the iconic American Gothic portrait. The rabbits are anthropomorphized, donning early 20th-century rural clothing with the male rabbit wearing a black jacket and the female in a colonial print apron. The background features a wooden farmhouse with a gothic window, emulating the style and composition of the original artwork.",,4,1,attribute,texture,"attribute - texture (oil painting, intricate)",Is the oil painting intricate? +partiprompts157,"An intricate oil painting that captures two rabbits standing upright in a pose reminiscent of the iconic American Gothic portrait. The rabbits are anthropomorphized, donning early 20th-century rural clothing with the male rabbit wearing a black jacket and the female in a colonial print apron. The background features a wooden farmhouse with a gothic window, emulating the style and composition of the original artwork.",,5,2,entity,state,"entity - state (rabbits, stand upright)",Are the rabbits standing upright? +partiprompts157,"An intricate oil painting that captures two rabbits standing upright in a pose reminiscent of the iconic American Gothic portrait. The rabbits are anthropomorphized, donning early 20th-century rural clothing with the male rabbit wearing a black jacket and the female in a colonial print apron. The background features a wooden farmhouse with a gothic window, emulating the style and composition of the original artwork.",,6,2,attribute,other,"attribute - other (rabbits, anthropomorphized)",Are the rabbits anthropomorphized? +partiprompts157,"An intricate oil painting that captures two rabbits standing upright in a pose reminiscent of the iconic American Gothic portrait. The rabbits are anthropomorphized, donning early 20th-century rural clothing with the male rabbit wearing a black jacket and the female in a colonial print apron. The background features a wooden farmhouse with a gothic window, emulating the style and composition of the original artwork.",,7,2,attribute,other,"attribute - other (rabbits, reminiscent of American Gothic portrait)",Are the rabbits reminiscent of the American Gothic portrait? +partiprompts157,"An intricate oil painting that captures two rabbits standing upright in a pose reminiscent of the iconic American Gothic portrait. The rabbits are anthropomorphized, donning early 20th-century rural clothing with the male rabbit wearing a black jacket and the female in a colonial print apron. The background features a wooden farmhouse with a gothic window, emulating the style and composition of the original artwork.",,8,2,attribute,other,"attribute - other (rabbits, early 20th-century rural clothing)",Are the rabbits wearing early 20th-century rural clothing? +partiprompts157,"An intricate oil painting that captures two rabbits standing upright in a pose reminiscent of the iconic American Gothic portrait. The rabbits are anthropomorphized, donning early 20th-century rural clothing with the male rabbit wearing a black jacket and the female in a colonial print apron. The background features a wooden farmhouse with a gothic window, emulating the style and composition of the original artwork.",,9,9,attribute,other,"attribute - other (male rabbit, black jacket)",Is the male rabbit wearing a black jacket? +partiprompts157,"An intricate oil painting that captures two rabbits standing upright in a pose reminiscent of the iconic American Gothic portrait. The rabbits are anthropomorphized, donning early 20th-century rural clothing with the male rabbit wearing a black jacket and the female in a colonial print apron. The background features a wooden farmhouse with a gothic window, emulating the style and composition of the original artwork.",,10,10,attribute,other,"attribute - other (female rabbit, colonial print apron)",Is the female rabbit wearing a colonial print apron? +partiprompts157,"An intricate oil painting that captures two rabbits standing upright in a pose reminiscent of the iconic American Gothic portrait. The rabbits are anthropomorphized, donning early 20th-century rural clothing with the male rabbit wearing a black jacket and the female in a colonial print apron. The background features a wooden farmhouse with a gothic window, emulating the style and composition of the original artwork.",,11,1,entity,whole,entity - whole (background),Is there a background? +partiprompts157,"An intricate oil painting that captures two rabbits standing upright in a pose reminiscent of the iconic American Gothic portrait. The rabbits are anthropomorphized, donning early 20th-century rural clothing with the male rabbit wearing a black jacket and the female in a colonial print apron. The background features a wooden farmhouse with a gothic window, emulating the style and composition of the original artwork.",,12,11,entity,whole,entity - whole (farmhouse),Is there a farmhouse? +partiprompts157,"An intricate oil painting that captures two rabbits standing upright in a pose reminiscent of the iconic American Gothic portrait. The rabbits are anthropomorphized, donning early 20th-century rural clothing with the male rabbit wearing a black jacket and the female in a colonial print apron. The background features a wooden farmhouse with a gothic window, emulating the style and composition of the original artwork.",,13,12,entity,part,"entity - part (farmhouse, gothic window)",Is there a gothic window in the farmhouse? +partiprompts157,"An intricate oil painting that captures two rabbits standing upright in a pose reminiscent of the iconic American Gothic portrait. The rabbits are anthropomorphized, donning early 20th-century rural clothing with the male rabbit wearing a black jacket and the female in a colonial print apron. The background features a wooden farmhouse with a gothic window, emulating the style and composition of the original artwork.",,14,11,attribute,other,"attribute - other (background, wooden)",Is the background wooden? +partiprompts157,"An intricate oil painting that captures two rabbits standing upright in a pose reminiscent of the iconic American Gothic portrait. The rabbits are anthropomorphized, donning early 20th-century rural clothing with the male rabbit wearing a black jacket and the female in a colonial print apron. The background features a wooden farmhouse with a gothic window, emulating the style and composition of the original artwork.",,15,11,attribute,other,"attribute - other (background, emulate original artwork)",Does the background emulate the style of the original artwork? +partiprompts291,"Two flags are flying side by side against a clear sky; the first is a white flag emblazoned with a bold red circle in its center, while the second is a solid blue flag with no markings. The flags are attached to grey metal poles that stand in close proximity to each other, creating a striking contrast of colors. The fabric of the flags ripples gently in the breeze, highlighting their distinct and vibrant hues.",,1,0,entity,whole,entity - whole (flags),Are there flags? +partiprompts291,"Two flags are flying side by side against a clear sky; the first is a white flag emblazoned with a bold red circle in its center, while the second is a solid blue flag with no markings. The flags are attached to grey metal poles that stand in close proximity to each other, creating a striking contrast of colors. The fabric of the flags ripples gently in the breeze, highlighting their distinct and vibrant hues.",,2,1,other,count,"other - count (flags, ==2)",Are there two flags? +partiprompts291,"Two flags are flying side by side against a clear sky; the first is a white flag emblazoned with a bold red circle in its center, while the second is a solid blue flag with no markings. The flags are attached to grey metal poles that stand in close proximity to each other, creating a striking contrast of colors. The fabric of the flags ripples gently in the breeze, highlighting their distinct and vibrant hues.",,3,0,entity,whole,entity - whole (sky),Is there a sky? +partiprompts291,"Two flags are flying side by side against a clear sky; the first is a white flag emblazoned with a bold red circle in its center, while the second is a solid blue flag with no markings. The flags are attached to grey metal poles that stand in close proximity to each other, creating a striking contrast of colors. The fabric of the flags ripples gently in the breeze, highlighting their distinct and vibrant hues.",,4,1,attribute,color,"attribute - color (flag_1, white)",Is one flag white? +partiprompts291,"Two flags are flying side by side against a clear sky; the first is a white flag emblazoned with a bold red circle in its center, while the second is a solid blue flag with no markings. The flags are attached to grey metal poles that stand in close proximity to each other, creating a striking contrast of colors. The fabric of the flags ripples gently in the breeze, highlighting their distinct and vibrant hues.",,5,4,attribute,color,"attribute - color (flag_1's circle, red)",Is the circle on the white flag red? +partiprompts291,"Two flags are flying side by side against a clear sky; the first is a white flag emblazoned with a bold red circle in its center, while the second is a solid blue flag with no markings. The flags are attached to grey metal poles that stand in close proximity to each other, creating a striking contrast of colors. The fabric of the flags ripples gently in the breeze, highlighting their distinct and vibrant hues.",,6,2,attribute,color,"attribute - color (flag_2, blue)",Is the second flag blue? +partiprompts291,"Two flags are flying side by side against a clear sky; the first is a white flag emblazoned with a bold red circle in its center, while the second is a solid blue flag with no markings. The flags are attached to grey metal poles that stand in close proximity to each other, creating a striking contrast of colors. The fabric of the flags ripples gently in the breeze, highlighting their distinct and vibrant hues.",,7,3,attribute,texture,"attribute - texture (flags, fabric)",Is the fabric of the flags? +partiprompts291,"Two flags are flying side by side against a clear sky; the first is a white flag emblazoned with a bold red circle in its center, while the second is a solid blue flag with no markings. The flags are attached to grey metal poles that stand in close proximity to each other, creating a striking contrast of colors. The fabric of the flags ripples gently in the breeze, highlighting their distinct and vibrant hues.",,8,3,attribute,texture,"attribute - texture (flags, rippled)",Is the fabric of the flags rippled? +partiprompts291,"Two flags are flying side by side against a clear sky; the first is a white flag emblazoned with a bold red circle in its center, while the second is a solid blue flag with no markings. The flags are attached to grey metal poles that stand in close proximity to each other, creating a striking contrast of colors. The fabric of the flags ripples gently in the breeze, highlighting their distinct and vibrant hues.",,9,"1,2",relation,spatial,"relation - spatial (flag_1, flag_2, side by side)",Are the flags side by side? +partiprompts291,"Two flags are flying side by side against a clear sky; the first is a white flag emblazoned with a bold red circle in its center, while the second is a solid blue flag with no markings. The flags are attached to grey metal poles that stand in close proximity to each other, creating a striking contrast of colors. The fabric of the flags ripples gently in the breeze, highlighting their distinct and vibrant hues.",,10,"1,2",relation,spatial,"relation - spatial (flags, poles, attached to)",Are the flags attached to the poles? +partiprompts291,"Two flags are flying side by side against a clear sky; the first is a white flag emblazoned with a bold red circle in its center, while the second is a solid blue flag with no markings. The flags are attached to grey metal poles that stand in close proximity to each other, creating a striking contrast of colors. The fabric of the flags ripples gently in the breeze, highlighting their distinct and vibrant hues.",,11,10,relation,spatial,"relation - spatial (poles, each other, in close proximity)",Are the poles in close proximity to each other? +partiprompts291,"Two flags are flying side by side against a clear sky; the first is a white flag emblazoned with a bold red circle in its center, while the second is a solid blue flag with no markings. The flags are attached to grey metal poles that stand in close proximity to each other, creating a striking contrast of colors. The fabric of the flags ripples gently in the breeze, highlighting their distinct and vibrant hues.",,12,"1,3",relation,spatial,"relation - spatial (flags, sky, against)",Are the flags against the sky? +partiprompts291,"Two flags are flying side by side against a clear sky; the first is a white flag emblazoned with a bold red circle in its center, while the second is a solid blue flag with no markings. The flags are attached to grey metal poles that stand in close proximity to each other, creating a striking contrast of colors. The fabric of the flags ripples gently in the breeze, highlighting their distinct and vibrant hues.",,13,1,entity,state,"entity - state (flags, vibrant)",Are the flags vibrant? +partiprompts98,"a politician stands on a wooden stage, dressed in a bright red soccer jersey emblazoned with a white number '10'. In one hand, they hold a yellow and blue volleyball, gesturing with the other as they address the crowd. Behind them, a large banner hangs, displaying the emblem of a local sports team, and to their right, a podium with microphones stands ready to amplify their speech.",,1,0,entity,whole,entity - whole (politician),Is there a politician? +partiprompts98,"a politician stands on a wooden stage, dressed in a bright red soccer jersey emblazoned with a white number '10'. In one hand, they hold a yellow and blue volleyball, gesturing with the other as they address the crowd. Behind them, a large banner hangs, displaying the emblem of a local sports team, and to their right, a podium with microphones stands ready to amplify their speech.",,2,0,entity,whole,entity - whole (stage),Is there a stage? +partiprompts98,"a politician stands on a wooden stage, dressed in a bright red soccer jersey emblazoned with a white number '10'. In one hand, they hold a yellow and blue volleyball, gesturing with the other as they address the crowd. Behind them, a large banner hangs, displaying the emblem of a local sports team, and to their right, a podium with microphones stands ready to amplify their speech.",,3,1,attribute,color,"attribute - color (politician's jersey, bright red)",Is the politician's jersey bright red? +partiprompts98,"a politician stands on a wooden stage, dressed in a bright red soccer jersey emblazoned with a white number '10'. In one hand, they hold a yellow and blue volleyball, gesturing with the other as they address the crowd. Behind them, a large banner hangs, displaying the emblem of a local sports team, and to their right, a podium with microphones stands ready to amplify their speech.",,4,1,attribute,color,"attribute - color (volleyball, yellow and blue)",Is the volleyball yellow and blue? +partiprompts98,"a politician stands on a wooden stage, dressed in a bright red soccer jersey emblazoned with a white number '10'. In one hand, they hold a yellow and blue volleyball, gesturing with the other as they address the crowd. Behind them, a large banner hangs, displaying the emblem of a local sports team, and to their right, a podium with microphones stands ready to amplify their speech.",,5,1,attribute,color,"attribute - color (banner, various)",Is the banner various colors? +partiprompts98,"a politician stands on a wooden stage, dressed in a bright red soccer jersey emblazoned with a white number '10'. In one hand, they hold a yellow and blue volleyball, gesturing with the other as they address the crowd. Behind them, a large banner hangs, displaying the emblem of a local sports team, and to their right, a podium with microphones stands ready to amplify their speech.",,6,1,attribute,color,"attribute - color (podium, various)",Is the podium various colors? +partiprompts98,"a politician stands on a wooden stage, dressed in a bright red soccer jersey emblazoned with a white number '10'. In one hand, they hold a yellow and blue volleyball, gesturing with the other as they address the crowd. Behind them, a large banner hangs, displaying the emblem of a local sports team, and to their right, a podium with microphones stands ready to amplify their speech.",,7,1,attribute,other,"attribute - other (politician, dressed in soccer jersey)",Is the politician dressed in a soccer jersey? +partiprompts98,"a politician stands on a wooden stage, dressed in a bright red soccer jersey emblazoned with a white number '10'. In one hand, they hold a yellow and blue volleyball, gesturing with the other as they address the crowd. Behind them, a large banner hangs, displaying the emblem of a local sports team, and to their right, a podium with microphones stands ready to amplify their speech.",,8,1,attribute,other,"attribute - other (politician, hold volleyball)",Is the politician holding a volleyball? +partiprompts98,"a politician stands on a wooden stage, dressed in a bright red soccer jersey emblazoned with a white number '10'. In one hand, they hold a yellow and blue volleyball, gesturing with the other as they address the crowd. Behind them, a large banner hangs, displaying the emblem of a local sports team, and to their right, a podium with microphones stands ready to amplify their speech.",,9,1,entity,part,entity - part (politician's jersey),Is there a jersey? +partiprompts98,"a politician stands on a wooden stage, dressed in a bright red soccer jersey emblazoned with a white number '10'. In one hand, they hold a yellow and blue volleyball, gesturing with the other as they address the crowd. Behind them, a large banner hangs, displaying the emblem of a local sports team, and to their right, a podium with microphones stands ready to amplify their speech.",,10,1,entity,part,entity - part (politician's hand),Is there a hand? +partiprompts98,"a politician stands on a wooden stage, dressed in a bright red soccer jersey emblazoned with a white number '10'. In one hand, they hold a yellow and blue volleyball, gesturing with the other as they address the crowd. Behind them, a large banner hangs, displaying the emblem of a local sports team, and to their right, a podium with microphones stands ready to amplify their speech.",,11,1,entity,part,entity - part (banner),Is there a banner? +partiprompts98,"a politician stands on a wooden stage, dressed in a bright red soccer jersey emblazoned with a white number '10'. In one hand, they hold a yellow and blue volleyball, gesturing with the other as they address the crowd. Behind them, a large banner hangs, displaying the emblem of a local sports team, and to their right, a podium with microphones stands ready to amplify their speech.",,12,1,entity,part,entity - part (podium),Is there a podium? +partiprompts98,"a politician stands on a wooden stage, dressed in a bright red soccer jersey emblazoned with a white number '10'. In one hand, they hold a yellow and blue volleyball, gesturing with the other as they address the crowd. Behind them, a large banner hangs, displaying the emblem of a local sports team, and to their right, a podium with microphones stands ready to amplify their speech.",,13,"1,2",relation,spatial,"relation - spatial (politician, stage, on)",Is the politician on the stage? +partiprompts98,"a politician stands on a wooden stage, dressed in a bright red soccer jersey emblazoned with a white number '10'. In one hand, they hold a yellow and blue volleyball, gesturing with the other as they address the crowd. Behind them, a large banner hangs, displaying the emblem of a local sports team, and to their right, a podium with microphones stands ready to amplify their speech.",,14,"1,2",relation,spatial,"relation - spatial (politician, crowd, address)",Is the politician addressing the crowd? +partiprompts98,"a politician stands on a wooden stage, dressed in a bright red soccer jersey emblazoned with a white number '10'. In one hand, they hold a yellow and blue volleyball, gesturing with the other as they address the crowd. Behind them, a large banner hangs, displaying the emblem of a local sports team, and to their right, a podium with microphones stands ready to amplify their speech.",,15,"1,2",relation,spatial,"relation - spatial (banner, behind politician)",Is the banner behind the politician? +partiprompts98,"a politician stands on a wooden stage, dressed in a bright red soccer jersey emblazoned with a white number '10'. In one hand, they hold a yellow and blue volleyball, gesturing with the other as they address the crowd. Behind them, a large banner hangs, displaying the emblem of a local sports team, and to their right, a podium with microphones stands ready to amplify their speech.",,16,"1,2",relation,spatial,"relation - spatial (podium, right of politician)",Is the podium to the right of the politician? +partiprompts203,"a massive tornado with a swirling gray funnel cloud, tearing through the landscape with debris flying around its base. At the top of the vortex, a small wooden house, with its windows shattered and roof partially torn off, is being lifted into the air. The tornado is moving across an open field, and the sky above is a menacing shade of dark gray.",,1,0,entity,whole,entity - whole (tornado),Is there a tornado? +partiprompts203,"a massive tornado with a swirling gray funnel cloud, tearing through the landscape with debris flying around its base. At the top of the vortex, a small wooden house, with its windows shattered and roof partially torn off, is being lifted into the air. The tornado is moving across an open field, and the sky above is a menacing shade of dark gray.",,2,1,entity,whole,entity - whole (funnel cloud),Is there a funnel cloud? +partiprompts203,"a massive tornado with a swirling gray funnel cloud, tearing through the landscape with debris flying around its base. At the top of the vortex, a small wooden house, with its windows shattered and roof partially torn off, is being lifted into the air. The tornado is moving across an open field, and the sky above is a menacing shade of dark gray.",,3,1,entity,whole,entity - whole (debris),Is there debris? +partiprompts203,"a massive tornado with a swirling gray funnel cloud, tearing through the landscape with debris flying around its base. At the top of the vortex, a small wooden house, with its windows shattered and roof partially torn off, is being lifted into the air. The tornado is moving across an open field, and the sky above is a menacing shade of dark gray.",,4,1,entity,whole,entity - whole (house),Is there a house? +partiprompts203,"a massive tornado with a swirling gray funnel cloud, tearing through the landscape with debris flying around its base. At the top of the vortex, a small wooden house, with its windows shattered and roof partially torn off, is being lifted into the air. The tornado is moving across an open field, and the sky above is a menacing shade of dark gray.",,5,0,entity,whole,entity - whole (field),Is there a field? +partiprompts203,"a massive tornado with a swirling gray funnel cloud, tearing through the landscape with debris flying around its base. At the top of the vortex, a small wooden house, with its windows shattered and roof partially torn off, is being lifted into the air. The tornado is moving across an open field, and the sky above is a menacing shade of dark gray.",,6,0,entity,whole,entity - whole (sky),Is there a sky? +partiprompts203,"a massive tornado with a swirling gray funnel cloud, tearing through the landscape with debris flying around its base. At the top of the vortex, a small wooden house, with its windows shattered and roof partially torn off, is being lifted into the air. The tornado is moving across an open field, and the sky above is a menacing shade of dark gray.",,7,1,attribute,size,"attribute - size (tornado, massive)",Is the tornado massive? +partiprompts203,"a massive tornado with a swirling gray funnel cloud, tearing through the landscape with debris flying around its base. At the top of the vortex, a small wooden house, with its windows shattered and roof partially torn off, is being lifted into the air. The tornado is moving across an open field, and the sky above is a menacing shade of dark gray.",,8,2,attribute,color,"attribute - color (funnel cloud, gray)",Is the funnel cloud gray? +partiprompts203,"a massive tornado with a swirling gray funnel cloud, tearing through the landscape with debris flying around its base. At the top of the vortex, a small wooden house, with its windows shattered and roof partially torn off, is being lifted into the air. The tornado is moving across an open field, and the sky above is a menacing shade of dark gray.",,9,6,attribute,color,"attribute - color (sky, dark gray)",Is the sky dark gray? +partiprompts203,"a massive tornado with a swirling gray funnel cloud, tearing through the landscape with debris flying around its base. At the top of the vortex, a small wooden house, with its windows shattered and roof partially torn off, is being lifted into the air. The tornado is moving across an open field, and the sky above is a menacing shade of dark gray.",,10,4,entity,state,"entity - state (house, windows shattered and roof partially torn off)",Are the house's windows shattered and roof partially torn off? +partiprompts203,"a massive tornado with a swirling gray funnel cloud, tearing through the landscape with debris flying around its base. At the top of the vortex, a small wooden house, with its windows shattered and roof partially torn off, is being lifted into the air. The tornado is moving across an open field, and the sky above is a menacing shade of dark gray.",,11,1,relation,spatial,"relation - spatial (tornado, landscape, tear through)",Is the tornado tearing through the landscape? +partiprompts203,"a massive tornado with a swirling gray funnel cloud, tearing through the landscape with debris flying around its base. At the top of the vortex, a small wooden house, with its windows shattered and roof partially torn off, is being lifted into the air. The tornado is moving across an open field, and the sky above is a menacing shade of dark gray.",,12,"3,1",relation,spatial,"relation - spatial (debris, tornado, around)",Is debris flying around the tornado? +partiprompts203,"a massive tornado with a swirling gray funnel cloud, tearing through the landscape with debris flying around its base. At the top of the vortex, a small wooden house, with its windows shattered and roof partially torn off, is being lifted into the air. The tornado is moving across an open field, and the sky above is a menacing shade of dark gray.",,13,"1,2",relation,spatial,"relation - spatial (house, vortex, at the top)",Is the house at the top of the vortex? +partiprompts203,"a massive tornado with a swirling gray funnel cloud, tearing through the landscape with debris flying around its base. At the top of the vortex, a small wooden house, with its windows shattered and roof partially torn off, is being lifted into the air. The tornado is moving across an open field, and the sky above is a menacing shade of dark gray.",,14,"1,2",relation,spatial,"relation - spatial (house, air, lifted into)",Is the house being lifted into the air? +partiprompts203,"a massive tornado with a swirling gray funnel cloud, tearing through the landscape with debris flying around its base. At the top of the vortex, a small wooden house, with its windows shattered and roof partially torn off, is being lifted into the air. The tornado is moving across an open field, and the sky above is a menacing shade of dark gray.",,15,"1,5",relation,spatial,"relation - spatial (tornado, field, across)",Is the tornado moving across the field? +partiprompts25,"An imaginative scene where the iconic Sydney Opera House, with its white sail-like shells, sits prominently on the left. To the right, the Eiffel Tower, constructed of intricate iron lattice work, towers over the landscape. Behind both landmarks, the majestic Mount Everest looms, its snow-capped peak piercing the sky.",,1,0,entity,whole,entity - whole (Sydney Opera House),Is there the Sydney Opera House? +partiprompts25,"An imaginative scene where the iconic Sydney Opera House, with its white sail-like shells, sits prominently on the left. To the right, the Eiffel Tower, constructed of intricate iron lattice work, towers over the landscape. Behind both landmarks, the majestic Mount Everest looms, its snow-capped peak piercing the sky.",,2,0,entity,whole,entity - whole (Eiffel Tower),Is there the Eiffel Tower? +partiprompts25,"An imaginative scene where the iconic Sydney Opera House, with its white sail-like shells, sits prominently on the left. To the right, the Eiffel Tower, constructed of intricate iron lattice work, towers over the landscape. Behind both landmarks, the majestic Mount Everest looms, its snow-capped peak piercing the sky.",,3,0,entity,whole,entity - whole (Mount Everest),Is there Mount Everest? +partiprompts25,"An imaginative scene where the iconic Sydney Opera House, with its white sail-like shells, sits prominently on the left. To the right, the Eiffel Tower, constructed of intricate iron lattice work, towers over the landscape. Behind both landmarks, the majestic Mount Everest looms, its snow-capped peak piercing the sky.",,4,1,attribute,color,"attribute - color (Sydney Opera House, white)",Is the Sydney Opera House white? +partiprompts25,"An imaginative scene where the iconic Sydney Opera House, with its white sail-like shells, sits prominently on the left. To the right, the Eiffel Tower, constructed of intricate iron lattice work, towers over the landscape. Behind both landmarks, the majestic Mount Everest looms, its snow-capped peak piercing the sky.",,5,1,attribute,texture,"attribute - texture (Sydney Opera House, sail-like shells)",Does the Sydney Opera House have sail-like shells? +partiprompts25,"An imaginative scene where the iconic Sydney Opera House, with its white sail-like shells, sits prominently on the left. To the right, the Eiffel Tower, constructed of intricate iron lattice work, towers over the landscape. Behind both landmarks, the majestic Mount Everest looms, its snow-capped peak piercing the sky.",,6,2,attribute,texture,"attribute - texture (Eiffel Tower, iron lattice work)",Does the Eiffel Tower have intricate iron lattice work? +partiprompts25,"An imaginative scene where the iconic Sydney Opera House, with its white sail-like shells, sits prominently on the left. To the right, the Eiffel Tower, constructed of intricate iron lattice work, towers over the landscape. Behind both landmarks, the majestic Mount Everest looms, its snow-capped peak piercing the sky.",,7,3,attribute,texture,"attribute - texture (Mount Everest, snow-capped)",Is Mount Everest snow-capped? +partiprompts25,"An imaginative scene where the iconic Sydney Opera House, with its white sail-like shells, sits prominently on the left. To the right, the Eiffel Tower, constructed of intricate iron lattice work, towers over the landscape. Behind both landmarks, the majestic Mount Everest looms, its snow-capped peak piercing the sky.",,8,2,attribute,size,"attribute - size (Eiffel Tower, towering)",Is the Eiffel Tower towering? +partiprompts25,"An imaginative scene where the iconic Sydney Opera House, with its white sail-like shells, sits prominently on the left. To the right, the Eiffel Tower, constructed of intricate iron lattice work, towers over the landscape. Behind both landmarks, the majestic Mount Everest looms, its snow-capped peak piercing the sky.",,9,"1,2",relation,spatial,"relation - spatial (Sydney Opera House, Eiffel Tower, left)",Is the Sydney Opera House on the left of the Eiffel Tower? +partiprompts25,"An imaginative scene where the iconic Sydney Opera House, with its white sail-like shells, sits prominently on the left. To the right, the Eiffel Tower, constructed of intricate iron lattice work, towers over the landscape. Behind both landmarks, the majestic Mount Everest looms, its snow-capped peak piercing the sky.",,10,"2,3",relation,spatial,"relation - spatial (Eiffel Tower, Mount Everest, behind)",Is the Eiffel Tower behind Mount Everest? +partiprompts18,"A close-up image captures a furry wombat with a curious expression, donning a bright red backpack snugly fitted on its back. The adorable marsupial stands on its hind legs, with both arms raised in a triumphant or playful gesture. In the distance, the iconic Mount Rushmore serves as a majestic backdrop, with the carved faces of the four presidents etched into the mountainside.",,1,0,global,,global - (close-up image),Is this a close-up image? +partiprompts18,"A close-up image captures a furry wombat with a curious expression, donning a bright red backpack snugly fitted on its back. The adorable marsupial stands on its hind legs, with both arms raised in a triumphant or playful gesture. In the distance, the iconic Mount Rushmore serves as a majestic backdrop, with the carved faces of the four presidents etched into the mountainside.",,2,0,entity,whole,entity - whole (wombat),Is there a wombat? +partiprompts18,"A close-up image captures a furry wombat with a curious expression, donning a bright red backpack snugly fitted on its back. The adorable marsupial stands on its hind legs, with both arms raised in a triumphant or playful gesture. In the distance, the iconic Mount Rushmore serves as a majestic backdrop, with the carved faces of the four presidents etched into the mountainside.",,3,2,entity,part,entity - part (wombat's backpack),Is there a backpack? +partiprompts18,"A close-up image captures a furry wombat with a curious expression, donning a bright red backpack snugly fitted on its back. The adorable marsupial stands on its hind legs, with both arms raised in a triumphant or playful gesture. In the distance, the iconic Mount Rushmore serves as a majestic backdrop, with the carved faces of the four presidents etched into the mountainside.",,4,2,attribute,texture,"attribute - texture (wombat, furry)",Is the wombat furry? +partiprompts18,"A close-up image captures a furry wombat with a curious expression, donning a bright red backpack snugly fitted on its back. The adorable marsupial stands on its hind legs, with both arms raised in a triumphant or playful gesture. In the distance, the iconic Mount Rushmore serves as a majestic backdrop, with the carved faces of the four presidents etched into the mountainside.",,5,3,attribute,color,"attribute - color (backpack, bright red)",Is the backpack bright red? +partiprompts18,"A close-up image captures a furry wombat with a curious expression, donning a bright red backpack snugly fitted on its back. The adorable marsupial stands on its hind legs, with both arms raised in a triumphant or playful gesture. In the distance, the iconic Mount Rushmore serves as a majestic backdrop, with the carved faces of the four presidents etched into the mountainside.",,6,2,entity,state,"entity - state (wombat, curious)",Is the wombat curious? +partiprompts18,"A close-up image captures a furry wombat with a curious expression, donning a bright red backpack snugly fitted on its back. The adorable marsupial stands on its hind legs, with both arms raised in a triumphant or playful gesture. In the distance, the iconic Mount Rushmore serves as a majestic backdrop, with the carved faces of the four presidents etched into the mountainside.",,7,2,entity,state,"entity - state (wombat, stand on hind legs)",Is the wombat standing on its hind legs? +partiprompts18,"A close-up image captures a furry wombat with a curious expression, donning a bright red backpack snugly fitted on its back. The adorable marsupial stands on its hind legs, with both arms raised in a triumphant or playful gesture. In the distance, the iconic Mount Rushmore serves as a majestic backdrop, with the carved faces of the four presidents etched into the mountainside.",,8,2,entity,state,"entity - state (wombat, arms raised)",Are the wombat's arms raised? +partiprompts18,"A close-up image captures a furry wombat with a curious expression, donning a bright red backpack snugly fitted on its back. The adorable marsupial stands on its hind legs, with both arms raised in a triumphant or playful gesture. In the distance, the iconic Mount Rushmore serves as a majestic backdrop, with the carved faces of the four presidents etched into the mountainside.",,9,2,entity,state,"entity - state (wombat, triumphant or playful gesture)",Is the wombat making a triumphant or playful gesture? +partiprompts18,"A close-up image captures a furry wombat with a curious expression, donning a bright red backpack snugly fitted on its back. The adorable marsupial stands on its hind legs, with both arms raised in a triumphant or playful gesture. In the distance, the iconic Mount Rushmore serves as a majestic backdrop, with the carved faces of the four presidents etched into the mountainside.",,10,0,entity,whole,entity - whole (Mount Rushmore),Is there Mount Rushmore? +partiprompts18,"A close-up image captures a furry wombat with a curious expression, donning a bright red backpack snugly fitted on its back. The adorable marsupial stands on its hind legs, with both arms raised in a triumphant or playful gesture. In the distance, the iconic Mount Rushmore serves as a majestic backdrop, with the carved faces of the four presidents etched into the mountainside.",,11,0,entity,whole,entity - whole (mountainside),Is there a mountainside? +partiprompts18,"A close-up image captures a furry wombat with a curious expression, donning a bright red backpack snugly fitted on its back. The adorable marsupial stands on its hind legs, with both arms raised in a triumphant or playful gesture. In the distance, the iconic Mount Rushmore serves as a majestic backdrop, with the carved faces of the four presidents etched into the mountainside.",,12,10,entity,part,entity - part (Mount Rushmore's faces),Are there faces on Mount Rushmore? +partiprompts18,"A close-up image captures a furry wombat with a curious expression, donning a bright red backpack snugly fitted on its back. The adorable marsupial stands on its hind legs, with both arms raised in a triumphant or playful gesture. In the distance, the iconic Mount Rushmore serves as a majestic backdrop, with the carved faces of the four presidents etched into the mountainside.",,13,"2,10",relation,spatial,"relation - spatial (wombat, Mount Rushmore, in front of)",Is the wombat in front of Mount Rushmore? +partiprompts18,"A close-up image captures a furry wombat with a curious expression, donning a bright red backpack snugly fitted on its back. The adorable marsupial stands on its hind legs, with both arms raised in a triumphant or playful gesture. In the distance, the iconic Mount Rushmore serves as a majestic backdrop, with the carved faces of the four presidents etched into the mountainside.",,14,"10,11",relation,spatial,"relation - spatial (Mount Rushmore, mountainside, on)",Is Mount Rushmore on the mountainside? +partiprompts270,"A row of waste disposal bins neatly aligned against a concrete wall, with a brown trash bin in the center. To its left, there is a green compost bin marked with recycling symbols, and to its right stands a blue recycling bin designated for paper and plastics. The bins are situated on a gray pavement, and each has a label indicating its specific use for waste segregation.",,1,0,entity,whole,entity - whole (waste disposal bins),Are there waste disposal bins? +partiprompts270,"A row of waste disposal bins neatly aligned against a concrete wall, with a brown trash bin in the center. To its left, there is a green compost bin marked with recycling symbols, and to its right stands a blue recycling bin designated for paper and plastics. The bins are situated on a gray pavement, and each has a label indicating its specific use for waste segregation.",,2,0,entity,whole,entity - whole (concrete wall),Is there a concrete wall? +partiprompts270,"A row of waste disposal bins neatly aligned against a concrete wall, with a brown trash bin in the center. To its left, there is a green compost bin marked with recycling symbols, and to its right stands a blue recycling bin designated for paper and plastics. The bins are situated on a gray pavement, and each has a label indicating its specific use for waste segregation.",,3,1,entity,whole,entity - whole (trash bin),Is there a trash bin? +partiprompts270,"A row of waste disposal bins neatly aligned against a concrete wall, with a brown trash bin in the center. To its left, there is a green compost bin marked with recycling symbols, and to its right stands a blue recycling bin designated for paper and plastics. The bins are situated on a gray pavement, and each has a label indicating its specific use for waste segregation.",,4,1,entity,whole,entity - whole (compost bin),Is there a compost bin? +partiprompts270,"A row of waste disposal bins neatly aligned against a concrete wall, with a brown trash bin in the center. To its left, there is a green compost bin marked with recycling symbols, and to its right stands a blue recycling bin designated for paper and plastics. The bins are situated on a gray pavement, and each has a label indicating its specific use for waste segregation.",,5,1,entity,whole,entity - whole (recycling bin),Is there a recycling bin? +partiprompts270,"A row of waste disposal bins neatly aligned against a concrete wall, with a brown trash bin in the center. To its left, there is a green compost bin marked with recycling symbols, and to its right stands a blue recycling bin designated for paper and plastics. The bins are situated on a gray pavement, and each has a label indicating its specific use for waste segregation.",,6,3,attribute,color,"attribute - color (trash bin, brown)",Is the trash bin brown? +partiprompts270,"A row of waste disposal bins neatly aligned against a concrete wall, with a brown trash bin in the center. To its left, there is a green compost bin marked with recycling symbols, and to its right stands a blue recycling bin designated for paper and plastics. The bins are situated on a gray pavement, and each has a label indicating its specific use for waste segregation.",,7,4,attribute,color,"attribute - color (compost bin, green)",Is the compost bin green? +partiprompts270,"A row of waste disposal bins neatly aligned against a concrete wall, with a brown trash bin in the center. To its left, there is a green compost bin marked with recycling symbols, and to its right stands a blue recycling bin designated for paper and plastics. The bins are situated on a gray pavement, and each has a label indicating its specific use for waste segregation.",,8,5,attribute,color,"attribute - color (recycling bin, blue)",Is the recycling bin blue? +partiprompts270,"A row of waste disposal bins neatly aligned against a concrete wall, with a brown trash bin in the center. To its left, there is a green compost bin marked with recycling symbols, and to its right stands a blue recycling bin designated for paper and plastics. The bins are situated on a gray pavement, and each has a label indicating its specific use for waste segregation.",,9,2,attribute,color,"attribute - color (pavement, gray)",Is the pavement gray? +partiprompts270,"A row of waste disposal bins neatly aligned against a concrete wall, with a brown trash bin in the center. To its left, there is a green compost bin marked with recycling symbols, and to its right stands a blue recycling bin designated for paper and plastics. The bins are situated on a gray pavement, and each has a label indicating its specific use for waste segregation.",,10,4,attribute,other,"attribute - other (compost bin, marked with recycling symbols)",Is the compost bin marked with recycling symbols? +partiprompts270,"A row of waste disposal bins neatly aligned against a concrete wall, with a brown trash bin in the center. To its left, there is a green compost bin marked with recycling symbols, and to its right stands a blue recycling bin designated for paper and plastics. The bins are situated on a gray pavement, and each has a label indicating its specific use for waste segregation.",,11,5,attribute,other,"attribute - other (recycling bin, designated for paper and plastics)",Is the recycling bin designated for paper and plastics? +partiprompts270,"A row of waste disposal bins neatly aligned against a concrete wall, with a brown trash bin in the center. To its left, there is a green compost bin marked with recycling symbols, and to its right stands a blue recycling bin designated for paper and plastics. The bins are situated on a gray pavement, and each has a label indicating its specific use for waste segregation.",,12,1,attribute,other,"attribute - other (bins, labeled for waste segregation)",Are the bins labeled for waste segregation? +partiprompts270,"A row of waste disposal bins neatly aligned against a concrete wall, with a brown trash bin in the center. To its left, there is a green compost bin marked with recycling symbols, and to its right stands a blue recycling bin designated for paper and plastics. The bins are situated on a gray pavement, and each has a label indicating its specific use for waste segregation.",,13,"1,2",relation,spatial,"relation - spatial (waste disposal bins, concrete wall, against)",Are the waste disposal bins aligned against the concrete wall? +partiprompts270,"A row of waste disposal bins neatly aligned against a concrete wall, with a brown trash bin in the center. To its left, there is a green compost bin marked with recycling symbols, and to its right stands a blue recycling bin designated for paper and plastics. The bins are situated on a gray pavement, and each has a label indicating its specific use for waste segregation.",,14,"3,4",relation,spatial,"relation - spatial (trash bin, compost bin, left)",Is the compost bin to the left of the trash bin? +partiprompts270,"A row of waste disposal bins neatly aligned against a concrete wall, with a brown trash bin in the center. To its left, there is a green compost bin marked with recycling symbols, and to its right stands a blue recycling bin designated for paper and plastics. The bins are situated on a gray pavement, and each has a label indicating its specific use for waste segregation.",,15,"3,5",relation,spatial,"relation - spatial (trash bin, recycling bin, right)",Is the recycling bin to the right of the trash bin? +partiprompts270,"A row of waste disposal bins neatly aligned against a concrete wall, with a brown trash bin in the center. To its left, there is a green compost bin marked with recycling symbols, and to its right stands a blue recycling bin designated for paper and plastics. The bins are situated on a gray pavement, and each has a label indicating its specific use for waste segregation.",,16,"1,9",relation,spatial,"relation - spatial (bins, pavement, on)",Are the bins on the gray pavement? +partiprompts121,"A plump wombat, adorned in a crisp white panama hat and a vibrant floral Hawaiian shirt, lounges comfortably in a bright yellow beach chair. In its paws, it delicately holds a martini glass, the drink precariously balanced atop the keys of an open laptop resting on its lap. Behind the relaxed marsupial, the silhouettes of palm trees sway gently, their forms blurred into the tropical backdrop.",,1,0,entity,whole,entity - whole (wombat),Is there a wombat? +partiprompts121,"A plump wombat, adorned in a crisp white panama hat and a vibrant floral Hawaiian shirt, lounges comfortably in a bright yellow beach chair. In its paws, it delicately holds a martini glass, the drink precariously balanced atop the keys of an open laptop resting on its lap. Behind the relaxed marsupial, the silhouettes of palm trees sway gently, their forms blurred into the tropical backdrop.",,2,1,entity,part,entity - part (wombat's hat),Is there a hat? +partiprompts121,"A plump wombat, adorned in a crisp white panama hat and a vibrant floral Hawaiian shirt, lounges comfortably in a bright yellow beach chair. In its paws, it delicately holds a martini glass, the drink precariously balanced atop the keys of an open laptop resting on its lap. Behind the relaxed marsupial, the silhouettes of palm trees sway gently, their forms blurred into the tropical backdrop.",,3,1,entity,part,entity - part (wombat's shirt),Is there a shirt? +partiprompts121,"A plump wombat, adorned in a crisp white panama hat and a vibrant floral Hawaiian shirt, lounges comfortably in a bright yellow beach chair. In its paws, it delicately holds a martini glass, the drink precariously balanced atop the keys of an open laptop resting on its lap. Behind the relaxed marsupial, the silhouettes of palm trees sway gently, their forms blurred into the tropical backdrop.",,4,0,entity,whole,entity - whole (beach chair),Is there a beach chair? +partiprompts121,"A plump wombat, adorned in a crisp white panama hat and a vibrant floral Hawaiian shirt, lounges comfortably in a bright yellow beach chair. In its paws, it delicately holds a martini glass, the drink precariously balanced atop the keys of an open laptop resting on its lap. Behind the relaxed marsupial, the silhouettes of palm trees sway gently, their forms blurred into the tropical backdrop.",,5,0,entity,whole,entity - whole (martini glass),Is there a martini glass? +partiprompts121,"A plump wombat, adorned in a crisp white panama hat and a vibrant floral Hawaiian shirt, lounges comfortably in a bright yellow beach chair. In its paws, it delicately holds a martini glass, the drink precariously balanced atop the keys of an open laptop resting on its lap. Behind the relaxed marsupial, the silhouettes of palm trees sway gently, their forms blurred into the tropical backdrop.",,6,0,entity,whole,entity - whole (laptop),Is there a laptop? +partiprompts121,"A plump wombat, adorned in a crisp white panama hat and a vibrant floral Hawaiian shirt, lounges comfortably in a bright yellow beach chair. In its paws, it delicately holds a martini glass, the drink precariously balanced atop the keys of an open laptop resting on its lap. Behind the relaxed marsupial, the silhouettes of palm trees sway gently, their forms blurred into the tropical backdrop.",,7,0,entity,whole,entity - whole (palm trees),Are there palm trees? +partiprompts121,"A plump wombat, adorned in a crisp white panama hat and a vibrant floral Hawaiian shirt, lounges comfortably in a bright yellow beach chair. In its paws, it delicately holds a martini glass, the drink precariously balanced atop the keys of an open laptop resting on its lap. Behind the relaxed marsupial, the silhouettes of palm trees sway gently, their forms blurred into the tropical backdrop.",,8,1,attribute,size,"attribute - size (wombat, plump)",Is the wombat plump? +partiprompts121,"A plump wombat, adorned in a crisp white panama hat and a vibrant floral Hawaiian shirt, lounges comfortably in a bright yellow beach chair. In its paws, it delicately holds a martini glass, the drink precariously balanced atop the keys of an open laptop resting on its lap. Behind the relaxed marsupial, the silhouettes of palm trees sway gently, their forms blurred into the tropical backdrop.",,9,2,attribute,color,"attribute - color (hat, white)",Is the hat white? +partiprompts121,"A plump wombat, adorned in a crisp white panama hat and a vibrant floral Hawaiian shirt, lounges comfortably in a bright yellow beach chair. In its paws, it delicately holds a martini glass, the drink precariously balanced atop the keys of an open laptop resting on its lap. Behind the relaxed marsupial, the silhouettes of palm trees sway gently, their forms blurred into the tropical backdrop.",,10,3,attribute,color,"attribute - color (shirt, vibrant floral)",Is the shirt vibrant floral? +partiprompts121,"A plump wombat, adorned in a crisp white panama hat and a vibrant floral Hawaiian shirt, lounges comfortably in a bright yellow beach chair. In its paws, it delicately holds a martini glass, the drink precariously balanced atop the keys of an open laptop resting on its lap. Behind the relaxed marsupial, the silhouettes of palm trees sway gently, their forms blurred into the tropical backdrop.",,11,4,attribute,color,"attribute - color (beach chair, bright yellow)",Is the beach chair bright yellow? +partiprompts121,"A plump wombat, adorned in a crisp white panama hat and a vibrant floral Hawaiian shirt, lounges comfortably in a bright yellow beach chair. In its paws, it delicately holds a martini glass, the drink precariously balanced atop the keys of an open laptop resting on its lap. Behind the relaxed marsupial, the silhouettes of palm trees sway gently, their forms blurred into the tropical backdrop.",,12,1,entity,state,"entity - state (wombat, lounge)",Is the wombat lounging? +partiprompts121,"A plump wombat, adorned in a crisp white panama hat and a vibrant floral Hawaiian shirt, lounges comfortably in a bright yellow beach chair. In its paws, it delicately holds a martini glass, the drink precariously balanced atop the keys of an open laptop resting on its lap. Behind the relaxed marsupial, the silhouettes of palm trees sway gently, their forms blurred into the tropical backdrop.",,13,5,entity,state,"entity - state (martini glass, delicately held)",Is the martini glass delicately held? +partiprompts121,"A plump wombat, adorned in a crisp white panama hat and a vibrant floral Hawaiian shirt, lounges comfortably in a bright yellow beach chair. In its paws, it delicately holds a martini glass, the drink precariously balanced atop the keys of an open laptop resting on its lap. Behind the relaxed marsupial, the silhouettes of palm trees sway gently, their forms blurred into the tropical backdrop.",,14,5,entity,state,"entity - state (drink, precariously balanced)",Is the drink precariously balanced? +partiprompts121,"A plump wombat, adorned in a crisp white panama hat and a vibrant floral Hawaiian shirt, lounges comfortably in a bright yellow beach chair. In its paws, it delicately holds a martini glass, the drink precariously balanced atop the keys of an open laptop resting on its lap. Behind the relaxed marsupial, the silhouettes of palm trees sway gently, their forms blurred into the tropical backdrop.",,15,"1,4",relation,spatial,"relation - spatial (wombat, beach chair, lounges in)",Is the wombat lounging in the beach chair? +partiprompts121,"A plump wombat, adorned in a crisp white panama hat and a vibrant floral Hawaiian shirt, lounges comfortably in a bright yellow beach chair. In its paws, it delicately holds a martini glass, the drink precariously balanced atop the keys of an open laptop resting on its lap. Behind the relaxed marsupial, the silhouettes of palm trees sway gently, their forms blurred into the tropical backdrop.",,16,"1,5",relation,spatial,"relation - spatial (martini glass, wombat, delicately held)",Is the martini glass delicately held by the wombat? +partiprompts121,"A plump wombat, adorned in a crisp white panama hat and a vibrant floral Hawaiian shirt, lounges comfortably in a bright yellow beach chair. In its paws, it delicately holds a martini glass, the drink precariously balanced atop the keys of an open laptop resting on its lap. Behind the relaxed marsupial, the silhouettes of palm trees sway gently, their forms blurred into the tropical backdrop.",,17,"5,6",relation,spatial,"relation - spatial (martini glass, laptop, atop)",Is the martini glass atop the laptop? +partiprompts121,"A plump wombat, adorned in a crisp white panama hat and a vibrant floral Hawaiian shirt, lounges comfortably in a bright yellow beach chair. In its paws, it delicately holds a martini glass, the drink precariously balanced atop the keys of an open laptop resting on its lap. Behind the relaxed marsupial, the silhouettes of palm trees sway gently, their forms blurred into the tropical backdrop.",,18,"6,1",relation,spatial,"relation - spatial (laptop, wombat, resting on lap)",Is the laptop resting on the wombat's lap? +partiprompts121,"A plump wombat, adorned in a crisp white panama hat and a vibrant floral Hawaiian shirt, lounges comfortably in a bright yellow beach chair. In its paws, it delicately holds a martini glass, the drink precariously balanced atop the keys of an open laptop resting on its lap. Behind the relaxed marsupial, the silhouettes of palm trees sway gently, their forms blurred into the tropical backdrop.",,19,"1,7",relation,spatial,"relation - spatial (palm trees, wombat, behind)",Are the palm trees behind the wombat? +partiprompts121,"A plump wombat, adorned in a crisp white panama hat and a vibrant floral Hawaiian shirt, lounges comfortably in a bright yellow beach chair. In its paws, it delicately holds a martini glass, the drink precariously balanced atop the keys of an open laptop resting on its lap. Behind the relaxed marsupial, the silhouettes of palm trees sway gently, their forms blurred into the tropical backdrop.",,20,7,attribute,texture,"attribute - texture (palm trees, blurred)",Are the palm trees blurred into the tropical backdrop? +partiprompts239,"A spacious room with a high ceiling, where a single, narrow beam of natural light streams down from a small skylight above. This focused beam of light casts a warm glow upon an easel standing directly beneath it. Mounted on the easel is a detailed Rembrandt-style painting, depicting the intricate features of a raccoon's face, which is highlighted by the light against the otherwise dim surroundings.",,1,0,entity,whole,entity - whole (room),Is there a room? +partiprompts239,"A spacious room with a high ceiling, where a single, narrow beam of natural light streams down from a small skylight above. This focused beam of light casts a warm glow upon an easel standing directly beneath it. Mounted on the easel is a detailed Rembrandt-style painting, depicting the intricate features of a raccoon's face, which is highlighted by the light against the otherwise dim surroundings.",,2,1,attribute,size,"attribute - size (room, spacious)",Is the room spacious? +partiprompts239,"A spacious room with a high ceiling, where a single, narrow beam of natural light streams down from a small skylight above. This focused beam of light casts a warm glow upon an easel standing directly beneath it. Mounted on the easel is a detailed Rembrandt-style painting, depicting the intricate features of a raccoon's face, which is highlighted by the light against the otherwise dim surroundings.",,3,1,attribute,size,"attribute - size (ceiling, high)",Is the ceiling high? +partiprompts239,"A spacious room with a high ceiling, where a single, narrow beam of natural light streams down from a small skylight above. This focused beam of light casts a warm glow upon an easel standing directly beneath it. Mounted on the easel is a detailed Rembrandt-style painting, depicting the intricate features of a raccoon's face, which is highlighted by the light against the otherwise dim surroundings.",,4,1,entity,whole,entity - whole (beam of light),Is there a beam of light? +partiprompts239,"A spacious room with a high ceiling, where a single, narrow beam of natural light streams down from a small skylight above. This focused beam of light casts a warm glow upon an easel standing directly beneath it. Mounted on the easel is a detailed Rembrandt-style painting, depicting the intricate features of a raccoon's face, which is highlighted by the light against the otherwise dim surroundings.",,5,4,attribute,size,"attribute - size (beam of light, narrow)",Is the beam of light narrow? +partiprompts239,"A spacious room with a high ceiling, where a single, narrow beam of natural light streams down from a small skylight above. This focused beam of light casts a warm glow upon an easel standing directly beneath it. Mounted on the easel is a detailed Rembrandt-style painting, depicting the intricate features of a raccoon's face, which is highlighted by the light against the otherwise dim surroundings.",,6,4,attribute,other,"attribute - other (beam of light, natural)",Is the beam of light natural? +partiprompts239,"A spacious room with a high ceiling, where a single, narrow beam of natural light streams down from a small skylight above. This focused beam of light casts a warm glow upon an easel standing directly beneath it. Mounted on the easel is a detailed Rembrandt-style painting, depicting the intricate features of a raccoon's face, which is highlighted by the light against the otherwise dim surroundings.",,7,"4,8",relation,spatial,"relation - spatial (beam of light, skylight, down from)",Is the beam of light streaming down from a skylight? +partiprompts239,"A spacious room with a high ceiling, where a single, narrow beam of natural light streams down from a small skylight above. This focused beam of light casts a warm glow upon an easel standing directly beneath it. Mounted on the easel is a detailed Rembrandt-style painting, depicting the intricate features of a raccoon's face, which is highlighted by the light against the otherwise dim surroundings.",,8,0,entity,whole,entity - whole (skylight),Is there a skylight? +partiprompts239,"A spacious room with a high ceiling, where a single, narrow beam of natural light streams down from a small skylight above. This focused beam of light casts a warm glow upon an easel standing directly beneath it. Mounted on the easel is a detailed Rembrandt-style painting, depicting the intricate features of a raccoon's face, which is highlighted by the light against the otherwise dim surroundings.",,9,8,attribute,size,"attribute - size (skylight, small)",Is the skylight small? +partiprompts239,"A spacious room with a high ceiling, where a single, narrow beam of natural light streams down from a small skylight above. This focused beam of light casts a warm glow upon an easel standing directly beneath it. Mounted on the easel is a detailed Rembrandt-style painting, depicting the intricate features of a raccoon's face, which is highlighted by the light against the otherwise dim surroundings.",,10,8,attribute,texture,"attribute - texture (skylight, natural)",Is the skylight natural? +partiprompts239,"A spacious room with a high ceiling, where a single, narrow beam of natural light streams down from a small skylight above. This focused beam of light casts a warm glow upon an easel standing directly beneath it. Mounted on the easel is a detailed Rembrandt-style painting, depicting the intricate features of a raccoon's face, which is highlighted by the light against the otherwise dim surroundings.",,11,1,entity,whole,entity - whole (easel),Is there an easel? +partiprompts239,"A spacious room with a high ceiling, where a single, narrow beam of natural light streams down from a small skylight above. This focused beam of light casts a warm glow upon an easel standing directly beneath it. Mounted on the easel is a detailed Rembrandt-style painting, depicting the intricate features of a raccoon's face, which is highlighted by the light against the otherwise dim surroundings.",,12,11,attribute,size,"attribute - size (easel, small)",Is the easel small? +partiprompts239,"A spacious room with a high ceiling, where a single, narrow beam of natural light streams down from a small skylight above. This focused beam of light casts a warm glow upon an easel standing directly beneath it. Mounted on the easel is a detailed Rembrandt-style painting, depicting the intricate features of a raccoon's face, which is highlighted by the light against the otherwise dim surroundings.",,13,"11,4",relation,spatial,"relation - spatial (easel, beam of light, under)",Is the easel under the beam of light? +partiprompts239,"A spacious room with a high ceiling, where a single, narrow beam of natural light streams down from a small skylight above. This focused beam of light casts a warm glow upon an easel standing directly beneath it. Mounted on the easel is a detailed Rembrandt-style painting, depicting the intricate features of a raccoon's face, which is highlighted by the light against the otherwise dim surroundings.",,14,1,entity,whole,entity - whole (painting),Is there a painting? +partiprompts239,"A spacious room with a high ceiling, where a single, narrow beam of natural light streams down from a small skylight above. This focused beam of light casts a warm glow upon an easel standing directly beneath it. Mounted on the easel is a detailed Rembrandt-style painting, depicting the intricate features of a raccoon's face, which is highlighted by the light against the otherwise dim surroundings.",,15,14,attribute,other,"attribute - other (painting, Rembrandt-style)",Is the painting Rembrandt-style? +partiprompts239,"A spacious room with a high ceiling, where a single, narrow beam of natural light streams down from a small skylight above. This focused beam of light casts a warm glow upon an easel standing directly beneath it. Mounted on the easel is a detailed Rembrandt-style painting, depicting the intricate features of a raccoon's face, which is highlighted by the light against the otherwise dim surroundings.",,16,14,attribute,other,"attribute - other (painting, detailed)",Is the painting detailed? +partiprompts239,"A spacious room with a high ceiling, where a single, narrow beam of natural light streams down from a small skylight above. This focused beam of light casts a warm glow upon an easel standing directly beneath it. Mounted on the easel is a detailed Rembrandt-style painting, depicting the intricate features of a raccoon's face, which is highlighted by the light against the otherwise dim surroundings.",,17,14,entity,whole,entity - whole (features of raccoon's face),Are the features of the raccoon's face depicted in the painting? +partiprompts239,"A spacious room with a high ceiling, where a single, narrow beam of natural light streams down from a small skylight above. This focused beam of light casts a warm glow upon an easel standing directly beneath it. Mounted on the easel is a detailed Rembrandt-style painting, depicting the intricate features of a raccoon's face, which is highlighted by the light against the otherwise dim surroundings.",,18,17,attribute,other,"attribute - other (features of raccoon's face, intricate)",Are the features of the raccoon's face intricate? +partiprompts239,"A spacious room with a high ceiling, where a single, narrow beam of natural light streams down from a small skylight above. This focused beam of light casts a warm glow upon an easel standing directly beneath it. Mounted on the easel is a detailed Rembrandt-style painting, depicting the intricate features of a raccoon's face, which is highlighted by the light against the otherwise dim surroundings.",,19,17,entity,state,"entity - state (features of raccoon's face, highlight)",Are the features of the raccoon's face highlighted? +partiprompts239,"A spacious room with a high ceiling, where a single, narrow beam of natural light streams down from a small skylight above. This focused beam of light casts a warm glow upon an easel standing directly beneath it. Mounted on the easel is a detailed Rembrandt-style painting, depicting the intricate features of a raccoon's face, which is highlighted by the light against the otherwise dim surroundings.",,20,"17,19",relation,spatial,"relation - spatial (features of raccoon's face, light, against)",Are the features of the raccoon's face highlighted by the light? +partiprompts239,"A spacious room with a high ceiling, where a single, narrow beam of natural light streams down from a small skylight above. This focused beam of light casts a warm glow upon an easel standing directly beneath it. Mounted on the easel is a detailed Rembrandt-style painting, depicting the intricate features of a raccoon's face, which is highlighted by the light against the otherwise dim surroundings.",,21,"1,20",attribute,other,"attribute - other (surroundings, dim)",Are the surroundings dim? +partiprompts44,"A ceramic plate filled with fluffy white rice, crowned with a colorful medley of sautéed vegetables including bright green broccoli, red bell peppers, and golden corn kernels. The plate is set upon a dark wooden dining table, contrasting with the vibrant hues of the food. Beside the plate, there's a set of silverware neatly placed on a navy blue napkin.",,1,0,entity,whole,entity - whole (plate),Is there a plate? +partiprompts44,"A ceramic plate filled with fluffy white rice, crowned with a colorful medley of sautéed vegetables including bright green broccoli, red bell peppers, and golden corn kernels. The plate is set upon a dark wooden dining table, contrasting with the vibrant hues of the food. Beside the plate, there's a set of silverware neatly placed on a navy blue napkin.",,2,1,entity,whole,entity - whole (rice),Is there rice? +partiprompts44,"A ceramic plate filled with fluffy white rice, crowned with a colorful medley of sautéed vegetables including bright green broccoli, red bell peppers, and golden corn kernels. The plate is set upon a dark wooden dining table, contrasting with the vibrant hues of the food. Beside the plate, there's a set of silverware neatly placed on a navy blue napkin.",,3,1,entity,whole,entity - whole (vegetables),Are there vegetables? +partiprompts44,"A ceramic plate filled with fluffy white rice, crowned with a colorful medley of sautéed vegetables including bright green broccoli, red bell peppers, and golden corn kernels. The plate is set upon a dark wooden dining table, contrasting with the vibrant hues of the food. Beside the plate, there's a set of silverware neatly placed on a navy blue napkin.",,4,3,entity,whole,entity - whole (broccoli),Is there broccoli? +partiprompts44,"A ceramic plate filled with fluffy white rice, crowned with a colorful medley of sautéed vegetables including bright green broccoli, red bell peppers, and golden corn kernels. The plate is set upon a dark wooden dining table, contrasting with the vibrant hues of the food. Beside the plate, there's a set of silverware neatly placed on a navy blue napkin.",,5,3,entity,whole,entity - whole (bell peppers),Are there bell peppers? +partiprompts44,"A ceramic plate filled with fluffy white rice, crowned with a colorful medley of sautéed vegetables including bright green broccoli, red bell peppers, and golden corn kernels. The plate is set upon a dark wooden dining table, contrasting with the vibrant hues of the food. Beside the plate, there's a set of silverware neatly placed on a navy blue napkin.",,6,3,entity,whole,entity - whole (corn kernels),Are there corn kernels? +partiprompts44,"A ceramic plate filled with fluffy white rice, crowned with a colorful medley of sautéed vegetables including bright green broccoli, red bell peppers, and golden corn kernels. The plate is set upon a dark wooden dining table, contrasting with the vibrant hues of the food. Beside the plate, there's a set of silverware neatly placed on a navy blue napkin.",,7,0,entity,whole,entity - whole (silverware),Is there silverware? +partiprompts44,"A ceramic plate filled with fluffy white rice, crowned with a colorful medley of sautéed vegetables including bright green broccoli, red bell peppers, and golden corn kernels. The plate is set upon a dark wooden dining table, contrasting with the vibrant hues of the food. Beside the plate, there's a set of silverware neatly placed on a navy blue napkin.",,8,0,entity,whole,entity - whole (napkin),Is there a napkin? +partiprompts44,"A ceramic plate filled with fluffy white rice, crowned with a colorful medley of sautéed vegetables including bright green broccoli, red bell peppers, and golden corn kernels. The plate is set upon a dark wooden dining table, contrasting with the vibrant hues of the food. Beside the plate, there's a set of silverware neatly placed on a navy blue napkin.",,9,1,attribute,texture,"attribute - texture (plate, ceramic)",Is the plate ceramic? +partiprompts44,"A ceramic plate filled with fluffy white rice, crowned with a colorful medley of sautéed vegetables including bright green broccoli, red bell peppers, and golden corn kernels. The plate is set upon a dark wooden dining table, contrasting with the vibrant hues of the food. Beside the plate, there's a set of silverware neatly placed on a navy blue napkin.",,10,2,attribute,texture,"attribute - texture (rice, fluffy)",Is the rice fluffy? +partiprompts44,"A ceramic plate filled with fluffy white rice, crowned with a colorful medley of sautéed vegetables including bright green broccoli, red bell peppers, and golden corn kernels. The plate is set upon a dark wooden dining table, contrasting with the vibrant hues of the food. Beside the plate, there's a set of silverware neatly placed on a navy blue napkin.",,11,4,attribute,color,"attribute - color (broccoli, bright green)",Is the broccoli bright green? +partiprompts44,"A ceramic plate filled with fluffy white rice, crowned with a colorful medley of sautéed vegetables including bright green broccoli, red bell peppers, and golden corn kernels. The plate is set upon a dark wooden dining table, contrasting with the vibrant hues of the food. Beside the plate, there's a set of silverware neatly placed on a navy blue napkin.",,12,5,attribute,color,"attribute - color (bell peppers, red)",Are the bell peppers red? +partiprompts44,"A ceramic plate filled with fluffy white rice, crowned with a colorful medley of sautéed vegetables including bright green broccoli, red bell peppers, and golden corn kernels. The plate is set upon a dark wooden dining table, contrasting with the vibrant hues of the food. Beside the plate, there's a set of silverware neatly placed on a navy blue napkin.",,13,6,attribute,color,"attribute - color (corn kernels, golden)",Are the corn kernels golden? +partiprompts44,"A ceramic plate filled with fluffy white rice, crowned with a colorful medley of sautéed vegetables including bright green broccoli, red bell peppers, and golden corn kernels. The plate is set upon a dark wooden dining table, contrasting with the vibrant hues of the food. Beside the plate, there's a set of silverware neatly placed on a navy blue napkin.",,14,8,attribute,color,"attribute - color (napkin, navy blue)",Is the napkin navy blue? +partiprompts44,"A ceramic plate filled with fluffy white rice, crowned with a colorful medley of sautéed vegetables including bright green broccoli, red bell peppers, and golden corn kernels. The plate is set upon a dark wooden dining table, contrasting with the vibrant hues of the food. Beside the plate, there's a set of silverware neatly placed on a navy blue napkin.",,15,8,attribute,texture,"attribute - texture (table, dark wooden)",Is the table dark wooden? +partiprompts44,"A ceramic plate filled with fluffy white rice, crowned with a colorful medley of sautéed vegetables including bright green broccoli, red bell peppers, and golden corn kernels. The plate is set upon a dark wooden dining table, contrasting with the vibrant hues of the food. Beside the plate, there's a set of silverware neatly placed on a navy blue napkin.",,16,"1,15",relation,spatial,"relation - spatial (plate, table, on)",Is the plate on the table? +partiprompts44,"A ceramic plate filled with fluffy white rice, crowned with a colorful medley of sautéed vegetables including bright green broccoli, red bell peppers, and golden corn kernels. The plate is set upon a dark wooden dining table, contrasting with the vibrant hues of the food. Beside the plate, there's a set of silverware neatly placed on a navy blue napkin.",,17,"7,8",relation,spatial,"relation - spatial (silverware, napkin, beside)",Is the silverware beside the napkin? +partiprompts212,"An old red pickup truck, its body covered in patches of rust, sits abandoned in an open field. The truck's white doors stand in stark contrast to the faded red paint, and the windshield is shattered, with spiderweb cracks running across the glass. The vehicle's bed is empty, and the tires are worn, hinting at many years of service and neglect.",,1,0,entity,whole,entity - whole (pickup truck),Is there a pickup truck? +partiprompts212,"An old red pickup truck, its body covered in patches of rust, sits abandoned in an open field. The truck's white doors stand in stark contrast to the faded red paint, and the windshield is shattered, with spiderweb cracks running across the glass. The vehicle's bed is empty, and the tires are worn, hinting at many years of service and neglect.",,2,1,attribute,other,"attribute - other (pickup truck, old)",Is the pickup truck old? +partiprompts212,"An old red pickup truck, its body covered in patches of rust, sits abandoned in an open field. The truck's white doors stand in stark contrast to the faded red paint, and the windshield is shattered, with spiderweb cracks running across the glass. The vehicle's bed is empty, and the tires are worn, hinting at many years of service and neglect.",,3,1,attribute,color,"attribute - color (pickup truck, red)",Is the pickup truck red? +partiprompts212,"An old red pickup truck, its body covered in patches of rust, sits abandoned in an open field. The truck's white doors stand in stark contrast to the faded red paint, and the windshield is shattered, with spiderweb cracks running across the glass. The vehicle's bed is empty, and the tires are worn, hinting at many years of service and neglect.",,4,1,attribute,texture,"attribute - texture (pickup truck's body, patches of rust)",Is the body of the pickup truck covered in patches of rust? +partiprompts212,"An old red pickup truck, its body covered in patches of rust, sits abandoned in an open field. The truck's white doors stand in stark contrast to the faded red paint, and the windshield is shattered, with spiderweb cracks running across the glass. The vehicle's bed is empty, and the tires are worn, hinting at many years of service and neglect.",,5,1,entity,state,"entity - state (pickup truck, abandoned)",Is the pickup truck abandoned? +partiprompts212,"An old red pickup truck, its body covered in patches of rust, sits abandoned in an open field. The truck's white doors stand in stark contrast to the faded red paint, and the windshield is shattered, with spiderweb cracks running across the glass. The vehicle's bed is empty, and the tires are worn, hinting at many years of service and neglect.",,6,0,entity,whole,entity - whole (field),Is there a field? +partiprompts212,"An old red pickup truck, its body covered in patches of rust, sits abandoned in an open field. The truck's white doors stand in stark contrast to the faded red paint, and the windshield is shattered, with spiderweb cracks running across the glass. The vehicle's bed is empty, and the tires are worn, hinting at many years of service and neglect.",,7,1,attribute,color,"attribute - color (truck's doors, white)",Are the truck's doors white? +partiprompts212,"An old red pickup truck, its body covered in patches of rust, sits abandoned in an open field. The truck's white doors stand in stark contrast to the faded red paint, and the windshield is shattered, with spiderweb cracks running across the glass. The vehicle's bed is empty, and the tires are worn, hinting at many years of service and neglect.",,8,1,attribute,color,"attribute - color (truck's paint, faded red)",Is the paint on the truck faded red? +partiprompts212,"An old red pickup truck, its body covered in patches of rust, sits abandoned in an open field. The truck's white doors stand in stark contrast to the faded red paint, and the windshield is shattered, with spiderweb cracks running across the glass. The vehicle's bed is empty, and the tires are worn, hinting at many years of service and neglect.",,9,1,attribute,texture,"attribute - texture (windshield, shattered)",Is the windshield shattered? +partiprompts212,"An old red pickup truck, its body covered in patches of rust, sits abandoned in an open field. The truck's white doors stand in stark contrast to the faded red paint, and the windshield is shattered, with spiderweb cracks running across the glass. The vehicle's bed is empty, and the tires are worn, hinting at many years of service and neglect.",,10,9,attribute,texture,"attribute - texture (windshield, spiderweb cracks)",Are there spiderweb cracks on the windshield? +partiprompts212,"An old red pickup truck, its body covered in patches of rust, sits abandoned in an open field. The truck's white doors stand in stark contrast to the faded red paint, and the windshield is shattered, with spiderweb cracks running across the glass. The vehicle's bed is empty, and the tires are worn, hinting at many years of service and neglect.",,11,1,entity,state,"entity - state (truck's bed, empty)",Is the truck's bed empty? +partiprompts212,"An old red pickup truck, its body covered in patches of rust, sits abandoned in an open field. The truck's white doors stand in stark contrast to the faded red paint, and the windshield is shattered, with spiderweb cracks running across the glass. The vehicle's bed is empty, and the tires are worn, hinting at many years of service and neglect.",,12,1,entity,state,"entity - state (tires, worn)",Are the tires worn? +partiprompts212,"An old red pickup truck, its body covered in patches of rust, sits abandoned in an open field. The truck's white doors stand in stark contrast to the faded red paint, and the windshield is shattered, with spiderweb cracks running across the glass. The vehicle's bed is empty, and the tires are worn, hinting at many years of service and neglect.",,13,1,entity,state,"entity - state (tires, hint at many years of service and neglect)",Do the worn tires hint at many years of service and neglect? +partiprompts263,"two grand pianos with glossy black finishes are positioned adjacent to each other in a spacious room with high ceilings. each piano is open, revealing the intricate strings and hammers inside, and the polished wood reflects the overhead lighting. between the pianos, there's a narrow walkway, and a red velvet curtain can be seen in the background, suggesting a performance area or a music hall setting.",,1,0,entity,whole,entity - whole (grand pianos),Are there grand pianos? +partiprompts263,"two grand pianos with glossy black finishes are positioned adjacent to each other in a spacious room with high ceilings. each piano is open, revealing the intricate strings and hammers inside, and the polished wood reflects the overhead lighting. between the pianos, there's a narrow walkway, and a red velvet curtain can be seen in the background, suggesting a performance area or a music hall setting.",,2,1,other,count,"other - count (grand pianos, ==2)",Are there two grand pianos? +partiprompts263,"two grand pianos with glossy black finishes are positioned adjacent to each other in a spacious room with high ceilings. each piano is open, revealing the intricate strings and hammers inside, and the polished wood reflects the overhead lighting. between the pianos, there's a narrow walkway, and a red velvet curtain can be seen in the background, suggesting a performance area or a music hall setting.",,3,1,attribute,texture,"attribute - texture (grand pianos, glossy black)",Are the grand pianos glossy black? +partiprompts263,"two grand pianos with glossy black finishes are positioned adjacent to each other in a spacious room with high ceilings. each piano is open, revealing the intricate strings and hammers inside, and the polished wood reflects the overhead lighting. between the pianos, there's a narrow walkway, and a red velvet curtain can be seen in the background, suggesting a performance area or a music hall setting.",,4,0,attribute,size,"attribute - size (room, spacious)",Is the room spacious? +partiprompts263,"two grand pianos with glossy black finishes are positioned adjacent to each other in a spacious room with high ceilings. each piano is open, revealing the intricate strings and hammers inside, and the polished wood reflects the overhead lighting. between the pianos, there's a narrow walkway, and a red velvet curtain can be seen in the background, suggesting a performance area or a music hall setting.",,5,0,attribute,size,"attribute - size (ceilings, high)",Are the ceilings high? +partiprompts263,"two grand pianos with glossy black finishes are positioned adjacent to each other in a spacious room with high ceilings. each piano is open, revealing the intricate strings and hammers inside, and the polished wood reflects the overhead lighting. between the pianos, there's a narrow walkway, and a red velvet curtain can be seen in the background, suggesting a performance area or a music hall setting.",,6,2,attribute,other,"attribute - other (pianos, open)",Are the pianos open? +partiprompts263,"two grand pianos with glossy black finishes are positioned adjacent to each other in a spacious room with high ceilings. each piano is open, revealing the intricate strings and hammers inside, and the polished wood reflects the overhead lighting. between the pianos, there's a narrow walkway, and a red velvet curtain can be seen in the background, suggesting a performance area or a music hall setting.",,7,2,attribute,other,"attribute - other (pianos, reveal intricate strings and hammers)",Do the pianos reveal intricate strings and hammers? +partiprompts263,"two grand pianos with glossy black finishes are positioned adjacent to each other in a spacious room with high ceilings. each piano is open, revealing the intricate strings and hammers inside, and the polished wood reflects the overhead lighting. between the pianos, there's a narrow walkway, and a red velvet curtain can be seen in the background, suggesting a performance area or a music hall setting.",,8,2,attribute,other,"attribute - other (wood, polished)",Is the wood polished? +partiprompts263,"two grand pianos with glossy black finishes are positioned adjacent to each other in a spacious room with high ceilings. each piano is open, revealing the intricate strings and hammers inside, and the polished wood reflects the overhead lighting. between the pianos, there's a narrow walkway, and a red velvet curtain can be seen in the background, suggesting a performance area or a music hall setting.",,9,"1,4",relation,spatial,"relation - spatial (pianos, room, in)",Are the pianos in the room? +partiprompts263,"two grand pianos with glossy black finishes are positioned adjacent to each other in a spacious room with high ceilings. each piano is open, revealing the intricate strings and hammers inside, and the polished wood reflects the overhead lighting. between the pianos, there's a narrow walkway, and a red velvet curtain can be seen in the background, suggesting a performance area or a music hall setting.",,10,"1,4",relation,spatial,"relation - spatial (pianos, walkway, adjacent to)",Are the pianos adjacent to each other? +partiprompts263,"two grand pianos with glossy black finishes are positioned adjacent to each other in a spacious room with high ceilings. each piano is open, revealing the intricate strings and hammers inside, and the polished wood reflects the overhead lighting. between the pianos, there's a narrow walkway, and a red velvet curtain can be seen in the background, suggesting a performance area or a music hall setting.",,11,10,relation,spatial,"relation - spatial (walkway, pianos, between)",Is there a walkway between the pianos? +partiprompts263,"two grand pianos with glossy black finishes are positioned adjacent to each other in a spacious room with high ceilings. each piano is open, revealing the intricate strings and hammers inside, and the polished wood reflects the overhead lighting. between the pianos, there's a narrow walkway, and a red velvet curtain can be seen in the background, suggesting a performance area or a music hall setting.",,12,0,entity,whole,entity - whole (curtain),Is there a curtain? +partiprompts263,"two grand pianos with glossy black finishes are positioned adjacent to each other in a spacious room with high ceilings. each piano is open, revealing the intricate strings and hammers inside, and the polished wood reflects the overhead lighting. between the pianos, there's a narrow walkway, and a red velvet curtain can be seen in the background, suggesting a performance area or a music hall setting.",,13,12,attribute,color,"attribute - color (curtain, red)",Is the curtain red? +partiprompts263,"two grand pianos with glossy black finishes are positioned adjacent to each other in a spacious room with high ceilings. each piano is open, revealing the intricate strings and hammers inside, and the polished wood reflects the overhead lighting. between the pianos, there's a narrow walkway, and a red velvet curtain can be seen in the background, suggesting a performance area or a music hall setting.",,14,12,relation,spatial,"relation - spatial (curtain, background, in)",Is the curtain in the background? +partiprompts263,"two grand pianos with glossy black finishes are positioned adjacent to each other in a spacious room with high ceilings. each piano is open, revealing the intricate strings and hammers inside, and the polished wood reflects the overhead lighting. between the pianos, there's a narrow walkway, and a red velvet curtain can be seen in the background, suggesting a performance area or a music hall setting.",,15,12,attribute,other,"attribute - other (curtain, velvet)",Is the curtain made of velvet? +partiprompts263,"two grand pianos with glossy black finishes are positioned adjacent to each other in a spacious room with high ceilings. each piano is open, revealing the intricate strings and hammers inside, and the polished wood reflects the overhead lighting. between the pianos, there's a narrow walkway, and a red velvet curtain can be seen in the background, suggesting a performance area or a music hall setting.",,16,12,attribute,other,"attribute - other (curtain, suggest performance area or music hall setting)",Does the curtain suggest a performance area or music hall setting? +partiprompts307,"a vibrant green plant with broad leaves and a sturdy stem, situated at the bottom of a clear, gently flowing stream. The stream's bed is lined with smooth, multicolored pebbles that glisten under the water. Sunlight filters through the water, casting dappled patterns on the plant and the surrounding rocks.",,1,0,entity,whole,entity - whole (plant),Is there a plant? +partiprompts307,"a vibrant green plant with broad leaves and a sturdy stem, situated at the bottom of a clear, gently flowing stream. The stream's bed is lined with smooth, multicolored pebbles that glisten under the water. Sunlight filters through the water, casting dappled patterns on the plant and the surrounding rocks.",,2,1,attribute,color,"attribute - color (plant, vibrant green)",Is the plant vibrant green? +partiprompts307,"a vibrant green plant with broad leaves and a sturdy stem, situated at the bottom of a clear, gently flowing stream. The stream's bed is lined with smooth, multicolored pebbles that glisten under the water. Sunlight filters through the water, casting dappled patterns on the plant and the surrounding rocks.",,3,1,attribute,shape,"attribute - shape (plant, broad leaves, sturdy stem)",Does the plant have broad leaves and a sturdy stem? +partiprompts307,"a vibrant green plant with broad leaves and a sturdy stem, situated at the bottom of a clear, gently flowing stream. The stream's bed is lined with smooth, multicolored pebbles that glisten under the water. Sunlight filters through the water, casting dappled patterns on the plant and the surrounding rocks.",,4,"1,5",relation,spatial,"relation - spatial (plant, stream, at the bottom)",Is the plant at the bottom of a stream? +partiprompts307,"a vibrant green plant with broad leaves and a sturdy stem, situated at the bottom of a clear, gently flowing stream. The stream's bed is lined with smooth, multicolored pebbles that glisten under the water. Sunlight filters through the water, casting dappled patterns on the plant and the surrounding rocks.",,5,0,entity,whole,entity - whole (stream),Is there a stream? +partiprompts307,"a vibrant green plant with broad leaves and a sturdy stem, situated at the bottom of a clear, gently flowing stream. The stream's bed is lined with smooth, multicolored pebbles that glisten under the water. Sunlight filters through the water, casting dappled patterns on the plant and the surrounding rocks.",,6,5,attribute,other,"attribute - other (stream, clear, gently flowing)",Is the stream clear and gently flowing? +partiprompts307,"a vibrant green plant with broad leaves and a sturdy stem, situated at the bottom of a clear, gently flowing stream. The stream's bed is lined with smooth, multicolored pebbles that glisten under the water. Sunlight filters through the water, casting dappled patterns on the plant and the surrounding rocks.",,7,5,entity,part,entity - part (stream's bed),Is there a stream's bed? +partiprompts307,"a vibrant green plant with broad leaves and a sturdy stem, situated at the bottom of a clear, gently flowing stream. The stream's bed is lined with smooth, multicolored pebbles that glisten under the water. Sunlight filters through the water, casting dappled patterns on the plant and the surrounding rocks.",,8,7,attribute,texture,"attribute - texture (stream's bed, smooth)",Is the stream's bed smooth? +partiprompts307,"a vibrant green plant with broad leaves and a sturdy stem, situated at the bottom of a clear, gently flowing stream. The stream's bed is lined with smooth, multicolored pebbles that glisten under the water. Sunlight filters through the water, casting dappled patterns on the plant and the surrounding rocks.",,9,7,attribute,color,"attribute - color (stream's bed, multicolored)",Is the stream's bed multicolored? +partiprompts307,"a vibrant green plant with broad leaves and a sturdy stem, situated at the bottom of a clear, gently flowing stream. The stream's bed is lined with smooth, multicolored pebbles that glisten under the water. Sunlight filters through the water, casting dappled patterns on the plant and the surrounding rocks.",,10,9,entity,state,"entity - state (pebbles, glisten)",Do the pebbles glisten? +partiprompts307,"a vibrant green plant with broad leaves and a sturdy stem, situated at the bottom of a clear, gently flowing stream. The stream's bed is lined with smooth, multicolored pebbles that glisten under the water. Sunlight filters through the water, casting dappled patterns on the plant and the surrounding rocks.",,11,"10,7",relation,spatial,"relation - spatial (pebbles, stream's bed, lined with)",Are the pebbles lined with the stream's bed? +partiprompts307,"a vibrant green plant with broad leaves and a sturdy stem, situated at the bottom of a clear, gently flowing stream. The stream's bed is lined with smooth, multicolored pebbles that glisten under the water. Sunlight filters through the water, casting dappled patterns on the plant and the surrounding rocks.",,12,"12,5",relation,spatial,"relation - spatial (sunlight, water, through)",Is the sunlight filtering through the water? +partiprompts307,"a vibrant green plant with broad leaves and a sturdy stem, situated at the bottom of a clear, gently flowing stream. The stream's bed is lined with smooth, multicolored pebbles that glisten under the water. Sunlight filters through the water, casting dappled patterns on the plant and the surrounding rocks.",,13,12,entity,state,"entity - state (sunlight, cast dappled patterns)",Does the sunlight cast dappled patterns? +partiprompts307,"a vibrant green plant with broad leaves and a sturdy stem, situated at the bottom of a clear, gently flowing stream. The stream's bed is lined with smooth, multicolored pebbles that glisten under the water. Sunlight filters through the water, casting dappled patterns on the plant and the surrounding rocks.",,14,"13,1",relation,spatial,"relation - spatial (sunlight, plant, on)",Is the sunlight on the plant? +partiprompts307,"a vibrant green plant with broad leaves and a sturdy stem, situated at the bottom of a clear, gently flowing stream. The stream's bed is lined with smooth, multicolored pebbles that glisten under the water. Sunlight filters through the water, casting dappled patterns on the plant and the surrounding rocks.",,15,"13,7",relation,spatial,"relation - spatial (sunlight, rocks, surrounding)",Is the sunlight surrounding the rocks? +partiprompts264,"Two ceramic cups filled with steaming coffee are placed on a wooden table with a natural grain finish. The cup on the left showcases intricate latte art spelling out the word ""LOVE"" with a heart-shaped design, while the cup on the right has the word ""PEACE"" beautifully crafted atop its frothy surface. Both cups have a glossy finish, and the warm lighting accentuates the creamy texture of the latte art.",,1,0,entity,whole,entity - whole (cups),Are there cups? +partiprompts264,"Two ceramic cups filled with steaming coffee are placed on a wooden table with a natural grain finish. The cup on the left showcases intricate latte art spelling out the word ""LOVE"" with a heart-shaped design, while the cup on the right has the word ""PEACE"" beautifully crafted atop its frothy surface. Both cups have a glossy finish, and the warm lighting accentuates the creamy texture of the latte art.",,2,0,entity,whole,entity - whole (coffee),Is there coffee? +partiprompts264,"Two ceramic cups filled with steaming coffee are placed on a wooden table with a natural grain finish. The cup on the left showcases intricate latte art spelling out the word ""LOVE"" with a heart-shaped design, while the cup on the right has the word ""PEACE"" beautifully crafted atop its frothy surface. Both cups have a glossy finish, and the warm lighting accentuates the creamy texture of the latte art.",,3,0,entity,whole,entity - whole (table),Is there a table? +partiprompts264,"Two ceramic cups filled with steaming coffee are placed on a wooden table with a natural grain finish. The cup on the left showcases intricate latte art spelling out the word ""LOVE"" with a heart-shaped design, while the cup on the right has the word ""PEACE"" beautifully crafted atop its frothy surface. Both cups have a glossy finish, and the warm lighting accentuates the creamy texture of the latte art.",,4,0,attribute,texture,"attribute - texture (table, wooden with natural grain finish)",Is the table wooden with a natural grain finish? +partiprompts264,"Two ceramic cups filled with steaming coffee are placed on a wooden table with a natural grain finish. The cup on the left showcases intricate latte art spelling out the word ""LOVE"" with a heart-shaped design, while the cup on the right has the word ""PEACE"" beautifully crafted atop its frothy surface. Both cups have a glossy finish, and the warm lighting accentuates the creamy texture of the latte art.",,5,3,attribute,texture,"attribute - texture (cups, ceramic)",Are the cups ceramic? +partiprompts264,"Two ceramic cups filled with steaming coffee are placed on a wooden table with a natural grain finish. The cup on the left showcases intricate latte art spelling out the word ""LOVE"" with a heart-shaped design, while the cup on the right has the word ""PEACE"" beautifully crafted atop its frothy surface. Both cups have a glossy finish, and the warm lighting accentuates the creamy texture of the latte art.",,6,1,attribute,texture,"attribute - texture (cups, glossy)",Are the cups glossy? +partiprompts264,"Two ceramic cups filled with steaming coffee are placed on a wooden table with a natural grain finish. The cup on the left showcases intricate latte art spelling out the word ""LOVE"" with a heart-shaped design, while the cup on the right has the word ""PEACE"" beautifully crafted atop its frothy surface. Both cups have a glossy finish, and the warm lighting accentuates the creamy texture of the latte art.",,7,2,attribute,texture,"attribute - texture (latte art, creamy)",Is the latte art creamy? +partiprompts264,"Two ceramic cups filled with steaming coffee are placed on a wooden table with a natural grain finish. The cup on the left showcases intricate latte art spelling out the word ""LOVE"" with a heart-shaped design, while the cup on the right has the word ""PEACE"" beautifully crafted atop its frothy surface. Both cups have a glossy finish, and the warm lighting accentuates the creamy texture of the latte art.",,8,5,attribute,other,"attribute - other (latte art, intricate)",Is the latte art intricate? +partiprompts264,"Two ceramic cups filled with steaming coffee are placed on a wooden table with a natural grain finish. The cup on the left showcases intricate latte art spelling out the word ""LOVE"" with a heart-shaped design, while the cup on the right has the word ""PEACE"" beautifully crafted atop its frothy surface. Both cups have a glossy finish, and the warm lighting accentuates the creamy texture of the latte art.",,9,5,attribute,other,"attribute - other (latte art, heart-shaped)",Is the latte art heart-shaped? +partiprompts264,"Two ceramic cups filled with steaming coffee are placed on a wooden table with a natural grain finish. The cup on the left showcases intricate latte art spelling out the word ""LOVE"" with a heart-shaped design, while the cup on the right has the word ""PEACE"" beautifully crafted atop its frothy surface. Both cups have a glossy finish, and the warm lighting accentuates the creamy texture of the latte art.",,10,2,entity,state,"entity - state (coffee, steaming)",Is the coffee steaming? +partiprompts264,"Two ceramic cups filled with steaming coffee are placed on a wooden table with a natural grain finish. The cup on the left showcases intricate latte art spelling out the word ""LOVE"" with a heart-shaped design, while the cup on the right has the word ""PEACE"" beautifully crafted atop its frothy surface. Both cups have a glossy finish, and the warm lighting accentuates the creamy texture of the latte art.",,11,2,entity,state,"entity - state (latte art, spell out ""LOVE"")","Does the latte art spell out ""LOVE""?" +partiprompts264,"Two ceramic cups filled with steaming coffee are placed on a wooden table with a natural grain finish. The cup on the left showcases intricate latte art spelling out the word ""LOVE"" with a heart-shaped design, while the cup on the right has the word ""PEACE"" beautifully crafted atop its frothy surface. Both cups have a glossy finish, and the warm lighting accentuates the creamy texture of the latte art.",,12,2,entity,state,"entity - state (latte art, spell out ""PEACE"")","Does the latte art spell out ""PEACE""?" +partiprompts264,"Two ceramic cups filled with steaming coffee are placed on a wooden table with a natural grain finish. The cup on the left showcases intricate latte art spelling out the word ""LOVE"" with a heart-shaped design, while the cup on the right has the word ""PEACE"" beautifully crafted atop its frothy surface. Both cups have a glossy finish, and the warm lighting accentuates the creamy texture of the latte art.",,13,"1,2",entity,state,"entity - state (cups, filled)",Are the cups filled? +partiprompts264,"Two ceramic cups filled with steaming coffee are placed on a wooden table with a natural grain finish. The cup on the left showcases intricate latte art spelling out the word ""LOVE"" with a heart-shaped design, while the cup on the right has the word ""PEACE"" beautifully crafted atop its frothy surface. Both cups have a glossy finish, and the warm lighting accentuates the creamy texture of the latte art.",,14,"1,3",relation,spatial,"relation - spatial (cups, table, on)",Are the cups on the table? +partiprompts264,"Two ceramic cups filled with steaming coffee are placed on a wooden table with a natural grain finish. The cup on the left showcases intricate latte art spelling out the word ""LOVE"" with a heart-shaped design, while the cup on the right has the word ""PEACE"" beautifully crafted atop its frothy surface. Both cups have a glossy finish, and the warm lighting accentuates the creamy texture of the latte art.",,15,"1,2",relation,spatial,"relation - spatial (latte art, cup on the left, showcase)",Does the latte art showcase on the cup on the left? +partiprompts264,"Two ceramic cups filled with steaming coffee are placed on a wooden table with a natural grain finish. The cup on the left showcases intricate latte art spelling out the word ""LOVE"" with a heart-shaped design, while the cup on the right has the word ""PEACE"" beautifully crafted atop its frothy surface. Both cups have a glossy finish, and the warm lighting accentuates the creamy texture of the latte art.",,16,"1,2",relation,spatial,"relation - spatial (latte art, cup on the right, have)",Does the latte art have on the cup on the right? +partiprompts90,"In the detailed Renaissance paintings, the Virgin Mary is depicted seated gracefully within a stone loggia, her robes a rich blend of blues and reds, with delicate folds that suggest softness and depth. The background features a dreamlike, hazy landscape, rendered in muted tones through the use of the sfumato technique, which blends colors and tones subtly together. This landscape seems to stretch endlessly into the distance, with faint outlines of trees and hills, giving the impression of a serene and untouched wilderness.",,1,0,global,,global - (detailed Renaissance paintings),Are there detailed Renaissance paintings? +partiprompts90,"In the detailed Renaissance paintings, the Virgin Mary is depicted seated gracefully within a stone loggia, her robes a rich blend of blues and reds, with delicate folds that suggest softness and depth. The background features a dreamlike, hazy landscape, rendered in muted tones through the use of the sfumato technique, which blends colors and tones subtly together. This landscape seems to stretch endlessly into the distance, with faint outlines of trees and hills, giving the impression of a serene and untouched wilderness.",,2,1,entity,whole,entity - whole (Virgin Mary),Is the Virgin Mary depicted? +partiprompts90,"In the detailed Renaissance paintings, the Virgin Mary is depicted seated gracefully within a stone loggia, her robes a rich blend of blues and reds, with delicate folds that suggest softness and depth. The background features a dreamlike, hazy landscape, rendered in muted tones through the use of the sfumato technique, which blends colors and tones subtly together. This landscape seems to stretch endlessly into the distance, with faint outlines of trees and hills, giving the impression of a serene and untouched wilderness.",,3,1,entity,whole,entity - whole (stone loggia),Is the Virgin Mary seated gracefully? +partiprompts90,"In the detailed Renaissance paintings, the Virgin Mary is depicted seated gracefully within a stone loggia, her robes a rich blend of blues and reds, with delicate folds that suggest softness and depth. The background features a dreamlike, hazy landscape, rendered in muted tones through the use of the sfumato technique, which blends colors and tones subtly together. This landscape seems to stretch endlessly into the distance, with faint outlines of trees and hills, giving the impression of a serene and untouched wilderness.",,4,2,attribute,other,"attribute - other (Virgin Mary, seated gracefully)",Are her robes a blend of blues and reds? +partiprompts90,"In the detailed Renaissance paintings, the Virgin Mary is depicted seated gracefully within a stone loggia, her robes a rich blend of blues and reds, with delicate folds that suggest softness and depth. The background features a dreamlike, hazy landscape, rendered in muted tones through the use of the sfumato technique, which blends colors and tones subtly together. This landscape seems to stretch endlessly into the distance, with faint outlines of trees and hills, giving the impression of a serene and untouched wilderness.",,5,2,attribute,color,"attribute - color (Virgin Mary's robes, blues and reds)",Do her robes have delicate folds? +partiprompts90,"In the detailed Renaissance paintings, the Virgin Mary is depicted seated gracefully within a stone loggia, her robes a rich blend of blues and reds, with delicate folds that suggest softness and depth. The background features a dreamlike, hazy landscape, rendered in muted tones through the use of the sfumato technique, which blends colors and tones subtly together. This landscape seems to stretch endlessly into the distance, with faint outlines of trees and hills, giving the impression of a serene and untouched wilderness.",,6,2,attribute,texture,"attribute - texture (Virgin Mary's robes, delicate folds)",Is she within a stone loggia? +partiprompts90,"In the detailed Renaissance paintings, the Virgin Mary is depicted seated gracefully within a stone loggia, her robes a rich blend of blues and reds, with delicate folds that suggest softness and depth. The background features a dreamlike, hazy landscape, rendered in muted tones through the use of the sfumato technique, which blends colors and tones subtly together. This landscape seems to stretch endlessly into the distance, with faint outlines of trees and hills, giving the impression of a serene and untouched wilderness.",,7,1,attribute,texture,"attribute - texture (background, dreamlike)",Is the background dreamlike? +partiprompts90,"In the detailed Renaissance paintings, the Virgin Mary is depicted seated gracefully within a stone loggia, her robes a rich blend of blues and reds, with delicate folds that suggest softness and depth. The background features a dreamlike, hazy landscape, rendered in muted tones through the use of the sfumato technique, which blends colors and tones subtly together. This landscape seems to stretch endlessly into the distance, with faint outlines of trees and hills, giving the impression of a serene and untouched wilderness.",,8,1,attribute,texture,"attribute - texture (landscape, hazy)",Is the landscape hazy? +partiprompts90,"In the detailed Renaissance paintings, the Virgin Mary is depicted seated gracefully within a stone loggia, her robes a rich blend of blues and reds, with delicate folds that suggest softness and depth. The background features a dreamlike, hazy landscape, rendered in muted tones through the use of the sfumato technique, which blends colors and tones subtly together. This landscape seems to stretch endlessly into the distance, with faint outlines of trees and hills, giving the impression of a serene and untouched wilderness.",,9,1,attribute,texture,"attribute - texture (landscape, muted tones)",Are the tones muted in the landscape? +partiprompts90,"In the detailed Renaissance paintings, the Virgin Mary is depicted seated gracefully within a stone loggia, her robes a rich blend of blues and reds, with delicate folds that suggest softness and depth. The background features a dreamlike, hazy landscape, rendered in muted tones through the use of the sfumato technique, which blends colors and tones subtly together. This landscape seems to stretch endlessly into the distance, with faint outlines of trees and hills, giving the impression of a serene and untouched wilderness.",,10,1,attribute,texture,"attribute - texture (landscape, sfumato technique)",Is the sfumato technique used in the landscape? +partiprompts313,"a picturesque scene featuring a small tree, its branches laden with delicate white blossoms, standing in the center of a lush green lawn. the tree's rounded shape is accentuated by the contrast of the vibrant green leaves against the pure white petals. surrounding the tree, a variety of colorful flowers can be seen, adding to the charm of the tranquil setting.",,1,0,global,,global - (picturesque scene),Is this a picturesque scene? +partiprompts313,"a picturesque scene featuring a small tree, its branches laden with delicate white blossoms, standing in the center of a lush green lawn. the tree's rounded shape is accentuated by the contrast of the vibrant green leaves against the pure white petals. surrounding the tree, a variety of colorful flowers can be seen, adding to the charm of the tranquil setting.",,2,1,entity,whole,entity - whole (tree),Is there a tree? +partiprompts313,"a picturesque scene featuring a small tree, its branches laden with delicate white blossoms, standing in the center of a lush green lawn. the tree's rounded shape is accentuated by the contrast of the vibrant green leaves against the pure white petals. surrounding the tree, a variety of colorful flowers can be seen, adding to the charm of the tranquil setting.",,3,2,entity,part,entity - part (tree's branches),Are there branches on the tree? +partiprompts313,"a picturesque scene featuring a small tree, its branches laden with delicate white blossoms, standing in the center of a lush green lawn. the tree's rounded shape is accentuated by the contrast of the vibrant green leaves against the pure white petals. surrounding the tree, a variety of colorful flowers can be seen, adding to the charm of the tranquil setting.",,4,2,attribute,size,"attribute - size (tree, small)",Is the tree small? +partiprompts313,"a picturesque scene featuring a small tree, its branches laden with delicate white blossoms, standing in the center of a lush green lawn. the tree's rounded shape is accentuated by the contrast of the vibrant green leaves against the pure white petals. surrounding the tree, a variety of colorful flowers can be seen, adding to the charm of the tranquil setting.",,5,3,attribute,texture,"attribute - texture (tree's branches, delicate)",Are the tree's branches delicate? +partiprompts313,"a picturesque scene featuring a small tree, its branches laden with delicate white blossoms, standing in the center of a lush green lawn. the tree's rounded shape is accentuated by the contrast of the vibrant green leaves against the pure white petals. surrounding the tree, a variety of colorful flowers can be seen, adding to the charm of the tranquil setting.",,6,5,attribute,color,"attribute - color (blossoms, white)",Are the blossoms white? +partiprompts313,"a picturesque scene featuring a small tree, its branches laden with delicate white blossoms, standing in the center of a lush green lawn. the tree's rounded shape is accentuated by the contrast of the vibrant green leaves against the pure white petals. surrounding the tree, a variety of colorful flowers can be seen, adding to the charm of the tranquil setting.",,7,4,attribute,shape,"attribute - shape (tree, rounded)",Is the tree's shape rounded? +partiprompts313,"a picturesque scene featuring a small tree, its branches laden with delicate white blossoms, standing in the center of a lush green lawn. the tree's rounded shape is accentuated by the contrast of the vibrant green leaves against the pure white petals. surrounding the tree, a variety of colorful flowers can be seen, adding to the charm of the tranquil setting.",,8,9,attribute,texture,"attribute - texture (leaves, vibrant green)",Are the leaves vibrant green? +partiprompts313,"a picturesque scene featuring a small tree, its branches laden with delicate white blossoms, standing in the center of a lush green lawn. the tree's rounded shape is accentuated by the contrast of the vibrant green leaves against the pure white petals. surrounding the tree, a variety of colorful flowers can be seen, adding to the charm of the tranquil setting.",,9,8,attribute,texture,"attribute - texture (petals, pure white)",Are the petals pure white? +partiprompts313,"a picturesque scene featuring a small tree, its branches laden with delicate white blossoms, standing in the center of a lush green lawn. the tree's rounded shape is accentuated by the contrast of the vibrant green leaves against the pure white petals. surrounding the tree, a variety of colorful flowers can be seen, adding to the charm of the tranquil setting.",,10,"2,10",relation,spatial,"relation - spatial (tree, lawn, in)",Is the tree in the center of a lush green lawn? +partiprompts313,"a picturesque scene featuring a small tree, its branches laden with delicate white blossoms, standing in the center of a lush green lawn. the tree's rounded shape is accentuated by the contrast of the vibrant green leaves against the pure white petals. surrounding the tree, a variety of colorful flowers can be seen, adding to the charm of the tranquil setting.",,11,"2,11",relation,spatial,"relation - spatial (flowers, tree, surrounding)",Are the flowers surrounding the tree? +partiprompts249,"A sparse kitchen interior featuring natural wood cabinets and pristine white appliances, including a refrigerator and an oven. The space is characterized by clean lines and a minimalist aesthetic, with a light-colored tile backsplash complementing the simplicity of the room. The wooden cabinets have sleek, modern handles, and the absence of clutter on the countertops accentuates the room's spacious feel.",,1,0,entity,whole,entity - whole (kitchen interior),Is there a kitchen interior? +partiprompts249,"A sparse kitchen interior featuring natural wood cabinets and pristine white appliances, including a refrigerator and an oven. The space is characterized by clean lines and a minimalist aesthetic, with a light-colored tile backsplash complementing the simplicity of the room. The wooden cabinets have sleek, modern handles, and the absence of clutter on the countertops accentuates the room's spacious feel.",,2,0,entity,whole,entity - whole (wood cabinets),Are there wood cabinets? +partiprompts249,"A sparse kitchen interior featuring natural wood cabinets and pristine white appliances, including a refrigerator and an oven. The space is characterized by clean lines and a minimalist aesthetic, with a light-colored tile backsplash complementing the simplicity of the room. The wooden cabinets have sleek, modern handles, and the absence of clutter on the countertops accentuates the room's spacious feel.",,3,0,entity,whole,entity - whole (white appliances),Are there white appliances? +partiprompts249,"A sparse kitchen interior featuring natural wood cabinets and pristine white appliances, including a refrigerator and an oven. The space is characterized by clean lines and a minimalist aesthetic, with a light-colored tile backsplash complementing the simplicity of the room. The wooden cabinets have sleek, modern handles, and the absence of clutter on the countertops accentuates the room's spacious feel.",,4,3,entity,whole,entity - whole (refrigerator),Is there a refrigerator? +partiprompts249,"A sparse kitchen interior featuring natural wood cabinets and pristine white appliances, including a refrigerator and an oven. The space is characterized by clean lines and a minimalist aesthetic, with a light-colored tile backsplash complementing the simplicity of the room. The wooden cabinets have sleek, modern handles, and the absence of clutter on the countertops accentuates the room's spacious feel.",,5,3,entity,whole,entity - whole (oven),Is there an oven? +partiprompts249,"A sparse kitchen interior featuring natural wood cabinets and pristine white appliances, including a refrigerator and an oven. The space is characterized by clean lines and a minimalist aesthetic, with a light-colored tile backsplash complementing the simplicity of the room. The wooden cabinets have sleek, modern handles, and the absence of clutter on the countertops accentuates the room's spacious feel.",,6,0,entity,whole,entity - whole (tile backsplash),Is there a tile backsplash? +partiprompts249,"A sparse kitchen interior featuring natural wood cabinets and pristine white appliances, including a refrigerator and an oven. The space is characterized by clean lines and a minimalist aesthetic, with a light-colored tile backsplash complementing the simplicity of the room. The wooden cabinets have sleek, modern handles, and the absence of clutter on the countertops accentuates the room's spacious feel.",,7,2,attribute,texture,"attribute - texture (wood cabinets, natural)",Are the cabinets made of natural wood? +partiprompts249,"A sparse kitchen interior featuring natural wood cabinets and pristine white appliances, including a refrigerator and an oven. The space is characterized by clean lines and a minimalist aesthetic, with a light-colored tile backsplash complementing the simplicity of the room. The wooden cabinets have sleek, modern handles, and the absence of clutter on the countertops accentuates the room's spacious feel.",,8,3,attribute,texture,"attribute - texture (appliances, pristine white)",Are the appliances pristine white? +partiprompts249,"A sparse kitchen interior featuring natural wood cabinets and pristine white appliances, including a refrigerator and an oven. The space is characterized by clean lines and a minimalist aesthetic, with a light-colored tile backsplash complementing the simplicity of the room. The wooden cabinets have sleek, modern handles, and the absence of clutter on the countertops accentuates the room's spacious feel.",,9,6,attribute,texture,"attribute - texture (tile backsplash, light-colored)",Is the tile backsplash light-colored? +partiprompts249,"A sparse kitchen interior featuring natural wood cabinets and pristine white appliances, including a refrigerator and an oven. The space is characterized by clean lines and a minimalist aesthetic, with a light-colored tile backsplash complementing the simplicity of the room. The wooden cabinets have sleek, modern handles, and the absence of clutter on the countertops accentuates the room's spacious feel.",,10,2,attribute,other,"attribute - other (cabinets' handles, sleek and modern)",Are the cabinets' handles sleek and modern? +partiprompts249,"A sparse kitchen interior featuring natural wood cabinets and pristine white appliances, including a refrigerator and an oven. The space is characterized by clean lines and a minimalist aesthetic, with a light-colored tile backsplash complementing the simplicity of the room. The wooden cabinets have sleek, modern handles, and the absence of clutter on the countertops accentuates the room's spacious feel.",,11,1,attribute,other,"attribute - other (room, clean lines and minimalist aesthetic)",Does the room have clean lines and a minimalist aesthetic? +partiprompts249,"A sparse kitchen interior featuring natural wood cabinets and pristine white appliances, including a refrigerator and an oven. The space is characterized by clean lines and a minimalist aesthetic, with a light-colored tile backsplash complementing the simplicity of the room. The wooden cabinets have sleek, modern handles, and the absence of clutter on the countertops accentuates the room's spacious feel.",,12,1,attribute,other,"attribute - other (countertops, absence of clutter)",Is there an absence of clutter on the countertops? +partiprompts249,"A sparse kitchen interior featuring natural wood cabinets and pristine white appliances, including a refrigerator and an oven. The space is characterized by clean lines and a minimalist aesthetic, with a light-colored tile backsplash complementing the simplicity of the room. The wooden cabinets have sleek, modern handles, and the absence of clutter on the countertops accentuates the room's spacious feel.",,13,1,attribute,other,"attribute - other (room, spacious feel)",Does the room have a spacious feel? +partiprompts179,"A grand city fountain situated in the center of a bustling square, with a creamy white liquid cascading down its tiers instead of water. The fountain's base is surrounded by numerous cats of various colors and sizes, eagerly lapping up the milk. The stone structure of the fountain is intricately carved, and despite the unusual substitution of milk, it stands as an impressive focal point in the urban landscape.",,1,0,entity,whole,entity - whole (city fountain),Is there a city fountain? +partiprompts179,"A grand city fountain situated in the center of a bustling square, with a creamy white liquid cascading down its tiers instead of water. The fountain's base is surrounded by numerous cats of various colors and sizes, eagerly lapping up the milk. The stone structure of the fountain is intricately carved, and despite the unusual substitution of milk, it stands as an impressive focal point in the urban landscape.",,2,0,entity,whole,entity - whole (square),Is there a square? +partiprompts179,"A grand city fountain situated in the center of a bustling square, with a creamy white liquid cascading down its tiers instead of water. The fountain's base is surrounded by numerous cats of various colors and sizes, eagerly lapping up the milk. The stone structure of the fountain is intricately carved, and despite the unusual substitution of milk, it stands as an impressive focal point in the urban landscape.",,3,1,attribute,color,"attribute - color (liquid, creamy white)",Is the liquid creamy white? +partiprompts179,"A grand city fountain situated in the center of a bustling square, with a creamy white liquid cascading down its tiers instead of water. The fountain's base is surrounded by numerous cats of various colors and sizes, eagerly lapping up the milk. The stone structure of the fountain is intricately carved, and despite the unusual substitution of milk, it stands as an impressive focal point in the urban landscape.",,4,2,attribute,texture,"attribute - texture (stone structure, intricately carved)",Is the stone structure intricately carved? +partiprompts179,"A grand city fountain situated in the center of a bustling square, with a creamy white liquid cascading down its tiers instead of water. The fountain's base is surrounded by numerous cats of various colors and sizes, eagerly lapping up the milk. The stone structure of the fountain is intricately carved, and despite the unusual substitution of milk, it stands as an impressive focal point in the urban landscape.",,5,3,attribute,other,"attribute - other (liquid, milk)",Is the liquid milk? +partiprompts179,"A grand city fountain situated in the center of a bustling square, with a creamy white liquid cascading down its tiers instead of water. The fountain's base is surrounded by numerous cats of various colors and sizes, eagerly lapping up the milk. The stone structure of the fountain is intricately carved, and despite the unusual substitution of milk, it stands as an impressive focal point in the urban landscape.",,6,1,entity,whole,entity - whole (cats),Are there cats? +partiprompts179,"A grand city fountain situated in the center of a bustling square, with a creamy white liquid cascading down its tiers instead of water. The fountain's base is surrounded by numerous cats of various colors and sizes, eagerly lapping up the milk. The stone structure of the fountain is intricately carved, and despite the unusual substitution of milk, it stands as an impressive focal point in the urban landscape.",,7,6,attribute,color,"attribute - color (cats, various)",Are the cats of various colors? +partiprompts179,"A grand city fountain situated in the center of a bustling square, with a creamy white liquid cascading down its tiers instead of water. The fountain's base is surrounded by numerous cats of various colors and sizes, eagerly lapping up the milk. The stone structure of the fountain is intricately carved, and despite the unusual substitution of milk, it stands as an impressive focal point in the urban landscape.",,8,6,attribute,size,"attribute - size (cats, various)",Are the cats of various sizes? +partiprompts179,"A grand city fountain situated in the center of a bustling square, with a creamy white liquid cascading down its tiers instead of water. The fountain's base is surrounded by numerous cats of various colors and sizes, eagerly lapping up the milk. The stone structure of the fountain is intricately carved, and despite the unusual substitution of milk, it stands as an impressive focal point in the urban landscape.",,9,6,entity,state,"entity - state (cats, eagerly lapping)",Are the cats eagerly lapping? +partiprompts179,"A grand city fountain situated in the center of a bustling square, with a creamy white liquid cascading down its tiers instead of water. The fountain's base is surrounded by numerous cats of various colors and sizes, eagerly lapping up the milk. The stone structure of the fountain is intricately carved, and despite the unusual substitution of milk, it stands as an impressive focal point in the urban landscape.",,10,"1,2",relation,spatial,"relation - spatial (fountain, square, in)",Is the fountain in the square? +partiprompts179,"A grand city fountain situated in the center of a bustling square, with a creamy white liquid cascading down its tiers instead of water. The fountain's base is surrounded by numerous cats of various colors and sizes, eagerly lapping up the milk. The stone structure of the fountain is intricately carved, and despite the unusual substitution of milk, it stands as an impressive focal point in the urban landscape.",,11,"6,1",relation,spatial,"relation - spatial (cats, fountain's base, surround)",Are the cats surrounding the fountain's base? +partiprompts179,"A grand city fountain situated in the center of a bustling square, with a creamy white liquid cascading down its tiers instead of water. The fountain's base is surrounded by numerous cats of various colors and sizes, eagerly lapping up the milk. The stone structure of the fountain is intricately carved, and despite the unusual substitution of milk, it stands as an impressive focal point in the urban landscape.",,12,"3,1",relation,spatial,"relation - spatial (liquid, fountain's tiers, cascading down)",Is the liquid cascading down the fountain's tiers? +partiprompts104,"A young boy with a joyful expression is perched high on the shoulders of a woman dressed in a long, flowing red dress. The woman's dress has intricate lace detailing along the hem and sleeves, and she stands with poise and grace. The boy, wearing a striped shirt and denim shorts, wraps his small hands around the woman's forehead for balance as they share a moment of connection.",,1,0,entity,whole,entity - whole (boy),Is there a young boy? +partiprompts104,"A young boy with a joyful expression is perched high on the shoulders of a woman dressed in a long, flowing red dress. The woman's dress has intricate lace detailing along the hem and sleeves, and she stands with poise and grace. The boy, wearing a striped shirt and denim shorts, wraps his small hands around the woman's forehead for balance as they share a moment of connection.",,2,0,entity,whole,entity - whole (woman),Is there a woman? +partiprompts104,"A young boy with a joyful expression is perched high on the shoulders of a woman dressed in a long, flowing red dress. The woman's dress has intricate lace detailing along the hem and sleeves, and she stands with poise and grace. The boy, wearing a striped shirt and denim shorts, wraps his small hands around the woman's forehead for balance as they share a moment of connection.",,3,1,attribute,other,"attribute - other (boy, young)",Is the boy joyful? +partiprompts104,"A young boy with a joyful expression is perched high on the shoulders of a woman dressed in a long, flowing red dress. The woman's dress has intricate lace detailing along the hem and sleeves, and she stands with poise and grace. The boy, wearing a striped shirt and denim shorts, wraps his small hands around the woman's forehead for balance as they share a moment of connection.",,4,2,attribute,other,"attribute - other (woman, dressed in long, flowing red dress)","Is the woman dressed in a long, flowing red dress?" +partiprompts104,"A young boy with a joyful expression is perched high on the shoulders of a woman dressed in a long, flowing red dress. The woman's dress has intricate lace detailing along the hem and sleeves, and she stands with poise and grace. The boy, wearing a striped shirt and denim shorts, wraps his small hands around the woman's forehead for balance as they share a moment of connection.",,5,4,attribute,other,"attribute - other (woman's dress, intricate lace detailing)",Does the woman's dress have intricate lace detailing? +partiprompts104,"A young boy with a joyful expression is perched high on the shoulders of a woman dressed in a long, flowing red dress. The woman's dress has intricate lace detailing along the hem and sleeves, and she stands with poise and grace. The boy, wearing a striped shirt and denim shorts, wraps his small hands around the woman's forehead for balance as they share a moment of connection.",,6,4,attribute,other,"attribute - other (woman, stand with poise and grace)",Does the woman stand with poise and grace? +partiprompts104,"A young boy with a joyful expression is perched high on the shoulders of a woman dressed in a long, flowing red dress. The woman's dress has intricate lace detailing along the hem and sleeves, and she stands with poise and grace. The boy, wearing a striped shirt and denim shorts, wraps his small hands around the woman's forehead for balance as they share a moment of connection.",,7,2,attribute,other,"attribute - other (boy, wearing striped shirt and denim shorts)",Is the boy wearing a striped shirt and denim shorts? +partiprompts104,"A young boy with a joyful expression is perched high on the shoulders of a woman dressed in a long, flowing red dress. The woman's dress has intricate lace detailing along the hem and sleeves, and she stands with poise and grace. The boy, wearing a striped shirt and denim shorts, wraps his small hands around the woman's forehead for balance as they share a moment of connection.",,8,1,entity,part,entity - part (boy's hands),Does the boy have hands? +partiprompts104,"A young boy with a joyful expression is perched high on the shoulders of a woman dressed in a long, flowing red dress. The woman's dress has intricate lace detailing along the hem and sleeves, and she stands with poise and grace. The boy, wearing a striped shirt and denim shorts, wraps his small hands around the woman's forehead for balance as they share a moment of connection.",,9,"1,2",relation,spatial,"relation - spatial (boy, woman, perched on shoulders)",Is the boy perched on the woman's shoulders? +partiprompts104,"A young boy with a joyful expression is perched high on the shoulders of a woman dressed in a long, flowing red dress. The woman's dress has intricate lace detailing along the hem and sleeves, and she stands with poise and grace. The boy, wearing a striped shirt and denim shorts, wraps his small hands around the woman's forehead for balance as they share a moment of connection.",,10,"1,2",relation,spatial,"relation - spatial (boy, woman, share moment of connection)",Are the boy and woman sharing a moment of connection? +partiprompts111,"An elderly woman with silver hair and glasses sits comfortably in an armchair, a colorful picture book open in her lap. Beside her, a young boy and girl, her grandchildren, listen intently, the boy wearing a green-striped shirt and the girl in a yellow dress. They are surrounded by a cozy room with a plush beige carpet and a small wooden table stacked with more books.",,1,0,entity,whole,entity - whole (woman),Is there an elderly woman? +partiprompts111,"An elderly woman with silver hair and glasses sits comfortably in an armchair, a colorful picture book open in her lap. Beside her, a young boy and girl, her grandchildren, listen intently, the boy wearing a green-striped shirt and the girl in a yellow dress. They are surrounded by a cozy room with a plush beige carpet and a small wooden table stacked with more books.",,2,1,entity,whole,entity - whole (hair),Does the woman have silver hair? +partiprompts111,"An elderly woman with silver hair and glasses sits comfortably in an armchair, a colorful picture book open in her lap. Beside her, a young boy and girl, her grandchildren, listen intently, the boy wearing a green-striped shirt and the girl in a yellow dress. They are surrounded by a cozy room with a plush beige carpet and a small wooden table stacked with more books.",,3,1,entity,whole,entity - whole (glasses),Does the woman wear glasses? +partiprompts111,"An elderly woman with silver hair and glasses sits comfortably in an armchair, a colorful picture book open in her lap. Beside her, a young boy and girl, her grandchildren, listen intently, the boy wearing a green-striped shirt and the girl in a yellow dress. They are surrounded by a cozy room with a plush beige carpet and a small wooden table stacked with more books.",,4,1,entity,whole,entity - whole (armchair),Is the woman sitting in an armchair? +partiprompts111,"An elderly woman with silver hair and glasses sits comfortably in an armchair, a colorful picture book open in her lap. Beside her, a young boy and girl, her grandchildren, listen intently, the boy wearing a green-striped shirt and the girl in a yellow dress. They are surrounded by a cozy room with a plush beige carpet and a small wooden table stacked with more books.",,5,1,entity,whole,entity - whole (picture book),Is there a picture book? +partiprompts111,"An elderly woman with silver hair and glasses sits comfortably in an armchair, a colorful picture book open in her lap. Beside her, a young boy and girl, her grandchildren, listen intently, the boy wearing a green-striped shirt and the girl in a yellow dress. They are surrounded by a cozy room with a plush beige carpet and a small wooden table stacked with more books.",,6,0,entity,whole,entity - whole (boy),Is there a boy? +partiprompts111,"An elderly woman with silver hair and glasses sits comfortably in an armchair, a colorful picture book open in her lap. Beside her, a young boy and girl, her grandchildren, listen intently, the boy wearing a green-striped shirt and the girl in a yellow dress. They are surrounded by a cozy room with a plush beige carpet and a small wooden table stacked with more books.",,7,0,entity,whole,entity - whole (girl),Is there a girl? +partiprompts111,"An elderly woman with silver hair and glasses sits comfortably in an armchair, a colorful picture book open in her lap. Beside her, a young boy and girl, her grandchildren, listen intently, the boy wearing a green-striped shirt and the girl in a yellow dress. They are surrounded by a cozy room with a plush beige carpet and a small wooden table stacked with more books.",,8,0,entity,whole,entity - whole (grandchildren),Are there grandchildren? +partiprompts111,"An elderly woman with silver hair and glasses sits comfortably in an armchair, a colorful picture book open in her lap. Beside her, a young boy and girl, her grandchildren, listen intently, the boy wearing a green-striped shirt and the girl in a yellow dress. They are surrounded by a cozy room with a plush beige carpet and a small wooden table stacked with more books.",,9,2,attribute,color,"attribute - color (hair, silver)",Is the woman's hair silver? +partiprompts111,"An elderly woman with silver hair and glasses sits comfortably in an armchair, a colorful picture book open in her lap. Beside her, a young boy and girl, her grandchildren, listen intently, the boy wearing a green-striped shirt and the girl in a yellow dress. They are surrounded by a cozy room with a plush beige carpet and a small wooden table stacked with more books.",,10,6,attribute,color,"attribute - color (boy's shirt, green-striped)",Is the boy wearing a green-striped shirt? +partiprompts111,"An elderly woman with silver hair and glasses sits comfortably in an armchair, a colorful picture book open in her lap. Beside her, a young boy and girl, her grandchildren, listen intently, the boy wearing a green-striped shirt and the girl in a yellow dress. They are surrounded by a cozy room with a plush beige carpet and a small wooden table stacked with more books.",,11,7,attribute,color,"attribute - color (girl's dress, yellow)",Is the girl wearing a yellow dress? +partiprompts111,"An elderly woman with silver hair and glasses sits comfortably in an armchair, a colorful picture book open in her lap. Beside her, a young boy and girl, her grandchildren, listen intently, the boy wearing a green-striped shirt and the girl in a yellow dress. They are surrounded by a cozy room with a plush beige carpet and a small wooden table stacked with more books.",,12,13,attribute,texture,"attribute - texture (carpet, plush)",Is the carpet plush? +partiprompts111,"An elderly woman with silver hair and glasses sits comfortably in an armchair, a colorful picture book open in her lap. Beside her, a young boy and girl, her grandchildren, listen intently, the boy wearing a green-striped shirt and the girl in a yellow dress. They are surrounded by a cozy room with a plush beige carpet and a small wooden table stacked with more books.",,13,14,attribute,texture,"attribute - texture (table, wooden)",Is the table wooden? +partiprompts111,"An elderly woman with silver hair and glasses sits comfortably in an armchair, a colorful picture book open in her lap. Beside her, a young boy and girl, her grandchildren, listen intently, the boy wearing a green-striped shirt and the girl in a yellow dress. They are surrounded by a cozy room with a plush beige carpet and a small wooden table stacked with more books.",,14,12,attribute,size,"attribute - size (carpet, beige)",Is the carpet beige? +partiprompts111,"An elderly woman with silver hair and glasses sits comfortably in an armchair, a colorful picture book open in her lap. Beside her, a young boy and girl, her grandchildren, listen intently, the boy wearing a green-striped shirt and the girl in a yellow dress. They are surrounded by a cozy room with a plush beige carpet and a small wooden table stacked with more books.",,15,"1,4",relation,spatial,"relation - spatial (woman, armchair, sit)",Is the woman sitting in the armchair? +partiprompts111,"An elderly woman with silver hair and glasses sits comfortably in an armchair, a colorful picture book open in her lap. Beside her, a young boy and girl, her grandchildren, listen intently, the boy wearing a green-striped shirt and the girl in a yellow dress. They are surrounded by a cozy room with a plush beige carpet and a small wooden table stacked with more books.",,16,"5,1",relation,spatial,"relation - spatial (picture book, woman, open in lap)",Is the picture book open in the woman's lap? +partiprompts111,"An elderly woman with silver hair and glasses sits comfortably in an armchair, a colorful picture book open in her lap. Beside her, a young boy and girl, her grandchildren, listen intently, the boy wearing a green-striped shirt and the girl in a yellow dress. They are surrounded by a cozy room with a plush beige carpet and a small wooden table stacked with more books.",,17,"6,1",relation,spatial,"relation - spatial (boy, woman, beside)",Is the boy beside the woman? +partiprompts111,"An elderly woman with silver hair and glasses sits comfortably in an armchair, a colorful picture book open in her lap. Beside her, a young boy and girl, her grandchildren, listen intently, the boy wearing a green-striped shirt and the girl in a yellow dress. They are surrounded by a cozy room with a plush beige carpet and a small wooden table stacked with more books.",,18,"7,1",relation,spatial,"relation - spatial (girl, woman, beside)",Is the girl beside the woman? +partiprompts111,"An elderly woman with silver hair and glasses sits comfortably in an armchair, a colorful picture book open in her lap. Beside her, a young boy and girl, her grandchildren, listen intently, the boy wearing a green-striped shirt and the girl in a yellow dress. They are surrounded by a cozy room with a plush beige carpet and a small wooden table stacked with more books.",,19,"6,7",relation,spatial,"relation - spatial (boy, girl, grandchildren)",Are the boy and girl grandchildren? +partiprompts111,"An elderly woman with silver hair and glasses sits comfortably in an armchair, a colorful picture book open in her lap. Beside her, a young boy and girl, her grandchildren, listen intently, the boy wearing a green-striped shirt and the girl in a yellow dress. They are surrounded by a cozy room with a plush beige carpet and a small wooden table stacked with more books.",,20,"6,7",relation,spatial,"relation - spatial (boy, girl, listen intently)",Are the boy and girl listening intently? +partiprompts111,"An elderly woman with silver hair and glasses sits comfortably in an armchair, a colorful picture book open in her lap. Beside her, a young boy and girl, her grandchildren, listen intently, the boy wearing a green-striped shirt and the girl in a yellow dress. They are surrounded by a cozy room with a plush beige carpet and a small wooden table stacked with more books.",,21,"1,21",relation,spatial,"relation - spatial (woman, room, surrounded by)",Is the woman surrounded by the room? +partiprompts111,"An elderly woman with silver hair and glasses sits comfortably in an armchair, a colorful picture book open in her lap. Beside her, a young boy and girl, her grandchildren, listen intently, the boy wearing a green-striped shirt and the girl in a yellow dress. They are surrounded by a cozy room with a plush beige carpet and a small wooden table stacked with more books.",,22,"8,21",relation,spatial,"relation - spatial (grandchildren, room, surrounded by)",Are the grandchildren surrounded by the room? +partiprompts111,"An elderly woman with silver hair and glasses sits comfortably in an armchair, a colorful picture book open in her lap. Beside her, a young boy and girl, her grandchildren, listen intently, the boy wearing a green-striped shirt and the girl in a yellow dress. They are surrounded by a cozy room with a plush beige carpet and a small wooden table stacked with more books.",,23,"21,12",relation,spatial,"relation - spatial (room, carpet, on)",Is the carpet on the room? +partiprompts111,"An elderly woman with silver hair and glasses sits comfortably in an armchair, a colorful picture book open in her lap. Beside her, a young boy and girl, her grandchildren, listen intently, the boy wearing a green-striped shirt and the girl in a yellow dress. They are surrounded by a cozy room with a plush beige carpet and a small wooden table stacked with more books.",,24,"21,13",relation,spatial,"relation - spatial (room, table, beside)",Is the table beside the room? +partiprompts111,"An elderly woman with silver hair and glasses sits comfortably in an armchair, a colorful picture book open in her lap. Beside her, a young boy and girl, her grandchildren, listen intently, the boy wearing a green-striped shirt and the girl in a yellow dress. They are surrounded by a cozy room with a plush beige carpet and a small wooden table stacked with more books.",,25,"24,15",relation,spatial,"relation - spatial (table, books, stacked with)",Is the table stacked with books? +partiprompts189,"a modern storefront with large glass windows and a bold sign above the entrance that reads 'openai' in sleek, white lettering. The facade is painted in a muted gray, complementing the contemporary design. Inside, through the transparent windows, one can see rows of neatly arranged products and a few customers browsing.",,1,0,entity,whole,entity - whole (storefront),Is there a storefront? +partiprompts189,"a modern storefront with large glass windows and a bold sign above the entrance that reads 'openai' in sleek, white lettering. The facade is painted in a muted gray, complementing the contemporary design. Inside, through the transparent windows, one can see rows of neatly arranged products and a few customers browsing.",,2,1,entity,part,entity - part (storefront's windows),Are there large glass windows? +partiprompts189,"a modern storefront with large glass windows and a bold sign above the entrance that reads 'openai' in sleek, white lettering. The facade is painted in a muted gray, complementing the contemporary design. Inside, through the transparent windows, one can see rows of neatly arranged products and a few customers browsing.",,3,1,entity,part,entity - part (storefront's sign),Is there a sign? +partiprompts189,"a modern storefront with large glass windows and a bold sign above the entrance that reads 'openai' in sleek, white lettering. The facade is painted in a muted gray, complementing the contemporary design. Inside, through the transparent windows, one can see rows of neatly arranged products and a few customers browsing.",,4,1,entity,part,entity - part (storefront's facade),Is there a facade? +partiprompts189,"a modern storefront with large glass windows and a bold sign above the entrance that reads 'openai' in sleek, white lettering. The facade is painted in a muted gray, complementing the contemporary design. Inside, through the transparent windows, one can see rows of neatly arranged products and a few customers browsing.",,5,0,entity,whole,entity - whole (products),Are there products? +partiprompts189,"a modern storefront with large glass windows and a bold sign above the entrance that reads 'openai' in sleek, white lettering. The facade is painted in a muted gray, complementing the contemporary design. Inside, through the transparent windows, one can see rows of neatly arranged products and a few customers browsing.",,6,0,entity,whole,entity - whole (customers),Are there customers? +partiprompts189,"a modern storefront with large glass windows and a bold sign above the entrance that reads 'openai' in sleek, white lettering. The facade is painted in a muted gray, complementing the contemporary design. Inside, through the transparent windows, one can see rows of neatly arranged products and a few customers browsing.",,7,2,attribute,texture,"attribute - texture (windows, glass)",Are the windows made of glass? +partiprompts189,"a modern storefront with large glass windows and a bold sign above the entrance that reads 'openai' in sleek, white lettering. The facade is painted in a muted gray, complementing the contemporary design. Inside, through the transparent windows, one can see rows of neatly arranged products and a few customers browsing.",,8,3,attribute,texture,"attribute - texture (sign, sleek)",Is the sign sleek? +partiprompts189,"a modern storefront with large glass windows and a bold sign above the entrance that reads 'openai' in sleek, white lettering. The facade is painted in a muted gray, complementing the contemporary design. Inside, through the transparent windows, one can see rows of neatly arranged products and a few customers browsing.",,9,3,attribute,color,"attribute - color (sign, white)",Is the sign white? +partiprompts189,"a modern storefront with large glass windows and a bold sign above the entrance that reads 'openai' in sleek, white lettering. The facade is painted in a muted gray, complementing the contemporary design. Inside, through the transparent windows, one can see rows of neatly arranged products and a few customers browsing.",,10,4,attribute,color,"attribute - color (facade, muted gray)",Is the facade painted in muted gray? +partiprompts189,"a modern storefront with large glass windows and a bold sign above the entrance that reads 'openai' in sleek, white lettering. The facade is painted in a muted gray, complementing the contemporary design. Inside, through the transparent windows, one can see rows of neatly arranged products and a few customers browsing.",,11,3,attribute,other,"attribute - other (sign, bold)",Is the sign bold? +partiprompts189,"a modern storefront with large glass windows and a bold sign above the entrance that reads 'openai' in sleek, white lettering. The facade is painted in a muted gray, complementing the contemporary design. Inside, through the transparent windows, one can see rows of neatly arranged products and a few customers browsing.",,12,3,attribute,other,"attribute - other (design, contemporary)",Is the design contemporary? +partiprompts189,"a modern storefront with large glass windows and a bold sign above the entrance that reads 'openai' in sleek, white lettering. The facade is painted in a muted gray, complementing the contemporary design. Inside, through the transparent windows, one can see rows of neatly arranged products and a few customers browsing.",,13,"1,2",relation,spatial,"relation - spatial (windows, storefront, large)",Are the windows large? +partiprompts189,"a modern storefront with large glass windows and a bold sign above the entrance that reads 'openai' in sleek, white lettering. The facade is painted in a muted gray, complementing the contemporary design. Inside, through the transparent windows, one can see rows of neatly arranged products and a few customers browsing.",,14,"3,1",relation,spatial,"relation - spatial (sign, entrance, above)",Is the sign above the entrance? +partiprompts189,"a modern storefront with large glass windows and a bold sign above the entrance that reads 'openai' in sleek, white lettering. The facade is painted in a muted gray, complementing the contemporary design. Inside, through the transparent windows, one can see rows of neatly arranged products and a few customers browsing.",,15,"4,12",relation,spatial,"relation - spatial (facade, design, complementing)",Does the facade complement the design? +partiprompts189,"a modern storefront with large glass windows and a bold sign above the entrance that reads 'openai' in sleek, white lettering. The facade is painted in a muted gray, complementing the contemporary design. Inside, through the transparent windows, one can see rows of neatly arranged products and a few customers browsing.",,16,"5,1",relation,spatial,"relation - spatial (products, storefront, inside)",Are the products inside the storefront? +partiprompts189,"a modern storefront with large glass windows and a bold sign above the entrance that reads 'openai' in sleek, white lettering. The facade is painted in a muted gray, complementing the contemporary design. Inside, through the transparent windows, one can see rows of neatly arranged products and a few customers browsing.",,17,"6,1",relation,spatial,"relation - spatial (customers, storefront, inside)",Are the customers inside the storefront? +partiprompts189,"a modern storefront with large glass windows and a bold sign above the entrance that reads 'openai' in sleek, white lettering. The facade is painted in a muted gray, complementing the contemporary design. Inside, through the transparent windows, one can see rows of neatly arranged products and a few customers browsing.",,18,"6,5",relation,spatial,"relation - spatial (customers, products, browse)",Are the customers browsing the products? +partiprompts300,"a vibrant arrangement of blue and yellow flowers, with delicate petals and lush green stems, placed in a clear glass vase. The vase is situated on a polished wooden table, which reflects the soft light illuminating the room. Around the vase, there are a few scattered leaves, adding a touch of natural charm to the setting.",,1,0,entity,whole,entity - whole (flowers),Are there flowers? +partiprompts300,"a vibrant arrangement of blue and yellow flowers, with delicate petals and lush green stems, placed in a clear glass vase. The vase is situated on a polished wooden table, which reflects the soft light illuminating the room. Around the vase, there are a few scattered leaves, adding a touch of natural charm to the setting.",,2,1,attribute,color,"attribute - color (flowers, blue)",Are the flowers blue? +partiprompts300,"a vibrant arrangement of blue and yellow flowers, with delicate petals and lush green stems, placed in a clear glass vase. The vase is situated on a polished wooden table, which reflects the soft light illuminating the room. Around the vase, there are a few scattered leaves, adding a touch of natural charm to the setting.",,3,1,attribute,color,"attribute - color (flowers, yellow)",Are the flowers yellow? +partiprompts300,"a vibrant arrangement of blue and yellow flowers, with delicate petals and lush green stems, placed in a clear glass vase. The vase is situated on a polished wooden table, which reflects the soft light illuminating the room. Around the vase, there are a few scattered leaves, adding a touch of natural charm to the setting.",,4,1,attribute,texture,"attribute - texture (petals, delicate)",Are the petals delicate? +partiprompts300,"a vibrant arrangement of blue and yellow flowers, with delicate petals and lush green stems, placed in a clear glass vase. The vase is situated on a polished wooden table, which reflects the soft light illuminating the room. Around the vase, there are a few scattered leaves, adding a touch of natural charm to the setting.",,5,1,attribute,texture,"attribute - texture (stems, lush)",Are the stems lush? +partiprompts300,"a vibrant arrangement of blue and yellow flowers, with delicate petals and lush green stems, placed in a clear glass vase. The vase is situated on a polished wooden table, which reflects the soft light illuminating the room. Around the vase, there are a few scattered leaves, adding a touch of natural charm to the setting.",,6,1,entity,whole,entity - whole (vase),Is there a vase? +partiprompts300,"a vibrant arrangement of blue and yellow flowers, with delicate petals and lush green stems, placed in a clear glass vase. The vase is situated on a polished wooden table, which reflects the soft light illuminating the room. Around the vase, there are a few scattered leaves, adding a touch of natural charm to the setting.",,7,6,attribute,texture,"attribute - texture (vase, clear glass)",Is the vase made of clear glass? +partiprompts300,"a vibrant arrangement of blue and yellow flowers, with delicate petals and lush green stems, placed in a clear glass vase. The vase is situated on a polished wooden table, which reflects the soft light illuminating the room. Around the vase, there are a few scattered leaves, adding a touch of natural charm to the setting.",,8,"6,9",relation,spatial,"relation - spatial (vase, table, on)",Is the vase on a table? +partiprompts300,"a vibrant arrangement of blue and yellow flowers, with delicate petals and lush green stems, placed in a clear glass vase. The vase is situated on a polished wooden table, which reflects the soft light illuminating the room. Around the vase, there are a few scattered leaves, adding a touch of natural charm to the setting.",,9,0,entity,whole,entity - whole (table),Is there a table? +partiprompts300,"a vibrant arrangement of blue and yellow flowers, with delicate petals and lush green stems, placed in a clear glass vase. The vase is situated on a polished wooden table, which reflects the soft light illuminating the room. Around the vase, there are a few scattered leaves, adding a touch of natural charm to the setting.",,10,9,attribute,texture,"attribute - texture (table, polished wood)",Is the table made of polished wood? +partiprompts300,"a vibrant arrangement of blue and yellow flowers, with delicate petals and lush green stems, placed in a clear glass vase. The vase is situated on a polished wooden table, which reflects the soft light illuminating the room. Around the vase, there are a few scattered leaves, adding a touch of natural charm to the setting.",,11,9,entity,state,"entity - state (table, reflect)",Does the table reflect light? +partiprompts300,"a vibrant arrangement of blue and yellow flowers, with delicate petals and lush green stems, placed in a clear glass vase. The vase is situated on a polished wooden table, which reflects the soft light illuminating the room. Around the vase, there are a few scattered leaves, adding a touch of natural charm to the setting.",,12,11,attribute,other,"attribute - other (light, soft)",Is the light soft? +partiprompts300,"a vibrant arrangement of blue and yellow flowers, with delicate petals and lush green stems, placed in a clear glass vase. The vase is situated on a polished wooden table, which reflects the soft light illuminating the room. Around the vase, there are a few scattered leaves, adding a touch of natural charm to the setting.",,13,"9,12",relation,spatial,"relation - spatial (table, room, illuminate)",Does the table illuminate the room? +partiprompts300,"a vibrant arrangement of blue and yellow flowers, with delicate petals and lush green stems, placed in a clear glass vase. The vase is situated on a polished wooden table, which reflects the soft light illuminating the room. Around the vase, there are a few scattered leaves, adding a touch of natural charm to the setting.",,14,0,entity,whole,entity - whole (leaves),Are there leaves? +partiprompts300,"a vibrant arrangement of blue and yellow flowers, with delicate petals and lush green stems, placed in a clear glass vase. The vase is situated on a polished wooden table, which reflects the soft light illuminating the room. Around the vase, there are a few scattered leaves, adding a touch of natural charm to the setting.",,15,14,attribute,other,"attribute - other (leaves, scattered)",Are the leaves scattered? +partiprompts300,"a vibrant arrangement of blue and yellow flowers, with delicate petals and lush green stems, placed in a clear glass vase. The vase is situated on a polished wooden table, which reflects the soft light illuminating the room. Around the vase, there are a few scattered leaves, adding a touch of natural charm to the setting.",,16,14,attribute,other,"attribute - other (leaves, natural charm)",Do the leaves add natural charm to the setting? +partiprompts218,"an empty metal bike rack with a silver finish, positioned on a concrete sidewalk. several colorful bike locks are attached to it, indicating the frequent use of the rack by cyclists. the absence of bicycles gives the rack a forlorn appearance against the backdrop of a quiet street.",,1,0,entity,whole,entity - whole (bike rack),Is there a bike rack? +partiprompts218,"an empty metal bike rack with a silver finish, positioned on a concrete sidewalk. several colorful bike locks are attached to it, indicating the frequent use of the rack by cyclists. the absence of bicycles gives the rack a forlorn appearance against the backdrop of a quiet street.",,2,1,attribute,texture,"attribute - texture (bike rack, metal)",Is the bike rack made of metal? +partiprompts218,"an empty metal bike rack with a silver finish, positioned on a concrete sidewalk. several colorful bike locks are attached to it, indicating the frequent use of the rack by cyclists. the absence of bicycles gives the rack a forlorn appearance against the backdrop of a quiet street.",,3,1,attribute,color,"attribute - color (bike rack, silver)",Is the bike rack silver? +partiprompts218,"an empty metal bike rack with a silver finish, positioned on a concrete sidewalk. several colorful bike locks are attached to it, indicating the frequent use of the rack by cyclists. the absence of bicycles gives the rack a forlorn appearance against the backdrop of a quiet street.",,4,1,attribute,texture,"attribute - texture (sidewalk, concrete)",Is the sidewalk made of concrete? +partiprompts218,"an empty metal bike rack with a silver finish, positioned on a concrete sidewalk. several colorful bike locks are attached to it, indicating the frequent use of the rack by cyclists. the absence of bicycles gives the rack a forlorn appearance against the backdrop of a quiet street.",,5,1,attribute,other,"attribute - other (bike locks, colorful)",Are the bike locks colorful? +partiprompts218,"an empty metal bike rack with a silver finish, positioned on a concrete sidewalk. several colorful bike locks are attached to it, indicating the frequent use of the rack by cyclists. the absence of bicycles gives the rack a forlorn appearance against the backdrop of a quiet street.",,6,1,attribute,other,"attribute - other (bike locks, attached)",Are the bike locks attached? +partiprompts218,"an empty metal bike rack with a silver finish, positioned on a concrete sidewalk. several colorful bike locks are attached to it, indicating the frequent use of the rack by cyclists. the absence of bicycles gives the rack a forlorn appearance against the backdrop of a quiet street.",,7,1,attribute,other,"attribute - other (rack, frequent use)",Does the rack show frequent use? +partiprompts218,"an empty metal bike rack with a silver finish, positioned on a concrete sidewalk. several colorful bike locks are attached to it, indicating the frequent use of the rack by cyclists. the absence of bicycles gives the rack a forlorn appearance against the backdrop of a quiet street.",,8,1,attribute,other,"attribute - other (rack, forlorn appearance)",Does the rack have a forlorn appearance? +partiprompts218,"an empty metal bike rack with a silver finish, positioned on a concrete sidewalk. several colorful bike locks are attached to it, indicating the frequent use of the rack by cyclists. the absence of bicycles gives the rack a forlorn appearance against the backdrop of a quiet street.",,9,1,attribute,other,"attribute - other (street, quiet)",Is the street quiet? +partiprompts218,"an empty metal bike rack with a silver finish, positioned on a concrete sidewalk. several colorful bike locks are attached to it, indicating the frequent use of the rack by cyclists. the absence of bicycles gives the rack a forlorn appearance against the backdrop of a quiet street.",,10,"1,4",relation,spatial,"relation - spatial (bike rack, sidewalk, on)",Is the bike rack on the sidewalk? +partiprompts12,"A scenic train journey unfolds during the monsoon season in Kerala, with raindrops rhythmically tapping against the windowpane. Inside one of the train's carriages, a plush koala bear toy, donning a small, colorful hat, is propped up against the glass, peering out at the lush landscape. Outside, numerous tall coconut trees sway gently in the rain, their green fronds glistening with moisture, creating a verdant backdrop as the train meanders through the countryside.",,1,0,entity,whole,entity - whole (train),Is there a train? +partiprompts12,"A scenic train journey unfolds during the monsoon season in Kerala, with raindrops rhythmically tapping against the windowpane. Inside one of the train's carriages, a plush koala bear toy, donning a small, colorful hat, is propped up against the glass, peering out at the lush landscape. Outside, numerous tall coconut trees sway gently in the rain, their green fronds glistening with moisture, creating a verdant backdrop as the train meanders through the countryside.",,2,0,entity,whole,entity - whole (monsoon season),Is it the monsoon season? +partiprompts12,"A scenic train journey unfolds during the monsoon season in Kerala, with raindrops rhythmically tapping against the windowpane. Inside one of the train's carriages, a plush koala bear toy, donning a small, colorful hat, is propped up against the glass, peering out at the lush landscape. Outside, numerous tall coconut trees sway gently in the rain, their green fronds glistening with moisture, creating a verdant backdrop as the train meanders through the countryside.",,3,0,entity,whole,entity - whole (Kerala),Is it in Kerala? +partiprompts12,"A scenic train journey unfolds during the monsoon season in Kerala, with raindrops rhythmically tapping against the windowpane. Inside one of the train's carriages, a plush koala bear toy, donning a small, colorful hat, is propped up against the glass, peering out at the lush landscape. Outside, numerous tall coconut trees sway gently in the rain, their green fronds glistening with moisture, creating a verdant backdrop as the train meanders through the countryside.",,4,0,entity,whole,entity - whole (raindrops),Are there raindrops? +partiprompts12,"A scenic train journey unfolds during the monsoon season in Kerala, with raindrops rhythmically tapping against the windowpane. Inside one of the train's carriages, a plush koala bear toy, donning a small, colorful hat, is propped up against the glass, peering out at the lush landscape. Outside, numerous tall coconut trees sway gently in the rain, their green fronds glistening with moisture, creating a verdant backdrop as the train meanders through the countryside.",,5,0,entity,whole,entity - whole (windowpane),Is there a windowpane? +partiprompts12,"A scenic train journey unfolds during the monsoon season in Kerala, with raindrops rhythmically tapping against the windowpane. Inside one of the train's carriages, a plush koala bear toy, donning a small, colorful hat, is propped up against the glass, peering out at the lush landscape. Outside, numerous tall coconut trees sway gently in the rain, their green fronds glistening with moisture, creating a verdant backdrop as the train meanders through the countryside.",,6,1,entity,whole,entity - whole (carriages),Are there carriages? +partiprompts12,"A scenic train journey unfolds during the monsoon season in Kerala, with raindrops rhythmically tapping against the windowpane. Inside one of the train's carriages, a plush koala bear toy, donning a small, colorful hat, is propped up against the glass, peering out at the lush landscape. Outside, numerous tall coconut trees sway gently in the rain, their green fronds glistening with moisture, creating a verdant backdrop as the train meanders through the countryside.",,7,0,entity,whole,entity - whole (koala bear toy),Is there a koala bear toy? +partiprompts12,"A scenic train journey unfolds during the monsoon season in Kerala, with raindrops rhythmically tapping against the windowpane. Inside one of the train's carriages, a plush koala bear toy, donning a small, colorful hat, is propped up against the glass, peering out at the lush landscape. Outside, numerous tall coconut trees sway gently in the rain, their green fronds glistening with moisture, creating a verdant backdrop as the train meanders through the countryside.",,8,0,entity,whole,entity - whole (hat),Is the toy wearing a hat? +partiprompts12,"A scenic train journey unfolds during the monsoon season in Kerala, with raindrops rhythmically tapping against the windowpane. Inside one of the train's carriages, a plush koala bear toy, donning a small, colorful hat, is propped up against the glass, peering out at the lush landscape. Outside, numerous tall coconut trees sway gently in the rain, their green fronds glistening with moisture, creating a verdant backdrop as the train meanders through the countryside.",,9,0,entity,whole,entity - whole (landscape),Is there a landscape? +partiprompts12,"A scenic train journey unfolds during the monsoon season in Kerala, with raindrops rhythmically tapping against the windowpane. Inside one of the train's carriages, a plush koala bear toy, donning a small, colorful hat, is propped up against the glass, peering out at the lush landscape. Outside, numerous tall coconut trees sway gently in the rain, their green fronds glistening with moisture, creating a verdant backdrop as the train meanders through the countryside.",,10,0,entity,whole,entity - whole (coconut trees),Are there coconut trees? +partiprompts12,"A scenic train journey unfolds during the monsoon season in Kerala, with raindrops rhythmically tapping against the windowpane. Inside one of the train's carriages, a plush koala bear toy, donning a small, colorful hat, is propped up against the glass, peering out at the lush landscape. Outside, numerous tall coconut trees sway gently in the rain, their green fronds glistening with moisture, creating a verdant backdrop as the train meanders through the countryside.",,11,0,entity,whole,entity - whole (fronds),Are there fronds? +partiprompts12,"A scenic train journey unfolds during the monsoon season in Kerala, with raindrops rhythmically tapping against the windowpane. Inside one of the train's carriages, a plush koala bear toy, donning a small, colorful hat, is propped up against the glass, peering out at the lush landscape. Outside, numerous tall coconut trees sway gently in the rain, their green fronds glistening with moisture, creating a verdant backdrop as the train meanders through the countryside.",,12,8,attribute,size,"attribute - size (hat, small)",Is the hat small? +partiprompts12,"A scenic train journey unfolds during the monsoon season in Kerala, with raindrops rhythmically tapping against the windowpane. Inside one of the train's carriages, a plush koala bear toy, donning a small, colorful hat, is propped up against the glass, peering out at the lush landscape. Outside, numerous tall coconut trees sway gently in the rain, their green fronds glistening with moisture, creating a verdant backdrop as the train meanders through the countryside.",,13,11,attribute,color,"attribute - color (fronds, green)",Are the fronds green? +partiprompts12,"A scenic train journey unfolds during the monsoon season in Kerala, with raindrops rhythmically tapping against the windowpane. Inside one of the train's carriages, a plush koala bear toy, donning a small, colorful hat, is propped up against the glass, peering out at the lush landscape. Outside, numerous tall coconut trees sway gently in the rain, their green fronds glistening with moisture, creating a verdant backdrop as the train meanders through the countryside.",,14,11,attribute,texture,"attribute - texture (fronds, glistening)",Are the fronds glistening? +partiprompts12,"A scenic train journey unfolds during the monsoon season in Kerala, with raindrops rhythmically tapping against the windowpane. Inside one of the train's carriages, a plush koala bear toy, donning a small, colorful hat, is propped up against the glass, peering out at the lush landscape. Outside, numerous tall coconut trees sway gently in the rain, their green fronds glistening with moisture, creating a verdant backdrop as the train meanders through the countryside.",,15,"4,5",relation,spatial,"relation - spatial (raindrops, windowpane, tap against)",Are the raindrops tapping against the windowpane? +partiprompts12,"A scenic train journey unfolds during the monsoon season in Kerala, with raindrops rhythmically tapping against the windowpane. Inside one of the train's carriages, a plush koala bear toy, donning a small, colorful hat, is propped up against the glass, peering out at the lush landscape. Outside, numerous tall coconut trees sway gently in the rain, their green fronds glistening with moisture, creating a verdant backdrop as the train meanders through the countryside.",,16,"7,5",relation,spatial,"relation - spatial (koala bear toy, glass, propped up against)",Is the koala bear toy propped up against the glass? +partiprompts12,"A scenic train journey unfolds during the monsoon season in Kerala, with raindrops rhythmically tapping against the windowpane. Inside one of the train's carriages, a plush koala bear toy, donning a small, colorful hat, is propped up against the glass, peering out at the lush landscape. Outside, numerous tall coconut trees sway gently in the rain, their green fronds glistening with moisture, creating a verdant backdrop as the train meanders through the countryside.",,17,"7,9",relation,spatial,"relation - spatial (koala bear toy, landscape, peer out at)",Is the koala bear toy peering out at the landscape? +partiprompts12,"A scenic train journey unfolds during the monsoon season in Kerala, with raindrops rhythmically tapping against the windowpane. Inside one of the train's carriages, a plush koala bear toy, donning a small, colorful hat, is propped up against the glass, peering out at the lush landscape. Outside, numerous tall coconut trees sway gently in the rain, their green fronds glistening with moisture, creating a verdant backdrop as the train meanders through the countryside.",,18,"10,4",relation,spatial,"relation - spatial (coconut trees, rain, sway gently)",Are the coconut trees swaying gently in the rain? +partiprompts12,"A scenic train journey unfolds during the monsoon season in Kerala, with raindrops rhythmically tapping against the windowpane. Inside one of the train's carriages, a plush koala bear toy, donning a small, colorful hat, is propped up against the glass, peering out at the lush landscape. Outside, numerous tall coconut trees sway gently in the rain, their green fronds glistening with moisture, creating a verdant backdrop as the train meanders through the countryside.",,19,"10,9",relation,spatial,"relation - spatial (coconut trees, landscape, outside)",Are the coconut trees outside the landscape? +partiprompts12,"A scenic train journey unfolds during the monsoon season in Kerala, with raindrops rhythmically tapping against the windowpane. Inside one of the train's carriages, a plush koala bear toy, donning a small, colorful hat, is propped up against the glass, peering out at the lush landscape. Outside, numerous tall coconut trees sway gently in the rain, their green fronds glistening with moisture, creating a verdant backdrop as the train meanders through the countryside.",,20,"1,9",relation,spatial,"relation - spatial (train, countryside, meander through)",Is the train meandering through the countryside? +partiprompts112,"A man and a woman are standing in the bed of a vintage pickup truck, which is painted a faded shade of red. The truck's bed is scratched and worn, indicating its age and use. The man is wearing a denim jacket and the woman a green sweater, both are casually leaning against the cab of the truck. Behind them, the backdrop is a field of tall grass, hinting at a rural setting.",,1,0,entity,whole,entity - whole (man),Is there a man? +partiprompts112,"A man and a woman are standing in the bed of a vintage pickup truck, which is painted a faded shade of red. The truck's bed is scratched and worn, indicating its age and use. The man is wearing a denim jacket and the woman a green sweater, both are casually leaning against the cab of the truck. Behind them, the backdrop is a field of tall grass, hinting at a rural setting.",,2,0,entity,whole,entity - whole (woman),Is there a woman? +partiprompts112,"A man and a woman are standing in the bed of a vintage pickup truck, which is painted a faded shade of red. The truck's bed is scratched and worn, indicating its age and use. The man is wearing a denim jacket and the woman a green sweater, both are casually leaning against the cab of the truck. Behind them, the backdrop is a field of tall grass, hinting at a rural setting.",,3,0,entity,whole,entity - whole (pickup truck),Is there a pickup truck? +partiprompts112,"A man and a woman are standing in the bed of a vintage pickup truck, which is painted a faded shade of red. The truck's bed is scratched and worn, indicating its age and use. The man is wearing a denim jacket and the woman a green sweater, both are casually leaning against the cab of the truck. Behind them, the backdrop is a field of tall grass, hinting at a rural setting.",,4,3,entity,whole,entity - whole (truck's bed),Is there a truck's bed? +partiprompts112,"A man and a woman are standing in the bed of a vintage pickup truck, which is painted a faded shade of red. The truck's bed is scratched and worn, indicating its age and use. The man is wearing a denim jacket and the woman a green sweater, both are casually leaning against the cab of the truck. Behind them, the backdrop is a field of tall grass, hinting at a rural setting.",,5,0,entity,whole,entity - whole (field),Is there a field? +partiprompts112,"A man and a woman are standing in the bed of a vintage pickup truck, which is painted a faded shade of red. The truck's bed is scratched and worn, indicating its age and use. The man is wearing a denim jacket and the woman a green sweater, both are casually leaning against the cab of the truck. Behind them, the backdrop is a field of tall grass, hinting at a rural setting.",,6,0,entity,whole,entity - whole (grass),Is there grass? +partiprompts112,"A man and a woman are standing in the bed of a vintage pickup truck, which is painted a faded shade of red. The truck's bed is scratched and worn, indicating its age and use. The man is wearing a denim jacket and the woman a green sweater, both are casually leaning against the cab of the truck. Behind them, the backdrop is a field of tall grass, hinting at a rural setting.",,7,3,attribute,color,"attribute - color (pickup truck, faded red)",Is the pickup truck painted a faded shade of red? +partiprompts112,"A man and a woman are standing in the bed of a vintage pickup truck, which is painted a faded shade of red. The truck's bed is scratched and worn, indicating its age and use. The man is wearing a denim jacket and the woman a green sweater, both are casually leaning against the cab of the truck. Behind them, the backdrop is a field of tall grass, hinting at a rural setting.",,8,4,attribute,texture,"attribute - texture (truck's bed, scratched and worn)",Is the truck's bed scratched and worn? +partiprompts112,"A man and a woman are standing in the bed of a vintage pickup truck, which is painted a faded shade of red. The truck's bed is scratched and worn, indicating its age and use. The man is wearing a denim jacket and the woman a green sweater, both are casually leaning against the cab of the truck. Behind them, the backdrop is a field of tall grass, hinting at a rural setting.",,9,3,attribute,texture,"attribute - texture (man's jacket, denim)",Is the man's jacket made of denim? +partiprompts112,"A man and a woman are standing in the bed of a vintage pickup truck, which is painted a faded shade of red. The truck's bed is scratched and worn, indicating its age and use. The man is wearing a denim jacket and the woman a green sweater, both are casually leaning against the cab of the truck. Behind them, the backdrop is a field of tall grass, hinting at a rural setting.",,10,2,attribute,color,"attribute - color (woman's sweater, green)",Is the woman's sweater green? +partiprompts112,"A man and a woman are standing in the bed of a vintage pickup truck, which is painted a faded shade of red. The truck's bed is scratched and worn, indicating its age and use. The man is wearing a denim jacket and the woman a green sweater, both are casually leaning against the cab of the truck. Behind them, the backdrop is a field of tall grass, hinting at a rural setting.",,11,1,entity,state,"entity - state (man, lean)",Is the man casually leaning? +partiprompts112,"A man and a woman are standing in the bed of a vintage pickup truck, which is painted a faded shade of red. The truck's bed is scratched and worn, indicating its age and use. The man is wearing a denim jacket and the woman a green sweater, both are casually leaning against the cab of the truck. Behind them, the backdrop is a field of tall grass, hinting at a rural setting.",,12,2,entity,state,"entity - state (woman, lean)",Is the woman casually leaning? +partiprompts112,"A man and a woman are standing in the bed of a vintage pickup truck, which is painted a faded shade of red. The truck's bed is scratched and worn, indicating its age and use. The man is wearing a denim jacket and the woman a green sweater, both are casually leaning against the cab of the truck. Behind them, the backdrop is a field of tall grass, hinting at a rural setting.",,13,"1,3",relation,spatial,"relation - spatial (man, truck's bed, in)",Is the man in the truck's bed? +partiprompts112,"A man and a woman are standing in the bed of a vintage pickup truck, which is painted a faded shade of red. The truck's bed is scratched and worn, indicating its age and use. The man is wearing a denim jacket and the woman a green sweater, both are casually leaning against the cab of the truck. Behind them, the backdrop is a field of tall grass, hinting at a rural setting.",,14,"2,3",relation,spatial,"relation - spatial (woman, truck's bed, in)",Is the woman in the truck's bed? +partiprompts112,"A man and a woman are standing in the bed of a vintage pickup truck, which is painted a faded shade of red. The truck's bed is scratched and worn, indicating its age and use. The man is wearing a denim jacket and the woman a green sweater, both are casually leaning against the cab of the truck. Behind them, the backdrop is a field of tall grass, hinting at a rural setting.",,15,"1,3",relation,spatial,"relation - spatial (man, truck's cab, against)",Is the man leaning against the truck's cab? +partiprompts112,"A man and a woman are standing in the bed of a vintage pickup truck, which is painted a faded shade of red. The truck's bed is scratched and worn, indicating its age and use. The man is wearing a denim jacket and the woman a green sweater, both are casually leaning against the cab of the truck. Behind them, the backdrop is a field of tall grass, hinting at a rural setting.",,16,"2,3",relation,spatial,"relation - spatial (woman, truck's cab, against)",Is the woman leaning against the truck's cab? +partiprompts112,"A man and a woman are standing in the bed of a vintage pickup truck, which is painted a faded shade of red. The truck's bed is scratched and worn, indicating its age and use. The man is wearing a denim jacket and the woman a green sweater, both are casually leaning against the cab of the truck. Behind them, the backdrop is a field of tall grass, hinting at a rural setting.",,17,"3,5",relation,spatial,"relation - spatial (truck, field, in)",Is the truck in the field? +partiprompts112,"A man and a woman are standing in the bed of a vintage pickup truck, which is painted a faded shade of red. The truck's bed is scratched and worn, indicating its age and use. The man is wearing a denim jacket and the woman a green sweater, both are casually leaning against the cab of the truck. Behind them, the backdrop is a field of tall grass, hinting at a rural setting.",,18,"5,6",relation,spatial,"relation - spatial (field, grass, of)",Is the field full of tall grass? +partiprompts112,"A man and a woman are standing in the bed of a vintage pickup truck, which is painted a faded shade of red. The truck's bed is scratched and worn, indicating its age and use. The man is wearing a denim jacket and the woman a green sweater, both are casually leaning against the cab of the truck. Behind them, the backdrop is a field of tall grass, hinting at a rural setting.",,19,5,relation,spatial,"relation - spatial (grass, rural setting, hinting at)",Does the grass hint at a rural setting? +partiprompts129,"A contented sloth, with a wide grin on its face, is decked out in an eclectic ensemble featuring a sleek black leather jacket and a brown cowboy hat atop its head. It's also sporting a traditional tartan kilt paired with a smart red bowtie around its neck. In one claw, the sloth firmly grips a wooden quarterstaff, while the other supports a large, thick book with a leather-bound cover.",,1,0,entity,whole,entity - whole (sloth),Is there a sloth? +partiprompts129,"A contented sloth, with a wide grin on its face, is decked out in an eclectic ensemble featuring a sleek black leather jacket and a brown cowboy hat atop its head. It's also sporting a traditional tartan kilt paired with a smart red bowtie around its neck. In one claw, the sloth firmly grips a wooden quarterstaff, while the other supports a large, thick book with a leather-bound cover.",,2,1,entity,part,entity - part (sloth's face),Is there a face? +partiprompts129,"A contented sloth, with a wide grin on its face, is decked out in an eclectic ensemble featuring a sleek black leather jacket and a brown cowboy hat atop its head. It's also sporting a traditional tartan kilt paired with a smart red bowtie around its neck. In one claw, the sloth firmly grips a wooden quarterstaff, while the other supports a large, thick book with a leather-bound cover.",,3,1,entity,part,entity - part (sloth's ensemble),Is there an ensemble? +partiprompts129,"A contented sloth, with a wide grin on its face, is decked out in an eclectic ensemble featuring a sleek black leather jacket and a brown cowboy hat atop its head. It's also sporting a traditional tartan kilt paired with a smart red bowtie around its neck. In one claw, the sloth firmly grips a wooden quarterstaff, while the other supports a large, thick book with a leather-bound cover.",,4,1,attribute,other,"attribute - other (sloth, contented)",Is the sloth contented? +partiprompts129,"A contented sloth, with a wide grin on its face, is decked out in an eclectic ensemble featuring a sleek black leather jacket and a brown cowboy hat atop its head. It's also sporting a traditional tartan kilt paired with a smart red bowtie around its neck. In one claw, the sloth firmly grips a wooden quarterstaff, while the other supports a large, thick book with a leather-bound cover.",,5,2,attribute,other,"attribute - other (sloth's face, wide grin)",Does the sloth have a wide grin on its face? +partiprompts129,"A contented sloth, with a wide grin on its face, is decked out in an eclectic ensemble featuring a sleek black leather jacket and a brown cowboy hat atop its head. It's also sporting a traditional tartan kilt paired with a smart red bowtie around its neck. In one claw, the sloth firmly grips a wooden quarterstaff, while the other supports a large, thick book with a leather-bound cover.",,6,3,attribute,color,"attribute - color (jacket, black)",Is the jacket black? +partiprompts129,"A contented sloth, with a wide grin on its face, is decked out in an eclectic ensemble featuring a sleek black leather jacket and a brown cowboy hat atop its head. It's also sporting a traditional tartan kilt paired with a smart red bowtie around its neck. In one claw, the sloth firmly grips a wooden quarterstaff, while the other supports a large, thick book with a leather-bound cover.",,7,3,attribute,color,"attribute - color (hat, brown)",Is the hat brown? +partiprompts129,"A contented sloth, with a wide grin on its face, is decked out in an eclectic ensemble featuring a sleek black leather jacket and a brown cowboy hat atop its head. It's also sporting a traditional tartan kilt paired with a smart red bowtie around its neck. In one claw, the sloth firmly grips a wooden quarterstaff, while the other supports a large, thick book with a leather-bound cover.",,8,3,attribute,color,"attribute - color (kilt, tartan)",Is the kilt tartan? +partiprompts129,"A contented sloth, with a wide grin on its face, is decked out in an eclectic ensemble featuring a sleek black leather jacket and a brown cowboy hat atop its head. It's also sporting a traditional tartan kilt paired with a smart red bowtie around its neck. In one claw, the sloth firmly grips a wooden quarterstaff, while the other supports a large, thick book with a leather-bound cover.",,9,3,attribute,color,"attribute - color (bowtie, red)",Is the bowtie red? +partiprompts129,"A contented sloth, with a wide grin on its face, is decked out in an eclectic ensemble featuring a sleek black leather jacket and a brown cowboy hat atop its head. It's also sporting a traditional tartan kilt paired with a smart red bowtie around its neck. In one claw, the sloth firmly grips a wooden quarterstaff, while the other supports a large, thick book with a leather-bound cover.",,10,1,entity,part,entity - part (sloth's claw),Is there a claw? +partiprompts129,"A contented sloth, with a wide grin on its face, is decked out in an eclectic ensemble featuring a sleek black leather jacket and a brown cowboy hat atop its head. It's also sporting a traditional tartan kilt paired with a smart red bowtie around its neck. In one claw, the sloth firmly grips a wooden quarterstaff, while the other supports a large, thick book with a leather-bound cover.",,11,1,entity,part,entity - part (sloth's book),Is there a book? +partiprompts129,"A contented sloth, with a wide grin on its face, is decked out in an eclectic ensemble featuring a sleek black leather jacket and a brown cowboy hat atop its head. It's also sporting a traditional tartan kilt paired with a smart red bowtie around its neck. In one claw, the sloth firmly grips a wooden quarterstaff, while the other supports a large, thick book with a leather-bound cover.",,12,6,attribute,texture,"attribute - texture (jacket, leather)",Is the jacket made of leather? +partiprompts129,"A contented sloth, with a wide grin on its face, is decked out in an eclectic ensemble featuring a sleek black leather jacket and a brown cowboy hat atop its head. It's also sporting a traditional tartan kilt paired with a smart red bowtie around its neck. In one claw, the sloth firmly grips a wooden quarterstaff, while the other supports a large, thick book with a leather-bound cover.",,13,7,attribute,texture,"attribute - texture (hat, cowboy)",Is the hat cowboy style? +partiprompts129,"A contented sloth, with a wide grin on its face, is decked out in an eclectic ensemble featuring a sleek black leather jacket and a brown cowboy hat atop its head. It's also sporting a traditional tartan kilt paired with a smart red bowtie around its neck. In one claw, the sloth firmly grips a wooden quarterstaff, while the other supports a large, thick book with a leather-bound cover.",,14,8,attribute,texture,"attribute - texture (kilt, traditional)",Is the kilt traditional? +partiprompts129,"A contented sloth, with a wide grin on its face, is decked out in an eclectic ensemble featuring a sleek black leather jacket and a brown cowboy hat atop its head. It's also sporting a traditional tartan kilt paired with a smart red bowtie around its neck. In one claw, the sloth firmly grips a wooden quarterstaff, while the other supports a large, thick book with a leather-bound cover.",,15,9,attribute,texture,"attribute - texture (bowtie, smart)",Is the bowtie smart? +partiprompts129,"A contented sloth, with a wide grin on its face, is decked out in an eclectic ensemble featuring a sleek black leather jacket and a brown cowboy hat atop its head. It's also sporting a traditional tartan kilt paired with a smart red bowtie around its neck. In one claw, the sloth firmly grips a wooden quarterstaff, while the other supports a large, thick book with a leather-bound cover.",,16,11,attribute,texture,"attribute - texture (book, leather-bound)",Is the book leather-bound? +partiprompts129,"A contented sloth, with a wide grin on its face, is decked out in an eclectic ensemble featuring a sleek black leather jacket and a brown cowboy hat atop its head. It's also sporting a traditional tartan kilt paired with a smart red bowtie around its neck. In one claw, the sloth firmly grips a wooden quarterstaff, while the other supports a large, thick book with a leather-bound cover.",,17,10,entity,part,entity - part (sloth's claw's quarterstaff),Is there a quarterstaff? +partiprompts129,"A contented sloth, with a wide grin on its face, is decked out in an eclectic ensemble featuring a sleek black leather jacket and a brown cowboy hat atop its head. It's also sporting a traditional tartan kilt paired with a smart red bowtie around its neck. In one claw, the sloth firmly grips a wooden quarterstaff, while the other supports a large, thick book with a leather-bound cover.",,18,17,entity,state,"entity - state (sloth's claw's quarterstaff, grip firmly)",Is the quarterstaff firmly gripped? +partiprompts129,"A contented sloth, with a wide grin on its face, is decked out in an eclectic ensemble featuring a sleek black leather jacket and a brown cowboy hat atop its head. It's also sporting a traditional tartan kilt paired with a smart red bowtie around its neck. In one claw, the sloth firmly grips a wooden quarterstaff, while the other supports a large, thick book with a leather-bound cover.",,19,10,relation,spatial,"relation - spatial (sloth, book, support)",Is the sloth supporting the book? +partiprompts208,"A vibrant yellow 2017 Porsche 911 is captured in motion, navigating a winding mountain road with its sleek body hugging the curve. The sports car's headlights are piercing through the overcast weather, illuminating the path ahead. In the background, a lush green valley stretches out beneath a sky filled with grey clouds, hinting at the vast expanse beyond the road's edge.",,1,0,entity,whole,entity - whole (Porsche 911),Is there a Porsche 911? +partiprompts208,"A vibrant yellow 2017 Porsche 911 is captured in motion, navigating a winding mountain road with its sleek body hugging the curve. The sports car's headlights are piercing through the overcast weather, illuminating the path ahead. In the background, a lush green valley stretches out beneath a sky filled with grey clouds, hinting at the vast expanse beyond the road's edge.",,2,1,attribute,color,"attribute - color (Porsche 911, vibrant yellow)",Is the Porsche 911 vibrant yellow? +partiprompts208,"A vibrant yellow 2017 Porsche 911 is captured in motion, navigating a winding mountain road with its sleek body hugging the curve. The sports car's headlights are piercing through the overcast weather, illuminating the path ahead. In the background, a lush green valley stretches out beneath a sky filled with grey clouds, hinting at the vast expanse beyond the road's edge.",,3,1,attribute,other,"attribute - other (Porsche 911, 2017)",Is the Porsche 911 from 2017? +partiprompts208,"A vibrant yellow 2017 Porsche 911 is captured in motion, navigating a winding mountain road with its sleek body hugging the curve. The sports car's headlights are piercing through the overcast weather, illuminating the path ahead. In the background, a lush green valley stretches out beneath a sky filled with grey clouds, hinting at the vast expanse beyond the road's edge.",,4,1,entity,state,"entity - state (Porsche 911, captured in motion)",Is the Porsche 911 captured in motion? +partiprompts208,"A vibrant yellow 2017 Porsche 911 is captured in motion, navigating a winding mountain road with its sleek body hugging the curve. The sports car's headlights are piercing through the overcast weather, illuminating the path ahead. In the background, a lush green valley stretches out beneath a sky filled with grey clouds, hinting at the vast expanse beyond the road's edge.",,5,1,relation,spatial,"relation - spatial (Porsche 911, mountain road, navigating)",Is the Porsche 911 navigating a winding mountain road? +partiprompts208,"A vibrant yellow 2017 Porsche 911 is captured in motion, navigating a winding mountain road with its sleek body hugging the curve. The sports car's headlights are piercing through the overcast weather, illuminating the path ahead. In the background, a lush green valley stretches out beneath a sky filled with grey clouds, hinting at the vast expanse beyond the road's edge.",,6,1,attribute,texture,"attribute - texture (Porsche 911, sleek)",Is the Porsche 911 sleek? +partiprompts208,"A vibrant yellow 2017 Porsche 911 is captured in motion, navigating a winding mountain road with its sleek body hugging the curve. The sports car's headlights are piercing through the overcast weather, illuminating the path ahead. In the background, a lush green valley stretches out beneath a sky filled with grey clouds, hinting at the vast expanse beyond the road's edge.",,7,1,entity,part,entity - part (Porsche 911's headlights),Are the Porsche 911's headlights piercing? +partiprompts208,"A vibrant yellow 2017 Porsche 911 is captured in motion, navigating a winding mountain road with its sleek body hugging the curve. The sports car's headlights are piercing through the overcast weather, illuminating the path ahead. In the background, a lush green valley stretches out beneath a sky filled with grey clouds, hinting at the vast expanse beyond the road's edge.",,8,7,attribute,other,"attribute - other (headlights, piercing)",Are the headlights piercing through the overcast weather? +partiprompts208,"A vibrant yellow 2017 Porsche 911 is captured in motion, navigating a winding mountain road with its sleek body hugging the curve. The sports car's headlights are piercing through the overcast weather, illuminating the path ahead. In the background, a lush green valley stretches out beneath a sky filled with grey clouds, hinting at the vast expanse beyond the road's edge.",,9,7,relation,spatial,"relation - spatial (headlights, weather, through)",Is the Porsche 911 in the lush green valley? +partiprompts208,"A vibrant yellow 2017 Porsche 911 is captured in motion, navigating a winding mountain road with its sleek body hugging the curve. The sports car's headlights are piercing through the overcast weather, illuminating the path ahead. In the background, a lush green valley stretches out beneath a sky filled with grey clouds, hinting at the vast expanse beyond the road's edge.",,10,"1,11",relation,spatial,"relation - spatial (Porsche 911, valley, in)",Is the valley lush green? +partiprompts208,"A vibrant yellow 2017 Porsche 911 is captured in motion, navigating a winding mountain road with its sleek body hugging the curve. The sports car's headlights are piercing through the overcast weather, illuminating the path ahead. In the background, a lush green valley stretches out beneath a sky filled with grey clouds, hinting at the vast expanse beyond the road's edge.",,11,10,attribute,color,"attribute - color (valley, lush green)",Is the valley beneath the grey sky? +partiprompts208,"A vibrant yellow 2017 Porsche 911 is captured in motion, navigating a winding mountain road with its sleek body hugging the curve. The sports car's headlights are piercing through the overcast weather, illuminating the path ahead. In the background, a lush green valley stretches out beneath a sky filled with grey clouds, hinting at the vast expanse beyond the road's edge.",,12,11,relation,spatial,"relation - spatial (valley, sky, beneath)",Are the clouds overcast? +partiprompts208,"A vibrant yellow 2017 Porsche 911 is captured in motion, navigating a winding mountain road with its sleek body hugging the curve. The sports car's headlights are piercing through the overcast weather, illuminating the path ahead. In the background, a lush green valley stretches out beneath a sky filled with grey clouds, hinting at the vast expanse beyond the road's edge.",,13,12,attribute,color,"attribute - color (sky, grey)",Is the sky grey? +partiprompts208,"A vibrant yellow 2017 Porsche 911 is captured in motion, navigating a winding mountain road with its sleek body hugging the curve. The sports car's headlights are piercing through the overcast weather, illuminating the path ahead. In the background, a lush green valley stretches out beneath a sky filled with grey clouds, hinting at the vast expanse beyond the road's edge.",,14,13,attribute,other,"attribute - other (clouds, overcast)",Is the valley beneath the sky? +partiprompts208,"A vibrant yellow 2017 Porsche 911 is captured in motion, navigating a winding mountain road with its sleek body hugging the curve. The sports car's headlights are piercing through the overcast weather, illuminating the path ahead. In the background, a lush green valley stretches out beneath a sky filled with grey clouds, hinting at the vast expanse beyond the road's edge.",,15,15,relation,spatial,"relation - spatial (sky, road's edge, beyond)",Is the sky beyond the road's edge? +partiprompts278,"Two violins with rich, brown varnish are standing upright, their necks leaning against a light-colored wooden chair. The bows are placed carefully on the ground in front of them, with the horsehair facing upwards. The instruments cast soft shadows on the polished floor, hinting at the natural light entering the room.",,1,0,entity,whole,entity - whole (violins),Are there violins? +partiprompts278,"Two violins with rich, brown varnish are standing upright, their necks leaning against a light-colored wooden chair. The bows are placed carefully on the ground in front of them, with the horsehair facing upwards. The instruments cast soft shadows on the polished floor, hinting at the natural light entering the room.",,2,1,other,count,"other - count (violins, ==2)",Are there two violins? +partiprompts278,"Two violins with rich, brown varnish are standing upright, their necks leaning against a light-colored wooden chair. The bows are placed carefully on the ground in front of them, with the horsehair facing upwards. The instruments cast soft shadows on the polished floor, hinting at the natural light entering the room.",,3,1,attribute,color,"attribute - color (violins, rich brown)",Are the violins rich brown in color? +partiprompts278,"Two violins with rich, brown varnish are standing upright, their necks leaning against a light-colored wooden chair. The bows are placed carefully on the ground in front of them, with the horsehair facing upwards. The instruments cast soft shadows on the polished floor, hinting at the natural light entering the room.",,4,1,attribute,texture,"attribute - texture (violins, varnish)",Do the violins have varnish? +partiprompts278,"Two violins with rich, brown varnish are standing upright, their necks leaning against a light-colored wooden chair. The bows are placed carefully on the ground in front of them, with the horsehair facing upwards. The instruments cast soft shadows on the polished floor, hinting at the natural light entering the room.",,5,1,entity,part,entity - part (violins' necks),Do the violins have necks? +partiprompts278,"Two violins with rich, brown varnish are standing upright, their necks leaning against a light-colored wooden chair. The bows are placed carefully on the ground in front of them, with the horsehair facing upwards. The instruments cast soft shadows on the polished floor, hinting at the natural light entering the room.",,6,0,entity,whole,entity - whole (chair),Is there a chair? +partiprompts278,"Two violins with rich, brown varnish are standing upright, their necks leaning against a light-colored wooden chair. The bows are placed carefully on the ground in front of them, with the horsehair facing upwards. The instruments cast soft shadows on the polished floor, hinting at the natural light entering the room.",,7,6,attribute,color,"attribute - color (chair, light-colored wood)",Is the chair made of light-colored wood? +partiprompts278,"Two violins with rich, brown varnish are standing upright, their necks leaning against a light-colored wooden chair. The bows are placed carefully on the ground in front of them, with the horsehair facing upwards. The instruments cast soft shadows on the polished floor, hinting at the natural light entering the room.",,8,0,entity,whole,entity - whole (bows),Are there bows? +partiprompts278,"Two violins with rich, brown varnish are standing upright, their necks leaning against a light-colored wooden chair. The bows are placed carefully on the ground in front of them, with the horsehair facing upwards. The instruments cast soft shadows on the polished floor, hinting at the natural light entering the room.",,9,8,attribute,other,"attribute - other (bows, horsehair facing upwards)",Are the bows placed with horsehair facing upwards? +partiprompts278,"Two violins with rich, brown varnish are standing upright, their necks leaning against a light-colored wooden chair. The bows are placed carefully on the ground in front of them, with the horsehair facing upwards. The instruments cast soft shadows on the polished floor, hinting at the natural light entering the room.",,10,0,attribute,texture,"attribute - texture (floor, polished)",Is the floor polished? +partiprompts278,"Two violins with rich, brown varnish are standing upright, their necks leaning against a light-colored wooden chair. The bows are placed carefully on the ground in front of them, with the horsehair facing upwards. The instruments cast soft shadows on the polished floor, hinting at the natural light entering the room.",,11,1,entity,state,"entity - state (instruments, cast soft shadows)",Are the instruments casting soft shadows? +partiprompts278,"Two violins with rich, brown varnish are standing upright, their necks leaning against a light-colored wooden chair. The bows are placed carefully on the ground in front of them, with the horsehair facing upwards. The instruments cast soft shadows on the polished floor, hinting at the natural light entering the room.",,12,"1,6",relation,spatial,"relation - spatial (violins, chair, leaning against)",Are the violins leaning against the chair? +partiprompts278,"Two violins with rich, brown varnish are standing upright, their necks leaning against a light-colored wooden chair. The bows are placed carefully on the ground in front of them, with the horsehair facing upwards. The instruments cast soft shadows on the polished floor, hinting at the natural light entering the room.",,13,"2,1",relation,spatial,"relation - spatial (bows, violins, in front of)",Are the bows in front of the violins? +partiprompts83,"An intricately designed digital emoji showcasing a whimsical cup of boba tea, its surface a glistening shade of pastel pink. The cup is adorned with a pair of sparkling, heart-shaped eyes and a curved, endearing smile, exuding an aura of being lovestruck. Above the cup, a playful animation of tiny pink hearts floats, enhancing the emoji's charming appeal.",,1,0,entity,whole,entity - whole (emoji),Is there an emoji? +partiprompts83,"An intricately designed digital emoji showcasing a whimsical cup of boba tea, its surface a glistening shade of pastel pink. The cup is adorned with a pair of sparkling, heart-shaped eyes and a curved, endearing smile, exuding an aura of being lovestruck. Above the cup, a playful animation of tiny pink hearts floats, enhancing the emoji's charming appeal.",,2,1,attribute,other,"attribute - other (emoji, intricately designed)",Is the emoji intricately designed? +partiprompts83,"An intricately designed digital emoji showcasing a whimsical cup of boba tea, its surface a glistening shade of pastel pink. The cup is adorned with a pair of sparkling, heart-shaped eyes and a curved, endearing smile, exuding an aura of being lovestruck. Above the cup, a playful animation of tiny pink hearts floats, enhancing the emoji's charming appeal.",,3,1,attribute,texture,"attribute - texture (emoji, digital)",Is the emoji digital? +partiprompts83,"An intricately designed digital emoji showcasing a whimsical cup of boba tea, its surface a glistening shade of pastel pink. The cup is adorned with a pair of sparkling, heart-shaped eyes and a curved, endearing smile, exuding an aura of being lovestruck. Above the cup, a playful animation of tiny pink hearts floats, enhancing the emoji's charming appeal.",,4,1,entity,whole,entity - whole (boba tea),Is there boba tea? +partiprompts83,"An intricately designed digital emoji showcasing a whimsical cup of boba tea, its surface a glistening shade of pastel pink. The cup is adorned with a pair of sparkling, heart-shaped eyes and a curved, endearing smile, exuding an aura of being lovestruck. Above the cup, a playful animation of tiny pink hearts floats, enhancing the emoji's charming appeal.",,5,4,attribute,color,"attribute - color (boba tea, pastel pink)",Is the boba tea pastel pink? +partiprompts83,"An intricately designed digital emoji showcasing a whimsical cup of boba tea, its surface a glistening shade of pastel pink. The cup is adorned with a pair of sparkling, heart-shaped eyes and a curved, endearing smile, exuding an aura of being lovestruck. Above the cup, a playful animation of tiny pink hearts floats, enhancing the emoji's charming appeal.",,6,4,entity,part,entity - part (boba tea's cup),Is there a cup? +partiprompts83,"An intricately designed digital emoji showcasing a whimsical cup of boba tea, its surface a glistening shade of pastel pink. The cup is adorned with a pair of sparkling, heart-shaped eyes and a curved, endearing smile, exuding an aura of being lovestruck. Above the cup, a playful animation of tiny pink hearts floats, enhancing the emoji's charming appeal.",,7,6,entity,part,entity - part (cup's eyes),Are the cup's eyes heart-shaped? +partiprompts83,"An intricately designed digital emoji showcasing a whimsical cup of boba tea, its surface a glistening shade of pastel pink. The cup is adorned with a pair of sparkling, heart-shaped eyes and a curved, endearing smile, exuding an aura of being lovestruck. Above the cup, a playful animation of tiny pink hearts floats, enhancing the emoji's charming appeal.",,8,7,attribute,shape,"attribute - shape (cup's eyes, heart-shaped)",Are the cup's eyes sparkling? +partiprompts83,"An intricately designed digital emoji showcasing a whimsical cup of boba tea, its surface a glistening shade of pastel pink. The cup is adorned with a pair of sparkling, heart-shaped eyes and a curved, endearing smile, exuding an aura of being lovestruck. Above the cup, a playful animation of tiny pink hearts floats, enhancing the emoji's charming appeal.",,9,9,entity,part,entity - part (cup's smile),Is the cup's smile curved? +partiprompts83,"An intricately designed digital emoji showcasing a whimsical cup of boba tea, its surface a glistening shade of pastel pink. The cup is adorned with a pair of sparkling, heart-shaped eyes and a curved, endearing smile, exuding an aura of being lovestruck. Above the cup, a playful animation of tiny pink hearts floats, enhancing the emoji's charming appeal.",,10,10,attribute,shape,"attribute - shape (cup's smile, curved)",Is the cup's smile endearing? +partiprompts83,"An intricately designed digital emoji showcasing a whimsical cup of boba tea, its surface a glistening shade of pastel pink. The cup is adorned with a pair of sparkling, heart-shaped eyes and a curved, endearing smile, exuding an aura of being lovestruck. Above the cup, a playful animation of tiny pink hearts floats, enhancing the emoji's charming appeal.",,11,6,entity,state,"entity - state (cup, lovestruck)",Is the cup lovestruck? +partiprompts83,"An intricately designed digital emoji showcasing a whimsical cup of boba tea, its surface a glistening shade of pastel pink. The cup is adorned with a pair of sparkling, heart-shaped eyes and a curved, endearing smile, exuding an aura of being lovestruck. Above the cup, a playful animation of tiny pink hearts floats, enhancing the emoji's charming appeal.",,12,1,entity,whole,entity - whole (hearts),Are there hearts? +partiprompts83,"An intricately designed digital emoji showcasing a whimsical cup of boba tea, its surface a glistening shade of pastel pink. The cup is adorned with a pair of sparkling, heart-shaped eyes and a curved, endearing smile, exuding an aura of being lovestruck. Above the cup, a playful animation of tiny pink hearts floats, enhancing the emoji's charming appeal.",,13,12,attribute,color,"attribute - color (hearts, pink)",Are the hearts pink? +partiprompts83,"An intricately designed digital emoji showcasing a whimsical cup of boba tea, its surface a glistening shade of pastel pink. The cup is adorned with a pair of sparkling, heart-shaped eyes and a curved, endearing smile, exuding an aura of being lovestruck. Above the cup, a playful animation of tiny pink hearts floats, enhancing the emoji's charming appeal.",,14,"12,6",relation,spatial,"relation - spatial (hearts, cup, above)",Are the hearts above the cup? +partiprompts83,"An intricately designed digital emoji showcasing a whimsical cup of boba tea, its surface a glistening shade of pastel pink. The cup is adorned with a pair of sparkling, heart-shaped eyes and a curved, endearing smile, exuding an aura of being lovestruck. Above the cup, a playful animation of tiny pink hearts floats, enhancing the emoji's charming appeal.",,15,"1,12",relation,spatial,"relation - spatial (emoji, hearts, float)",Do the hearts float around the emoji? +partiprompts288,"A spacious, open book lies flat on a wooden table, its pages filled with blocks of text and a large, detailed illustration of a cat on the right side. The illustration depicts a gray feline with intricate patterns, lounging amidst a backdrop of sketched furniture. The left page is densely packed with small, black font, narrating a story that accompanies the image, and the edges of the book's pages show signs of frequent use.",,1,0,entity,whole,entity - whole (book),Is there a book? +partiprompts288,"A spacious, open book lies flat on a wooden table, its pages filled with blocks of text and a large, detailed illustration of a cat on the right side. The illustration depicts a gray feline with intricate patterns, lounging amidst a backdrop of sketched furniture. The left page is densely packed with small, black font, narrating a story that accompanies the image, and the edges of the book's pages show signs of frequent use.",,2,0,entity,whole,entity - whole (table),Is there a table? +partiprompts288,"A spacious, open book lies flat on a wooden table, its pages filled with blocks of text and a large, detailed illustration of a cat on the right side. The illustration depicts a gray feline with intricate patterns, lounging amidst a backdrop of sketched furniture. The left page is densely packed with small, black font, narrating a story that accompanies the image, and the edges of the book's pages show signs of frequent use.",,3,1,entity,whole,entity - whole (pages),Are there pages? +partiprompts288,"A spacious, open book lies flat on a wooden table, its pages filled with blocks of text and a large, detailed illustration of a cat on the right side. The illustration depicts a gray feline with intricate patterns, lounging amidst a backdrop of sketched furniture. The left page is densely packed with small, black font, narrating a story that accompanies the image, and the edges of the book's pages show signs of frequent use.",,4,1,entity,whole,entity - whole (illustration),Is there an illustration? +partiprompts288,"A spacious, open book lies flat on a wooden table, its pages filled with blocks of text and a large, detailed illustration of a cat on the right side. The illustration depicts a gray feline with intricate patterns, lounging amidst a backdrop of sketched furniture. The left page is densely packed with small, black font, narrating a story that accompanies the image, and the edges of the book's pages show signs of frequent use.",,5,4,entity,whole,entity - whole (cat),Is there a cat? +partiprompts288,"A spacious, open book lies flat on a wooden table, its pages filled with blocks of text and a large, detailed illustration of a cat on the right side. The illustration depicts a gray feline with intricate patterns, lounging amidst a backdrop of sketched furniture. The left page is densely packed with small, black font, narrating a story that accompanies the image, and the edges of the book's pages show signs of frequent use.",,6,5,entity,whole,entity - whole (furniture),Is there furniture? +partiprompts288,"A spacious, open book lies flat on a wooden table, its pages filled with blocks of text and a large, detailed illustration of a cat on the right side. The illustration depicts a gray feline with intricate patterns, lounging amidst a backdrop of sketched furniture. The left page is densely packed with small, black font, narrating a story that accompanies the image, and the edges of the book's pages show signs of frequent use.",,7,1,attribute,size,"attribute - size (book, spacious)",Is the book spacious? +partiprompts288,"A spacious, open book lies flat on a wooden table, its pages filled with blocks of text and a large, detailed illustration of a cat on the right side. The illustration depicts a gray feline with intricate patterns, lounging amidst a backdrop of sketched furniture. The left page is densely packed with small, black font, narrating a story that accompanies the image, and the edges of the book's pages show signs of frequent use.",,8,2,attribute,texture,"attribute - texture (table, wooden)",Is the table wooden? +partiprompts288,"A spacious, open book lies flat on a wooden table, its pages filled with blocks of text and a large, detailed illustration of a cat on the right side. The illustration depicts a gray feline with intricate patterns, lounging amidst a backdrop of sketched furniture. The left page is densely packed with small, black font, narrating a story that accompanies the image, and the edges of the book's pages show signs of frequent use.",,9,5,attribute,texture,"attribute - texture (cat, gray)",Is the cat gray? +partiprompts288,"A spacious, open book lies flat on a wooden table, its pages filled with blocks of text and a large, detailed illustration of a cat on the right side. The illustration depicts a gray feline with intricate patterns, lounging amidst a backdrop of sketched furniture. The left page is densely packed with small, black font, narrating a story that accompanies the image, and the edges of the book's pages show signs of frequent use.",,10,6,attribute,texture,"attribute - texture (furniture, sketched)",Is the furniture sketched? +partiprompts288,"A spacious, open book lies flat on a wooden table, its pages filled with blocks of text and a large, detailed illustration of a cat on the right side. The illustration depicts a gray feline with intricate patterns, lounging amidst a backdrop of sketched furniture. The left page is densely packed with small, black font, narrating a story that accompanies the image, and the edges of the book's pages show signs of frequent use.",,11,3,attribute,texture,"attribute - texture (pages, filled with blocks of text)",Are the pages filled with blocks of text? +partiprompts288,"A spacious, open book lies flat on a wooden table, its pages filled with blocks of text and a large, detailed illustration of a cat on the right side. The illustration depicts a gray feline with intricate patterns, lounging amidst a backdrop of sketched furniture. The left page is densely packed with small, black font, narrating a story that accompanies the image, and the edges of the book's pages show signs of frequent use.",,12,3,attribute,texture,"attribute - texture (pages, signs of frequent use)",Do the pages show signs of frequent use? +partiprompts288,"A spacious, open book lies flat on a wooden table, its pages filled with blocks of text and a large, detailed illustration of a cat on the right side. The illustration depicts a gray feline with intricate patterns, lounging amidst a backdrop of sketched furniture. The left page is densely packed with small, black font, narrating a story that accompanies the image, and the edges of the book's pages show signs of frequent use.",,13,4,attribute,other,"attribute - other (illustration, detailed)",Is the illustration detailed? +partiprompts288,"A spacious, open book lies flat on a wooden table, its pages filled with blocks of text and a large, detailed illustration of a cat on the right side. The illustration depicts a gray feline with intricate patterns, lounging amidst a backdrop of sketched furniture. The left page is densely packed with small, black font, narrating a story that accompanies the image, and the edges of the book's pages show signs of frequent use.",,14,4,attribute,other,"attribute - other (cat, intricate patterns)",Does the cat have intricate patterns? +partiprompts288,"A spacious, open book lies flat on a wooden table, its pages filled with blocks of text and a large, detailed illustration of a cat on the right side. The illustration depicts a gray feline with intricate patterns, lounging amidst a backdrop of sketched furniture. The left page is densely packed with small, black font, narrating a story that accompanies the image, and the edges of the book's pages show signs of frequent use.",,15,4,attribute,other,"attribute - other (cat, lounging)",Is the cat lounging? +partiprompts288,"A spacious, open book lies flat on a wooden table, its pages filled with blocks of text and a large, detailed illustration of a cat on the right side. The illustration depicts a gray feline with intricate patterns, lounging amidst a backdrop of sketched furniture. The left page is densely packed with small, black font, narrating a story that accompanies the image, and the edges of the book's pages show signs of frequent use.",,16,6,attribute,other,"attribute - other (furniture, backdrop)",Is the furniture in the backdrop? +partiprompts288,"A spacious, open book lies flat on a wooden table, its pages filled with blocks of text and a large, detailed illustration of a cat on the right side. The illustration depicts a gray feline with intricate patterns, lounging amidst a backdrop of sketched furniture. The left page is densely packed with small, black font, narrating a story that accompanies the image, and the edges of the book's pages show signs of frequent use.",,17,3,attribute,other,"attribute - other (pages, densely packed with small, black font)","Are the pages densely packed with small, black font?" +partiprompts288,"A spacious, open book lies flat on a wooden table, its pages filled with blocks of text and a large, detailed illustration of a cat on the right side. The illustration depicts a gray feline with intricate patterns, lounging amidst a backdrop of sketched furniture. The left page is densely packed with small, black font, narrating a story that accompanies the image, and the edges of the book's pages show signs of frequent use.",,18,3,attribute,other,"attribute - other (pages, edges show signs of frequent use)",Do the edges of the pages show signs of frequent use? +partiprompts288,"A spacious, open book lies flat on a wooden table, its pages filled with blocks of text and a large, detailed illustration of a cat on the right side. The illustration depicts a gray feline with intricate patterns, lounging amidst a backdrop of sketched furniture. The left page is densely packed with small, black font, narrating a story that accompanies the image, and the edges of the book's pages show signs of frequent use.",,19,"1,2",relation,spatial,"relation - spatial (book, table, on)",Is the book on the table? +partiprompts288,"A spacious, open book lies flat on a wooden table, its pages filled with blocks of text and a large, detailed illustration of a cat on the right side. The illustration depicts a gray feline with intricate patterns, lounging amidst a backdrop of sketched furniture. The left page is densely packed with small, black font, narrating a story that accompanies the image, and the edges of the book's pages show signs of frequent use.",,20,"4,5",relation,spatial,"relation - spatial (illustration, cat, on the right side)",Is the cat illustration on the right side? +partiprompts288,"A spacious, open book lies flat on a wooden table, its pages filled with blocks of text and a large, detailed illustration of a cat on the right side. The illustration depicts a gray feline with intricate patterns, lounging amidst a backdrop of sketched furniture. The left page is densely packed with small, black font, narrating a story that accompanies the image, and the edges of the book's pages show signs of frequent use.",,21,"4,6",relation,spatial,"relation - spatial (illustration, furniture, amidst)",Is the cat illustration amidst the furniture? +partiprompts288,"A spacious, open book lies flat on a wooden table, its pages filled with blocks of text and a large, detailed illustration of a cat on the right side. The illustration depicts a gray feline with intricate patterns, lounging amidst a backdrop of sketched furniture. The left page is densely packed with small, black font, narrating a story that accompanies the image, and the edges of the book's pages show signs of frequent use.",,22,"5,6",relation,spatial,"relation - spatial (cat, furniture, amidst)",Is the cat lounging amidst the sketched furniture? +partiprompts288,"A spacious, open book lies flat on a wooden table, its pages filled with blocks of text and a large, detailed illustration of a cat on the right side. The illustration depicts a gray feline with intricate patterns, lounging amidst a backdrop of sketched furniture. The left page is densely packed with small, black font, narrating a story that accompanies the image, and the edges of the book's pages show signs of frequent use.",,23,"3,1",relation,spatial,"relation - spatial (pages, left page, on)",Are the text blocks on the left page? +partiprompts288,"A spacious, open book lies flat on a wooden table, its pages filled with blocks of text and a large, detailed illustration of a cat on the right side. The illustration depicts a gray feline with intricate patterns, lounging amidst a backdrop of sketched furniture. The left page is densely packed with small, black font, narrating a story that accompanies the image, and the edges of the book's pages show signs of frequent use.",,24,"3,1",relation,spatial,"relation - spatial (pages, right page, on)",Is the large illustration of the cat on the right page? +partiprompts108,"a focused woman wielding a heavy sledgehammer, poised to strike an intricately carved ice sculpture of a goose. The sculpture glistens in the light, showcasing its detailed wings and feathers, standing on a pedestal of snow. Around her, shards of ice are scattered across the ground, evidence of her previous strikes.",,1,0,entity,whole,entity - whole (woman),Is there a woman? +partiprompts108,"a focused woman wielding a heavy sledgehammer, poised to strike an intricately carved ice sculpture of a goose. The sculpture glistens in the light, showcasing its detailed wings and feathers, standing on a pedestal of snow. Around her, shards of ice are scattered across the ground, evidence of her previous strikes.",,2,0,entity,whole,entity - whole (sledgehammer),Is the woman wielding a sledgehammer? +partiprompts108,"a focused woman wielding a heavy sledgehammer, poised to strike an intricately carved ice sculpture of a goose. The sculpture glistens in the light, showcasing its detailed wings and feathers, standing on a pedestal of snow. Around her, shards of ice are scattered across the ground, evidence of her previous strikes.",,3,0,entity,whole,entity - whole (ice sculpture),Is there an ice sculpture? +partiprompts108,"a focused woman wielding a heavy sledgehammer, poised to strike an intricately carved ice sculpture of a goose. The sculpture glistens in the light, showcasing its detailed wings and feathers, standing on a pedestal of snow. Around her, shards of ice are scattered across the ground, evidence of her previous strikes.",,4,3,entity,whole,entity - whole (goose),Is the sculpture of a goose? +partiprompts108,"a focused woman wielding a heavy sledgehammer, poised to strike an intricately carved ice sculpture of a goose. The sculpture glistens in the light, showcasing its detailed wings and feathers, standing on a pedestal of snow. Around her, shards of ice are scattered across the ground, evidence of her previous strikes.",,5,4,entity,whole,entity - whole (wings),Are there wings? +partiprompts108,"a focused woman wielding a heavy sledgehammer, poised to strike an intricately carved ice sculpture of a goose. The sculpture glistens in the light, showcasing its detailed wings and feathers, standing on a pedestal of snow. Around her, shards of ice are scattered across the ground, evidence of her previous strikes.",,6,5,entity,whole,entity - whole (feathers),Are there feathers? +partiprompts108,"a focused woman wielding a heavy sledgehammer, poised to strike an intricately carved ice sculpture of a goose. The sculpture glistens in the light, showcasing its detailed wings and feathers, standing on a pedestal of snow. Around her, shards of ice are scattered across the ground, evidence of her previous strikes.",,7,0,entity,whole,entity - whole (pedestal),Is there a pedestal? +partiprompts108,"a focused woman wielding a heavy sledgehammer, poised to strike an intricately carved ice sculpture of a goose. The sculpture glistens in the light, showcasing its detailed wings and feathers, standing on a pedestal of snow. Around her, shards of ice are scattered across the ground, evidence of her previous strikes.",,8,0,entity,whole,entity - whole (snow),Is there snow? +partiprompts108,"a focused woman wielding a heavy sledgehammer, poised to strike an intricately carved ice sculpture of a goose. The sculpture glistens in the light, showcasing its detailed wings and feathers, standing on a pedestal of snow. Around her, shards of ice are scattered across the ground, evidence of her previous strikes.",,9,0,entity,whole,entity - whole (shards of ice),Are there shards of ice? +partiprompts108,"a focused woman wielding a heavy sledgehammer, poised to strike an intricately carved ice sculpture of a goose. The sculpture glistens in the light, showcasing its detailed wings and feathers, standing on a pedestal of snow. Around her, shards of ice are scattered across the ground, evidence of her previous strikes.",,10,1,attribute,other,"attribute - other (woman, focused)",Is the woman focused? +partiprompts108,"a focused woman wielding a heavy sledgehammer, poised to strike an intricately carved ice sculpture of a goose. The sculpture glistens in the light, showcasing its detailed wings and feathers, standing on a pedestal of snow. Around her, shards of ice are scattered across the ground, evidence of her previous strikes.",,11,2,attribute,other,"attribute - other (sledgehammer, heavy)",Is the sledgehammer heavy? +partiprompts108,"a focused woman wielding a heavy sledgehammer, poised to strike an intricately carved ice sculpture of a goose. The sculpture glistens in the light, showcasing its detailed wings and feathers, standing on a pedestal of snow. Around her, shards of ice are scattered across the ground, evidence of her previous strikes.",,12,3,attribute,other,"attribute - other (ice sculpture, intricately carved)",Is the ice sculpture intricately carved? +partiprompts108,"a focused woman wielding a heavy sledgehammer, poised to strike an intricately carved ice sculpture of a goose. The sculpture glistens in the light, showcasing its detailed wings and feathers, standing on a pedestal of snow. Around her, shards of ice are scattered across the ground, evidence of her previous strikes.",,13,3,attribute,other,"attribute - other (sculpture, glistens)",Does the sculpture glisten? +partiprompts108,"a focused woman wielding a heavy sledgehammer, poised to strike an intricately carved ice sculpture of a goose. The sculpture glistens in the light, showcasing its detailed wings and feathers, standing on a pedestal of snow. Around her, shards of ice are scattered across the ground, evidence of her previous strikes.",,14,5,attribute,other,"attribute - other (wings, detailed)",Are the wings detailed? +partiprompts108,"a focused woman wielding a heavy sledgehammer, poised to strike an intricately carved ice sculpture of a goose. The sculpture glistens in the light, showcasing its detailed wings and feathers, standing on a pedestal of snow. Around her, shards of ice are scattered across the ground, evidence of her previous strikes.",,15,6,attribute,other,"attribute - other (feathers, detailed)",Are the feathers detailed? +partiprompts108,"a focused woman wielding a heavy sledgehammer, poised to strike an intricately carved ice sculpture of a goose. The sculpture glistens in the light, showcasing its detailed wings and feathers, standing on a pedestal of snow. Around her, shards of ice are scattered across the ground, evidence of her previous strikes.",,16,"1,2",relation,spatial,"relation - spatial (woman, sledgehammer, wield)",Is the woman wielding the sledgehammer? +partiprompts108,"a focused woman wielding a heavy sledgehammer, poised to strike an intricately carved ice sculpture of a goose. The sculpture glistens in the light, showcasing its detailed wings and feathers, standing on a pedestal of snow. Around her, shards of ice are scattered across the ground, evidence of her previous strikes.",,17,"1,3",relation,spatial,"relation - spatial (woman, ice sculpture, strike)",Is the woman striking the ice sculpture? +partiprompts108,"a focused woman wielding a heavy sledgehammer, poised to strike an intricately carved ice sculpture of a goose. The sculpture glistens in the light, showcasing its detailed wings and feathers, standing on a pedestal of snow. Around her, shards of ice are scattered across the ground, evidence of her previous strikes.",,18,"3,4",relation,spatial,"relation - spatial (ice sculpture, goose, of)",Is the ice sculpture of a goose? +partiprompts108,"a focused woman wielding a heavy sledgehammer, poised to strike an intricately carved ice sculpture of a goose. The sculpture glistens in the light, showcasing its detailed wings and feathers, standing on a pedestal of snow. Around her, shards of ice are scattered across the ground, evidence of her previous strikes.",,19,"3,7",relation,spatial,"relation - spatial (sculpture, pedestal, on)",Is the sculpture on the pedestal? +partiprompts108,"a focused woman wielding a heavy sledgehammer, poised to strike an intricately carved ice sculpture of a goose. The sculpture glistens in the light, showcasing its detailed wings and feathers, standing on a pedestal of snow. Around her, shards of ice are scattered across the ground, evidence of her previous strikes.",,20,"7,8",relation,spatial,"relation - spatial (pedestal, snow, on)",Is the pedestal on the snow? +partiprompts108,"a focused woman wielding a heavy sledgehammer, poised to strike an intricately carved ice sculpture of a goose. The sculpture glistens in the light, showcasing its detailed wings and feathers, standing on a pedestal of snow. Around her, shards of ice are scattered across the ground, evidence of her previous strikes.",,21,9,relation,spatial,"relation - spatial (shards of ice, ground, across)",Are the shards of ice scattered across the ground? +partiprompts108,"a focused woman wielding a heavy sledgehammer, poised to strike an intricately carved ice sculpture of a goose. The sculpture glistens in the light, showcasing its detailed wings and feathers, standing on a pedestal of snow. Around her, shards of ice are scattered across the ground, evidence of her previous strikes.",,22,"1,9",relation,spatial,"relation - spatial (woman, shards of ice, around)",Are the shards of ice around the woman? +partiprompts243,"a sizable gift box wrapped in shimmering silver paper and secured with a glossy red ribbon, positioned to the left of a lush green Christmas tree adorned with twinkling lights and golden ornaments. The tree stands on a soft, white tree skirt that contrasts with the dark wooden floor, and scattered around are smaller presents adding to the festive scene.",,1,0,entity,whole,entity - whole (gift box),Is there a gift box? +partiprompts243,"a sizable gift box wrapped in shimmering silver paper and secured with a glossy red ribbon, positioned to the left of a lush green Christmas tree adorned with twinkling lights and golden ornaments. The tree stands on a soft, white tree skirt that contrasts with the dark wooden floor, and scattered around are smaller presents adding to the festive scene.",,2,1,attribute,size,"attribute - size (gift box, sizable)",Is the gift box sizable? +partiprompts243,"a sizable gift box wrapped in shimmering silver paper and secured with a glossy red ribbon, positioned to the left of a lush green Christmas tree adorned with twinkling lights and golden ornaments. The tree stands on a soft, white tree skirt that contrasts with the dark wooden floor, and scattered around are smaller presents adding to the festive scene.",,3,1,attribute,texture,"attribute - texture (gift box, shimmering silver paper)",Is the gift box wrapped in shimmering silver paper? +partiprompts243,"a sizable gift box wrapped in shimmering silver paper and secured with a glossy red ribbon, positioned to the left of a lush green Christmas tree adorned with twinkling lights and golden ornaments. The tree stands on a soft, white tree skirt that contrasts with the dark wooden floor, and scattered around are smaller presents adding to the festive scene.",,4,1,attribute,color,"attribute - color (ribbon, glossy red)",Is the gift box secured with a glossy red ribbon? +partiprompts243,"a sizable gift box wrapped in shimmering silver paper and secured with a glossy red ribbon, positioned to the left of a lush green Christmas tree adorned with twinkling lights and golden ornaments. The tree stands on a soft, white tree skirt that contrasts with the dark wooden floor, and scattered around are smaller presents adding to the festive scene.",,5,"1,6",relation,spatial,"relation - spatial (gift box, Christmas tree, left of)",Is the gift box positioned to the left of the Christmas tree? +partiprompts243,"a sizable gift box wrapped in shimmering silver paper and secured with a glossy red ribbon, positioned to the left of a lush green Christmas tree adorned with twinkling lights and golden ornaments. The tree stands on a soft, white tree skirt that contrasts with the dark wooden floor, and scattered around are smaller presents adding to the festive scene.",,6,0,entity,whole,entity - whole (Christmas tree),Is there a Christmas tree? +partiprompts243,"a sizable gift box wrapped in shimmering silver paper and secured with a glossy red ribbon, positioned to the left of a lush green Christmas tree adorned with twinkling lights and golden ornaments. The tree stands on a soft, white tree skirt that contrasts with the dark wooden floor, and scattered around are smaller presents adding to the festive scene.",,7,6,attribute,texture,"attribute - texture (Christmas tree, lush green)",Is the Christmas tree lush green? +partiprompts243,"a sizable gift box wrapped in shimmering silver paper and secured with a glossy red ribbon, positioned to the left of a lush green Christmas tree adorned with twinkling lights and golden ornaments. The tree stands on a soft, white tree skirt that contrasts with the dark wooden floor, and scattered around are smaller presents adding to the festive scene.",,8,6,attribute,other,"attribute - other (Christmas tree, adorned with twinkling lights and golden ornaments)",Is the Christmas tree adorned with twinkling lights and golden ornaments? +partiprompts243,"a sizable gift box wrapped in shimmering silver paper and secured with a glossy red ribbon, positioned to the left of a lush green Christmas tree adorned with twinkling lights and golden ornaments. The tree stands on a soft, white tree skirt that contrasts with the dark wooden floor, and scattered around are smaller presents adding to the festive scene.",,9,6,entity,part,"entity - part (Christmas tree, tree skirt)",Is there a tree skirt on the Christmas tree? +partiprompts243,"a sizable gift box wrapped in shimmering silver paper and secured with a glossy red ribbon, positioned to the left of a lush green Christmas tree adorned with twinkling lights and golden ornaments. The tree stands on a soft, white tree skirt that contrasts with the dark wooden floor, and scattered around are smaller presents adding to the festive scene.",,10,9,attribute,texture,"attribute - texture (tree skirt, soft white)",Is the tree skirt soft white? +partiprompts243,"a sizable gift box wrapped in shimmering silver paper and secured with a glossy red ribbon, positioned to the left of a lush green Christmas tree adorned with twinkling lights and golden ornaments. The tree stands on a soft, white tree skirt that contrasts with the dark wooden floor, and scattered around are smaller presents adding to the festive scene.",,11,11,attribute,texture,"attribute - texture (floor, dark wooden)",Is the floor dark wooden? +partiprompts243,"a sizable gift box wrapped in shimmering silver paper and secured with a glossy red ribbon, positioned to the left of a lush green Christmas tree adorned with twinkling lights and golden ornaments. The tree stands on a soft, white tree skirt that contrasts with the dark wooden floor, and scattered around are smaller presents adding to the festive scene.",,12,0,entity,whole,entity - whole (presents),Are there presents? +partiprompts243,"a sizable gift box wrapped in shimmering silver paper and secured with a glossy red ribbon, positioned to the left of a lush green Christmas tree adorned with twinkling lights and golden ornaments. The tree stands on a soft, white tree skirt that contrasts with the dark wooden floor, and scattered around are smaller presents adding to the festive scene.",,13,12,attribute,size,"attribute - size (presents, smaller)",Are the presents smaller? +partiprompts243,"a sizable gift box wrapped in shimmering silver paper and secured with a glossy red ribbon, positioned to the left of a lush green Christmas tree adorned with twinkling lights and golden ornaments. The tree stands on a soft, white tree skirt that contrasts with the dark wooden floor, and scattered around are smaller presents adding to the festive scene.",,14,12,attribute,other,"attribute - other (presents, scattered around)",Are the presents scattered around? +partiprompts30,"An intricately arranged wooden charcuterie board is adorned with an assortment of farm animal figurines, each skillfully crafted from various types of cheese and slices of ham. The cows, sheep, and pigs are positioned amidst a landscape of crackers and grapes, creating a playful barnyard scene. In the background, a brown dog with perked ears and a glossy coat sits attentively, its gaze fixed on the edible menagerie with an unmistakable look of longing.",,1,0,entity,whole,entity - whole (charcuterie board),Is there a wooden charcuterie board? +partiprompts30,"An intricately arranged wooden charcuterie board is adorned with an assortment of farm animal figurines, each skillfully crafted from various types of cheese and slices of ham. The cows, sheep, and pigs are positioned amidst a landscape of crackers and grapes, creating a playful barnyard scene. In the background, a brown dog with perked ears and a glossy coat sits attentively, its gaze fixed on the edible menagerie with an unmistakable look of longing.",,2,1,attribute,texture,"attribute - texture (charcuterie board, intricately arranged)",Is the charcuterie board intricately arranged? +partiprompts30,"An intricately arranged wooden charcuterie board is adorned with an assortment of farm animal figurines, each skillfully crafted from various types of cheese and slices of ham. The cows, sheep, and pigs are positioned amidst a landscape of crackers and grapes, creating a playful barnyard scene. In the background, a brown dog with perked ears and a glossy coat sits attentively, its gaze fixed on the edible menagerie with an unmistakable look of longing.",,3,1,entity,whole,entity - whole (farm animal figurines),Are there farm animal figurines? +partiprompts30,"An intricately arranged wooden charcuterie board is adorned with an assortment of farm animal figurines, each skillfully crafted from various types of cheese and slices of ham. The cows, sheep, and pigs are positioned amidst a landscape of crackers and grapes, creating a playful barnyard scene. In the background, a brown dog with perked ears and a glossy coat sits attentively, its gaze fixed on the edible menagerie with an unmistakable look of longing.",,4,3,attribute,texture,"attribute - texture (farm animal figurines, skillfully crafted)",Are the farm animal figurines skillfully crafted? +partiprompts30,"An intricately arranged wooden charcuterie board is adorned with an assortment of farm animal figurines, each skillfully crafted from various types of cheese and slices of ham. The cows, sheep, and pigs are positioned amidst a landscape of crackers and grapes, creating a playful barnyard scene. In the background, a brown dog with perked ears and a glossy coat sits attentively, its gaze fixed on the edible menagerie with an unmistakable look of longing.",,5,3,attribute,texture,"attribute - texture (cheese, various types)",Are the farm animal figurines made from various types of cheese and slices of ham? +partiprompts30,"An intricately arranged wooden charcuterie board is adorned with an assortment of farm animal figurines, each skillfully crafted from various types of cheese and slices of ham. The cows, sheep, and pigs are positioned amidst a landscape of crackers and grapes, creating a playful barnyard scene. In the background, a brown dog with perked ears and a glossy coat sits attentively, its gaze fixed on the edible menagerie with an unmistakable look of longing.",,6,3,attribute,texture,"attribute - texture (ham, slices)",Are there cows? +partiprompts30,"An intricately arranged wooden charcuterie board is adorned with an assortment of farm animal figurines, each skillfully crafted from various types of cheese and slices of ham. The cows, sheep, and pigs are positioned amidst a landscape of crackers and grapes, creating a playful barnyard scene. In the background, a brown dog with perked ears and a glossy coat sits attentively, its gaze fixed on the edible menagerie with an unmistakable look of longing.",,7,3,entity,whole,entity - whole (cows),Are there sheep? +partiprompts30,"An intricately arranged wooden charcuterie board is adorned with an assortment of farm animal figurines, each skillfully crafted from various types of cheese and slices of ham. The cows, sheep, and pigs are positioned amidst a landscape of crackers and grapes, creating a playful barnyard scene. In the background, a brown dog with perked ears and a glossy coat sits attentively, its gaze fixed on the edible menagerie with an unmistakable look of longing.",,8,3,entity,whole,entity - whole (sheep),Are there pigs? +partiprompts30,"An intricately arranged wooden charcuterie board is adorned with an assortment of farm animal figurines, each skillfully crafted from various types of cheese and slices of ham. The cows, sheep, and pigs are positioned amidst a landscape of crackers and grapes, creating a playful barnyard scene. In the background, a brown dog with perked ears and a glossy coat sits attentively, its gaze fixed on the edible menagerie with an unmistakable look of longing.",,9,3,entity,whole,entity - whole (pigs),"Are the cows, sheep, and pigs positioned amidst crackers and grapes?" +partiprompts30,"An intricately arranged wooden charcuterie board is adorned with an assortment of farm animal figurines, each skillfully crafted from various types of cheese and slices of ham. The cows, sheep, and pigs are positioned amidst a landscape of crackers and grapes, creating a playful barnyard scene. In the background, a brown dog with perked ears and a glossy coat sits attentively, its gaze fixed on the edible menagerie with an unmistakable look of longing.",,10,"7,14",relation,spatial,"relation - spatial (cows, crackers, amidst)",Are the cows amidst crackers? +partiprompts30,"An intricately arranged wooden charcuterie board is adorned with an assortment of farm animal figurines, each skillfully crafted from various types of cheese and slices of ham. The cows, sheep, and pigs are positioned amidst a landscape of crackers and grapes, creating a playful barnyard scene. In the background, a brown dog with perked ears and a glossy coat sits attentively, its gaze fixed on the edible menagerie with an unmistakable look of longing.",,11,"8,14",relation,spatial,"relation - spatial (sheep, crackers, amidst)",Are the sheep amidst crackers? +partiprompts30,"An intricately arranged wooden charcuterie board is adorned with an assortment of farm animal figurines, each skillfully crafted from various types of cheese and slices of ham. The cows, sheep, and pigs are positioned amidst a landscape of crackers and grapes, creating a playful barnyard scene. In the background, a brown dog with perked ears and a glossy coat sits attentively, its gaze fixed on the edible menagerie with an unmistakable look of longing.",,12,"9,14",relation,spatial,"relation - spatial (pigs, crackers, amidst)",Are the pigs amidst crackers? +partiprompts30,"An intricately arranged wooden charcuterie board is adorned with an assortment of farm animal figurines, each skillfully crafted from various types of cheese and slices of ham. The cows, sheep, and pigs are positioned amidst a landscape of crackers and grapes, creating a playful barnyard scene. In the background, a brown dog with perked ears and a glossy coat sits attentively, its gaze fixed on the edible menagerie with an unmistakable look of longing.",,13,1,entity,whole,entity - whole (landscape),Is there a landscape? +partiprompts30,"An intricately arranged wooden charcuterie board is adorned with an assortment of farm animal figurines, each skillfully crafted from various types of cheese and slices of ham. The cows, sheep, and pigs are positioned amidst a landscape of crackers and grapes, creating a playful barnyard scene. In the background, a brown dog with perked ears and a glossy coat sits attentively, its gaze fixed on the edible menagerie with an unmistakable look of longing.",,14,1,entity,whole,entity - whole (crackers),Are there crackers? +partiprompts30,"An intricately arranged wooden charcuterie board is adorned with an assortment of farm animal figurines, each skillfully crafted from various types of cheese and slices of ham. The cows, sheep, and pigs are positioned amidst a landscape of crackers and grapes, creating a playful barnyard scene. In the background, a brown dog with perked ears and a glossy coat sits attentively, its gaze fixed on the edible menagerie with an unmistakable look of longing.",,15,1,entity,whole,entity - whole (grapes),Are there grapes? +partiprompts30,"An intricately arranged wooden charcuterie board is adorned with an assortment of farm animal figurines, each skillfully crafted from various types of cheese and slices of ham. The cows, sheep, and pigs are positioned amidst a landscape of crackers and grapes, creating a playful barnyard scene. In the background, a brown dog with perked ears and a glossy coat sits attentively, its gaze fixed on the edible menagerie with an unmistakable look of longing.",,16,1,entity,whole,entity - whole (dog),Is there a dog? +partiprompts30,"An intricately arranged wooden charcuterie board is adorned with an assortment of farm animal figurines, each skillfully crafted from various types of cheese and slices of ham. The cows, sheep, and pigs are positioned amidst a landscape of crackers and grapes, creating a playful barnyard scene. In the background, a brown dog with perked ears and a glossy coat sits attentively, its gaze fixed on the edible menagerie with an unmistakable look of longing.",,17,16,attribute,color,"attribute - color (dog, brown)",Is the dog brown? +partiprompts30,"An intricately arranged wooden charcuterie board is adorned with an assortment of farm animal figurines, each skillfully crafted from various types of cheese and slices of ham. The cows, sheep, and pigs are positioned amidst a landscape of crackers and grapes, creating a playful barnyard scene. In the background, a brown dog with perked ears and a glossy coat sits attentively, its gaze fixed on the edible menagerie with an unmistakable look of longing.",,18,16,entity,state,"entity - state (dog, perked ears)",Are the dog's ears perked? +partiprompts30,"An intricately arranged wooden charcuterie board is adorned with an assortment of farm animal figurines, each skillfully crafted from various types of cheese and slices of ham. The cows, sheep, and pigs are positioned amidst a landscape of crackers and grapes, creating a playful barnyard scene. In the background, a brown dog with perked ears and a glossy coat sits attentively, its gaze fixed on the edible menagerie with an unmistakable look of longing.",,19,16,attribute,texture,"attribute - texture (dog, glossy coat)",Does the dog have a glossy coat? +partiprompts30,"An intricately arranged wooden charcuterie board is adorned with an assortment of farm animal figurines, each skillfully crafted from various types of cheese and slices of ham. The cows, sheep, and pigs are positioned amidst a landscape of crackers and grapes, creating a playful barnyard scene. In the background, a brown dog with perked ears and a glossy coat sits attentively, its gaze fixed on the edible menagerie with an unmistakable look of longing.",,20,16,entity,state,"entity - state (dog, sit)",Is the dog sitting? +partiprompts30,"An intricately arranged wooden charcuterie board is adorned with an assortment of farm animal figurines, each skillfully crafted from various types of cheese and slices of ham. The cows, sheep, and pigs are positioned amidst a landscape of crackers and grapes, creating a playful barnyard scene. In the background, a brown dog with perked ears and a glossy coat sits attentively, its gaze fixed on the edible menagerie with an unmistakable look of longing.",,21,16,entity,state,"entity - state (dog, gaze, attentively)",Is the dog gazing attentively? +partiprompts30,"An intricately arranged wooden charcuterie board is adorned with an assortment of farm animal figurines, each skillfully crafted from various types of cheese and slices of ham. The cows, sheep, and pigs are positioned amidst a landscape of crackers and grapes, creating a playful barnyard scene. In the background, a brown dog with perked ears and a glossy coat sits attentively, its gaze fixed on the edible menagerie with an unmistakable look of longing.",,22,16,entity,state,"entity - state (dog, gaze, fixed on)",Is the dog's gaze fixed on something? +partiprompts30,"An intricately arranged wooden charcuterie board is adorned with an assortment of farm animal figurines, each skillfully crafted from various types of cheese and slices of ham. The cows, sheep, and pigs are positioned amidst a landscape of crackers and grapes, creating a playful barnyard scene. In the background, a brown dog with perked ears and a glossy coat sits attentively, its gaze fixed on the edible menagerie with an unmistakable look of longing.",,23,16,entity,state,"entity - state (dog, look, longing)",Does the dog look longing? +partiprompts272,"A massive, red-striped ball made of lightweight styrofoam, careened into a small, round wooden table, causing it to collapse under the unexpected force. The table, previously adorned with a delicate lace tablecloth and a ceramic vase, now lies in disarray with the broken vase and scattered flowers beside the remnants of the table. The ball, seemingly unscathed by the collision, rests awkwardly against the splintered wood of the shattered table.",,1,0,attribute,size,"attribute - size (ball, massive)",Is the ball massive? +partiprompts272,"A massive, red-striped ball made of lightweight styrofoam, careened into a small, round wooden table, causing it to collapse under the unexpected force. The table, previously adorned with a delicate lace tablecloth and a ceramic vase, now lies in disarray with the broken vase and scattered flowers beside the remnants of the table. The ball, seemingly unscathed by the collision, rests awkwardly against the splintered wood of the shattered table.",,2,1,attribute,color,"attribute - color (ball, red-striped)",Is the ball red-striped? +partiprompts272,"A massive, red-striped ball made of lightweight styrofoam, careened into a small, round wooden table, causing it to collapse under the unexpected force. The table, previously adorned with a delicate lace tablecloth and a ceramic vase, now lies in disarray with the broken vase and scattered flowers beside the remnants of the table. The ball, seemingly unscathed by the collision, rests awkwardly against the splintered wood of the shattered table.",,3,1,attribute,texture,"attribute - texture (ball, lightweight styrofoam)",Is the ball made of lightweight styrofoam? +partiprompts272,"A massive, red-striped ball made of lightweight styrofoam, careened into a small, round wooden table, causing it to collapse under the unexpected force. The table, previously adorned with a delicate lace tablecloth and a ceramic vase, now lies in disarray with the broken vase and scattered flowers beside the remnants of the table. The ball, seemingly unscathed by the collision, rests awkwardly against the splintered wood of the shattered table.",,4,0,entity,whole,entity - whole (table),Is there a table? +partiprompts272,"A massive, red-striped ball made of lightweight styrofoam, careened into a small, round wooden table, causing it to collapse under the unexpected force. The table, previously adorned with a delicate lace tablecloth and a ceramic vase, now lies in disarray with the broken vase and scattered flowers beside the remnants of the table. The ball, seemingly unscathed by the collision, rests awkwardly against the splintered wood of the shattered table.",,5,4,attribute,shape,"attribute - shape (table, round)",Is the table round? +partiprompts272,"A massive, red-striped ball made of lightweight styrofoam, careened into a small, round wooden table, causing it to collapse under the unexpected force. The table, previously adorned with a delicate lace tablecloth and a ceramic vase, now lies in disarray with the broken vase and scattered flowers beside the remnants of the table. The ball, seemingly unscathed by the collision, rests awkwardly against the splintered wood of the shattered table.",,6,4,attribute,size,"attribute - size (table, small)",Is the table small? +partiprompts272,"A massive, red-striped ball made of lightweight styrofoam, careened into a small, round wooden table, causing it to collapse under the unexpected force. The table, previously adorned with a delicate lace tablecloth and a ceramic vase, now lies in disarray with the broken vase and scattered flowers beside the remnants of the table. The ball, seemingly unscathed by the collision, rests awkwardly against the splintered wood of the shattered table.",,7,4,entity,state,"entity - state (table, collapse)",Did the table collapse? +partiprompts272,"A massive, red-striped ball made of lightweight styrofoam, careened into a small, round wooden table, causing it to collapse under the unexpected force. The table, previously adorned with a delicate lace tablecloth and a ceramic vase, now lies in disarray with the broken vase and scattered flowers beside the remnants of the table. The ball, seemingly unscathed by the collision, rests awkwardly against the splintered wood of the shattered table.",,8,4,entity,whole,entity - whole (lace tablecloth),Is there a lace tablecloth? +partiprompts272,"A massive, red-striped ball made of lightweight styrofoam, careened into a small, round wooden table, causing it to collapse under the unexpected force. The table, previously adorned with a delicate lace tablecloth and a ceramic vase, now lies in disarray with the broken vase and scattered flowers beside the remnants of the table. The ball, seemingly unscathed by the collision, rests awkwardly against the splintered wood of the shattered table.",,9,4,entity,whole,entity - whole (ceramic vase),Is there a ceramic vase? +partiprompts272,"A massive, red-striped ball made of lightweight styrofoam, careened into a small, round wooden table, causing it to collapse under the unexpected force. The table, previously adorned with a delicate lace tablecloth and a ceramic vase, now lies in disarray with the broken vase and scattered flowers beside the remnants of the table. The ball, seemingly unscathed by the collision, rests awkwardly against the splintered wood of the shattered table.",,10,4,entity,state,"entity - state (table, disarray)",Is the table in disarray? +partiprompts272,"A massive, red-striped ball made of lightweight styrofoam, careened into a small, round wooden table, causing it to collapse under the unexpected force. The table, previously adorned with a delicate lace tablecloth and a ceramic vase, now lies in disarray with the broken vase and scattered flowers beside the remnants of the table. The ball, seemingly unscathed by the collision, rests awkwardly against the splintered wood of the shattered table.",,11,9,entity,state,"entity - state (vase, broken)",Is the vase broken? +partiprompts272,"A massive, red-striped ball made of lightweight styrofoam, careened into a small, round wooden table, causing it to collapse under the unexpected force. The table, previously adorned with a delicate lace tablecloth and a ceramic vase, now lies in disarray with the broken vase and scattered flowers beside the remnants of the table. The ball, seemingly unscathed by the collision, rests awkwardly against the splintered wood of the shattered table.",,12,10,entity,state,"entity - state (flowers, scattered)",Are the flowers scattered? +partiprompts272,"A massive, red-striped ball made of lightweight styrofoam, careened into a small, round wooden table, causing it to collapse under the unexpected force. The table, previously adorned with a delicate lace tablecloth and a ceramic vase, now lies in disarray with the broken vase and scattered flowers beside the remnants of the table. The ball, seemingly unscathed by the collision, rests awkwardly against the splintered wood of the shattered table.",,13,"1,4",relation,spatial,"relation - spatial (ball, table, careen into)",Did the ball careen into the table? +partiprompts272,"A massive, red-striped ball made of lightweight styrofoam, careened into a small, round wooden table, causing it to collapse under the unexpected force. The table, previously adorned with a delicate lace tablecloth and a ceramic vase, now lies in disarray with the broken vase and scattered flowers beside the remnants of the table. The ball, seemingly unscathed by the collision, rests awkwardly against the splintered wood of the shattered table.",,14,"4,1",relation,spatial,"relation - spatial (table, ball, rest against)",Is the ball resting against the table? +partiprompts166,"An exquisite oil painting that captures a raccoon with an almost human-like poise, dressed in attire reminiscent of the 17th century. The raccoon's fur is rendered in rich, textured strokes of brown and gray, and it wears a white ruffled collar and a deep red velvet coat that would befit a noble of Rembrandt's era. The background of the painting is a muted blend of dark, warm tones, creating a subtle contrast that draws attention to the subject's detailed and expressive face.",,1,0,entity,whole,entity - whole (oil painting),Is there an oil painting? +partiprompts166,"An exquisite oil painting that captures a raccoon with an almost human-like poise, dressed in attire reminiscent of the 17th century. The raccoon's fur is rendered in rich, textured strokes of brown and gray, and it wears a white ruffled collar and a deep red velvet coat that would befit a noble of Rembrandt's era. The background of the painting is a muted blend of dark, warm tones, creating a subtle contrast that draws attention to the subject's detailed and expressive face.",,2,1,entity,whole,entity - whole (raccoon),Is there a raccoon? +partiprompts166,"An exquisite oil painting that captures a raccoon with an almost human-like poise, dressed in attire reminiscent of the 17th century. The raccoon's fur is rendered in rich, textured strokes of brown and gray, and it wears a white ruffled collar and a deep red velvet coat that would befit a noble of Rembrandt's era. The background of the painting is a muted blend of dark, warm tones, creating a subtle contrast that draws attention to the subject's detailed and expressive face.",,3,1,attribute,other,"attribute - other (oil painting, exquisite)",Is the oil painting exquisite? +partiprompts166,"An exquisite oil painting that captures a raccoon with an almost human-like poise, dressed in attire reminiscent of the 17th century. The raccoon's fur is rendered in rich, textured strokes of brown and gray, and it wears a white ruffled collar and a deep red velvet coat that would befit a noble of Rembrandt's era. The background of the painting is a muted blend of dark, warm tones, creating a subtle contrast that draws attention to the subject's detailed and expressive face.",,4,2,attribute,other,"attribute - other (raccoon, almost human-like poise)",Does the raccoon have an almost human-like poise? +partiprompts166,"An exquisite oil painting that captures a raccoon with an almost human-like poise, dressed in attire reminiscent of the 17th century. The raccoon's fur is rendered in rich, textured strokes of brown and gray, and it wears a white ruffled collar and a deep red velvet coat that would befit a noble of Rembrandt's era. The background of the painting is a muted blend of dark, warm tones, creating a subtle contrast that draws attention to the subject's detailed and expressive face.",,5,2,attribute,other,"attribute - other (raccoon, attire reminiscent of the 17th century)",Is the raccoon dressed in attire reminiscent of the 17th century? +partiprompts166,"An exquisite oil painting that captures a raccoon with an almost human-like poise, dressed in attire reminiscent of the 17th century. The raccoon's fur is rendered in rich, textured strokes of brown and gray, and it wears a white ruffled collar and a deep red velvet coat that would befit a noble of Rembrandt's era. The background of the painting is a muted blend of dark, warm tones, creating a subtle contrast that draws attention to the subject's detailed and expressive face.",,6,2,attribute,texture,"attribute - texture (raccoon's fur, rich)",Is the raccoon's fur rich in texture? +partiprompts166,"An exquisite oil painting that captures a raccoon with an almost human-like poise, dressed in attire reminiscent of the 17th century. The raccoon's fur is rendered in rich, textured strokes of brown and gray, and it wears a white ruffled collar and a deep red velvet coat that would befit a noble of Rembrandt's era. The background of the painting is a muted blend of dark, warm tones, creating a subtle contrast that draws attention to the subject's detailed and expressive face.",,7,2,attribute,texture,"attribute - texture (raccoon's fur, brown and gray)",Is the raccoon's fur brown and gray? +partiprompts166,"An exquisite oil painting that captures a raccoon with an almost human-like poise, dressed in attire reminiscent of the 17th century. The raccoon's fur is rendered in rich, textured strokes of brown and gray, and it wears a white ruffled collar and a deep red velvet coat that would befit a noble of Rembrandt's era. The background of the painting is a muted blend of dark, warm tones, creating a subtle contrast that draws attention to the subject's detailed and expressive face.",,8,2,attribute,color,"attribute - color (raccoon's collar, white)",Is the raccoon's collar white? +partiprompts166,"An exquisite oil painting that captures a raccoon with an almost human-like poise, dressed in attire reminiscent of the 17th century. The raccoon's fur is rendered in rich, textured strokes of brown and gray, and it wears a white ruffled collar and a deep red velvet coat that would befit a noble of Rembrandt's era. The background of the painting is a muted blend of dark, warm tones, creating a subtle contrast that draws attention to the subject's detailed and expressive face.",,9,2,attribute,color,"attribute - color (raccoon's coat, deep red)",Is the raccoon's coat deep red? +partiprompts166,"An exquisite oil painting that captures a raccoon with an almost human-like poise, dressed in attire reminiscent of the 17th century. The raccoon's fur is rendered in rich, textured strokes of brown and gray, and it wears a white ruffled collar and a deep red velvet coat that would befit a noble of Rembrandt's era. The background of the painting is a muted blend of dark, warm tones, creating a subtle contrast that draws attention to the subject's detailed and expressive face.",,10,1,attribute,color,"attribute - color (background, dark warm tones)","Is the background of the painting in dark, warm tones?" +partiprompts166,"An exquisite oil painting that captures a raccoon with an almost human-like poise, dressed in attire reminiscent of the 17th century. The raccoon's fur is rendered in rich, textured strokes of brown and gray, and it wears a white ruffled collar and a deep red velvet coat that would befit a noble of Rembrandt's era. The background of the painting is a muted blend of dark, warm tones, creating a subtle contrast that draws attention to the subject's detailed and expressive face.",,11,1,relation,spatial,"relation - spatial (raccoon, oil painting, capture)",Does the oil painting capture the raccoon? +partiprompts166,"An exquisite oil painting that captures a raccoon with an almost human-like poise, dressed in attire reminiscent of the 17th century. The raccoon's fur is rendered in rich, textured strokes of brown and gray, and it wears a white ruffled collar and a deep red velvet coat that would befit a noble of Rembrandt's era. The background of the painting is a muted blend of dark, warm tones, creating a subtle contrast that draws attention to the subject's detailed and expressive face.",,12,"2,1",relation,spatial,"relation - spatial (raccoon, background, in)",Is the raccoon in the background of the painting? +partiprompts23,"Two ceramic cups sit side by side on a wooden table, one filled with a steaming latte that has a detailed foam art depiction of the United States map on its surface. The other cup, equally warm, showcases an intricate latte art representation of the African continent. Both cups have a glossy finish, and the table reflects the soft glow of the overhead lighting.",,1,0,entity,whole,entity - whole (cups),Are there cups? +partiprompts23,"Two ceramic cups sit side by side on a wooden table, one filled with a steaming latte that has a detailed foam art depiction of the United States map on its surface. The other cup, equally warm, showcases an intricate latte art representation of the African continent. Both cups have a glossy finish, and the table reflects the soft glow of the overhead lighting.",,2,1,other,count,"other - count (cups, ==2)",Are there two cups? +partiprompts23,"Two ceramic cups sit side by side on a wooden table, one filled with a steaming latte that has a detailed foam art depiction of the United States map on its surface. The other cup, equally warm, showcases an intricate latte art representation of the African continent. Both cups have a glossy finish, and the table reflects the soft glow of the overhead lighting.",,3,0,entity,whole,entity - whole (table),Is there a table? +partiprompts23,"Two ceramic cups sit side by side on a wooden table, one filled with a steaming latte that has a detailed foam art depiction of the United States map on its surface. The other cup, equally warm, showcases an intricate latte art representation of the African continent. Both cups have a glossy finish, and the table reflects the soft glow of the overhead lighting.",,4,0,entity,whole,entity - whole (latte),Is there latte? +partiprompts23,"Two ceramic cups sit side by side on a wooden table, one filled with a steaming latte that has a detailed foam art depiction of the United States map on its surface. The other cup, equally warm, showcases an intricate latte art representation of the African continent. Both cups have a glossy finish, and the table reflects the soft glow of the overhead lighting.",,5,0,entity,whole,entity - whole (foam art),Is there foam art? +partiprompts23,"Two ceramic cups sit side by side on a wooden table, one filled with a steaming latte that has a detailed foam art depiction of the United States map on its surface. The other cup, equally warm, showcases an intricate latte art representation of the African continent. Both cups have a glossy finish, and the table reflects the soft glow of the overhead lighting.",,6,0,entity,whole,entity - whole (United States map),Is there the United States map? +partiprompts23,"Two ceramic cups sit side by side on a wooden table, one filled with a steaming latte that has a detailed foam art depiction of the United States map on its surface. The other cup, equally warm, showcases an intricate latte art representation of the African continent. Both cups have a glossy finish, and the table reflects the soft glow of the overhead lighting.",,7,0,entity,whole,entity - whole (African continent),Is there the African continent? +partiprompts23,"Two ceramic cups sit side by side on a wooden table, one filled with a steaming latte that has a detailed foam art depiction of the United States map on its surface. The other cup, equally warm, showcases an intricate latte art representation of the African continent. Both cups have a glossy finish, and the table reflects the soft glow of the overhead lighting.",,8,1,attribute,texture,"attribute - texture (cups, ceramic)",Are the cups ceramic? +partiprompts23,"Two ceramic cups sit side by side on a wooden table, one filled with a steaming latte that has a detailed foam art depiction of the United States map on its surface. The other cup, equally warm, showcases an intricate latte art representation of the African continent. Both cups have a glossy finish, and the table reflects the soft glow of the overhead lighting.",,9,1,attribute,texture,"attribute - texture (cups, glossy)",Are the cups glossy? +partiprompts23,"Two ceramic cups sit side by side on a wooden table, one filled with a steaming latte that has a detailed foam art depiction of the United States map on its surface. The other cup, equally warm, showcases an intricate latte art representation of the African continent. Both cups have a glossy finish, and the table reflects the soft glow of the overhead lighting.",,10,3,attribute,texture,"attribute - texture (table, wooden)",Is the table wooden? +partiprompts23,"Two ceramic cups sit side by side on a wooden table, one filled with a steaming latte that has a detailed foam art depiction of the United States map on its surface. The other cup, equally warm, showcases an intricate latte art representation of the African continent. Both cups have a glossy finish, and the table reflects the soft glow of the overhead lighting.",,11,4,attribute,texture,"attribute - texture (latte, steaming)",Is the latte steaming? +partiprompts23,"Two ceramic cups sit side by side on a wooden table, one filled with a steaming latte that has a detailed foam art depiction of the United States map on its surface. The other cup, equally warm, showcases an intricate latte art representation of the African continent. Both cups have a glossy finish, and the table reflects the soft glow of the overhead lighting.",,12,5,attribute,texture,"attribute - texture (foam art, detailed)",Is the foam art detailed? +partiprompts23,"Two ceramic cups sit side by side on a wooden table, one filled with a steaming latte that has a detailed foam art depiction of the United States map on its surface. The other cup, equally warm, showcases an intricate latte art representation of the African continent. Both cups have a glossy finish, and the table reflects the soft glow of the overhead lighting.",,13,6,attribute,texture,"attribute - texture (United States map, foam art)",Is the United States map part of the foam art? +partiprompts23,"Two ceramic cups sit side by side on a wooden table, one filled with a steaming latte that has a detailed foam art depiction of the United States map on its surface. The other cup, equally warm, showcases an intricate latte art representation of the African continent. Both cups have a glossy finish, and the table reflects the soft glow of the overhead lighting.",,14,7,attribute,texture,"attribute - texture (African continent, foam art)",Is the African continent part of the foam art? +partiprompts23,"Two ceramic cups sit side by side on a wooden table, one filled with a steaming latte that has a detailed foam art depiction of the United States map on its surface. The other cup, equally warm, showcases an intricate latte art representation of the African continent. Both cups have a glossy finish, and the table reflects the soft glow of the overhead lighting.",,15,3,attribute,texture,"attribute - texture (table, glossy)",Is the table glossy? +partiprompts23,"Two ceramic cups sit side by side on a wooden table, one filled with a steaming latte that has a detailed foam art depiction of the United States map on its surface. The other cup, equally warm, showcases an intricate latte art representation of the African continent. Both cups have a glossy finish, and the table reflects the soft glow of the overhead lighting.",,16,3,attribute,texture,"attribute - texture (table, reflective)",Is the table reflective? +partiprompts23,"Two ceramic cups sit side by side on a wooden table, one filled with a steaming latte that has a detailed foam art depiction of the United States map on its surface. The other cup, equally warm, showcases an intricate latte art representation of the African continent. Both cups have a glossy finish, and the table reflects the soft glow of the overhead lighting.",,17,3,attribute,texture,"attribute - texture (lighting, soft glow)",Does the table reflect a soft glow from the overhead lighting? +partiprompts23,"Two ceramic cups sit side by side on a wooden table, one filled with a steaming latte that has a detailed foam art depiction of the United States map on its surface. The other cup, equally warm, showcases an intricate latte art representation of the African continent. Both cups have a glossy finish, and the table reflects the soft glow of the overhead lighting.",,18,"1,3",relation,spatial,"relation - spatial (cups, table, on)",Are the cups on the table? +partiprompts23,"Two ceramic cups sit side by side on a wooden table, one filled with a steaming latte that has a detailed foam art depiction of the United States map on its surface. The other cup, equally warm, showcases an intricate latte art representation of the African continent. Both cups have a glossy finish, and the table reflects the soft glow of the overhead lighting.",,19,"4,18",relation,spatial,"relation - spatial (latte, cup_1, in)",Is the latte in one of the cups? +partiprompts23,"Two ceramic cups sit side by side on a wooden table, one filled with a steaming latte that has a detailed foam art depiction of the United States map on its surface. The other cup, equally warm, showcases an intricate latte art representation of the African continent. Both cups have a glossy finish, and the table reflects the soft glow of the overhead lighting.",,20,"5,19",relation,spatial,"relation - spatial (foam art, latte, on)",Is the foam art on the latte? +partiprompts23,"Two ceramic cups sit side by side on a wooden table, one filled with a steaming latte that has a detailed foam art depiction of the United States map on its surface. The other cup, equally warm, showcases an intricate latte art representation of the African continent. Both cups have a glossy finish, and the table reflects the soft glow of the overhead lighting.",,21,"6,20",relation,spatial,"relation - spatial (United States map, foam art, on)",Is the United States map on the foam art? +partiprompts23,"Two ceramic cups sit side by side on a wooden table, one filled with a steaming latte that has a detailed foam art depiction of the United States map on its surface. The other cup, equally warm, showcases an intricate latte art representation of the African continent. Both cups have a glossy finish, and the table reflects the soft glow of the overhead lighting.",,22,"7,20",relation,spatial,"relation - spatial (African continent, foam art, on)",Is the African continent on the foam art? +partiprompts138,"A vibrant scene featuring a punk rock platypus, its webbed feet firmly planted on an old tree stump. The creature is clad in a black leather jacket, embellished with shiny metal studs, and it's passionately shouting into a silver microphone. Around its neck hangs a bright red bandana, and the stump is situated in a small clearing surrounded by tall, green grass.",,1,0,global,,global - (vibrant scene),Is this a vibrant scene? +partiprompts138,"A vibrant scene featuring a punk rock platypus, its webbed feet firmly planted on an old tree stump. The creature is clad in a black leather jacket, embellished with shiny metal studs, and it's passionately shouting into a silver microphone. Around its neck hangs a bright red bandana, and the stump is situated in a small clearing surrounded by tall, green grass.",,2,0,entity,whole,entity - whole (platypus),Is there a platypus? +partiprompts138,"A vibrant scene featuring a punk rock platypus, its webbed feet firmly planted on an old tree stump. The creature is clad in a black leather jacket, embellished with shiny metal studs, and it's passionately shouting into a silver microphone. Around its neck hangs a bright red bandana, and the stump is situated in a small clearing surrounded by tall, green grass.",,3,0,entity,whole,entity - whole (tree stump),Is there a tree stump? +partiprompts138,"A vibrant scene featuring a punk rock platypus, its webbed feet firmly planted on an old tree stump. The creature is clad in a black leather jacket, embellished with shiny metal studs, and it's passionately shouting into a silver microphone. Around its neck hangs a bright red bandana, and the stump is situated in a small clearing surrounded by tall, green grass.",,4,2,entity,part,entity - part (platypus's feet),Are the platypus's feet on the tree stump? +partiprompts138,"A vibrant scene featuring a punk rock platypus, its webbed feet firmly planted on an old tree stump. The creature is clad in a black leather jacket, embellished with shiny metal studs, and it's passionately shouting into a silver microphone. Around its neck hangs a bright red bandana, and the stump is situated in a small clearing surrounded by tall, green grass.",,5,2,entity,part,entity - part (platypus's jacket),Is the platypus wearing a jacket? +partiprompts138,"A vibrant scene featuring a punk rock platypus, its webbed feet firmly planted on an old tree stump. The creature is clad in a black leather jacket, embellished with shiny metal studs, and it's passionately shouting into a silver microphone. Around its neck hangs a bright red bandana, and the stump is situated in a small clearing surrounded by tall, green grass.",,6,5,attribute,color,"attribute - color (jacket, black)",Is the jacket black? +partiprompts138,"A vibrant scene featuring a punk rock platypus, its webbed feet firmly planted on an old tree stump. The creature is clad in a black leather jacket, embellished with shiny metal studs, and it's passionately shouting into a silver microphone. Around its neck hangs a bright red bandana, and the stump is situated in a small clearing surrounded by tall, green grass.",,7,5,attribute,texture,"attribute - texture (jacket, leather)",Is the jacket made of leather? +partiprompts138,"A vibrant scene featuring a punk rock platypus, its webbed feet firmly planted on an old tree stump. The creature is clad in a black leather jacket, embellished with shiny metal studs, and it's passionately shouting into a silver microphone. Around its neck hangs a bright red bandana, and the stump is situated in a small clearing surrounded by tall, green grass.",,8,5,attribute,other,"attribute - other (jacket, embellished with shiny metal studs)",Is the jacket embellished with shiny metal studs? +partiprompts138,"A vibrant scene featuring a punk rock platypus, its webbed feet firmly planted on an old tree stump. The creature is clad in a black leather jacket, embellished with shiny metal studs, and it's passionately shouting into a silver microphone. Around its neck hangs a bright red bandana, and the stump is situated in a small clearing surrounded by tall, green grass.",,9,0,entity,whole,entity - whole (microphone),Is there a microphone? +partiprompts138,"A vibrant scene featuring a punk rock platypus, its webbed feet firmly planted on an old tree stump. The creature is clad in a black leather jacket, embellished with shiny metal studs, and it's passionately shouting into a silver microphone. Around its neck hangs a bright red bandana, and the stump is situated in a small clearing surrounded by tall, green grass.",,10,9,attribute,color,"attribute - color (microphone, silver)",Is the microphone silver? +partiprompts138,"A vibrant scene featuring a punk rock platypus, its webbed feet firmly planted on an old tree stump. The creature is clad in a black leather jacket, embellished with shiny metal studs, and it's passionately shouting into a silver microphone. Around its neck hangs a bright red bandana, and the stump is situated in a small clearing surrounded by tall, green grass.",,11,0,entity,whole,entity - whole (bandana),Is there a bandana? +partiprompts138,"A vibrant scene featuring a punk rock platypus, its webbed feet firmly planted on an old tree stump. The creature is clad in a black leather jacket, embellished with shiny metal studs, and it's passionately shouting into a silver microphone. Around its neck hangs a bright red bandana, and the stump is situated in a small clearing surrounded by tall, green grass.",,12,11,attribute,color,"attribute - color (bandana, bright red)",Is the bandana bright red? +partiprompts138,"A vibrant scene featuring a punk rock platypus, its webbed feet firmly planted on an old tree stump. The creature is clad in a black leather jacket, embellished with shiny metal studs, and it's passionately shouting into a silver microphone. Around its neck hangs a bright red bandana, and the stump is situated in a small clearing surrounded by tall, green grass.",,13,"2,3",relation,spatial,"relation - spatial (platypus, tree stump, on)",Is the platypus on the tree stump? +partiprompts138,"A vibrant scene featuring a punk rock platypus, its webbed feet firmly planted on an old tree stump. The creature is clad in a black leather jacket, embellished with shiny metal studs, and it's passionately shouting into a silver microphone. Around its neck hangs a bright red bandana, and the stump is situated in a small clearing surrounded by tall, green grass.",,14,"3,4",relation,spatial,"relation - spatial (tree stump, clearing, in)",Is the tree stump in a clearing? +partiprompts138,"A vibrant scene featuring a punk rock platypus, its webbed feet firmly planted on an old tree stump. The creature is clad in a black leather jacket, embellished with shiny metal studs, and it's passionately shouting into a silver microphone. Around its neck hangs a bright red bandana, and the stump is situated in a small clearing surrounded by tall, green grass.",,15,"4,15",relation,spatial,"relation - spatial (clearing, grass, surrounded by)","Is the clearing surrounded by tall, green grass?" +partiprompts73,"A striking yin-yang symbol where the traditional circles are replaced by the fierce heads of a tiger, one black and one orange. The symbol is set against a plain background that accentuates its bold colors and intricate details. The tiger heads are detailed with stripes that seamlessly blend into the swirling design of the yin-yang.",,1,0,entity,whole,entity - whole (yin-yang symbol),Is there a yin-yang symbol? +partiprompts73,"A striking yin-yang symbol where the traditional circles are replaced by the fierce heads of a tiger, one black and one orange. The symbol is set against a plain background that accentuates its bold colors and intricate details. The tiger heads are detailed with stripes that seamlessly blend into the swirling design of the yin-yang.",,2,0,entity,whole,entity - whole (tiger heads),Are there tiger heads? +partiprompts73,"A striking yin-yang symbol where the traditional circles are replaced by the fierce heads of a tiger, one black and one orange. The symbol is set against a plain background that accentuates its bold colors and intricate details. The tiger heads are detailed with stripes that seamlessly blend into the swirling design of the yin-yang.",,3,1,attribute,other,"attribute - other (yin-yang symbol, striking)",Is the yin-yang symbol striking? +partiprompts73,"A striking yin-yang symbol where the traditional circles are replaced by the fierce heads of a tiger, one black and one orange. The symbol is set against a plain background that accentuates its bold colors and intricate details. The tiger heads are detailed with stripes that seamlessly blend into the swirling design of the yin-yang.",,4,2,attribute,color,"attribute - color (tiger heads, black)",Are the tiger heads black? +partiprompts73,"A striking yin-yang symbol where the traditional circles are replaced by the fierce heads of a tiger, one black and one orange. The symbol is set against a plain background that accentuates its bold colors and intricate details. The tiger heads are detailed with stripes that seamlessly blend into the swirling design of the yin-yang.",,5,2,attribute,color,"attribute - color (tiger heads, orange)",Are the tiger heads orange? +partiprompts73,"A striking yin-yang symbol where the traditional circles are replaced by the fierce heads of a tiger, one black and one orange. The symbol is set against a plain background that accentuates its bold colors and intricate details. The tiger heads are detailed with stripes that seamlessly blend into the swirling design of the yin-yang.",,6,1,attribute,texture,"attribute - texture (background, plain)",Is the background plain? +partiprompts73,"A striking yin-yang symbol where the traditional circles are replaced by the fierce heads of a tiger, one black and one orange. The symbol is set against a plain background that accentuates its bold colors and intricate details. The tiger heads are detailed with stripes that seamlessly blend into the swirling design of the yin-yang.",,7,2,attribute,texture,"attribute - texture (tiger heads, detailed)",Are the tiger heads detailed? +partiprompts73,"A striking yin-yang symbol where the traditional circles are replaced by the fierce heads of a tiger, one black and one orange. The symbol is set against a plain background that accentuates its bold colors and intricate details. The tiger heads are detailed with stripes that seamlessly blend into the swirling design of the yin-yang.",,8,7,attribute,texture,"attribute - texture (tiger heads' stripes, striped)",Are the tiger heads' stripes striped? +partiprompts73,"A striking yin-yang symbol where the traditional circles are replaced by the fierce heads of a tiger, one black and one orange. The symbol is set against a plain background that accentuates its bold colors and intricate details. The tiger heads are detailed with stripes that seamlessly blend into the swirling design of the yin-yang.",,9,"1,2",relation,spatial,"relation - spatial (tiger heads, yin-yang symbol, replace)",Did the tiger heads replace the traditional circles in the yin-yang symbol? +partiprompts73,"A striking yin-yang symbol where the traditional circles are replaced by the fierce heads of a tiger, one black and one orange. The symbol is set against a plain background that accentuates its bold colors and intricate details. The tiger heads are detailed with stripes that seamlessly blend into the swirling design of the yin-yang.",,10,"8,1",relation,spatial,"relation - spatial (tiger heads' stripes, yin-yang symbol, blend into)",Do the tiger heads' stripes blend into the swirling design of the yin-yang symbol? +partiprompts256,"a quaint kitchen space with a small white goat standing amidst the appliances and cabinetry. The cabinets are a pale shade of wood, and the countertops are a matching white, cluttered with various kitchen utensils and a bowl of fresh vegetables. Sunlight streams in through a window above the sink, casting a warm glow on the goat and the tiled flooring.",,1,0,entity,whole,entity - whole (kitchen space),Is there a kitchen space? +partiprompts256,"a quaint kitchen space with a small white goat standing amidst the appliances and cabinetry. The cabinets are a pale shade of wood, and the countertops are a matching white, cluttered with various kitchen utensils and a bowl of fresh vegetables. Sunlight streams in through a window above the sink, casting a warm glow on the goat and the tiled flooring.",,2,0,entity,whole,entity - whole (goat),Is there a goat? +partiprompts256,"a quaint kitchen space with a small white goat standing amidst the appliances and cabinetry. The cabinets are a pale shade of wood, and the countertops are a matching white, cluttered with various kitchen utensils and a bowl of fresh vegetables. Sunlight streams in through a window above the sink, casting a warm glow on the goat and the tiled flooring.",,3,1,entity,whole,entity - whole (appliances),Are there appliances? +partiprompts256,"a quaint kitchen space with a small white goat standing amidst the appliances and cabinetry. The cabinets are a pale shade of wood, and the countertops are a matching white, cluttered with various kitchen utensils and a bowl of fresh vegetables. Sunlight streams in through a window above the sink, casting a warm glow on the goat and the tiled flooring.",,4,1,entity,whole,entity - whole (cabinetry),Are there cabinetry? +partiprompts256,"a quaint kitchen space with a small white goat standing amidst the appliances and cabinetry. The cabinets are a pale shade of wood, and the countertops are a matching white, cluttered with various kitchen utensils and a bowl of fresh vegetables. Sunlight streams in through a window above the sink, casting a warm glow on the goat and the tiled flooring.",,5,4,entity,whole,entity - whole (cabinets),Are there cabinets? +partiprompts256,"a quaint kitchen space with a small white goat standing amidst the appliances and cabinetry. The cabinets are a pale shade of wood, and the countertops are a matching white, cluttered with various kitchen utensils and a bowl of fresh vegetables. Sunlight streams in through a window above the sink, casting a warm glow on the goat and the tiled flooring.",,6,1,entity,whole,entity - whole (countertops),Are there countertops? +partiprompts256,"a quaint kitchen space with a small white goat standing amidst the appliances and cabinetry. The cabinets are a pale shade of wood, and the countertops are a matching white, cluttered with various kitchen utensils and a bowl of fresh vegetables. Sunlight streams in through a window above the sink, casting a warm glow on the goat and the tiled flooring.",,7,1,entity,whole,entity - whole (kitchen utensils),Are there kitchen utensils? +partiprompts256,"a quaint kitchen space with a small white goat standing amidst the appliances and cabinetry. The cabinets are a pale shade of wood, and the countertops are a matching white, cluttered with various kitchen utensils and a bowl of fresh vegetables. Sunlight streams in through a window above the sink, casting a warm glow on the goat and the tiled flooring.",,8,1,entity,whole,entity - whole (bowl),Is there a bowl? +partiprompts256,"a quaint kitchen space with a small white goat standing amidst the appliances and cabinetry. The cabinets are a pale shade of wood, and the countertops are a matching white, cluttered with various kitchen utensils and a bowl of fresh vegetables. Sunlight streams in through a window above the sink, casting a warm glow on the goat and the tiled flooring.",,9,1,entity,whole,entity - whole (vegetables),Are there vegetables? +partiprompts256,"a quaint kitchen space with a small white goat standing amidst the appliances and cabinetry. The cabinets are a pale shade of wood, and the countertops are a matching white, cluttered with various kitchen utensils and a bowl of fresh vegetables. Sunlight streams in through a window above the sink, casting a warm glow on the goat and the tiled flooring.",,10,1,entity,whole,entity - whole (window),Is there a window? +partiprompts256,"a quaint kitchen space with a small white goat standing amidst the appliances and cabinetry. The cabinets are a pale shade of wood, and the countertops are a matching white, cluttered with various kitchen utensils and a bowl of fresh vegetables. Sunlight streams in through a window above the sink, casting a warm glow on the goat and the tiled flooring.",,11,1,entity,whole,entity - whole (sink),Is there a sink? +partiprompts256,"a quaint kitchen space with a small white goat standing amidst the appliances and cabinetry. The cabinets are a pale shade of wood, and the countertops are a matching white, cluttered with various kitchen utensils and a bowl of fresh vegetables. Sunlight streams in through a window above the sink, casting a warm glow on the goat and the tiled flooring.",,12,1,entity,whole,entity - whole (flooring),Is there flooring? +partiprompts256,"a quaint kitchen space with a small white goat standing amidst the appliances and cabinetry. The cabinets are a pale shade of wood, and the countertops are a matching white, cluttered with various kitchen utensils and a bowl of fresh vegetables. Sunlight streams in through a window above the sink, casting a warm glow on the goat and the tiled flooring.",,13,2,attribute,size,"attribute - size (goat, small)",Is the goat small? +partiprompts256,"a quaint kitchen space with a small white goat standing amidst the appliances and cabinetry. The cabinets are a pale shade of wood, and the countertops are a matching white, cluttered with various kitchen utensils and a bowl of fresh vegetables. Sunlight streams in through a window above the sink, casting a warm glow on the goat and the tiled flooring.",,14,4,attribute,color,"attribute - color (cabinets, pale wood)",Are the cabinets a pale shade of wood? +partiprompts256,"a quaint kitchen space with a small white goat standing amidst the appliances and cabinetry. The cabinets are a pale shade of wood, and the countertops are a matching white, cluttered with various kitchen utensils and a bowl of fresh vegetables. Sunlight streams in through a window above the sink, casting a warm glow on the goat and the tiled flooring.",,15,6,attribute,color,"attribute - color (countertops, white)",Are the countertops white? +partiprompts256,"a quaint kitchen space with a small white goat standing amidst the appliances and cabinetry. The cabinets are a pale shade of wood, and the countertops are a matching white, cluttered with various kitchen utensils and a bowl of fresh vegetables. Sunlight streams in through a window above the sink, casting a warm glow on the goat and the tiled flooring.",,16,6,attribute,texture,"attribute - texture (countertops, matching)",Are the countertops matching? +partiprompts256,"a quaint kitchen space with a small white goat standing amidst the appliances and cabinetry. The cabinets are a pale shade of wood, and the countertops are a matching white, cluttered with various kitchen utensils and a bowl of fresh vegetables. Sunlight streams in through a window above the sink, casting a warm glow on the goat and the tiled flooring.",,17,12,attribute,texture,"attribute - texture (flooring, tiled)",Is the flooring tiled? +partiprompts256,"a quaint kitchen space with a small white goat standing amidst the appliances and cabinetry. The cabinets are a pale shade of wood, and the countertops are a matching white, cluttered with various kitchen utensils and a bowl of fresh vegetables. Sunlight streams in through a window above the sink, casting a warm glow on the goat and the tiled flooring.",,18,"2,1",relation,spatial,"relation - spatial (goat, kitchen space, amidst)",Is the goat amidst the kitchen space? +partiprompts256,"a quaint kitchen space with a small white goat standing amidst the appliances and cabinetry. The cabinets are a pale shade of wood, and the countertops are a matching white, cluttered with various kitchen utensils and a bowl of fresh vegetables. Sunlight streams in through a window above the sink, casting a warm glow on the goat and the tiled flooring.",,19,"6,1",relation,spatial,"relation - spatial (countertops, cluttered with)",Are the countertops cluttered with kitchen utensils? +partiprompts256,"a quaint kitchen space with a small white goat standing amidst the appliances and cabinetry. The cabinets are a pale shade of wood, and the countertops are a matching white, cluttered with various kitchen utensils and a bowl of fresh vegetables. Sunlight streams in through a window above the sink, casting a warm glow on the goat and the tiled flooring.",,20,1,relation,spatial,"relation - spatial (sunlight, kitchen space, in)",Is sunlight in the kitchen space? +partiprompts256,"a quaint kitchen space with a small white goat standing amidst the appliances and cabinetry. The cabinets are a pale shade of wood, and the countertops are a matching white, cluttered with various kitchen utensils and a bowl of fresh vegetables. Sunlight streams in through a window above the sink, casting a warm glow on the goat and the tiled flooring.",,21,"1,2",relation,spatial,"relation - spatial (sunlight, goat, on)",Is sunlight on the goat? +partiprompts256,"a quaint kitchen space with a small white goat standing amidst the appliances and cabinetry. The cabinets are a pale shade of wood, and the countertops are a matching white, cluttered with various kitchen utensils and a bowl of fresh vegetables. Sunlight streams in through a window above the sink, casting a warm glow on the goat and the tiled flooring.",,22,"1,12",relation,spatial,"relation - spatial (sunlight, flooring, on)",Is sunlight on the flooring? +partiprompts77,"A minimalist graphic with a stark white background featuring a large, vibrant blue circle dominating the center. Below and to the right of the circle, there's a small, emerald green square, providing a stark contrast in both color and shape. The smooth textures of the shapes give the image a clean and modern aesthetic.",,1,0,global,,global - (minimalist graphic),Is this a minimalist graphic? +partiprompts77,"A minimalist graphic with a stark white background featuring a large, vibrant blue circle dominating the center. Below and to the right of the circle, there's a small, emerald green square, providing a stark contrast in both color and shape. The smooth textures of the shapes give the image a clean and modern aesthetic.",,2,1,attribute,color,"attribute - color (background, stark white)",Is the background stark white? +partiprompts77,"A minimalist graphic with a stark white background featuring a large, vibrant blue circle dominating the center. Below and to the right of the circle, there's a small, emerald green square, providing a stark contrast in both color and shape. The smooth textures of the shapes give the image a clean and modern aesthetic.",,3,1,entity,whole,entity - whole (circle),Is there a circle? +partiprompts77,"A minimalist graphic with a stark white background featuring a large, vibrant blue circle dominating the center. Below and to the right of the circle, there's a small, emerald green square, providing a stark contrast in both color and shape. The smooth textures of the shapes give the image a clean and modern aesthetic.",,4,3,attribute,size,"attribute - size (circle, large)",Is the circle large? +partiprompts77,"A minimalist graphic with a stark white background featuring a large, vibrant blue circle dominating the center. Below and to the right of the circle, there's a small, emerald green square, providing a stark contrast in both color and shape. The smooth textures of the shapes give the image a clean and modern aesthetic.",,5,3,attribute,color,"attribute - color (circle, vibrant blue)",Is the circle vibrant blue? +partiprompts77,"A minimalist graphic with a stark white background featuring a large, vibrant blue circle dominating the center. Below and to the right of the circle, there's a small, emerald green square, providing a stark contrast in both color and shape. The smooth textures of the shapes give the image a clean and modern aesthetic.",,6,3,relation,spatial,"relation - spatial (circle, graphic, center)",Is the circle in the center of the graphic? +partiprompts77,"A minimalist graphic with a stark white background featuring a large, vibrant blue circle dominating the center. Below and to the right of the circle, there's a small, emerald green square, providing a stark contrast in both color and shape. The smooth textures of the shapes give the image a clean and modern aesthetic.",,7,1,entity,whole,entity - whole (square),Is there a square? +partiprompts77,"A minimalist graphic with a stark white background featuring a large, vibrant blue circle dominating the center. Below and to the right of the circle, there's a small, emerald green square, providing a stark contrast in both color and shape. The smooth textures of the shapes give the image a clean and modern aesthetic.",,8,7,attribute,size,"attribute - size (square, small)",Is the square small? +partiprompts77,"A minimalist graphic with a stark white background featuring a large, vibrant blue circle dominating the center. Below and to the right of the circle, there's a small, emerald green square, providing a stark contrast in both color and shape. The smooth textures of the shapes give the image a clean and modern aesthetic.",,9,7,attribute,color,"attribute - color (square, emerald green)",Is the square emerald green? +partiprompts77,"A minimalist graphic with a stark white background featuring a large, vibrant blue circle dominating the center. Below and to the right of the circle, there's a small, emerald green square, providing a stark contrast in both color and shape. The smooth textures of the shapes give the image a clean and modern aesthetic.",,10,"3,7",attribute,texture,"attribute - texture (shapes, smooth)",Are the shapes smooth? +partiprompts77,"A minimalist graphic with a stark white background featuring a large, vibrant blue circle dominating the center. Below and to the right of the circle, there's a small, emerald green square, providing a stark contrast in both color and shape. The smooth textures of the shapes give the image a clean and modern aesthetic.",,11,0,global,,global - (clean and modern aesthetic),Does the image have a clean and modern aesthetic? +partiprompts205,"the word 'START' is boldly written in white chalk on a gray concrete sidewalk. the letters are large and slightly smudged at the edges, indicating recent use. to the side of the word, there's a small pile of colorful chalk pieces, and the sidewalk extends into the distance, bordered by a neatly trimmed green lawn.",,1,0,entity,whole,entity - whole (word),Is there a word? +partiprompts205,"the word 'START' is boldly written in white chalk on a gray concrete sidewalk. the letters are large and slightly smudged at the edges, indicating recent use. to the side of the word, there's a small pile of colorful chalk pieces, and the sidewalk extends into the distance, bordered by a neatly trimmed green lawn.",,2,1,attribute,color,"attribute - color (word, white)",Is the word written in white? +partiprompts205,"the word 'START' is boldly written in white chalk on a gray concrete sidewalk. the letters are large and slightly smudged at the edges, indicating recent use. to the side of the word, there's a small pile of colorful chalk pieces, and the sidewalk extends into the distance, bordered by a neatly trimmed green lawn.",,3,1,attribute,texture,"attribute - texture (word, chalk)",Is the word written in chalk? +partiprompts205,"the word 'START' is boldly written in white chalk on a gray concrete sidewalk. the letters are large and slightly smudged at the edges, indicating recent use. to the side of the word, there's a small pile of colorful chalk pieces, and the sidewalk extends into the distance, bordered by a neatly trimmed green lawn.",,4,1,attribute,texture,"attribute - texture (sidewalk, gray concrete)",Is the sidewalk gray concrete? +partiprompts205,"the word 'START' is boldly written in white chalk on a gray concrete sidewalk. the letters are large and slightly smudged at the edges, indicating recent use. to the side of the word, there's a small pile of colorful chalk pieces, and the sidewalk extends into the distance, bordered by a neatly trimmed green lawn.",,5,1,attribute,size,"attribute - size (letters, large)",Are the letters large? +partiprompts205,"the word 'START' is boldly written in white chalk on a gray concrete sidewalk. the letters are large and slightly smudged at the edges, indicating recent use. to the side of the word, there's a small pile of colorful chalk pieces, and the sidewalk extends into the distance, bordered by a neatly trimmed green lawn.",,6,5,attribute,texture,"attribute - texture (letters, slightly smudged)",Are the letters slightly smudged? +partiprompts205,"the word 'START' is boldly written in white chalk on a gray concrete sidewalk. the letters are large and slightly smudged at the edges, indicating recent use. to the side of the word, there's a small pile of colorful chalk pieces, and the sidewalk extends into the distance, bordered by a neatly trimmed green lawn.",,7,5,attribute,other,"attribute - other (letters, recent use)",Do the smudges indicate recent use? +partiprompts205,"the word 'START' is boldly written in white chalk on a gray concrete sidewalk. the letters are large and slightly smudged at the edges, indicating recent use. to the side of the word, there's a small pile of colorful chalk pieces, and the sidewalk extends into the distance, bordered by a neatly trimmed green lawn.",,8,0,entity,whole,entity - whole (chalk pieces),Are there chalk pieces? +partiprompts205,"the word 'START' is boldly written in white chalk on a gray concrete sidewalk. the letters are large and slightly smudged at the edges, indicating recent use. to the side of the word, there's a small pile of colorful chalk pieces, and the sidewalk extends into the distance, bordered by a neatly trimmed green lawn.",,9,8,attribute,size,"attribute - size (chalk pieces, small)",Are the chalk pieces small? +partiprompts205,"the word 'START' is boldly written in white chalk on a gray concrete sidewalk. the letters are large and slightly smudged at the edges, indicating recent use. to the side of the word, there's a small pile of colorful chalk pieces, and the sidewalk extends into the distance, bordered by a neatly trimmed green lawn.",,10,0,attribute,color,"attribute - color (lawn, green)",Is the lawn green? +partiprompts28,"An intricate culinary creation, a map of the United States crafted entirely out of assorted sushi pieces, is displayed on a large, round white plate. The plate sits on a dark wooden table, accompanied by a tall glass of red wine to its right, casting a slight shadow on the polished surface. Each state is represented by a different type of sushi, offering a colorful and textured mosaic of rice, seaweed, and various fish.",,1,0,entity,whole,entity - whole (culinary creation),Is there a culinary creation? +partiprompts28,"An intricate culinary creation, a map of the United States crafted entirely out of assorted sushi pieces, is displayed on a large, round white plate. The plate sits on a dark wooden table, accompanied by a tall glass of red wine to its right, casting a slight shadow on the polished surface. Each state is represented by a different type of sushi, offering a colorful and textured mosaic of rice, seaweed, and various fish.",,2,1,entity,whole,entity - whole (map of the United States),Is there a map of the United States? +partiprompts28,"An intricate culinary creation, a map of the United States crafted entirely out of assorted sushi pieces, is displayed on a large, round white plate. The plate sits on a dark wooden table, accompanied by a tall glass of red wine to its right, casting a slight shadow on the polished surface. Each state is represented by a different type of sushi, offering a colorful and textured mosaic of rice, seaweed, and various fish.",,3,1,entity,whole,entity - whole (sushi pieces),Are there sushi pieces? +partiprompts28,"An intricate culinary creation, a map of the United States crafted entirely out of assorted sushi pieces, is displayed on a large, round white plate. The plate sits on a dark wooden table, accompanied by a tall glass of red wine to its right, casting a slight shadow on the polished surface. Each state is represented by a different type of sushi, offering a colorful and textured mosaic of rice, seaweed, and various fish.",,4,1,entity,whole,entity - whole (plate),Is there a plate? +partiprompts28,"An intricate culinary creation, a map of the United States crafted entirely out of assorted sushi pieces, is displayed on a large, round white plate. The plate sits on a dark wooden table, accompanied by a tall glass of red wine to its right, casting a slight shadow on the polished surface. Each state is represented by a different type of sushi, offering a colorful and textured mosaic of rice, seaweed, and various fish.",,5,0,entity,whole,entity - whole (table),Is there a table? +partiprompts28,"An intricate culinary creation, a map of the United States crafted entirely out of assorted sushi pieces, is displayed on a large, round white plate. The plate sits on a dark wooden table, accompanied by a tall glass of red wine to its right, casting a slight shadow on the polished surface. Each state is represented by a different type of sushi, offering a colorful and textured mosaic of rice, seaweed, and various fish.",,6,0,entity,whole,entity - whole (glass of red wine),Is there a glass of red wine? +partiprompts28,"An intricate culinary creation, a map of the United States crafted entirely out of assorted sushi pieces, is displayed on a large, round white plate. The plate sits on a dark wooden table, accompanied by a tall glass of red wine to its right, casting a slight shadow on the polished surface. Each state is represented by a different type of sushi, offering a colorful and textured mosaic of rice, seaweed, and various fish.",,7,4,attribute,other,"attribute - other (plate, large, round, white)","Is the plate large, round, and white?" +partiprompts28,"An intricate culinary creation, a map of the United States crafted entirely out of assorted sushi pieces, is displayed on a large, round white plate. The plate sits on a dark wooden table, accompanied by a tall glass of red wine to its right, casting a slight shadow on the polished surface. Each state is represented by a different type of sushi, offering a colorful and textured mosaic of rice, seaweed, and various fish.",,8,5,attribute,other,"attribute - other (table, dark, wooden)",Is the table dark and wooden? +partiprompts28,"An intricate culinary creation, a map of the United States crafted entirely out of assorted sushi pieces, is displayed on a large, round white plate. The plate sits on a dark wooden table, accompanied by a tall glass of red wine to its right, casting a slight shadow on the polished surface. Each state is represented by a different type of sushi, offering a colorful and textured mosaic of rice, seaweed, and various fish.",,9,6,attribute,other,"attribute - other (glass of red wine, tall)",Is the glass of red wine tall? +partiprompts28,"An intricate culinary creation, a map of the United States crafted entirely out of assorted sushi pieces, is displayed on a large, round white plate. The plate sits on a dark wooden table, accompanied by a tall glass of red wine to its right, casting a slight shadow on the polished surface. Each state is represented by a different type of sushi, offering a colorful and textured mosaic of rice, seaweed, and various fish.",,10,6,attribute,color,"attribute - color (glass of red wine, red)",Is the glass of red wine red? +partiprompts28,"An intricate culinary creation, a map of the United States crafted entirely out of assorted sushi pieces, is displayed on a large, round white plate. The plate sits on a dark wooden table, accompanied by a tall glass of red wine to its right, casting a slight shadow on the polished surface. Each state is represented by a different type of sushi, offering a colorful and textured mosaic of rice, seaweed, and various fish.",,11,5,attribute,texture,"attribute - texture (table, polished)",Is the table polished? +partiprompts28,"An intricate culinary creation, a map of the United States crafted entirely out of assorted sushi pieces, is displayed on a large, round white plate. The plate sits on a dark wooden table, accompanied by a tall glass of red wine to its right, casting a slight shadow on the polished surface. Each state is represented by a different type of sushi, offering a colorful and textured mosaic of rice, seaweed, and various fish.",,12,"2,4",relation,spatial,"relation - spatial (map of the United States, plate, on)",Is the map of the United States on the plate? +partiprompts28,"An intricate culinary creation, a map of the United States crafted entirely out of assorted sushi pieces, is displayed on a large, round white plate. The plate sits on a dark wooden table, accompanied by a tall glass of red wine to its right, casting a slight shadow on the polished surface. Each state is represented by a different type of sushi, offering a colorful and textured mosaic of rice, seaweed, and various fish.",,13,"4,5",relation,spatial,"relation - spatial (plate, table, on)",Is the plate on the table? +partiprompts28,"An intricate culinary creation, a map of the United States crafted entirely out of assorted sushi pieces, is displayed on a large, round white plate. The plate sits on a dark wooden table, accompanied by a tall glass of red wine to its right, casting a slight shadow on the polished surface. Each state is represented by a different type of sushi, offering a colorful and textured mosaic of rice, seaweed, and various fish.",,14,"6,4",relation,spatial,"relation - spatial (glass of red wine, plate, right)",Is the glass of red wine on the right of the plate? +partiprompts28,"An intricate culinary creation, a map of the United States crafted entirely out of assorted sushi pieces, is displayed on a large, round white plate. The plate sits on a dark wooden table, accompanied by a tall glass of red wine to its right, casting a slight shadow on the polished surface. Each state is represented by a different type of sushi, offering a colorful and textured mosaic of rice, seaweed, and various fish.",,15,"6,5",relation,spatial,"relation - spatial (glass of red wine, table, right)",Is the glass of red wine on the right of the table? +partiprompts28,"An intricate culinary creation, a map of the United States crafted entirely out of assorted sushi pieces, is displayed on a large, round white plate. The plate sits on a dark wooden table, accompanied by a tall glass of red wine to its right, casting a slight shadow on the polished surface. Each state is represented by a different type of sushi, offering a colorful and textured mosaic of rice, seaweed, and various fish.",,16,"6,5",relation,spatial,"relation - spatial (glass of red wine, table, shadow)",Is the glass of red wine casting a shadow on the table? +partiprompts28,"An intricate culinary creation, a map of the United States crafted entirely out of assorted sushi pieces, is displayed on a large, round white plate. The plate sits on a dark wooden table, accompanied by a tall glass of red wine to its right, casting a slight shadow on the polished surface. Each state is represented by a different type of sushi, offering a colorful and textured mosaic of rice, seaweed, and various fish.",,17,"2,3",relation,spatial,"relation - spatial (map of the United States, sushi pieces, out of)",Is the map of the United States crafted out of sushi pieces? +partiprompts28,"An intricate culinary creation, a map of the United States crafted entirely out of assorted sushi pieces, is displayed on a large, round white plate. The plate sits on a dark wooden table, accompanied by a tall glass of red wine to its right, casting a slight shadow on the polished surface. Each state is represented by a different type of sushi, offering a colorful and textured mosaic of rice, seaweed, and various fish.",,18,"3,4",relation,spatial,"relation - spatial (sushi pieces, plate, on)",Are the sushi pieces on the plate? +partiprompts28,"An intricate culinary creation, a map of the United States crafted entirely out of assorted sushi pieces, is displayed on a large, round white plate. The plate sits on a dark wooden table, accompanied by a tall glass of red wine to its right, casting a slight shadow on the polished surface. Each state is represented by a different type of sushi, offering a colorful and textured mosaic of rice, seaweed, and various fish.",,19,"3,2",relation,spatial,"relation - spatial (sushi pieces, map of the United States, represent)",Do the sushi pieces represent each state on the map of the United States? +partiprompts28,"An intricate culinary creation, a map of the United States crafted entirely out of assorted sushi pieces, is displayed on a large, round white plate. The plate sits on a dark wooden table, accompanied by a tall glass of red wine to its right, casting a slight shadow on the polished surface. Each state is represented by a different type of sushi, offering a colorful and textured mosaic of rice, seaweed, and various fish.",,20,3,relation,spatial,"relation - spatial (sushi pieces, mosaic of rice, seaweed, and various fish)","Do the sushi pieces create a mosaic of rice, seaweed, and various fish?" +partiprompts221,"a large commercial airplane with a white and blue fuselage soaring towards a towering cumulus cloud that resembles a monstrous face. The cloud's formation gives the impression of gaping jaws and hollow eyes, casting a whimsical shadow over the landscape below. The airplane's wings reflect the sunlight, creating a stark contrast against the darkening sky around the cloud formation.",,1,0,entity,whole,entity - whole (airplane),Is there a large airplane? +partiprompts221,"a large commercial airplane with a white and blue fuselage soaring towards a towering cumulus cloud that resembles a monstrous face. The cloud's formation gives the impression of gaping jaws and hollow eyes, casting a whimsical shadow over the landscape below. The airplane's wings reflect the sunlight, creating a stark contrast against the darkening sky around the cloud formation.",,2,1,entity,whole,entity - whole (fuselage),Is there a fuselage? +partiprompts221,"a large commercial airplane with a white and blue fuselage soaring towards a towering cumulus cloud that resembles a monstrous face. The cloud's formation gives the impression of gaping jaws and hollow eyes, casting a whimsical shadow over the landscape below. The airplane's wings reflect the sunlight, creating a stark contrast against the darkening sky around the cloud formation.",,3,0,entity,whole,entity - whole (cloud),Is there a cloud? +partiprompts221,"a large commercial airplane with a white and blue fuselage soaring towards a towering cumulus cloud that resembles a monstrous face. The cloud's formation gives the impression of gaping jaws and hollow eyes, casting a whimsical shadow over the landscape below. The airplane's wings reflect the sunlight, creating a stark contrast against the darkening sky around the cloud formation.",,4,3,entity,whole,entity - whole (face),Is there a face? +partiprompts221,"a large commercial airplane with a white and blue fuselage soaring towards a towering cumulus cloud that resembles a monstrous face. The cloud's formation gives the impression of gaping jaws and hollow eyes, casting a whimsical shadow over the landscape below. The airplane's wings reflect the sunlight, creating a stark contrast against the darkening sky around the cloud formation.",,5,3,entity,whole,entity - whole (jaws),Are there jaws? +partiprompts221,"a large commercial airplane with a white and blue fuselage soaring towards a towering cumulus cloud that resembles a monstrous face. The cloud's formation gives the impression of gaping jaws and hollow eyes, casting a whimsical shadow over the landscape below. The airplane's wings reflect the sunlight, creating a stark contrast against the darkening sky around the cloud formation.",,6,3,entity,whole,entity - whole (eyes),Are there eyes? +partiprompts221,"a large commercial airplane with a white and blue fuselage soaring towards a towering cumulus cloud that resembles a monstrous face. The cloud's formation gives the impression of gaping jaws and hollow eyes, casting a whimsical shadow over the landscape below. The airplane's wings reflect the sunlight, creating a stark contrast against the darkening sky around the cloud formation.",,7,3,entity,whole,entity - whole (shadow),Is there a shadow? +partiprompts221,"a large commercial airplane with a white and blue fuselage soaring towards a towering cumulus cloud that resembles a monstrous face. The cloud's formation gives the impression of gaping jaws and hollow eyes, casting a whimsical shadow over the landscape below. The airplane's wings reflect the sunlight, creating a stark contrast against the darkening sky around the cloud formation.",,8,0,entity,whole,entity - whole (landscape),Is there a landscape? +partiprompts221,"a large commercial airplane with a white and blue fuselage soaring towards a towering cumulus cloud that resembles a monstrous face. The cloud's formation gives the impression of gaping jaws and hollow eyes, casting a whimsical shadow over the landscape below. The airplane's wings reflect the sunlight, creating a stark contrast against the darkening sky around the cloud formation.",,9,1,entity,whole,entity - whole (wings),Are there wings? +partiprompts221,"a large commercial airplane with a white and blue fuselage soaring towards a towering cumulus cloud that resembles a monstrous face. The cloud's formation gives the impression of gaping jaws and hollow eyes, casting a whimsical shadow over the landscape below. The airplane's wings reflect the sunlight, creating a stark contrast against the darkening sky around the cloud formation.",,10,0,entity,whole,entity - whole (sunlight),Is there sunlight? +partiprompts221,"a large commercial airplane with a white and blue fuselage soaring towards a towering cumulus cloud that resembles a monstrous face. The cloud's formation gives the impression of gaping jaws and hollow eyes, casting a whimsical shadow over the landscape below. The airplane's wings reflect the sunlight, creating a stark contrast against the darkening sky around the cloud formation.",,11,0,entity,whole,entity - whole (sky),Is there a sky? +partiprompts221,"a large commercial airplane with a white and blue fuselage soaring towards a towering cumulus cloud that resembles a monstrous face. The cloud's formation gives the impression of gaping jaws and hollow eyes, casting a whimsical shadow over the landscape below. The airplane's wings reflect the sunlight, creating a stark contrast against the darkening sky around the cloud formation.",,12,1,attribute,size,"attribute - size (airplane, large)",Is the airplane large? +partiprompts221,"a large commercial airplane with a white and blue fuselage soaring towards a towering cumulus cloud that resembles a monstrous face. The cloud's formation gives the impression of gaping jaws and hollow eyes, casting a whimsical shadow over the landscape below. The airplane's wings reflect the sunlight, creating a stark contrast against the darkening sky around the cloud formation.",,13,2,attribute,color,"attribute - color (fuselage, white)",Is the fuselage white? +partiprompts221,"a large commercial airplane with a white and blue fuselage soaring towards a towering cumulus cloud that resembles a monstrous face. The cloud's formation gives the impression of gaping jaws and hollow eyes, casting a whimsical shadow over the landscape below. The airplane's wings reflect the sunlight, creating a stark contrast against the darkening sky around the cloud formation.",,14,2,attribute,color,"attribute - color (fuselage, blue)",Is the fuselage blue? +partiprompts221,"a large commercial airplane with a white and blue fuselage soaring towards a towering cumulus cloud that resembles a monstrous face. The cloud's formation gives the impression of gaping jaws and hollow eyes, casting a whimsical shadow over the landscape below. The airplane's wings reflect the sunlight, creating a stark contrast against the darkening sky around the cloud formation.",,15,3,attribute,texture,"attribute - texture (cloud, cumulus)",Is the cloud cumulus? +partiprompts221,"a large commercial airplane with a white and blue fuselage soaring towards a towering cumulus cloud that resembles a monstrous face. The cloud's formation gives the impression of gaping jaws and hollow eyes, casting a whimsical shadow over the landscape below. The airplane's wings reflect the sunlight, creating a stark contrast against the darkening sky around the cloud formation.",,16,4,attribute,texture,"attribute - texture (face, monstrous)",Does the face look monstrous? +partiprompts221,"a large commercial airplane with a white and blue fuselage soaring towards a towering cumulus cloud that resembles a monstrous face. The cloud's formation gives the impression of gaping jaws and hollow eyes, casting a whimsical shadow over the landscape below. The airplane's wings reflect the sunlight, creating a stark contrast against the darkening sky around the cloud formation.",,17,5,attribute,texture,"attribute - texture (jaws, gaping)",Do the jaws look gaping? +partiprompts221,"a large commercial airplane with a white and blue fuselage soaring towards a towering cumulus cloud that resembles a monstrous face. The cloud's formation gives the impression of gaping jaws and hollow eyes, casting a whimsical shadow over the landscape below. The airplane's wings reflect the sunlight, creating a stark contrast against the darkening sky around the cloud formation.",,18,6,attribute,texture,"attribute - texture (eyes, hollow)",Do the eyes look hollow? +partiprompts221,"a large commercial airplane with a white and blue fuselage soaring towards a towering cumulus cloud that resembles a monstrous face. The cloud's formation gives the impression of gaping jaws and hollow eyes, casting a whimsical shadow over the landscape below. The airplane's wings reflect the sunlight, creating a stark contrast against the darkening sky around the cloud formation.",,19,7,attribute,texture,"attribute - texture (shadow, whimsical)",Does the shadow look whimsical? +partiprompts221,"a large commercial airplane with a white and blue fuselage soaring towards a towering cumulus cloud that resembles a monstrous face. The cloud's formation gives the impression of gaping jaws and hollow eyes, casting a whimsical shadow over the landscape below. The airplane's wings reflect the sunlight, creating a stark contrast against the darkening sky around the cloud formation.",,20,"1,3",relation,spatial,"relation - spatial (airplane, cloud, towards)",Is the airplane soaring towards the cloud? +partiprompts221,"a large commercial airplane with a white and blue fuselage soaring towards a towering cumulus cloud that resembles a monstrous face. The cloud's formation gives the impression of gaping jaws and hollow eyes, casting a whimsical shadow over the landscape below. The airplane's wings reflect the sunlight, creating a stark contrast against the darkening sky around the cloud formation.",,21,"3,8",relation,spatial,"relation - spatial (cloud, landscape, over)",Is the cloud casting a shadow over the landscape? +partiprompts221,"a large commercial airplane with a white and blue fuselage soaring towards a towering cumulus cloud that resembles a monstrous face. The cloud's formation gives the impression of gaping jaws and hollow eyes, casting a whimsical shadow over the landscape below. The airplane's wings reflect the sunlight, creating a stark contrast against the darkening sky around the cloud formation.",,22,"9,10",relation,spatial,"relation - spatial (wings, sunlight, reflect)",Do the wings reflect the sunlight? +partiprompts221,"a large commercial airplane with a white and blue fuselage soaring towards a towering cumulus cloud that resembles a monstrous face. The cloud's formation gives the impression of gaping jaws and hollow eyes, casting a whimsical shadow over the landscape below. The airplane's wings reflect the sunlight, creating a stark contrast against the darkening sky around the cloud formation.",,23,"9,11",relation,spatial,"relation - spatial (wings, sky, contrast)",Do the wings create a contrast against the darkening sky? +partiprompts146,"A whimsical scene featuring a large red dragon, its scales glistening with a fiery hue, donned in a sleek black tuxedo with a crisp white shirt and a bow tie. The dragon is seated at a wooden table, intently focused on a chessboard where the pieces are intricately designed to resemble miniature robots, each with its own unique metallic finish. The game is set against a backdrop of a stone-walled room, with the dragon's tail casually draped over the edge of its chair.",,1,0,entity,whole,entity - whole (scene),Is there a whimsical scene? +partiprompts146,"A whimsical scene featuring a large red dragon, its scales glistening with a fiery hue, donned in a sleek black tuxedo with a crisp white shirt and a bow tie. The dragon is seated at a wooden table, intently focused on a chessboard where the pieces are intricately designed to resemble miniature robots, each with its own unique metallic finish. The game is set against a backdrop of a stone-walled room, with the dragon's tail casually draped over the edge of its chair.",,2,1,entity,whole,entity - whole (dragon),Is there a dragon? +partiprompts146,"A whimsical scene featuring a large red dragon, its scales glistening with a fiery hue, donned in a sleek black tuxedo with a crisp white shirt and a bow tie. The dragon is seated at a wooden table, intently focused on a chessboard where the pieces are intricately designed to resemble miniature robots, each with its own unique metallic finish. The game is set against a backdrop of a stone-walled room, with the dragon's tail casually draped over the edge of its chair.",,3,2,entity,part,entity - part (dragon's scales),Does the dragon have scales? +partiprompts146,"A whimsical scene featuring a large red dragon, its scales glistening with a fiery hue, donned in a sleek black tuxedo with a crisp white shirt and a bow tie. The dragon is seated at a wooden table, intently focused on a chessboard where the pieces are intricately designed to resemble miniature robots, each with its own unique metallic finish. The game is set against a backdrop of a stone-walled room, with the dragon's tail casually draped over the edge of its chair.",,4,2,entity,part,entity - part (dragon's tuxedo),Does the dragon's scales glisten? +partiprompts146,"A whimsical scene featuring a large red dragon, its scales glistening with a fiery hue, donned in a sleek black tuxedo with a crisp white shirt and a bow tie. The dragon is seated at a wooden table, intently focused on a chessboard where the pieces are intricately designed to resemble miniature robots, each with its own unique metallic finish. The game is set against a backdrop of a stone-walled room, with the dragon's tail casually draped over the edge of its chair.",,5,2,entity,part,entity - part (dragon's shirt),Is the dragon wearing a tuxedo? +partiprompts146,"A whimsical scene featuring a large red dragon, its scales glistening with a fiery hue, donned in a sleek black tuxedo with a crisp white shirt and a bow tie. The dragon is seated at a wooden table, intently focused on a chessboard where the pieces are intricately designed to resemble miniature robots, each with its own unique metallic finish. The game is set against a backdrop of a stone-walled room, with the dragon's tail casually draped over the edge of its chair.",,6,2,entity,part,entity - part (dragon's bow tie),Is the dragon's tuxedo black? +partiprompts146,"A whimsical scene featuring a large red dragon, its scales glistening with a fiery hue, donned in a sleek black tuxedo with a crisp white shirt and a bow tie. The dragon is seated at a wooden table, intently focused on a chessboard where the pieces are intricately designed to resemble miniature robots, each with its own unique metallic finish. The game is set against a backdrop of a stone-walled room, with the dragon's tail casually draped over the edge of its chair.",,7,1,entity,whole,entity - whole (table),Is the dragon wearing a shirt? +partiprompts146,"A whimsical scene featuring a large red dragon, its scales glistening with a fiery hue, donned in a sleek black tuxedo with a crisp white shirt and a bow tie. The dragon is seated at a wooden table, intently focused on a chessboard where the pieces are intricately designed to resemble miniature robots, each with its own unique metallic finish. The game is set against a backdrop of a stone-walled room, with the dragon's tail casually draped over the edge of its chair.",,8,1,entity,whole,entity - whole (chessboard),Is the dragon wearing a bow tie? +partiprompts146,"A whimsical scene featuring a large red dragon, its scales glistening with a fiery hue, donned in a sleek black tuxedo with a crisp white shirt and a bow tie. The dragon is seated at a wooden table, intently focused on a chessboard where the pieces are intricately designed to resemble miniature robots, each with its own unique metallic finish. The game is set against a backdrop of a stone-walled room, with the dragon's tail casually draped over the edge of its chair.",,9,8,entity,whole,entity - whole (pieces),Is there a table? +partiprompts146,"A whimsical scene featuring a large red dragon, its scales glistening with a fiery hue, donned in a sleek black tuxedo with a crisp white shirt and a bow tie. The dragon is seated at a wooden table, intently focused on a chessboard where the pieces are intricately designed to resemble miniature robots, each with its own unique metallic finish. The game is set against a backdrop of a stone-walled room, with the dragon's tail casually draped over the edge of its chair.",,10,9,entity,whole,entity - whole (robots),Is there a chessboard? +partiprompts146,"A whimsical scene featuring a large red dragon, its scales glistening with a fiery hue, donned in a sleek black tuxedo with a crisp white shirt and a bow tie. The dragon is seated at a wooden table, intently focused on a chessboard where the pieces are intricately designed to resemble miniature robots, each with its own unique metallic finish. The game is set against a backdrop of a stone-walled room, with the dragon's tail casually draped over the edge of its chair.",,11,3,attribute,color,"attribute - color (dragon's scales, red)",Are the dragon's scales red? +partiprompts146,"A whimsical scene featuring a large red dragon, its scales glistening with a fiery hue, donned in a sleek black tuxedo with a crisp white shirt and a bow tie. The dragon is seated at a wooden table, intently focused on a chessboard where the pieces are intricately designed to resemble miniature robots, each with its own unique metallic finish. The game is set against a backdrop of a stone-walled room, with the dragon's tail casually draped over the edge of its chair.",,12,4,attribute,color,"attribute - color (dragon's tuxedo, black)",Is the dragon's tuxedo black? +partiprompts146,"A whimsical scene featuring a large red dragon, its scales glistening with a fiery hue, donned in a sleek black tuxedo with a crisp white shirt and a bow tie. The dragon is seated at a wooden table, intently focused on a chessboard where the pieces are intricately designed to resemble miniature robots, each with its own unique metallic finish. The game is set against a backdrop of a stone-walled room, with the dragon's tail casually draped over the edge of its chair.",,13,5,attribute,color,"attribute - color (dragon's shirt, white)",Is the dragon's shirt white? +partiprompts146,"A whimsical scene featuring a large red dragon, its scales glistening with a fiery hue, donned in a sleek black tuxedo with a crisp white shirt and a bow tie. The dragon is seated at a wooden table, intently focused on a chessboard where the pieces are intricately designed to resemble miniature robots, each with its own unique metallic finish. The game is set against a backdrop of a stone-walled room, with the dragon's tail casually draped over the edge of its chair.",,14,3,attribute,texture,"attribute - texture (dragon's scales, glistening)",Are the dragon's scales glistening? +partiprompts146,"A whimsical scene featuring a large red dragon, its scales glistening with a fiery hue, donned in a sleek black tuxedo with a crisp white shirt and a bow tie. The dragon is seated at a wooden table, intently focused on a chessboard where the pieces are intricately designed to resemble miniature robots, each with its own unique metallic finish. The game is set against a backdrop of a stone-walled room, with the dragon's tail casually draped over the edge of its chair.",,15,9,attribute,texture,"attribute - texture (pieces, metallic)",Are the chessboard pieces metallic? +partiprompts146,"A whimsical scene featuring a large red dragon, its scales glistening with a fiery hue, donned in a sleek black tuxedo with a crisp white shirt and a bow tie. The dragon is seated at a wooden table, intently focused on a chessboard where the pieces are intricately designed to resemble miniature robots, each with its own unique metallic finish. The game is set against a backdrop of a stone-walled room, with the dragon's tail casually draped over the edge of its chair.",,16,10,attribute,other,"attribute - other (robots, miniature)",Are the robots miniature? +partiprompts146,"A whimsical scene featuring a large red dragon, its scales glistening with a fiery hue, donned in a sleek black tuxedo with a crisp white shirt and a bow tie. The dragon is seated at a wooden table, intently focused on a chessboard where the pieces are intricately designed to resemble miniature robots, each with its own unique metallic finish. The game is set against a backdrop of a stone-walled room, with the dragon's tail casually draped over the edge of its chair.",,17,"2,7",relation,spatial,"relation - spatial (dragon, table, at)",Is the dragon at the table? +partiprompts146,"A whimsical scene featuring a large red dragon, its scales glistening with a fiery hue, donned in a sleek black tuxedo with a crisp white shirt and a bow tie. The dragon is seated at a wooden table, intently focused on a chessboard where the pieces are intricately designed to resemble miniature robots, each with its own unique metallic finish. The game is set against a backdrop of a stone-walled room, with the dragon's tail casually draped over the edge of its chair.",,18,"2,8",relation,spatial,"relation - spatial (dragon, chessboard, on)",Is the dragon on the chessboard? +partiprompts146,"A whimsical scene featuring a large red dragon, its scales glistening with a fiery hue, donned in a sleek black tuxedo with a crisp white shirt and a bow tie. The dragon is seated at a wooden table, intently focused on a chessboard where the pieces are intricately designed to resemble miniature robots, each with its own unique metallic finish. The game is set against a backdrop of a stone-walled room, with the dragon's tail casually draped over the edge of its chair.",,19,"9,8",relation,spatial,"relation - spatial (pieces, chessboard, on)",Are the pieces on the chessboard? +partiprompts146,"A whimsical scene featuring a large red dragon, its scales glistening with a fiery hue, donned in a sleek black tuxedo with a crisp white shirt and a bow tie. The dragon is seated at a wooden table, intently focused on a chessboard where the pieces are intricately designed to resemble miniature robots, each with its own unique metallic finish. The game is set against a backdrop of a stone-walled room, with the dragon's tail casually draped over the edge of its chair.",,20,"2,7",relation,spatial,"relation - spatial (dragon, chair, seated)",Is the dragon seated on a chair? +partiprompts146,"A whimsical scene featuring a large red dragon, its scales glistening with a fiery hue, donned in a sleek black tuxedo with a crisp white shirt and a bow tie. The dragon is seated at a wooden table, intently focused on a chessboard where the pieces are intricately designed to resemble miniature robots, each with its own unique metallic finish. The game is set against a backdrop of a stone-walled room, with the dragon's tail casually draped over the edge of its chair.",,21,"2,7",relation,spatial,"relation - spatial (dragon's tail, chair, draped over)",Is the dragon's tail draped over the chair? +286,"Under the soft hues of twilight, a standard black stapler can be seen next to a robust, orange and metallic chainsaw. Both items are cast in the gentle light, creating elongated shadows on the ground beneath them. The textures are distinctly different - the stapler's smooth, plastic finish contrasts sharply with the rugged, seemingly worn appearance of the chainsaw. They sit unusually together on a patch of grass still holding onto the day's warmth.",,1,0,entity,whole,entity - whole (stapler),Is there a stapler? +286,"Under the soft hues of twilight, a standard black stapler can be seen next to a robust, orange and metallic chainsaw. Both items are cast in the gentle light, creating elongated shadows on the ground beneath them. The textures are distinctly different - the stapler's smooth, plastic finish contrasts sharply with the rugged, seemingly worn appearance of the chainsaw. They sit unusually together on a patch of grass still holding onto the day's warmth.",,2,0,entity,whole,entity - whole (chainsaw),Is there a chainsaw? +286,"Under the soft hues of twilight, a standard black stapler can be seen next to a robust, orange and metallic chainsaw. Both items are cast in the gentle light, creating elongated shadows on the ground beneath them. The textures are distinctly different - the stapler's smooth, plastic finish contrasts sharply with the rugged, seemingly worn appearance of the chainsaw. They sit unusually together on a patch of grass still holding onto the day's warmth.",,3,1,entity,part,entity - part (stapler's finish),Does the stapler have a finish? +286,"Under the soft hues of twilight, a standard black stapler can be seen next to a robust, orange and metallic chainsaw. Both items are cast in the gentle light, creating elongated shadows on the ground beneath them. The textures are distinctly different - the stapler's smooth, plastic finish contrasts sharply with the rugged, seemingly worn appearance of the chainsaw. They sit unusually together on a patch of grass still holding onto the day's warmth.",,4,2,entity,part,entity - part (chainsaw's appearance),Does the chainsaw have an appearance? +286,"Under the soft hues of twilight, a standard black stapler can be seen next to a robust, orange and metallic chainsaw. Both items are cast in the gentle light, creating elongated shadows on the ground beneath them. The textures are distinctly different - the stapler's smooth, plastic finish contrasts sharply with the rugged, seemingly worn appearance of the chainsaw. They sit unusually together on a patch of grass still holding onto the day's warmth.",,5,1,attribute,color,"attribute - color (stapler, black)",Is the stapler black? +286,"Under the soft hues of twilight, a standard black stapler can be seen next to a robust, orange and metallic chainsaw. Both items are cast in the gentle light, creating elongated shadows on the ground beneath them. The textures are distinctly different - the stapler's smooth, plastic finish contrasts sharply with the rugged, seemingly worn appearance of the chainsaw. They sit unusually together on a patch of grass still holding onto the day's warmth.",,6,2,attribute,color,"attribute - color (chainsaw, orange)",Is the chainsaw orange? +286,"Under the soft hues of twilight, a standard black stapler can be seen next to a robust, orange and metallic chainsaw. Both items are cast in the gentle light, creating elongated shadows on the ground beneath them. The textures are distinctly different - the stapler's smooth, plastic finish contrasts sharply with the rugged, seemingly worn appearance of the chainsaw. They sit unusually together on a patch of grass still holding onto the day's warmth.",,7,3,attribute,texture,"attribute - texture (stapler's finish, smooth plastic)",Is the stapler's finish smooth plastic? +286,"Under the soft hues of twilight, a standard black stapler can be seen next to a robust, orange and metallic chainsaw. Both items are cast in the gentle light, creating elongated shadows on the ground beneath them. The textures are distinctly different - the stapler's smooth, plastic finish contrasts sharply with the rugged, seemingly worn appearance of the chainsaw. They sit unusually together on a patch of grass still holding onto the day's warmth.",,8,4,attribute,texture,"attribute - texture (chainsaw's appearance, rugged worn)",Does the chainsaw have a rugged and worn appearance? +286,"Under the soft hues of twilight, a standard black stapler can be seen next to a robust, orange and metallic chainsaw. Both items are cast in the gentle light, creating elongated shadows on the ground beneath them. The textures are distinctly different - the stapler's smooth, plastic finish contrasts sharply with the rugged, seemingly worn appearance of the chainsaw. They sit unusually together on a patch of grass still holding onto the day's warmth.",,9,2,attribute,other,"attribute - other (chainsaw, metallic)",Is the chainsaw metallic? +286,"Under the soft hues of twilight, a standard black stapler can be seen next to a robust, orange and metallic chainsaw. Both items are cast in the gentle light, creating elongated shadows on the ground beneath them. The textures are distinctly different - the stapler's smooth, plastic finish contrasts sharply with the rugged, seemingly worn appearance of the chainsaw. They sit unusually together on a patch of grass still holding onto the day's warmth.",,10,"1,2",relation,spatial,"relation - spatial (stapler, chainsaw, next to)",Is the stapler next to the chainsaw? +23,"A vivid pair of crimson, round headphones rests on the smooth surface of a transparent glass table. The glass reflects the gentle glow of the dim morning light, which filters through a nearby window. Around the headphones, there's a scattering of paper and pens, hinting at a quiet workspace that is not currently in use.",,1,0,entity,whole,entity - whole (headphones),Are there headphones? +23,"A vivid pair of crimson, round headphones rests on the smooth surface of a transparent glass table. The glass reflects the gentle glow of the dim morning light, which filters through a nearby window. Around the headphones, there's a scattering of paper and pens, hinting at a quiet workspace that is not currently in use.",,2,0,entity,whole,entity - whole (table),Is there a table? +23,"A vivid pair of crimson, round headphones rests on the smooth surface of a transparent glass table. The glass reflects the gentle glow of the dim morning light, which filters through a nearby window. Around the headphones, there's a scattering of paper and pens, hinting at a quiet workspace that is not currently in use.",,3,1,attribute,color,"attribute - color (headphones, crimson)",Are the headphones crimson? +23,"A vivid pair of crimson, round headphones rests on the smooth surface of a transparent glass table. The glass reflects the gentle glow of the dim morning light, which filters through a nearby window. Around the headphones, there's a scattering of paper and pens, hinting at a quiet workspace that is not currently in use.",,4,1,attribute,shape,"attribute - shape (headphones, round)",Are the headphones round? +23,"A vivid pair of crimson, round headphones rests on the smooth surface of a transparent glass table. The glass reflects the gentle glow of the dim morning light, which filters through a nearby window. Around the headphones, there's a scattering of paper and pens, hinting at a quiet workspace that is not currently in use.",,5,2,attribute,texture,"attribute - texture (table, smooth)",Is the surface of the table smooth? +23,"A vivid pair of crimson, round headphones rests on the smooth surface of a transparent glass table. The glass reflects the gentle glow of the dim morning light, which filters through a nearby window. Around the headphones, there's a scattering of paper and pens, hinting at a quiet workspace that is not currently in use.",,6,2,attribute,texture,"attribute - texture (table, transparent glass)",Is the table made of transparent glass? +23,"A vivid pair of crimson, round headphones rests on the smooth surface of a transparent glass table. The glass reflects the gentle glow of the dim morning light, which filters through a nearby window. Around the headphones, there's a scattering of paper and pens, hinting at a quiet workspace that is not currently in use.",,7,0,attribute,texture,"attribute - texture (light, dim morning)",Does the light have the gentle glow of the dim morning? +23,"A vivid pair of crimson, round headphones rests on the smooth surface of a transparent glass table. The glass reflects the gentle glow of the dim morning light, which filters through a nearby window. Around the headphones, there's a scattering of paper and pens, hinting at a quiet workspace that is not currently in use.",,8,2,entity,state,"entity - state (table, not in use, workspace)",Is the workspace currently not in use? +23,"A vivid pair of crimson, round headphones rests on the smooth surface of a transparent glass table. The glass reflects the gentle glow of the dim morning light, which filters through a nearby window. Around the headphones, there's a scattering of paper and pens, hinting at a quiet workspace that is not currently in use.",,9,"1,2",relation,spatial,"relation - spatial (headphones, table, on)",Are the headphones resting on the table? +23,"A vivid pair of crimson, round headphones rests on the smooth surface of a transparent glass table. The glass reflects the gentle glow of the dim morning light, which filters through a nearby window. Around the headphones, there's a scattering of paper and pens, hinting at a quiet workspace that is not currently in use.",,10,1,relation,spatial,"relation - spatial (paper and pens, headphones, around)",Are paper and pens scattered around the headphones? +226,"On a worn-out stretch of city pavement, a bent, brown cigar lies discarded, its rough texture contrasting against the dull gray concrete. Nearby, a rust-covered key with intricate grooves rests haphazardly, hinting at long-forgotten locks and doors. The pavement's surface is littered with small pebbles and debris, telling tales of the bustling urban life that treads over it each day.",,1,0,entity,whole,entity - whole (cigar),Is there a cigar? +226,"On a worn-out stretch of city pavement, a bent, brown cigar lies discarded, its rough texture contrasting against the dull gray concrete. Nearby, a rust-covered key with intricate grooves rests haphazardly, hinting at long-forgotten locks and doors. The pavement's surface is littered with small pebbles and debris, telling tales of the bustling urban life that treads over it each day.",,2,0,entity,whole,entity - whole (key),Is there a key? +226,"On a worn-out stretch of city pavement, a bent, brown cigar lies discarded, its rough texture contrasting against the dull gray concrete. Nearby, a rust-covered key with intricate grooves rests haphazardly, hinting at long-forgotten locks and doors. The pavement's surface is littered with small pebbles and debris, telling tales of the bustling urban life that treads over it each day.",,3,0,entity,whole,entity - whole (pavement),Is there a pavement? +226,"On a worn-out stretch of city pavement, a bent, brown cigar lies discarded, its rough texture contrasting against the dull gray concrete. Nearby, a rust-covered key with intricate grooves rests haphazardly, hinting at long-forgotten locks and doors. The pavement's surface is littered with small pebbles and debris, telling tales of the bustling urban life that treads over it each day.",,4,1,attribute,color,"attribute - color (cigar, brown)",Is the cigar brown? +226,"On a worn-out stretch of city pavement, a bent, brown cigar lies discarded, its rough texture contrasting against the dull gray concrete. Nearby, a rust-covered key with intricate grooves rests haphazardly, hinting at long-forgotten locks and doors. The pavement's surface is littered with small pebbles and debris, telling tales of the bustling urban life that treads over it each day.",,5,3,attribute,color,"attribute - color (pavement, dull gray)",Is the pavement dull gray? +226,"On a worn-out stretch of city pavement, a bent, brown cigar lies discarded, its rough texture contrasting against the dull gray concrete. Nearby, a rust-covered key with intricate grooves rests haphazardly, hinting at long-forgotten locks and doors. The pavement's surface is littered with small pebbles and debris, telling tales of the bustling urban life that treads over it each day.",,6,1,attribute,texture,"attribute - texture (cigar, rough)",Is the cigar's texture rough? +226,"On a worn-out stretch of city pavement, a bent, brown cigar lies discarded, its rough texture contrasting against the dull gray concrete. Nearby, a rust-covered key with intricate grooves rests haphazardly, hinting at long-forgotten locks and doors. The pavement's surface is littered with small pebbles and debris, telling tales of the bustling urban life that treads over it each day.",,7,2,attribute,texture,"attribute - texture (key, rust-covered)",Does the key have a rust-covered texture? +226,"On a worn-out stretch of city pavement, a bent, brown cigar lies discarded, its rough texture contrasting against the dull gray concrete. Nearby, a rust-covered key with intricate grooves rests haphazardly, hinting at long-forgotten locks and doors. The pavement's surface is littered with small pebbles and debris, telling tales of the bustling urban life that treads over it each day.",,8,1,attribute,shape,"attribute - shape (cigar, bent)",Is the cigar bent? +226,"On a worn-out stretch of city pavement, a bent, brown cigar lies discarded, its rough texture contrasting against the dull gray concrete. Nearby, a rust-covered key with intricate grooves rests haphazardly, hinting at long-forgotten locks and doors. The pavement's surface is littered with small pebbles and debris, telling tales of the bustling urban life that treads over it each day.",,9,3,attribute,texture,"attribute - texture (pavement, worn-out)",Is the pavement worn-out? +226,"On a worn-out stretch of city pavement, a bent, brown cigar lies discarded, its rough texture contrasting against the dull gray concrete. Nearby, a rust-covered key with intricate grooves rests haphazardly, hinting at long-forgotten locks and doors. The pavement's surface is littered with small pebbles and debris, telling tales of the bustling urban life that treads over it each day.",,10,"1,3",relation,spatial,"relation - spatial (cigar, pavement, on)",Does the cigar lie on the pavement? +239,"In the quiet of the evening, a clean, square tissue box with a floral pattern rests atop a folding table beside a pair of modern, metallic washing and drying machines. The laundry room is brightly illuminated, highlighting the soft blue hue of the machines and the sparkling cleanliness of their chrome accents. Along the wall, rows of wooden shelves hold neatly folded towels and various cleaning supplies.",,1,0,entity,whole,entity - whole (tissue box),Is there a tissue box? +239,"In the quiet of the evening, a clean, square tissue box with a floral pattern rests atop a folding table beside a pair of modern, metallic washing and drying machines. The laundry room is brightly illuminated, highlighting the soft blue hue of the machines and the sparkling cleanliness of their chrome accents. Along the wall, rows of wooden shelves hold neatly folded towels and various cleaning supplies.",,2,0,entity,whole,entity - whole (folding table),Is there a folding table? +239,"In the quiet of the evening, a clean, square tissue box with a floral pattern rests atop a folding table beside a pair of modern, metallic washing and drying machines. The laundry room is brightly illuminated, highlighting the soft blue hue of the machines and the sparkling cleanliness of their chrome accents. Along the wall, rows of wooden shelves hold neatly folded towels and various cleaning supplies.",,3,0,entity,whole,entity - whole (washing machine),Is there a washing machine? +239,"In the quiet of the evening, a clean, square tissue box with a floral pattern rests atop a folding table beside a pair of modern, metallic washing and drying machines. The laundry room is brightly illuminated, highlighting the soft blue hue of the machines and the sparkling cleanliness of their chrome accents. Along the wall, rows of wooden shelves hold neatly folded towels and various cleaning supplies.",,4,0,entity,whole,entity - whole (drying machine),Is there a drying machine? +239,"In the quiet of the evening, a clean, square tissue box with a floral pattern rests atop a folding table beside a pair of modern, metallic washing and drying machines. The laundry room is brightly illuminated, highlighting the soft blue hue of the machines and the sparkling cleanliness of their chrome accents. Along the wall, rows of wooden shelves hold neatly folded towels and various cleaning supplies.",,5,0,entity,whole,entity - whole (laundry room),Is there a laundry room? +239,"In the quiet of the evening, a clean, square tissue box with a floral pattern rests atop a folding table beside a pair of modern, metallic washing and drying machines. The laundry room is brightly illuminated, highlighting the soft blue hue of the machines and the sparkling cleanliness of their chrome accents. Along the wall, rows of wooden shelves hold neatly folded towels and various cleaning supplies.",,6,1,attribute,other,"attribute - other (tissue box, square)",Is the tissue box square? +239,"In the quiet of the evening, a clean, square tissue box with a floral pattern rests atop a folding table beside a pair of modern, metallic washing and drying machines. The laundry room is brightly illuminated, highlighting the soft blue hue of the machines and the sparkling cleanliness of their chrome accents. Along the wall, rows of wooden shelves hold neatly folded towels and various cleaning supplies.",,7,1,attribute,texture,"attribute - texture (tissue box, floral pattern)",Does the tissue box have a floral pattern? +239,"In the quiet of the evening, a clean, square tissue box with a floral pattern rests atop a folding table beside a pair of modern, metallic washing and drying machines. The laundry room is brightly illuminated, highlighting the soft blue hue of the machines and the sparkling cleanliness of their chrome accents. Along the wall, rows of wooden shelves hold neatly folded towels and various cleaning supplies.",,8,"3,4",attribute,color,"attribute - color (machines, soft blue)",Do the machines have a soft blue hue? +239,"In the quiet of the evening, a clean, square tissue box with a floral pattern rests atop a folding table beside a pair of modern, metallic washing and drying machines. The laundry room is brightly illuminated, highlighting the soft blue hue of the machines and the sparkling cleanliness of their chrome accents. Along the wall, rows of wooden shelves hold neatly folded towels and various cleaning supplies.",,9,"3,4",attribute,texture,"attribute - texture (machines, metallic)",Are the machines metallic? +239,"In the quiet of the evening, a clean, square tissue box with a floral pattern rests atop a folding table beside a pair of modern, metallic washing and drying machines. The laundry room is brightly illuminated, highlighting the soft blue hue of the machines and the sparkling cleanliness of their chrome accents. Along the wall, rows of wooden shelves hold neatly folded towels and various cleaning supplies.",,10,"3,4",attribute,texture,"attribute - texture (machines' accents, chrome)",Are the accents on the machines chrome? +239,"In the quiet of the evening, a clean, square tissue box with a floral pattern rests atop a folding table beside a pair of modern, metallic washing and drying machines. The laundry room is brightly illuminated, highlighting the soft blue hue of the machines and the sparkling cleanliness of their chrome accents. Along the wall, rows of wooden shelves hold neatly folded towels and various cleaning supplies.",,11,5,entity,part,entity - part (laundry room's shelves),Does the laundry room have shelves? +239,"In the quiet of the evening, a clean, square tissue box with a floral pattern rests atop a folding table beside a pair of modern, metallic washing and drying machines. The laundry room is brightly illuminated, highlighting the soft blue hue of the machines and the sparkling cleanliness of their chrome accents. Along the wall, rows of wooden shelves hold neatly folded towels and various cleaning supplies.",,12,0,entity,state,"entity - state (towels, folded)",Are the towels neatly folded? +239,"In the quiet of the evening, a clean, square tissue box with a floral pattern rests atop a folding table beside a pair of modern, metallic washing and drying machines. The laundry room is brightly illuminated, highlighting the soft blue hue of the machines and the sparkling cleanliness of their chrome accents. Along the wall, rows of wooden shelves hold neatly folded towels and various cleaning supplies.",,13,"1,2",relation,spatial,"relation - spatial (tissue box, folding table, atop)",Is the tissue box atop the folding table? +239,"In the quiet of the evening, a clean, square tissue box with a floral pattern rests atop a folding table beside a pair of modern, metallic washing and drying machines. The laundry room is brightly illuminated, highlighting the soft blue hue of the machines and the sparkling cleanliness of their chrome accents. Along the wall, rows of wooden shelves hold neatly folded towels and various cleaning supplies.",,14,"3,4",relation,non-spatial,"relation - non-spatial (washing machine, drying machine, pair of)",Are the washing and drying machines a pair? +239,"In the quiet of the evening, a clean, square tissue box with a floral pattern rests atop a folding table beside a pair of modern, metallic washing and drying machines. The laundry room is brightly illuminated, highlighting the soft blue hue of the machines and the sparkling cleanliness of their chrome accents. Along the wall, rows of wooden shelves hold neatly folded towels and various cleaning supplies.",,15,"2,3",relation,spatial,"relation - spatial (folding table, washing machine, beside)",Is the folding table beside the washing machine? +239,"In the quiet of the evening, a clean, square tissue box with a floral pattern rests atop a folding table beside a pair of modern, metallic washing and drying machines. The laundry room is brightly illuminated, highlighting the soft blue hue of the machines and the sparkling cleanliness of their chrome accents. Along the wall, rows of wooden shelves hold neatly folded towels and various cleaning supplies.",,16,"2,4",relation,spatial,"relation - spatial (folding table, drying machine, beside)",Is the folding table beside the drying machine? +239,"In the quiet of the evening, a clean, square tissue box with a floral pattern rests atop a folding table beside a pair of modern, metallic washing and drying machines. The laundry room is brightly illuminated, highlighting the soft blue hue of the machines and the sparkling cleanliness of their chrome accents. Along the wall, rows of wooden shelves hold neatly folded towels and various cleaning supplies.",,17,"5,11",relation,spatial,"relation - spatial (shelves, wall, along)",Are the shelves along the wall? +41,"Five red fire trucks sit parked in a semi-circle amidst a dense blanket of gray early morning fog enveloping the area. Each truck is equipped with ladders, hoses, and flashing emergency lights that pierce through the mist. The area surrounding the trucks is clear and spacious, suggesting an open field or wide street, allowing for quick movement in case an emergency call comes in.",,1,0,entity,whole,entity - whole (fire trucks),Are there fire trucks? +41,"Five red fire trucks sit parked in a semi-circle amidst a dense blanket of gray early morning fog enveloping the area. Each truck is equipped with ladders, hoses, and flashing emergency lights that pierce through the mist. The area surrounding the trucks is clear and spacious, suggesting an open field or wide street, allowing for quick movement in case an emergency call comes in.",,2,1,other,count,"other - count (fire trucks, ==5)",Are there five fire trucks? +41,"Five red fire trucks sit parked in a semi-circle amidst a dense blanket of gray early morning fog enveloping the area. Each truck is equipped with ladders, hoses, and flashing emergency lights that pierce through the mist. The area surrounding the trucks is clear and spacious, suggesting an open field or wide street, allowing for quick movement in case an emergency call comes in.",,3,1,attribute,color,"attribute - color (fire trucks, red)",Are the fire trucks red? +41,"Five red fire trucks sit parked in a semi-circle amidst a dense blanket of gray early morning fog enveloping the area. Each truck is equipped with ladders, hoses, and flashing emergency lights that pierce through the mist. The area surrounding the trucks is clear and spacious, suggesting an open field or wide street, allowing for quick movement in case an emergency call comes in.",,4,1,entity,part,entity - part (fire trucks' ladders),Do the fire trucks have ladders? +41,"Five red fire trucks sit parked in a semi-circle amidst a dense blanket of gray early morning fog enveloping the area. Each truck is equipped with ladders, hoses, and flashing emergency lights that pierce through the mist. The area surrounding the trucks is clear and spacious, suggesting an open field or wide street, allowing for quick movement in case an emergency call comes in.",,5,1,entity,part,entity - part (fire trucks' hoses),Do the fire trucks have hoses? +41,"Five red fire trucks sit parked in a semi-circle amidst a dense blanket of gray early morning fog enveloping the area. Each truck is equipped with ladders, hoses, and flashing emergency lights that pierce through the mist. The area surrounding the trucks is clear and spacious, suggesting an open field or wide street, allowing for quick movement in case an emergency call comes in.",,6,1,entity,part,entity - part (fire trucks' emergency lights),Do the fire trucks have emergency lights? +41,"Five red fire trucks sit parked in a semi-circle amidst a dense blanket of gray early morning fog enveloping the area. Each truck is equipped with ladders, hoses, and flashing emergency lights that pierce through the mist. The area surrounding the trucks is clear and spacious, suggesting an open field or wide street, allowing for quick movement in case an emergency call comes in.",,7,1,entity,state,"entity - state (fire trucks, parked)",Are the fire trucks parked? +41,"Five red fire trucks sit parked in a semi-circle amidst a dense blanket of gray early morning fog enveloping the area. Each truck is equipped with ladders, hoses, and flashing emergency lights that pierce through the mist. The area surrounding the trucks is clear and spacious, suggesting an open field or wide street, allowing for quick movement in case an emergency call comes in.",,8,"1,6",entity,state,"entity - state (fire trucks, emergency lights, flashing)",Are the emergency lights on the fire trucks flashing? +41,"Five red fire trucks sit parked in a semi-circle amidst a dense blanket of gray early morning fog enveloping the area. Each truck is equipped with ladders, hoses, and flashing emergency lights that pierce through the mist. The area surrounding the trucks is clear and spacious, suggesting an open field or wide street, allowing for quick movement in case an emergency call comes in.",,9,0,attribute,texture,"attribute - texture (area, fog, dense)",Is the area enveloped in a dense fog? +41,"Five red fire trucks sit parked in a semi-circle amidst a dense blanket of gray early morning fog enveloping the area. Each truck is equipped with ladders, hoses, and flashing emergency lights that pierce through the mist. The area surrounding the trucks is clear and spacious, suggesting an open field or wide street, allowing for quick movement in case an emergency call comes in.",,10,9,attribute,color,"attribute - color (fog, gray)",Is the fog gray? +298,"A quaint scene unfolds on a polished wooden table, drenched in the warm glow of the afternoon sun, where a quintet of deep purple, woven baskets with a round shape is meticulously arranged. Each basket cradles a square, rich crimson wallet that stands out against the violet hues. Delicate shadows cast by the baskets and wallets dance upon the table, accentuating their colors and contours in the sunlight.",,1,0,entity,whole,entity - whole (scene),Is there a scene? +298,"A quaint scene unfolds on a polished wooden table, drenched in the warm glow of the afternoon sun, where a quintet of deep purple, woven baskets with a round shape is meticulously arranged. Each basket cradles a square, rich crimson wallet that stands out against the violet hues. Delicate shadows cast by the baskets and wallets dance upon the table, accentuating their colors and contours in the sunlight.",,2,0,entity,whole,entity - whole (table),Is there a table? +298,"A quaint scene unfolds on a polished wooden table, drenched in the warm glow of the afternoon sun, where a quintet of deep purple, woven baskets with a round shape is meticulously arranged. Each basket cradles a square, rich crimson wallet that stands out against the violet hues. Delicate shadows cast by the baskets and wallets dance upon the table, accentuating their colors and contours in the sunlight.",,3,0,entity,whole,entity - whole (baskets),Are there baskets? +298,"A quaint scene unfolds on a polished wooden table, drenched in the warm glow of the afternoon sun, where a quintet of deep purple, woven baskets with a round shape is meticulously arranged. Each basket cradles a square, rich crimson wallet that stands out against the violet hues. Delicate shadows cast by the baskets and wallets dance upon the table, accentuating their colors and contours in the sunlight.",,4,3,other,count,"other - count (baskets, ==5)",Are there five baskets? +298,"A quaint scene unfolds on a polished wooden table, drenched in the warm glow of the afternoon sun, where a quintet of deep purple, woven baskets with a round shape is meticulously arranged. Each basket cradles a square, rich crimson wallet that stands out against the violet hues. Delicate shadows cast by the baskets and wallets dance upon the table, accentuating their colors and contours in the sunlight.",,5,0,entity,whole,entity - whole (wallets),Are there wallets? +298,"A quaint scene unfolds on a polished wooden table, drenched in the warm glow of the afternoon sun, where a quintet of deep purple, woven baskets with a round shape is meticulously arranged. Each basket cradles a square, rich crimson wallet that stands out against the violet hues. Delicate shadows cast by the baskets and wallets dance upon the table, accentuating their colors and contours in the sunlight.",,6,3,attribute,color,"attribute - color (baskets, deep purple)",Are the baskets deep purple? +298,"A quaint scene unfolds on a polished wooden table, drenched in the warm glow of the afternoon sun, where a quintet of deep purple, woven baskets with a round shape is meticulously arranged. Each basket cradles a square, rich crimson wallet that stands out against the violet hues. Delicate shadows cast by the baskets and wallets dance upon the table, accentuating their colors and contours in the sunlight.",,7,3,attribute,shape,"attribute - shape (baskets, round)",Are the baskets round? +298,"A quaint scene unfolds on a polished wooden table, drenched in the warm glow of the afternoon sun, where a quintet of deep purple, woven baskets with a round shape is meticulously arranged. Each basket cradles a square, rich crimson wallet that stands out against the violet hues. Delicate shadows cast by the baskets and wallets dance upon the table, accentuating their colors and contours in the sunlight.",,8,5,attribute,color,"attribute - color (wallets, rich crimson)",Are the wallets rich crimson? +298,"A quaint scene unfolds on a polished wooden table, drenched in the warm glow of the afternoon sun, where a quintet of deep purple, woven baskets with a round shape is meticulously arranged. Each basket cradles a square, rich crimson wallet that stands out against the violet hues. Delicate shadows cast by the baskets and wallets dance upon the table, accentuating their colors and contours in the sunlight.",,9,5,attribute,shape,"attribute - shape (wallets, square)",Are the wallets square? +298,"A quaint scene unfolds on a polished wooden table, drenched in the warm glow of the afternoon sun, where a quintet of deep purple, woven baskets with a round shape is meticulously arranged. Each basket cradles a square, rich crimson wallet that stands out against the violet hues. Delicate shadows cast by the baskets and wallets dance upon the table, accentuating their colors and contours in the sunlight.",,10,2,attribute,texture,"attribute - texture (table, polished wood)",Is the table made of polished wood? +213,"A delectable chocolate cake, light and fluffy in texture, with a rich dark brown hue, sits atop an ornate wooden table that features intricate carvings on its edges. To the right of the cake, a pristine white plate cradles seven plump sausages that bear the marks of grilling, their skins a dark, crispy brown contrasted against the plate's stark whiteness. Behind this culinary display, the backdrop reveals a contemporary kitchen characterized by sleek stainless-steel appliances and a smooth marble countertop bathed in the warm glow of pendant lighting.",,1,0,entity,whole,entity - whole (chocolate cake),Is there a chocolate cake? +213,"A delectable chocolate cake, light and fluffy in texture, with a rich dark brown hue, sits atop an ornate wooden table that features intricate carvings on its edges. To the right of the cake, a pristine white plate cradles seven plump sausages that bear the marks of grilling, their skins a dark, crispy brown contrasted against the plate's stark whiteness. Behind this culinary display, the backdrop reveals a contemporary kitchen characterized by sleek stainless-steel appliances and a smooth marble countertop bathed in the warm glow of pendant lighting.",,2,0,entity,whole,entity - whole (wooden table),Is there a wooden table? +213,"A delectable chocolate cake, light and fluffy in texture, with a rich dark brown hue, sits atop an ornate wooden table that features intricate carvings on its edges. To the right of the cake, a pristine white plate cradles seven plump sausages that bear the marks of grilling, their skins a dark, crispy brown contrasted against the plate's stark whiteness. Behind this culinary display, the backdrop reveals a contemporary kitchen characterized by sleek stainless-steel appliances and a smooth marble countertop bathed in the warm glow of pendant lighting.",,3,0,entity,whole,entity - whole (plate),Is there a plate? +213,"A delectable chocolate cake, light and fluffy in texture, with a rich dark brown hue, sits atop an ornate wooden table that features intricate carvings on its edges. To the right of the cake, a pristine white plate cradles seven plump sausages that bear the marks of grilling, their skins a dark, crispy brown contrasted against the plate's stark whiteness. Behind this culinary display, the backdrop reveals a contemporary kitchen characterized by sleek stainless-steel appliances and a smooth marble countertop bathed in the warm glow of pendant lighting.",,4,0,entity,whole,entity - whole (sausages),Are there sausages? +213,"A delectable chocolate cake, light and fluffy in texture, with a rich dark brown hue, sits atop an ornate wooden table that features intricate carvings on its edges. To the right of the cake, a pristine white plate cradles seven plump sausages that bear the marks of grilling, their skins a dark, crispy brown contrasted against the plate's stark whiteness. Behind this culinary display, the backdrop reveals a contemporary kitchen characterized by sleek stainless-steel appliances and a smooth marble countertop bathed in the warm glow of pendant lighting.",,5,0,entity,whole,entity - whole (kitchen),Is there a kitchen? +213,"A delectable chocolate cake, light and fluffy in texture, with a rich dark brown hue, sits atop an ornate wooden table that features intricate carvings on its edges. To the right of the cake, a pristine white plate cradles seven plump sausages that bear the marks of grilling, their skins a dark, crispy brown contrasted against the plate's stark whiteness. Behind this culinary display, the backdrop reveals a contemporary kitchen characterized by sleek stainless-steel appliances and a smooth marble countertop bathed in the warm glow of pendant lighting.",,6,1,attribute,texture,"attribute - texture (chocolate cake, light and fluffy)",Is the chocolate cake light and fluffy in texture? +213,"A delectable chocolate cake, light and fluffy in texture, with a rich dark brown hue, sits atop an ornate wooden table that features intricate carvings on its edges. To the right of the cake, a pristine white plate cradles seven plump sausages that bear the marks of grilling, their skins a dark, crispy brown contrasted against the plate's stark whiteness. Behind this culinary display, the backdrop reveals a contemporary kitchen characterized by sleek stainless-steel appliances and a smooth marble countertop bathed in the warm glow of pendant lighting.",,7,1,attribute,color,"attribute - color (chocolate cake, dark brown)",Does the chocolate cake have a rich dark brown hue? +213,"A delectable chocolate cake, light and fluffy in texture, with a rich dark brown hue, sits atop an ornate wooden table that features intricate carvings on its edges. To the right of the cake, a pristine white plate cradles seven plump sausages that bear the marks of grilling, their skins a dark, crispy brown contrasted against the plate's stark whiteness. Behind this culinary display, the backdrop reveals a contemporary kitchen characterized by sleek stainless-steel appliances and a smooth marble countertop bathed in the warm glow of pendant lighting.",,8,2,attribute,texture,"attribute - texture (wooden table, ornate)",Is the wooden table ornate? +213,"A delectable chocolate cake, light and fluffy in texture, with a rich dark brown hue, sits atop an ornate wooden table that features intricate carvings on its edges. To the right of the cake, a pristine white plate cradles seven plump sausages that bear the marks of grilling, their skins a dark, crispy brown contrasted against the plate's stark whiteness. Behind this culinary display, the backdrop reveals a contemporary kitchen characterized by sleek stainless-steel appliances and a smooth marble countertop bathed in the warm glow of pendant lighting.",,9,4,attribute,color,"attribute - color (sausages, dark crispy brown)","Are the sausages a dark, crispy brown?" +213,"A delectable chocolate cake, light and fluffy in texture, with a rich dark brown hue, sits atop an ornate wooden table that features intricate carvings on its edges. To the right of the cake, a pristine white plate cradles seven plump sausages that bear the marks of grilling, their skins a dark, crispy brown contrasted against the plate's stark whiteness. Behind this culinary display, the backdrop reveals a contemporary kitchen characterized by sleek stainless-steel appliances and a smooth marble countertop bathed in the warm glow of pendant lighting.",,10,5,attribute,texture,"attribute - texture (kitchen, contemporary)",Is the kitchen contemporary? +126,"A tall metallic baseball bat, standing upright on a lush green field, is gently enshrouded by a soft pink towel with frayed edges. The clear blue sky overhead provides a stark contrast to the vibrant color of the towel. Surrounding the bat, there are a few white daisies scattered, their petals swaying slightly in the gentle breeze.",,1,0,entity,whole,entity - whole (baseball bat),Is there a baseball bat? +126,"A tall metallic baseball bat, standing upright on a lush green field, is gently enshrouded by a soft pink towel with frayed edges. The clear blue sky overhead provides a stark contrast to the vibrant color of the towel. Surrounding the bat, there are a few white daisies scattered, their petals swaying slightly in the gentle breeze.",,2,0,entity,whole,entity - whole (field),Is there a field? +126,"A tall metallic baseball bat, standing upright on a lush green field, is gently enshrouded by a soft pink towel with frayed edges. The clear blue sky overhead provides a stark contrast to the vibrant color of the towel. Surrounding the bat, there are a few white daisies scattered, their petals swaying slightly in the gentle breeze.",,3,0,entity,whole,entity - whole (towel),Is there a towel? +126,"A tall metallic baseball bat, standing upright on a lush green field, is gently enshrouded by a soft pink towel with frayed edges. The clear blue sky overhead provides a stark contrast to the vibrant color of the towel. Surrounding the bat, there are a few white daisies scattered, their petals swaying slightly in the gentle breeze.",,4,0,entity,whole,entity - whole (sky),Is there a sky? +126,"A tall metallic baseball bat, standing upright on a lush green field, is gently enshrouded by a soft pink towel with frayed edges. The clear blue sky overhead provides a stark contrast to the vibrant color of the towel. Surrounding the bat, there are a few white daisies scattered, their petals swaying slightly in the gentle breeze.",,5,0,entity,whole,entity - whole (daisies),Are there daisies? +126,"A tall metallic baseball bat, standing upright on a lush green field, is gently enshrouded by a soft pink towel with frayed edges. The clear blue sky overhead provides a stark contrast to the vibrant color of the towel. Surrounding the bat, there are a few white daisies scattered, their petals swaying slightly in the gentle breeze.",,6,1,attribute,size,"attribute - size (baseball bat, tall)",Is the baseball bat tall? +126,"A tall metallic baseball bat, standing upright on a lush green field, is gently enshrouded by a soft pink towel with frayed edges. The clear blue sky overhead provides a stark contrast to the vibrant color of the towel. Surrounding the bat, there are a few white daisies scattered, their petals swaying slightly in the gentle breeze.",,7,1,attribute,texture,"attribute - texture (baseball bat, metallic)",Is the baseball bat metallic? +126,"A tall metallic baseball bat, standing upright on a lush green field, is gently enshrouded by a soft pink towel with frayed edges. The clear blue sky overhead provides a stark contrast to the vibrant color of the towel. Surrounding the bat, there are a few white daisies scattered, their petals swaying slightly in the gentle breeze.",,8,3,attribute,color,"attribute - color (towel, soft pink)",Is the towel soft pink? +126,"A tall metallic baseball bat, standing upright on a lush green field, is gently enshrouded by a soft pink towel with frayed edges. The clear blue sky overhead provides a stark contrast to the vibrant color of the towel. Surrounding the bat, there are a few white daisies scattered, their petals swaying slightly in the gentle breeze.",,9,3,attribute,texture,"attribute - texture (towel, frayed edges)",Does the towel have frayed edges? +126,"A tall metallic baseball bat, standing upright on a lush green field, is gently enshrouded by a soft pink towel with frayed edges. The clear blue sky overhead provides a stark contrast to the vibrant color of the towel. Surrounding the bat, there are a few white daisies scattered, their petals swaying slightly in the gentle breeze.",,10,4,attribute,color,"attribute - color (sky, clear blue)",Is the sky clear blue? +126,"A tall metallic baseball bat, standing upright on a lush green field, is gently enshrouded by a soft pink towel with frayed edges. The clear blue sky overhead provides a stark contrast to the vibrant color of the towel. Surrounding the bat, there are a few white daisies scattered, their petals swaying slightly in the gentle breeze.",,11,2,attribute,color,"attribute - color (field, lush green)",Is the field lush green? +126,"A tall metallic baseball bat, standing upright on a lush green field, is gently enshrouded by a soft pink towel with frayed edges. The clear blue sky overhead provides a stark contrast to the vibrant color of the towel. Surrounding the bat, there are a few white daisies scattered, their petals swaying slightly in the gentle breeze.",,12,1,entity,state,"entity - state (baseball bat, upright)",Is the baseball bat standing upright? +126,"A tall metallic baseball bat, standing upright on a lush green field, is gently enshrouded by a soft pink towel with frayed edges. The clear blue sky overhead provides a stark contrast to the vibrant color of the towel. Surrounding the bat, there are a few white daisies scattered, their petals swaying slightly in the gentle breeze.",,13,"1,2",relation,spatial,"relation - spatial (baseball bat, field, on)",Is the baseball bat on the field? +126,"A tall metallic baseball bat, standing upright on a lush green field, is gently enshrouded by a soft pink towel with frayed edges. The clear blue sky overhead provides a stark contrast to the vibrant color of the towel. Surrounding the bat, there are a few white daisies scattered, their petals swaying slightly in the gentle breeze.",,14,"1,3",relation,spatial,"relation - spatial (towel, baseball bat, enshrouding)",Is the towel gently enshrouding the baseball bat? +126,"A tall metallic baseball bat, standing upright on a lush green field, is gently enshrouded by a soft pink towel with frayed edges. The clear blue sky overhead provides a stark contrast to the vibrant color of the towel. Surrounding the bat, there are a few white daisies scattered, their petals swaying slightly in the gentle breeze.",,15,"1,5",relation,spatial,"relation - spatial (daisies, baseball bat, surrounding)",Are the daisies surrounding the baseball bat? +126,"A tall metallic baseball bat, standing upright on a lush green field, is gently enshrouded by a soft pink towel with frayed edges. The clear blue sky overhead provides a stark contrast to the vibrant color of the towel. Surrounding the bat, there are a few white daisies scattered, their petals swaying slightly in the gentle breeze.",,16,5,entity,state,"entity - state (daisies, swaying, gentle breeze)",Are the daisies' petals swaying in the gentle breeze? +229,"Three vibrant red fire extinguishers stand out prominently against a backdrop of intense orange flames that are consuming the scene. The fire extinguishers, with their glossy, metallic surfaces, appear gigantic in comparison to the diminutive five sheets of white notepaper scattered haphazardly around the area. The notepapers bear slight curling at their edges, suggesting subtle warping from the heat of the surrounding inferno.",,1,0,entity,whole,entity - whole (fire extinguishers),Are there fire extinguishers? +229,"Three vibrant red fire extinguishers stand out prominently against a backdrop of intense orange flames that are consuming the scene. The fire extinguishers, with their glossy, metallic surfaces, appear gigantic in comparison to the diminutive five sheets of white notepaper scattered haphazardly around the area. The notepapers bear slight curling at their edges, suggesting subtle warping from the heat of the surrounding inferno.",,2,1,other,count,"other - count (fire extinguishers, ==3)",Are there three fire extinguishers? +229,"Three vibrant red fire extinguishers stand out prominently against a backdrop of intense orange flames that are consuming the scene. The fire extinguishers, with their glossy, metallic surfaces, appear gigantic in comparison to the diminutive five sheets of white notepaper scattered haphazardly around the area. The notepapers bear slight curling at their edges, suggesting subtle warping from the heat of the surrounding inferno.",,3,1,attribute,color,"attribute - color (fire extinguishers, red)",Are the fire extinguishers vibrant red? +229,"Three vibrant red fire extinguishers stand out prominently against a backdrop of intense orange flames that are consuming the scene. The fire extinguishers, with their glossy, metallic surfaces, appear gigantic in comparison to the diminutive five sheets of white notepaper scattered haphazardly around the area. The notepapers bear slight curling at their edges, suggesting subtle warping from the heat of the surrounding inferno.",,4,0,entity,whole,entity - whole (flames),Are there flames? +229,"Three vibrant red fire extinguishers stand out prominently against a backdrop of intense orange flames that are consuming the scene. The fire extinguishers, with their glossy, metallic surfaces, appear gigantic in comparison to the diminutive five sheets of white notepaper scattered haphazardly around the area. The notepapers bear slight curling at their edges, suggesting subtle warping from the heat of the surrounding inferno.",,5,4,attribute,color,"attribute - color (flames, intense orange)",Are the flames intense orange? +229,"Three vibrant red fire extinguishers stand out prominently against a backdrop of intense orange flames that are consuming the scene. The fire extinguishers, with their glossy, metallic surfaces, appear gigantic in comparison to the diminutive five sheets of white notepaper scattered haphazardly around the area. The notepapers bear slight curling at their edges, suggesting subtle warping from the heat of the surrounding inferno.",,6,1,attribute,texture,"attribute - texture (fire extinguishers, glossy metallic)",Are the fire extinguishers glossy and metallic? +229,"Three vibrant red fire extinguishers stand out prominently against a backdrop of intense orange flames that are consuming the scene. The fire extinguishers, with their glossy, metallic surfaces, appear gigantic in comparison to the diminutive five sheets of white notepaper scattered haphazardly around the area. The notepapers bear slight curling at their edges, suggesting subtle warping from the heat of the surrounding inferno.",,7,1,attribute,size,"attribute - size (fire extinguishers, gigantic)",Do the fire extinguishers appear gigantic? +229,"Three vibrant red fire extinguishers stand out prominently against a backdrop of intense orange flames that are consuming the scene. The fire extinguishers, with their glossy, metallic surfaces, appear gigantic in comparison to the diminutive five sheets of white notepaper scattered haphazardly around the area. The notepapers bear slight curling at their edges, suggesting subtle warping from the heat of the surrounding inferno.",,8,0,entity,whole,entity - whole (notepaper),Is there notepaper? +229,"Three vibrant red fire extinguishers stand out prominently against a backdrop of intense orange flames that are consuming the scene. The fire extinguishers, with their glossy, metallic surfaces, appear gigantic in comparison to the diminutive five sheets of white notepaper scattered haphazardly around the area. The notepapers bear slight curling at their edges, suggesting subtle warping from the heat of the surrounding inferno.",,9,8,other,count,"other - count (notepaper, ==5)",Are there five sheets of notepaper? +229,"Three vibrant red fire extinguishers stand out prominently against a backdrop of intense orange flames that are consuming the scene. The fire extinguishers, with their glossy, metallic surfaces, appear gigantic in comparison to the diminutive five sheets of white notepaper scattered haphazardly around the area. The notepapers bear slight curling at their edges, suggesting subtle warping from the heat of the surrounding inferno.",,10,8,attribute,color,"attribute - color (notepaper, white)",Is the notepaper white? +229,"Three vibrant red fire extinguishers stand out prominently against a backdrop of intense orange flames that are consuming the scene. The fire extinguishers, with their glossy, metallic surfaces, appear gigantic in comparison to the diminutive five sheets of white notepaper scattered haphazardly around the area. The notepapers bear slight curling at their edges, suggesting subtle warping from the heat of the surrounding inferno.",,11,8,attribute,other,"attribute - other (notepaper, edges slightly curled)",Are the notepaper's edges slightly curled? +229,"Three vibrant red fire extinguishers stand out prominently against a backdrop of intense orange flames that are consuming the scene. The fire extinguishers, with their glossy, metallic surfaces, appear gigantic in comparison to the diminutive five sheets of white notepaper scattered haphazardly around the area. The notepapers bear slight curling at their edges, suggesting subtle warping from the heat of the surrounding inferno.",,12,"1,4",relation,spatial,"relation - spatial (fire extinguishers, flames, against)",Do the fire extinguishers stand out prominently against the flames? +229,"Three vibrant red fire extinguishers stand out prominently against a backdrop of intense orange flames that are consuming the scene. The fire extinguishers, with their glossy, metallic surfaces, appear gigantic in comparison to the diminutive five sheets of white notepaper scattered haphazardly around the area. The notepapers bear slight curling at their edges, suggesting subtle warping from the heat of the surrounding inferno.",,13,"8,4",relation,spatial,"relation - non-spatial (notepaper, heat, warping from)",Are the edges of the notepaper warping from the heat? +205,"In a tranquil forest clearing by the water's edge, a large orange tent with its entrance zipped shut is pitched on a grassy knoll overlooking a serene lake. A few steps away from the tent, on the forest floor scattered with autumn leaves, a circular gold bracelet catches the sunlight, creating a subtle sparkle amid the natural surroundings. The nearby trees cast gentle shadows over the area, enhancing the peaceful ambiance of the outdoor scene.",,1,0,entity,whole,entity - whole (forest clearing),Is there a forest clearing? +205,"In a tranquil forest clearing by the water's edge, a large orange tent with its entrance zipped shut is pitched on a grassy knoll overlooking a serene lake. A few steps away from the tent, on the forest floor scattered with autumn leaves, a circular gold bracelet catches the sunlight, creating a subtle sparkle amid the natural surroundings. The nearby trees cast gentle shadows over the area, enhancing the peaceful ambiance of the outdoor scene.",,2,0,entity,whole,entity - whole (water's edge),Is there a water's edge? +205,"In a tranquil forest clearing by the water's edge, a large orange tent with its entrance zipped shut is pitched on a grassy knoll overlooking a serene lake. A few steps away from the tent, on the forest floor scattered with autumn leaves, a circular gold bracelet catches the sunlight, creating a subtle sparkle amid the natural surroundings. The nearby trees cast gentle shadows over the area, enhancing the peaceful ambiance of the outdoor scene.",,3,0,entity,whole,entity - whole (tent),Is there a tent? +205,"In a tranquil forest clearing by the water's edge, a large orange tent with its entrance zipped shut is pitched on a grassy knoll overlooking a serene lake. A few steps away from the tent, on the forest floor scattered with autumn leaves, a circular gold bracelet catches the sunlight, creating a subtle sparkle amid the natural surroundings. The nearby trees cast gentle shadows over the area, enhancing the peaceful ambiance of the outdoor scene.",,4,0,entity,whole,entity - whole (grassy knoll),Is there a grassy knoll? +205,"In a tranquil forest clearing by the water's edge, a large orange tent with its entrance zipped shut is pitched on a grassy knoll overlooking a serene lake. A few steps away from the tent, on the forest floor scattered with autumn leaves, a circular gold bracelet catches the sunlight, creating a subtle sparkle amid the natural surroundings. The nearby trees cast gentle shadows over the area, enhancing the peaceful ambiance of the outdoor scene.",,5,0,entity,whole,entity - whole (lake),Is there a lake? +205,"In a tranquil forest clearing by the water's edge, a large orange tent with its entrance zipped shut is pitched on a grassy knoll overlooking a serene lake. A few steps away from the tent, on the forest floor scattered with autumn leaves, a circular gold bracelet catches the sunlight, creating a subtle sparkle amid the natural surroundings. The nearby trees cast gentle shadows over the area, enhancing the peaceful ambiance of the outdoor scene.",,6,0,entity,whole,entity - whole (bracelet),Is there a bracelet? +205,"In a tranquil forest clearing by the water's edge, a large orange tent with its entrance zipped shut is pitched on a grassy knoll overlooking a serene lake. A few steps away from the tent, on the forest floor scattered with autumn leaves, a circular gold bracelet catches the sunlight, creating a subtle sparkle amid the natural surroundings. The nearby trees cast gentle shadows over the area, enhancing the peaceful ambiance of the outdoor scene.",,7,0,entity,whole,entity - whole (forest floor),Is there a forest floor? +205,"In a tranquil forest clearing by the water's edge, a large orange tent with its entrance zipped shut is pitched on a grassy knoll overlooking a serene lake. A few steps away from the tent, on the forest floor scattered with autumn leaves, a circular gold bracelet catches the sunlight, creating a subtle sparkle amid the natural surroundings. The nearby trees cast gentle shadows over the area, enhancing the peaceful ambiance of the outdoor scene.",,8,0,entity,whole,entity - whole (autumn leaves),Are there autumn leaves? +205,"In a tranquil forest clearing by the water's edge, a large orange tent with its entrance zipped shut is pitched on a grassy knoll overlooking a serene lake. A few steps away from the tent, on the forest floor scattered with autumn leaves, a circular gold bracelet catches the sunlight, creating a subtle sparkle amid the natural surroundings. The nearby trees cast gentle shadows over the area, enhancing the peaceful ambiance of the outdoor scene.",,9,0,entity,whole,entity - whole (trees),Are there trees? +205,"In a tranquil forest clearing by the water's edge, a large orange tent with its entrance zipped shut is pitched on a grassy knoll overlooking a serene lake. A few steps away from the tent, on the forest floor scattered with autumn leaves, a circular gold bracelet catches the sunlight, creating a subtle sparkle amid the natural surroundings. The nearby trees cast gentle shadows over the area, enhancing the peaceful ambiance of the outdoor scene.",,10,3,attribute,color,"attribute - color (tent, orange)",Is the tent orange? +205,"In a tranquil forest clearing by the water's edge, a large orange tent with its entrance zipped shut is pitched on a grassy knoll overlooking a serene lake. A few steps away from the tent, on the forest floor scattered with autumn leaves, a circular gold bracelet catches the sunlight, creating a subtle sparkle amid the natural surroundings. The nearby trees cast gentle shadows over the area, enhancing the peaceful ambiance of the outdoor scene.",,11,6,attribute,color,"attribute - color (bracelet, gold)",Is the bracelet gold? +205,"In a tranquil forest clearing by the water's edge, a large orange tent with its entrance zipped shut is pitched on a grassy knoll overlooking a serene lake. A few steps away from the tent, on the forest floor scattered with autumn leaves, a circular gold bracelet catches the sunlight, creating a subtle sparkle amid the natural surroundings. The nearby trees cast gentle shadows over the area, enhancing the peaceful ambiance of the outdoor scene.",,12,3,attribute,size,"attribute - size (tent, large)",Is the tent large? +205,"In a tranquil forest clearing by the water's edge, a large orange tent with its entrance zipped shut is pitched on a grassy knoll overlooking a serene lake. A few steps away from the tent, on the forest floor scattered with autumn leaves, a circular gold bracelet catches the sunlight, creating a subtle sparkle amid the natural surroundings. The nearby trees cast gentle shadows over the area, enhancing the peaceful ambiance of the outdoor scene.",,13,3,attribute,other,"attribute - other (tent entrance, zipped shut)",Is the tent entrance zipped shut? +205,"In a tranquil forest clearing by the water's edge, a large orange tent with its entrance zipped shut is pitched on a grassy knoll overlooking a serene lake. A few steps away from the tent, on the forest floor scattered with autumn leaves, a circular gold bracelet catches the sunlight, creating a subtle sparkle amid the natural surroundings. The nearby trees cast gentle shadows over the area, enhancing the peaceful ambiance of the outdoor scene.",,14,3,entity,state,"entity - state (tent, pitched)",Is the tent pitched? +205,"In a tranquil forest clearing by the water's edge, a large orange tent with its entrance zipped shut is pitched on a grassy knoll overlooking a serene lake. A few steps away from the tent, on the forest floor scattered with autumn leaves, a circular gold bracelet catches the sunlight, creating a subtle sparkle amid the natural surroundings. The nearby trees cast gentle shadows over the area, enhancing the peaceful ambiance of the outdoor scene.",,15,"3,4",relation,spatial,"relation - spatial (tent, grassy knoll, on)",Is the tent on the grassy knoll? +205,"In a tranquil forest clearing by the water's edge, a large orange tent with its entrance zipped shut is pitched on a grassy knoll overlooking a serene lake. A few steps away from the tent, on the forest floor scattered with autumn leaves, a circular gold bracelet catches the sunlight, creating a subtle sparkle amid the natural surroundings. The nearby trees cast gentle shadows over the area, enhancing the peaceful ambiance of the outdoor scene.",,16,"3,5",relation,spatial,"relation - spatial (tent, lake, overlooking)",Is the tent overlooking the lake? +205,"In a tranquil forest clearing by the water's edge, a large orange tent with its entrance zipped shut is pitched on a grassy knoll overlooking a serene lake. A few steps away from the tent, on the forest floor scattered with autumn leaves, a circular gold bracelet catches the sunlight, creating a subtle sparkle amid the natural surroundings. The nearby trees cast gentle shadows over the area, enhancing the peaceful ambiance of the outdoor scene.",,17,"6,7",relation,spatial,"relation - spatial (bracelet, forest floor, on)",Is the bracelet on the forest floor? +205,"In a tranquil forest clearing by the water's edge, a large orange tent with its entrance zipped shut is pitched on a grassy knoll overlooking a serene lake. A few steps away from the tent, on the forest floor scattered with autumn leaves, a circular gold bracelet catches the sunlight, creating a subtle sparkle amid the natural surroundings. The nearby trees cast gentle shadows over the area, enhancing the peaceful ambiance of the outdoor scene.",,18,6,relation,spatial,"relation - spatial (bracelet, sunlight, catches)",Does the bracelet catch the sunlight? +205,"In a tranquil forest clearing by the water's edge, a large orange tent with its entrance zipped shut is pitched on a grassy knoll overlooking a serene lake. A few steps away from the tent, on the forest floor scattered with autumn leaves, a circular gold bracelet catches the sunlight, creating a subtle sparkle amid the natural surroundings. The nearby trees cast gentle shadows over the area, enhancing the peaceful ambiance of the outdoor scene.",,19,9,relation,spatial,"relation - spatial (trees, area, cast shadows over)",Do the trees cast gentle shadows over the area? +205,"In a tranquil forest clearing by the water's edge, a large orange tent with its entrance zipped shut is pitched on a grassy knoll overlooking a serene lake. A few steps away from the tent, on the forest floor scattered with autumn leaves, a circular gold bracelet catches the sunlight, creating a subtle sparkle amid the natural surroundings. The nearby trees cast gentle shadows over the area, enhancing the peaceful ambiance of the outdoor scene.",,20,"1,2",relation,spatial,"relation - spatial (forest clearing, water's edge, by)",Is the forest clearing by the water's edge? +175,"Within the discolored interior of a derelict building, an old claw-foot bathtub sits against a crumbling wall, its once-white enamel stained with time. Inside the tub rests a pair of vibrant, high-top sneakers—reds, blues, and yellows clashing with the drab surroundings. The sneakers, juxtaposed with the peeled paint and cracked tiles, suggest an untold story of hasty departure. Despite being inanimate, they seem to take on a life of their own as shadows elongate with the approach of midnight, casting an uncanny aura over the scene. Nearby, a window with broken panes allows the moonlight to filter in, further illuminating the sneakers' abandonment.",,1,0,entity,whole,entity - whole (building),Is there a building? +175,"Within the discolored interior of a derelict building, an old claw-foot bathtub sits against a crumbling wall, its once-white enamel stained with time. Inside the tub rests a pair of vibrant, high-top sneakers—reds, blues, and yellows clashing with the drab surroundings. The sneakers, juxtaposed with the peeled paint and cracked tiles, suggest an untold story of hasty departure. Despite being inanimate, they seem to take on a life of their own as shadows elongate with the approach of midnight, casting an uncanny aura over the scene. Nearby, a window with broken panes allows the moonlight to filter in, further illuminating the sneakers' abandonment.",,2,0,entity,whole,entity - whole (bathtub),Is there a bathtub? +175,"Within the discolored interior of a derelict building, an old claw-foot bathtub sits against a crumbling wall, its once-white enamel stained with time. Inside the tub rests a pair of vibrant, high-top sneakers—reds, blues, and yellows clashing with the drab surroundings. The sneakers, juxtaposed with the peeled paint and cracked tiles, suggest an untold story of hasty departure. Despite being inanimate, they seem to take on a life of their own as shadows elongate with the approach of midnight, casting an uncanny aura over the scene. Nearby, a window with broken panes allows the moonlight to filter in, further illuminating the sneakers' abandonment.",,3,0,entity,whole,entity - whole (wall),Is there a wall? +175,"Within the discolored interior of a derelict building, an old claw-foot bathtub sits against a crumbling wall, its once-white enamel stained with time. Inside the tub rests a pair of vibrant, high-top sneakers—reds, blues, and yellows clashing with the drab surroundings. The sneakers, juxtaposed with the peeled paint and cracked tiles, suggest an untold story of hasty departure. Despite being inanimate, they seem to take on a life of their own as shadows elongate with the approach of midnight, casting an uncanny aura over the scene. Nearby, a window with broken panes allows the moonlight to filter in, further illuminating the sneakers' abandonment.",,4,0,entity,whole,entity - whole (sneakers),Are there sneakers? +175,"Within the discolored interior of a derelict building, an old claw-foot bathtub sits against a crumbling wall, its once-white enamel stained with time. Inside the tub rests a pair of vibrant, high-top sneakers—reds, blues, and yellows clashing with the drab surroundings. The sneakers, juxtaposed with the peeled paint and cracked tiles, suggest an untold story of hasty departure. Despite being inanimate, they seem to take on a life of their own as shadows elongate with the approach of midnight, casting an uncanny aura over the scene. Nearby, a window with broken panes allows the moonlight to filter in, further illuminating the sneakers' abandonment.",,5,2,attribute,texture,"attribute - texture (bathtub, claw-foot)",Does the bathtub have claw-feet? +175,"Within the discolored interior of a derelict building, an old claw-foot bathtub sits against a crumbling wall, its once-white enamel stained with time. Inside the tub rests a pair of vibrant, high-top sneakers—reds, blues, and yellows clashing with the drab surroundings. The sneakers, juxtaposed with the peeled paint and cracked tiles, suggest an untold story of hasty departure. Despite being inanimate, they seem to take on a life of their own as shadows elongate with the approach of midnight, casting an uncanny aura over the scene. Nearby, a window with broken panes allows the moonlight to filter in, further illuminating the sneakers' abandonment.",,6,2,attribute,color,"attribute - color (bathtub, stained)",Is the bathtub's enamel stained? +175,"Within the discolored interior of a derelict building, an old claw-foot bathtub sits against a crumbling wall, its once-white enamel stained with time. Inside the tub rests a pair of vibrant, high-top sneakers—reds, blues, and yellows clashing with the drab surroundings. The sneakers, juxtaposed with the peeled paint and cracked tiles, suggest an untold story of hasty departure. Despite being inanimate, they seem to take on a life of their own as shadows elongate with the approach of midnight, casting an uncanny aura over the scene. Nearby, a window with broken panes allows the moonlight to filter in, further illuminating the sneakers' abandonment.",,7,4,attribute,color,"attribute - color (sneakers, vibrant)",Are the sneakers vibrant? +175,"Within the discolored interior of a derelict building, an old claw-foot bathtub sits against a crumbling wall, its once-white enamel stained with time. Inside the tub rests a pair of vibrant, high-top sneakers—reds, blues, and yellows clashing with the drab surroundings. The sneakers, juxtaposed with the peeled paint and cracked tiles, suggest an untold story of hasty departure. Despite being inanimate, they seem to take on a life of their own as shadows elongate with the approach of midnight, casting an uncanny aura over the scene. Nearby, a window with broken panes allows the moonlight to filter in, further illuminating the sneakers' abandonment.",,8,3,attribute,texture,"attribute - texture (wall, crumbling)",Is the wall crumbling? +175,"Within the discolored interior of a derelict building, an old claw-foot bathtub sits against a crumbling wall, its once-white enamel stained with time. Inside the tub rests a pair of vibrant, high-top sneakers—reds, blues, and yellows clashing with the drab surroundings. The sneakers, juxtaposed with the peeled paint and cracked tiles, suggest an untold story of hasty departure. Despite being inanimate, they seem to take on a life of their own as shadows elongate with the approach of midnight, casting an uncanny aura over the scene. Nearby, a window with broken panes allows the moonlight to filter in, further illuminating the sneakers' abandonment.",,9,"2,3",relation,spatial,"relation - spatial (bathtub, wall, against)",Is the bathtub against the wall? +175,"Within the discolored interior of a derelict building, an old claw-foot bathtub sits against a crumbling wall, its once-white enamel stained with time. Inside the tub rests a pair of vibrant, high-top sneakers—reds, blues, and yellows clashing with the drab surroundings. The sneakers, juxtaposed with the peeled paint and cracked tiles, suggest an untold story of hasty departure. Despite being inanimate, they seem to take on a life of their own as shadows elongate with the approach of midnight, casting an uncanny aura over the scene. Nearby, a window with broken panes allows the moonlight to filter in, further illuminating the sneakers' abandonment.",,10,"2,4",relation,spatial,"relation - spatial (sneakers, bathtub, inside)",Are the sneakers inside the bathtub? +181,"A picturesque winter morning is captured within a cozy kitchen, where a sturdy blue ladder stands erect near a window veiled with delicate patterns of frost. The morning light reveals the contrast between the ladder and the set of sleek, ebony chopsticks lying in repose on the surface of the highly polished wooden kitchen table. The table also bears the serene presence of a white porcelain teapot, poised as if waiting to pour warmth into the chilly day.",,1,0,entity,whole,entity - whole (kitchen),Is there a kitchen? +181,"A picturesque winter morning is captured within a cozy kitchen, where a sturdy blue ladder stands erect near a window veiled with delicate patterns of frost. The morning light reveals the contrast between the ladder and the set of sleek, ebony chopsticks lying in repose on the surface of the highly polished wooden kitchen table. The table also bears the serene presence of a white porcelain teapot, poised as if waiting to pour warmth into the chilly day.",,2,1,entity,part,entity - part (kitchen window),Does the kitchen have a window? +181,"A picturesque winter morning is captured within a cozy kitchen, where a sturdy blue ladder stands erect near a window veiled with delicate patterns of frost. The morning light reveals the contrast between the ladder and the set of sleek, ebony chopsticks lying in repose on the surface of the highly polished wooden kitchen table. The table also bears the serene presence of a white porcelain teapot, poised as if waiting to pour warmth into the chilly day.",,3,0,entity,whole,entity - whole (ladder),Is there a ladder? +181,"A picturesque winter morning is captured within a cozy kitchen, where a sturdy blue ladder stands erect near a window veiled with delicate patterns of frost. The morning light reveals the contrast between the ladder and the set of sleek, ebony chopsticks lying in repose on the surface of the highly polished wooden kitchen table. The table also bears the serene presence of a white porcelain teapot, poised as if waiting to pour warmth into the chilly day.",,4,3,attribute,color,"attribute - color (ladder, blue)",Is the ladder blue? +181,"A picturesque winter morning is captured within a cozy kitchen, where a sturdy blue ladder stands erect near a window veiled with delicate patterns of frost. The morning light reveals the contrast between the ladder and the set of sleek, ebony chopsticks lying in repose on the surface of the highly polished wooden kitchen table. The table also bears the serene presence of a white porcelain teapot, poised as if waiting to pour warmth into the chilly day.",,5,0,entity,whole,entity - whole (chopsticks),Are there chopsticks? +181,"A picturesque winter morning is captured within a cozy kitchen, where a sturdy blue ladder stands erect near a window veiled with delicate patterns of frost. The morning light reveals the contrast between the ladder and the set of sleek, ebony chopsticks lying in repose on the surface of the highly polished wooden kitchen table. The table also bears the serene presence of a white porcelain teapot, poised as if waiting to pour warmth into the chilly day.",,6,5,attribute,color,"attribute - color (chopsticks, ebony)",Are the chopsticks ebony? +181,"A picturesque winter morning is captured within a cozy kitchen, where a sturdy blue ladder stands erect near a window veiled with delicate patterns of frost. The morning light reveals the contrast between the ladder and the set of sleek, ebony chopsticks lying in repose on the surface of the highly polished wooden kitchen table. The table also bears the serene presence of a white porcelain teapot, poised as if waiting to pour warmth into the chilly day.",,7,0,entity,whole,entity - whole (table),Is there a table? +181,"A picturesque winter morning is captured within a cozy kitchen, where a sturdy blue ladder stands erect near a window veiled with delicate patterns of frost. The morning light reveals the contrast between the ladder and the set of sleek, ebony chopsticks lying in repose on the surface of the highly polished wooden kitchen table. The table also bears the serene presence of a white porcelain teapot, poised as if waiting to pour warmth into the chilly day.",,8,0,entity,whole,entity - whole (teapot),Is there a teapot? +181,"A picturesque winter morning is captured within a cozy kitchen, where a sturdy blue ladder stands erect near a window veiled with delicate patterns of frost. The morning light reveals the contrast between the ladder and the set of sleek, ebony chopsticks lying in repose on the surface of the highly polished wooden kitchen table. The table also bears the serene presence of a white porcelain teapot, poised as if waiting to pour warmth into the chilly day.",,9,8,attribute,texture,"attribute - texture (teapot, porcelain)",Is the teapot made of porcelain? +181,"A picturesque winter morning is captured within a cozy kitchen, where a sturdy blue ladder stands erect near a window veiled with delicate patterns of frost. The morning light reveals the contrast between the ladder and the set of sleek, ebony chopsticks lying in repose on the surface of the highly polished wooden kitchen table. The table also bears the serene presence of a white porcelain teapot, poised as if waiting to pour warmth into the chilly day.",,10,8,attribute,color,"attribute - color (teapot, white)",Is the teapot white? +181,"A picturesque winter morning is captured within a cozy kitchen, where a sturdy blue ladder stands erect near a window veiled with delicate patterns of frost. The morning light reveals the contrast between the ladder and the set of sleek, ebony chopsticks lying in repose on the surface of the highly polished wooden kitchen table. The table also bears the serene presence of a white porcelain teapot, poised as if waiting to pour warmth into the chilly day.",,11,7,attribute,texture,"attribute - texture (table, wooden, polished)",Is the wooden kitchen table highly polished? +181,"A picturesque winter morning is captured within a cozy kitchen, where a sturdy blue ladder stands erect near a window veiled with delicate patterns of frost. The morning light reveals the contrast between the ladder and the set of sleek, ebony chopsticks lying in repose on the surface of the highly polished wooden kitchen table. The table also bears the serene presence of a white porcelain teapot, poised as if waiting to pour warmth into the chilly day.",,12,3,entity,state,"entity - state (ladder, erect)",Is the ladder standing erect? +181,"A picturesque winter morning is captured within a cozy kitchen, where a sturdy blue ladder stands erect near a window veiled with delicate patterns of frost. The morning light reveals the contrast between the ladder and the set of sleek, ebony chopsticks lying in repose on the surface of the highly polished wooden kitchen table. The table also bears the serene presence of a white porcelain teapot, poised as if waiting to pour warmth into the chilly day.",,13,"2,3",relation,spatial,"relation - spatial (ladder, window, near)",Is the ladder near the window? +181,"A picturesque winter morning is captured within a cozy kitchen, where a sturdy blue ladder stands erect near a window veiled with delicate patterns of frost. The morning light reveals the contrast between the ladder and the set of sleek, ebony chopsticks lying in repose on the surface of the highly polished wooden kitchen table. The table also bears the serene presence of a white porcelain teapot, poised as if waiting to pour warmth into the chilly day.",,14,"5,7",relation,spatial,"relation - spatial (chopsticks, table, on)",Are the chopsticks on the table? +181,"A picturesque winter morning is captured within a cozy kitchen, where a sturdy blue ladder stands erect near a window veiled with delicate patterns of frost. The morning light reveals the contrast between the ladder and the set of sleek, ebony chopsticks lying in repose on the surface of the highly polished wooden kitchen table. The table also bears the serene presence of a white porcelain teapot, poised as if waiting to pour warmth into the chilly day.",,15,"7,8",relation,spatial,"relation - spatial (teapot, table, on)",Is the teapot on the table? +182,"A solitary camel, with its characteristic humps and creamy beige coat, slowly ambles beside a striking, plush, round red couch, which seems oddly out of place in the vast desert landscape. The harsh midday sun casts a sharp shadow from the camel, dwarfing the small couch in comparison. Around the odd couple, the endless sea of sand contrasts with the vibrant red upholstery, as no other objects or signs of life interrupt the peculiar desert scene.",,1,0,entity,whole,entity - whole (camel),Is there a camel? +182,"A solitary camel, with its characteristic humps and creamy beige coat, slowly ambles beside a striking, plush, round red couch, which seems oddly out of place in the vast desert landscape. The harsh midday sun casts a sharp shadow from the camel, dwarfing the small couch in comparison. Around the odd couple, the endless sea of sand contrasts with the vibrant red upholstery, as no other objects or signs of life interrupt the peculiar desert scene.",,2,1,entity,whole,"entity - whole (humps, camel)",Does the camel have humps? +182,"A solitary camel, with its characteristic humps and creamy beige coat, slowly ambles beside a striking, plush, round red couch, which seems oddly out of place in the vast desert landscape. The harsh midday sun casts a sharp shadow from the camel, dwarfing the small couch in comparison. Around the odd couple, the endless sea of sand contrasts with the vibrant red upholstery, as no other objects or signs of life interrupt the peculiar desert scene.",,3,0,entity,whole,entity - whole (couch),Is there a couch? +182,"A solitary camel, with its characteristic humps and creamy beige coat, slowly ambles beside a striking, plush, round red couch, which seems oddly out of place in the vast desert landscape. The harsh midday sun casts a sharp shadow from the camel, dwarfing the small couch in comparison. Around the odd couple, the endless sea of sand contrasts with the vibrant red upholstery, as no other objects or signs of life interrupt the peculiar desert scene.",,4,0,entity,whole,entity - whole (desert),Is there a desert? +182,"A solitary camel, with its characteristic humps and creamy beige coat, slowly ambles beside a striking, plush, round red couch, which seems oddly out of place in the vast desert landscape. The harsh midday sun casts a sharp shadow from the camel, dwarfing the small couch in comparison. Around the odd couple, the endless sea of sand contrasts with the vibrant red upholstery, as no other objects or signs of life interrupt the peculiar desert scene.",,5,1,attribute,color,"attribute - color (coat, camel, creamy beige)",Is the camel's coat creamy beige? +182,"A solitary camel, with its characteristic humps and creamy beige coat, slowly ambles beside a striking, plush, round red couch, which seems oddly out of place in the vast desert landscape. The harsh midday sun casts a sharp shadow from the camel, dwarfing the small couch in comparison. Around the odd couple, the endless sea of sand contrasts with the vibrant red upholstery, as no other objects or signs of life interrupt the peculiar desert scene.",,6,3,attribute,color,"attribute - color (couch, red)",Is the couch red? +182,"A solitary camel, with its characteristic humps and creamy beige coat, slowly ambles beside a striking, plush, round red couch, which seems oddly out of place in the vast desert landscape. The harsh midday sun casts a sharp shadow from the camel, dwarfing the small couch in comparison. Around the odd couple, the endless sea of sand contrasts with the vibrant red upholstery, as no other objects or signs of life interrupt the peculiar desert scene.",,7,3,attribute,shape,"attribute - shape (couch, round)",Is the couch round? +182,"A solitary camel, with its characteristic humps and creamy beige coat, slowly ambles beside a striking, plush, round red couch, which seems oddly out of place in the vast desert landscape. The harsh midday sun casts a sharp shadow from the camel, dwarfing the small couch in comparison. Around the odd couple, the endless sea of sand contrasts with the vibrant red upholstery, as no other objects or signs of life interrupt the peculiar desert scene.",,8,1,entity,state,"entity - state (camel, amble)",Is the camel ambling? +182,"A solitary camel, with its characteristic humps and creamy beige coat, slowly ambles beside a striking, plush, round red couch, which seems oddly out of place in the vast desert landscape. The harsh midday sun casts a sharp shadow from the camel, dwarfing the small couch in comparison. Around the odd couple, the endless sea of sand contrasts with the vibrant red upholstery, as no other objects or signs of life interrupt the peculiar desert scene.",,9,"1,3",relation,spatial,"relation - spatial (camel, couch, beside)",Is the camel beside the couch? +182,"A solitary camel, with its characteristic humps and creamy beige coat, slowly ambles beside a striking, plush, round red couch, which seems oddly out of place in the vast desert landscape. The harsh midday sun casts a sharp shadow from the camel, dwarfing the small couch in comparison. Around the odd couple, the endless sea of sand contrasts with the vibrant red upholstery, as no other objects or signs of life interrupt the peculiar desert scene.",,10,"3,4",relation,spatial,"relation - spatial (couch, desert, in)",Is the couch in the desert? +156,"In a dimly lit room during the nighttime, a red, circular router casts a soft blinking light, indicating activity. Beside it, a paintbrush with bristles stained in hues of blue and green lies abandoned on a wooden desk. The surface of the desk is slightly cluttered, with various papers scattered around the still equipment.",,1,0,entity,whole,entity - whole (room),Is there a room? +156,"In a dimly lit room during the nighttime, a red, circular router casts a soft blinking light, indicating activity. Beside it, a paintbrush with bristles stained in hues of blue and green lies abandoned on a wooden desk. The surface of the desk is slightly cluttered, with various papers scattered around the still equipment.",,2,0,entity,whole,entity - whole (router),Is there a router? +156,"In a dimly lit room during the nighttime, a red, circular router casts a soft blinking light, indicating activity. Beside it, a paintbrush with bristles stained in hues of blue and green lies abandoned on a wooden desk. The surface of the desk is slightly cluttered, with various papers scattered around the still equipment.",,3,0,entity,whole,entity - whole (paintbrush),Is there a paintbrush? +156,"In a dimly lit room during the nighttime, a red, circular router casts a soft blinking light, indicating activity. Beside it, a paintbrush with bristles stained in hues of blue and green lies abandoned on a wooden desk. The surface of the desk is slightly cluttered, with various papers scattered around the still equipment.",,4,0,entity,whole,entity - whole (desk),Is there a desk? +156,"In a dimly lit room during the nighttime, a red, circular router casts a soft blinking light, indicating activity. Beside it, a paintbrush with bristles stained in hues of blue and green lies abandoned on a wooden desk. The surface of the desk is slightly cluttered, with various papers scattered around the still equipment.",,5,0,entity,whole,entity - whole (papers),Are there papers? +156,"In a dimly lit room during the nighttime, a red, circular router casts a soft blinking light, indicating activity. Beside it, a paintbrush with bristles stained in hues of blue and green lies abandoned on a wooden desk. The surface of the desk is slightly cluttered, with various papers scattered around the still equipment.",,6,2,attribute,color,"attribute - color (router, red)",Is the router red? +156,"In a dimly lit room during the nighttime, a red, circular router casts a soft blinking light, indicating activity. Beside it, a paintbrush with bristles stained in hues of blue and green lies abandoned on a wooden desk. The surface of the desk is slightly cluttered, with various papers scattered around the still equipment.",,7,2,attribute,shape,"attribute - shape (router, circular)",Is the router circular? +156,"In a dimly lit room during the nighttime, a red, circular router casts a soft blinking light, indicating activity. Beside it, a paintbrush with bristles stained in hues of blue and green lies abandoned on a wooden desk. The surface of the desk is slightly cluttered, with various papers scattered around the still equipment.",,8,3,attribute,color,"attribute - color (paintbrush's bristles, blue and green)",Are the paintbrush's bristles stained with blue and green? +156,"In a dimly lit room during the nighttime, a red, circular router casts a soft blinking light, indicating activity. Beside it, a paintbrush with bristles stained in hues of blue and green lies abandoned on a wooden desk. The surface of the desk is slightly cluttered, with various papers scattered around the still equipment.",,9,4,attribute,texture,"attribute - texture (desk, wooden)",Is the desk made of wood? +156,"In a dimly lit room during the nighttime, a red, circular router casts a soft blinking light, indicating activity. Beside it, a paintbrush with bristles stained in hues of blue and green lies abandoned on a wooden desk. The surface of the desk is slightly cluttered, with various papers scattered around the still equipment.",,10,4,attribute,other,"attribute - other (desk, cluttered)",Is the desk slightly cluttered? +156,"In a dimly lit room during the nighttime, a red, circular router casts a soft blinking light, indicating activity. Beside it, a paintbrush with bristles stained in hues of blue and green lies abandoned on a wooden desk. The surface of the desk is slightly cluttered, with various papers scattered around the still equipment.",,11,2,entity,state,"entity - state (router, blinking light, indicating activity)",Is the router casting a soft blinking light that indicates activity? +156,"In a dimly lit room during the nighttime, a red, circular router casts a soft blinking light, indicating activity. Beside it, a paintbrush with bristles stained in hues of blue and green lies abandoned on a wooden desk. The surface of the desk is slightly cluttered, with various papers scattered around the still equipment.",,12,3,entity,state,"entity - state (paintbrush, abandoned)",Is the paintbrush abandoned? +156,"In a dimly lit room during the nighttime, a red, circular router casts a soft blinking light, indicating activity. Beside it, a paintbrush with bristles stained in hues of blue and green lies abandoned on a wooden desk. The surface of the desk is slightly cluttered, with various papers scattered around the still equipment.",,13,"3,4",relation,spatial,"relation - spatial (paintbrush, desk, on)",Is the paintbrush on the desk? +156,"In a dimly lit room during the nighttime, a red, circular router casts a soft blinking light, indicating activity. Beside it, a paintbrush with bristles stained in hues of blue and green lies abandoned on a wooden desk. The surface of the desk is slightly cluttered, with various papers scattered around the still equipment.",,14,"4,5",relation,spatial,"relation - spatial (papers, desk, scattered around)",Are the papers scattered around the desk? +156,"In a dimly lit room during the nighttime, a red, circular router casts a soft blinking light, indicating activity. Beside it, a paintbrush with bristles stained in hues of blue and green lies abandoned on a wooden desk. The surface of the desk is slightly cluttered, with various papers scattered around the still equipment.",,15,0,global,,"global - (dimly lit, nighttime)",Is the room dimly lit during the nighttime? +261,"A playful scene unfolds as a monkey with auburn fur cavorts amidst a trio of ducks on the bank of a tranquil pond. The setting sun bathes the area in a soft, golden glow, casting elongated shadows on the ground. Each duck, with its glossy feathers reflecting the light, pecks at the grass while the monkey's agile form is silhouetted against the amber sky.",,1,0,entity,whole,entity - whole (scene),Is there a scene unfolding? +261,"A playful scene unfolds as a monkey with auburn fur cavorts amidst a trio of ducks on the bank of a tranquil pond. The setting sun bathes the area in a soft, golden glow, casting elongated shadows on the ground. Each duck, with its glossy feathers reflecting the light, pecks at the grass while the monkey's agile form is silhouetted against the amber sky.",,2,0,entity,whole,entity - whole (monkey),Is there a monkey? +261,"A playful scene unfolds as a monkey with auburn fur cavorts amidst a trio of ducks on the bank of a tranquil pond. The setting sun bathes the area in a soft, golden glow, casting elongated shadows on the ground. Each duck, with its glossy feathers reflecting the light, pecks at the grass while the monkey's agile form is silhouetted against the amber sky.",,3,0,entity,whole,entity - whole (ducks),Are there ducks? +261,"A playful scene unfolds as a monkey with auburn fur cavorts amidst a trio of ducks on the bank of a tranquil pond. The setting sun bathes the area in a soft, golden glow, casting elongated shadows on the ground. Each duck, with its glossy feathers reflecting the light, pecks at the grass while the monkey's agile form is silhouetted against the amber sky.",,4,3,other,count,"other - count (ducks, ==3)",Are there three ducks? +261,"A playful scene unfolds as a monkey with auburn fur cavorts amidst a trio of ducks on the bank of a tranquil pond. The setting sun bathes the area in a soft, golden glow, casting elongated shadows on the ground. Each duck, with its glossy feathers reflecting the light, pecks at the grass while the monkey's agile form is silhouetted against the amber sky.",,5,0,entity,whole,entity - whole (pond),Is there a pond? +261,"A playful scene unfolds as a monkey with auburn fur cavorts amidst a trio of ducks on the bank of a tranquil pond. The setting sun bathes the area in a soft, golden glow, casting elongated shadows on the ground. Each duck, with its glossy feathers reflecting the light, pecks at the grass while the monkey's agile form is silhouetted against the amber sky.",,6,2,attribute,color,"attribute - color (monkey's fur, auburn)",Does the monkey have auburn fur? +261,"A playful scene unfolds as a monkey with auburn fur cavorts amidst a trio of ducks on the bank of a tranquil pond. The setting sun bathes the area in a soft, golden glow, casting elongated shadows on the ground. Each duck, with its glossy feathers reflecting the light, pecks at the grass while the monkey's agile form is silhouetted against the amber sky.",,7,3,attribute,texture,"attribute - texture (duck's feathers, glossy)",Do the ducks have glossy feathers? +261,"A playful scene unfolds as a monkey with auburn fur cavorts amidst a trio of ducks on the bank of a tranquil pond. The setting sun bathes the area in a soft, golden glow, casting elongated shadows on the ground. Each duck, with its glossy feathers reflecting the light, pecks at the grass while the monkey's agile form is silhouetted against the amber sky.",,8,0,attribute,color,"attribute - color (sunset light, soft golden)",Is the sunset light soft and golden? +261,"A playful scene unfolds as a monkey with auburn fur cavorts amidst a trio of ducks on the bank of a tranquil pond. The setting sun bathes the area in a soft, golden glow, casting elongated shadows on the ground. Each duck, with its glossy feathers reflecting the light, pecks at the grass while the monkey's agile form is silhouetted against the amber sky.",,9,1,entity,state,"entity - state (scene, playful)",Is the scene playful? +261,"A playful scene unfolds as a monkey with auburn fur cavorts amidst a trio of ducks on the bank of a tranquil pond. The setting sun bathes the area in a soft, golden glow, casting elongated shadows on the ground. Each duck, with its glossy feathers reflecting the light, pecks at the grass while the monkey's agile form is silhouetted against the amber sky.",,10,"2,3",relation,spatial,"relation - spatial (monkey, ducks, amidst)",Is the monkey cavorting amidst the ducks? +79,"three sleek, brass faucets with a modern, geometric shape stand aligned, streaming clear water into a white basin below. the sink is surrounded by a marble countertop, which reflects the light and brings out the warm golden tones of the metal. droplets of water can be seen splashing gently around the base of each faucet, indicating the force of the flowing water.",,1,0,entity,whole,entity - whole (faucets),Is there a faucet? +79,"three sleek, brass faucets with a modern, geometric shape stand aligned, streaming clear water into a white basin below. the sink is surrounded by a marble countertop, which reflects the light and brings out the warm golden tones of the metal. droplets of water can be seen splashing gently around the base of each faucet, indicating the force of the flowing water.",,2,1,other,count,"other - count (faucets, ==3)",Are there three faucets? +79,"three sleek, brass faucets with a modern, geometric shape stand aligned, streaming clear water into a white basin below. the sink is surrounded by a marble countertop, which reflects the light and brings out the warm golden tones of the metal. droplets of water can be seen splashing gently around the base of each faucet, indicating the force of the flowing water.",,3,1,attribute,texture,"attribute - texture (faucets, brass)",Are the faucets made of brass? +79,"three sleek, brass faucets with a modern, geometric shape stand aligned, streaming clear water into a white basin below. the sink is surrounded by a marble countertop, which reflects the light and brings out the warm golden tones of the metal. droplets of water can be seen splashing gently around the base of each faucet, indicating the force of the flowing water.",,4,1,attribute,shape,"attribute - shape (faucets, geometric)",Do the faucets have a geometric shape? +79,"three sleek, brass faucets with a modern, geometric shape stand aligned, streaming clear water into a white basin below. the sink is surrounded by a marble countertop, which reflects the light and brings out the warm golden tones of the metal. droplets of water can be seen splashing gently around the base of each faucet, indicating the force of the flowing water.",,5,0,entity,state,"entity - state (water, clear)",Is the water clear? +79,"three sleek, brass faucets with a modern, geometric shape stand aligned, streaming clear water into a white basin below. the sink is surrounded by a marble countertop, which reflects the light and brings out the warm golden tones of the metal. droplets of water can be seen splashing gently around the base of each faucet, indicating the force of the flowing water.",,6,0,entity,whole,entity - whole (basin),Is there a basin? +79,"three sleek, brass faucets with a modern, geometric shape stand aligned, streaming clear water into a white basin below. the sink is surrounded by a marble countertop, which reflects the light and brings out the warm golden tones of the metal. droplets of water can be seen splashing gently around the base of each faucet, indicating the force of the flowing water.",,7,6,attribute,color,"attribute - color (basin, white)",Is the basin white? +79,"three sleek, brass faucets with a modern, geometric shape stand aligned, streaming clear water into a white basin below. the sink is surrounded by a marble countertop, which reflects the light and brings out the warm golden tones of the metal. droplets of water can be seen splashing gently around the base of each faucet, indicating the force of the flowing water.",,8,0,entity,whole,entity - whole (countertop),Is there a countertop? +79,"three sleek, brass faucets with a modern, geometric shape stand aligned, streaming clear water into a white basin below. the sink is surrounded by a marble countertop, which reflects the light and brings out the warm golden tones of the metal. droplets of water can be seen splashing gently around the base of each faucet, indicating the force of the flowing water.",,9,8,attribute,texture,"attribute - texture (countertop, marble)",Is the countertop marble? +79,"three sleek, brass faucets with a modern, geometric shape stand aligned, streaming clear water into a white basin below. the sink is surrounded by a marble countertop, which reflects the light and brings out the warm golden tones of the metal. droplets of water can be seen splashing gently around the base of each faucet, indicating the force of the flowing water.",,10,"1,6",relation,spatial,"relation - spatial (faucets, basin, above)",Are the faucets above the basin? +273,"Three white golf balls are precisely placed on the black, moving conveyor of a large treadmill. The golf balls, significantly smaller in scale, appear almost like tiny planets gliding along the treadmill's expansive surface. The ambient light casts a soft glow on the scene, accentuating the contrast between the smooth texture of the golf balls and the textured belt of the treadmill, as the treadmill operates in a room with fading daylight filtering through a nearby window.",,1,0,entity,whole,entity - whole (golf balls),Are there golf balls? +273,"Three white golf balls are precisely placed on the black, moving conveyor of a large treadmill. The golf balls, significantly smaller in scale, appear almost like tiny planets gliding along the treadmill's expansive surface. The ambient light casts a soft glow on the scene, accentuating the contrast between the smooth texture of the golf balls and the textured belt of the treadmill, as the treadmill operates in a room with fading daylight filtering through a nearby window.",,2,1,other,count,"other - count (golf balls, ==3)",Are there three golf balls? +273,"Three white golf balls are precisely placed on the black, moving conveyor of a large treadmill. The golf balls, significantly smaller in scale, appear almost like tiny planets gliding along the treadmill's expansive surface. The ambient light casts a soft glow on the scene, accentuating the contrast between the smooth texture of the golf balls and the textured belt of the treadmill, as the treadmill operates in a room with fading daylight filtering through a nearby window.",,3,0,entity,whole,entity - whole (treadmill),Is there a treadmill? +273,"Three white golf balls are precisely placed on the black, moving conveyor of a large treadmill. The golf balls, significantly smaller in scale, appear almost like tiny planets gliding along the treadmill's expansive surface. The ambient light casts a soft glow on the scene, accentuating the contrast between the smooth texture of the golf balls and the textured belt of the treadmill, as the treadmill operates in a room with fading daylight filtering through a nearby window.",,4,1,attribute,color,"attribute - color (golf balls, white)",Are the golf balls white? +273,"Three white golf balls are precisely placed on the black, moving conveyor of a large treadmill. The golf balls, significantly smaller in scale, appear almost like tiny planets gliding along the treadmill's expansive surface. The ambient light casts a soft glow on the scene, accentuating the contrast between the smooth texture of the golf balls and the textured belt of the treadmill, as the treadmill operates in a room with fading daylight filtering through a nearby window.",,5,3,attribute,color,"attribute - color (treadmill's conveyor, black)",Is the treadmill's conveyor black? +273,"Three white golf balls are precisely placed on the black, moving conveyor of a large treadmill. The golf balls, significantly smaller in scale, appear almost like tiny planets gliding along the treadmill's expansive surface. The ambient light casts a soft glow on the scene, accentuating the contrast between the smooth texture of the golf balls and the textured belt of the treadmill, as the treadmill operates in a room with fading daylight filtering through a nearby window.",,6,3,attribute,texture,"attribute - texture (treadmill's belt, textured)",Is the treadmill's belt textured? +273,"Three white golf balls are precisely placed on the black, moving conveyor of a large treadmill. The golf balls, significantly smaller in scale, appear almost like tiny planets gliding along the treadmill's expansive surface. The ambient light casts a soft glow on the scene, accentuating the contrast between the smooth texture of the golf balls and the textured belt of the treadmill, as the treadmill operates in a room with fading daylight filtering through a nearby window.",,7,1,attribute,texture,"attribute - texture (golf balls, smooth)",Is the texture of the golf balls smooth? +273,"Three white golf balls are precisely placed on the black, moving conveyor of a large treadmill. The golf balls, significantly smaller in scale, appear almost like tiny planets gliding along the treadmill's expansive surface. The ambient light casts a soft glow on the scene, accentuating the contrast between the smooth texture of the golf balls and the textured belt of the treadmill, as the treadmill operates in a room with fading daylight filtering through a nearby window.",,8,1,attribute,size,"attribute - size (golf balls, significantly smaller)",Are the golf balls significantly smaller in comparison to something? +273,"Three white golf balls are precisely placed on the black, moving conveyor of a large treadmill. The golf balls, significantly smaller in scale, appear almost like tiny planets gliding along the treadmill's expansive surface. The ambient light casts a soft glow on the scene, accentuating the contrast between the smooth texture of the golf balls and the textured belt of the treadmill, as the treadmill operates in a room with fading daylight filtering through a nearby window.",,9,"1,3",relation,spatial,"relation - spatial (golf balls, treadmill, on)",Are the golf balls on the treadmill? +273,"Three white golf balls are precisely placed on the black, moving conveyor of a large treadmill. The golf balls, significantly smaller in scale, appear almost like tiny planets gliding along the treadmill's expansive surface. The ambient light casts a soft glow on the scene, accentuating the contrast between the smooth texture of the golf balls and the textured belt of the treadmill, as the treadmill operates in a room with fading daylight filtering through a nearby window.",,10,3,relation,spatial,"relation - spatial (treadmill's conveyor, moving)",Is the treadmill's conveyor moving? +130,"On a brisk morning, a delicate white paper napkin gently enfolds a vibrant yellow mango, contrasting sharply with the fruit's robust size. The mango, plump and juicy, sits prominently at the center of a light wooden dining table. Around it, the early daylight casts soft shadows, highlighting the texture of the napkin's folds as it cradles the mango.",,1,0,entity,whole,entity - whole (napkin),Is there a napkin? +130,"On a brisk morning, a delicate white paper napkin gently enfolds a vibrant yellow mango, contrasting sharply with the fruit's robust size. The mango, plump and juicy, sits prominently at the center of a light wooden dining table. Around it, the early daylight casts soft shadows, highlighting the texture of the napkin's folds as it cradles the mango.",,2,0,entity,whole,entity - whole (mango),Is there a mango? +130,"On a brisk morning, a delicate white paper napkin gently enfolds a vibrant yellow mango, contrasting sharply with the fruit's robust size. The mango, plump and juicy, sits prominently at the center of a light wooden dining table. Around it, the early daylight casts soft shadows, highlighting the texture of the napkin's folds as it cradles the mango.",,3,0,entity,whole,entity - whole (dining table),Is there a dining table? +130,"On a brisk morning, a delicate white paper napkin gently enfolds a vibrant yellow mango, contrasting sharply with the fruit's robust size. The mango, plump and juicy, sits prominently at the center of a light wooden dining table. Around it, the early daylight casts soft shadows, highlighting the texture of the napkin's folds as it cradles the mango.",,4,1,attribute,color,"attribute - color (napkin, white)",Is the napkin white? +130,"On a brisk morning, a delicate white paper napkin gently enfolds a vibrant yellow mango, contrasting sharply with the fruit's robust size. The mango, plump and juicy, sits prominently at the center of a light wooden dining table. Around it, the early daylight casts soft shadows, highlighting the texture of the napkin's folds as it cradles the mango.",,5,2,attribute,color,"attribute - color (mango, yellow)",Is the mango yellow? +130,"On a brisk morning, a delicate white paper napkin gently enfolds a vibrant yellow mango, contrasting sharply with the fruit's robust size. The mango, plump and juicy, sits prominently at the center of a light wooden dining table. Around it, the early daylight casts soft shadows, highlighting the texture of the napkin's folds as it cradles the mango.",,6,2,attribute,size,"attribute - size (mango, robust)",Is the mango's size robust? +130,"On a brisk morning, a delicate white paper napkin gently enfolds a vibrant yellow mango, contrasting sharply with the fruit's robust size. The mango, plump and juicy, sits prominently at the center of a light wooden dining table. Around it, the early daylight casts soft shadows, highlighting the texture of the napkin's folds as it cradles the mango.",,7,1,attribute,texture,"attribute - texture (napkin, delicate)",Is the napkin's texture delicate? +130,"On a brisk morning, a delicate white paper napkin gently enfolds a vibrant yellow mango, contrasting sharply with the fruit's robust size. The mango, plump and juicy, sits prominently at the center of a light wooden dining table. Around it, the early daylight casts soft shadows, highlighting the texture of the napkin's folds as it cradles the mango.",,8,2,entity,state,"entity - state (mango, plump)",Is the mango plump? +130,"On a brisk morning, a delicate white paper napkin gently enfolds a vibrant yellow mango, contrasting sharply with the fruit's robust size. The mango, plump and juicy, sits prominently at the center of a light wooden dining table. Around it, the early daylight casts soft shadows, highlighting the texture of the napkin's folds as it cradles the mango.",,9,2,entity,state,"entity - state (mango, juicy)",Is the mango juicy? +130,"On a brisk morning, a delicate white paper napkin gently enfolds a vibrant yellow mango, contrasting sharply with the fruit's robust size. The mango, plump and juicy, sits prominently at the center of a light wooden dining table. Around it, the early daylight casts soft shadows, highlighting the texture of the napkin's folds as it cradles the mango.",,10,"1,2",relation,spatial,"relation - spatial (mango, napkin, enfolds by)",Is the mango gently enfolded by the napkin? +130,"On a brisk morning, a delicate white paper napkin gently enfolds a vibrant yellow mango, contrasting sharply with the fruit's robust size. The mango, plump and juicy, sits prominently at the center of a light wooden dining table. Around it, the early daylight casts soft shadows, highlighting the texture of the napkin's folds as it cradles the mango.",,11,"2,3",relation,spatial,"relation - spatial (mango, dining table, center of)",Is the mango sitting at the center of the dining table? +33,"Golden, crispy French fries are strewn across a bustling kitchen counter, which is topped with a speckled granite surface. Amid a flurry of midday meal preparations, the scattered fries mingle with an array of ingredients and kitchen tools. Just beside the clutter, a stainless steel fryer continues to bubble away with the promise of more golden treats to come.",,1,0,entity,whole,entity - whole (French fries),Are there French fries? +33,"Golden, crispy French fries are strewn across a bustling kitchen counter, which is topped with a speckled granite surface. Amid a flurry of midday meal preparations, the scattered fries mingle with an array of ingredients and kitchen tools. Just beside the clutter, a stainless steel fryer continues to bubble away with the promise of more golden treats to come.",,2,0,entity,whole,entity - whole (kitchen counter),Is there a kitchen counter? +33,"Golden, crispy French fries are strewn across a bustling kitchen counter, which is topped with a speckled granite surface. Amid a flurry of midday meal preparations, the scattered fries mingle with an array of ingredients and kitchen tools. Just beside the clutter, a stainless steel fryer continues to bubble away with the promise of more golden treats to come.",,3,2,attribute,texture,"attribute - texture (kitchen counter, granite)",Is the kitchen counter made of granite? +33,"Golden, crispy French fries are strewn across a bustling kitchen counter, which is topped with a speckled granite surface. Amid a flurry of midday meal preparations, the scattered fries mingle with an array of ingredients and kitchen tools. Just beside the clutter, a stainless steel fryer continues to bubble away with the promise of more golden treats to come.",,4,2,attribute,texture,"attribute - texture (kitchen counter's surface, speckled)",Is the kitchen counter's surface speckled? +33,"Golden, crispy French fries are strewn across a bustling kitchen counter, which is topped with a speckled granite surface. Amid a flurry of midday meal preparations, the scattered fries mingle with an array of ingredients and kitchen tools. Just beside the clutter, a stainless steel fryer continues to bubble away with the promise of more golden treats to come.",,5,1,attribute,color,"attribute - color (French fries, golden)",Are the French fries golden? +33,"Golden, crispy French fries are strewn across a bustling kitchen counter, which is topped with a speckled granite surface. Amid a flurry of midday meal preparations, the scattered fries mingle with an array of ingredients and kitchen tools. Just beside the clutter, a stainless steel fryer continues to bubble away with the promise of more golden treats to come.",,6,1,entity,state,"entity - state (French fries, crispy)",Are the French fries crispy? +33,"Golden, crispy French fries are strewn across a bustling kitchen counter, which is topped with a speckled granite surface. Amid a flurry of midday meal preparations, the scattered fries mingle with an array of ingredients and kitchen tools. Just beside the clutter, a stainless steel fryer continues to bubble away with the promise of more golden treats to come.",,7,2,entity,state,"entity - state (kitchen counter, bustling)",Is the kitchen counter bustling? +33,"Golden, crispy French fries are strewn across a bustling kitchen counter, which is topped with a speckled granite surface. Amid a flurry of midday meal preparations, the scattered fries mingle with an array of ingredients and kitchen tools. Just beside the clutter, a stainless steel fryer continues to bubble away with the promise of more golden treats to come.",,8,"1,2",relation,spatial,"relation - spatial (French fries, kitchen counter, strewn across)",Are French fries strewn across the kitchen counter? +33,"Golden, crispy French fries are strewn across a bustling kitchen counter, which is topped with a speckled granite surface. Amid a flurry of midday meal preparations, the scattered fries mingle with an array of ingredients and kitchen tools. Just beside the clutter, a stainless steel fryer continues to bubble away with the promise of more golden treats to come.",,9,0,entity,whole,entity - whole (fryer),Is there a fryer? +33,"Golden, crispy French fries are strewn across a bustling kitchen counter, which is topped with a speckled granite surface. Amid a flurry of midday meal preparations, the scattered fries mingle with an array of ingredients and kitchen tools. Just beside the clutter, a stainless steel fryer continues to bubble away with the promise of more golden treats to come.",,10,9,attribute,texture,"attribute - texture (fryer, stainless steel)",Is the fryer made of stainless steel? +149,"A quaint Parisian bistro table, with an ornate metal base, sits on a cobbled street, its surface hosting a classic French kettle with an elegant, sweeping curvilinear profile and a glossy finish that catches the sunlight. Next to it lies a soft, felt French beret, in a deep shade of navy blue, adding a touch of artistic flair to the setting. The backdrop is a bustling Paris afternoon, with the silhouette of the Eiffel Tower looming in the distance, framed by the vibrant green leaves of trees lining the avenue.",,1,0,entity,whole,entity - whole (bistro table),Is there a bistro table? +149,"A quaint Parisian bistro table, with an ornate metal base, sits on a cobbled street, its surface hosting a classic French kettle with an elegant, sweeping curvilinear profile and a glossy finish that catches the sunlight. Next to it lies a soft, felt French beret, in a deep shade of navy blue, adding a touch of artistic flair to the setting. The backdrop is a bustling Paris afternoon, with the silhouette of the Eiffel Tower looming in the distance, framed by the vibrant green leaves of trees lining the avenue.",,2,0,entity,whole,entity - whole (French kettle),Is there a French kettle? +149,"A quaint Parisian bistro table, with an ornate metal base, sits on a cobbled street, its surface hosting a classic French kettle with an elegant, sweeping curvilinear profile and a glossy finish that catches the sunlight. Next to it lies a soft, felt French beret, in a deep shade of navy blue, adding a touch of artistic flair to the setting. The backdrop is a bustling Paris afternoon, with the silhouette of the Eiffel Tower looming in the distance, framed by the vibrant green leaves of trees lining the avenue.",,3,0,entity,whole,entity - whole (French beret),Is there a French beret? +149,"A quaint Parisian bistro table, with an ornate metal base, sits on a cobbled street, its surface hosting a classic French kettle with an elegant, sweeping curvilinear profile and a glossy finish that catches the sunlight. Next to it lies a soft, felt French beret, in a deep shade of navy blue, adding a touch of artistic flair to the setting. The backdrop is a bustling Paris afternoon, with the silhouette of the Eiffel Tower looming in the distance, framed by the vibrant green leaves of trees lining the avenue.",,4,0,entity,whole,entity - whole (street),Is there a street? +149,"A quaint Parisian bistro table, with an ornate metal base, sits on a cobbled street, its surface hosting a classic French kettle with an elegant, sweeping curvilinear profile and a glossy finish that catches the sunlight. Next to it lies a soft, felt French beret, in a deep shade of navy blue, adding a touch of artistic flair to the setting. The backdrop is a bustling Paris afternoon, with the silhouette of the Eiffel Tower looming in the distance, framed by the vibrant green leaves of trees lining the avenue.",,5,0,global,,global - (Parisian),Is this setting Parisian? +149,"A quaint Parisian bistro table, with an ornate metal base, sits on a cobbled street, its surface hosting a classic French kettle with an elegant, sweeping curvilinear profile and a glossy finish that catches the sunlight. Next to it lies a soft, felt French beret, in a deep shade of navy blue, adding a touch of artistic flair to the setting. The backdrop is a bustling Paris afternoon, with the silhouette of the Eiffel Tower looming in the distance, framed by the vibrant green leaves of trees lining the avenue.",,6,1,attribute,texture,"attribute - texture (bistro table base, ornate metal)",Does the bistro table have an ornate metal base? +149,"A quaint Parisian bistro table, with an ornate metal base, sits on a cobbled street, its surface hosting a classic French kettle with an elegant, sweeping curvilinear profile and a glossy finish that catches the sunlight. Next to it lies a soft, felt French beret, in a deep shade of navy blue, adding a touch of artistic flair to the setting. The backdrop is a bustling Paris afternoon, with the silhouette of the Eiffel Tower looming in the distance, framed by the vibrant green leaves of trees lining the avenue.",,7,4,attribute,texture,"attribute - texture (street, cobbled)",Is the street cobbled? +149,"A quaint Parisian bistro table, with an ornate metal base, sits on a cobbled street, its surface hosting a classic French kettle with an elegant, sweeping curvilinear profile and a glossy finish that catches the sunlight. Next to it lies a soft, felt French beret, in a deep shade of navy blue, adding a touch of artistic flair to the setting. The backdrop is a bustling Paris afternoon, with the silhouette of the Eiffel Tower looming in the distance, framed by the vibrant green leaves of trees lining the avenue.",,8,3,attribute,color,"attribute - color (French beret, navy blue)",Is the French beret navy blue? +149,"A quaint Parisian bistro table, with an ornate metal base, sits on a cobbled street, its surface hosting a classic French kettle with an elegant, sweeping curvilinear profile and a glossy finish that catches the sunlight. Next to it lies a soft, felt French beret, in a deep shade of navy blue, adding a touch of artistic flair to the setting. The backdrop is a bustling Paris afternoon, with the silhouette of the Eiffel Tower looming in the distance, framed by the vibrant green leaves of trees lining the avenue.",,9,2,attribute,color,"attribute - color (French kettle, glossy)",Does the French kettle have a glossy finish? +149,"A quaint Parisian bistro table, with an ornate metal base, sits on a cobbled street, its surface hosting a classic French kettle with an elegant, sweeping curvilinear profile and a glossy finish that catches the sunlight. Next to it lies a soft, felt French beret, in a deep shade of navy blue, adding a touch of artistic flair to the setting. The backdrop is a bustling Paris afternoon, with the silhouette of the Eiffel Tower looming in the distance, framed by the vibrant green leaves of trees lining the avenue.",,10,"1,4",relation,spatial,"relation - spatial (bistro table, street, on)",Is the bistro table on the street? +149,"A quaint Parisian bistro table, with an ornate metal base, sits on a cobbled street, its surface hosting a classic French kettle with an elegant, sweeping curvilinear profile and a glossy finish that catches the sunlight. Next to it lies a soft, felt French beret, in a deep shade of navy blue, adding a touch of artistic flair to the setting. The backdrop is a bustling Paris afternoon, with the silhouette of the Eiffel Tower looming in the distance, framed by the vibrant green leaves of trees lining the avenue.",,11,"1,2",relation,spatial,"relation - spatial (French kettle, bistro table, on)",Is the French kettle on the bistro table? +149,"A quaint Parisian bistro table, with an ornate metal base, sits on a cobbled street, its surface hosting a classic French kettle with an elegant, sweeping curvilinear profile and a glossy finish that catches the sunlight. Next to it lies a soft, felt French beret, in a deep shade of navy blue, adding a touch of artistic flair to the setting. The backdrop is a bustling Paris afternoon, with the silhouette of the Eiffel Tower looming in the distance, framed by the vibrant green leaves of trees lining the avenue.",,12,"1,3",relation,spatial,"relation - spatial (French beret, bistro table, next to)",Is the French beret next to something on the bistro table? +149,"A quaint Parisian bistro table, with an ornate metal base, sits on a cobbled street, its surface hosting a classic French kettle with an elegant, sweeping curvilinear profile and a glossy finish that catches the sunlight. Next to it lies a soft, felt French beret, in a deep shade of navy blue, adding a touch of artistic flair to the setting. The backdrop is a bustling Paris afternoon, with the silhouette of the Eiffel Tower looming in the distance, framed by the vibrant green leaves of trees lining the avenue.",,13,0,relation,spatial,"relation - spatial (Eiffel Tower, trees, framed by)",Is the Eiffel Tower framed by trees? +149,"A quaint Parisian bistro table, with an ornate metal base, sits on a cobbled street, its surface hosting a classic French kettle with an elegant, sweeping curvilinear profile and a glossy finish that catches the sunlight. Next to it lies a soft, felt French beret, in a deep shade of navy blue, adding a touch of artistic flair to the setting. The backdrop is a bustling Paris afternoon, with the silhouette of the Eiffel Tower looming in the distance, framed by the vibrant green leaves of trees lining the avenue.",,14,4,entity,state,"entity - state (street, bustling)",Is the street bustling? +149,"A quaint Parisian bistro table, with an ornate metal base, sits on a cobbled street, its surface hosting a classic French kettle with an elegant, sweeping curvilinear profile and a glossy finish that catches the sunlight. Next to it lies a soft, felt French beret, in a deep shade of navy blue, adding a touch of artistic flair to the setting. The backdrop is a bustling Paris afternoon, with the silhouette of the Eiffel Tower looming in the distance, framed by the vibrant green leaves of trees lining the avenue.",,15,0,entity,state,"entity - state (afternoon, Paris)",Is it afternoon in Paris? +149,"A quaint Parisian bistro table, with an ornate metal base, sits on a cobbled street, its surface hosting a classic French kettle with an elegant, sweeping curvilinear profile and a glossy finish that catches the sunlight. Next to it lies a soft, felt French beret, in a deep shade of navy blue, adding a touch of artistic flair to the setting. The backdrop is a bustling Paris afternoon, with the silhouette of the Eiffel Tower looming in the distance, framed by the vibrant green leaves of trees lining the avenue.",,16,2,attribute,other,"attribute - other (French kettle, classic)",Is the French kettle classic? +149,"A quaint Parisian bistro table, with an ornate metal base, sits on a cobbled street, its surface hosting a classic French kettle with an elegant, sweeping curvilinear profile and a glossy finish that catches the sunlight. Next to it lies a soft, felt French beret, in a deep shade of navy blue, adding a touch of artistic flair to the setting. The backdrop is a bustling Paris afternoon, with the silhouette of the Eiffel Tower looming in the distance, framed by the vibrant green leaves of trees lining the avenue.",,17,2,attribute,other,"attribute - other (French kettle, elegant)",Is the French kettle elegant? +149,"A quaint Parisian bistro table, with an ornate metal base, sits on a cobbled street, its surface hosting a classic French kettle with an elegant, sweeping curvilinear profile and a glossy finish that catches the sunlight. Next to it lies a soft, felt French beret, in a deep shade of navy blue, adding a touch of artistic flair to the setting. The backdrop is a bustling Paris afternoon, with the silhouette of the Eiffel Tower looming in the distance, framed by the vibrant green leaves of trees lining the avenue.",,18,2,attribute,other,"attribute - other (French kettle, sweeping curvilinear profile)",Does the French kettle have a sweeping curvilinear profile? +149,"A quaint Parisian bistro table, with an ornate metal base, sits on a cobbled street, its surface hosting a classic French kettle with an elegant, sweeping curvilinear profile and a glossy finish that catches the sunlight. Next to it lies a soft, felt French beret, in a deep shade of navy blue, adding a touch of artistic flair to the setting. The backdrop is a bustling Paris afternoon, with the silhouette of the Eiffel Tower looming in the distance, framed by the vibrant green leaves of trees lining the avenue.",,19,2,entity,state,"entity - state (French kettle, sunlight, catch)",Does the French kettle catch the sunlight? +149,"A quaint Parisian bistro table, with an ornate metal base, sits on a cobbled street, its surface hosting a classic French kettle with an elegant, sweeping curvilinear profile and a glossy finish that catches the sunlight. Next to it lies a soft, felt French beret, in a deep shade of navy blue, adding a touch of artistic flair to the setting. The backdrop is a bustling Paris afternoon, with the silhouette of the Eiffel Tower looming in the distance, framed by the vibrant green leaves of trees lining the avenue.",,20,3,attribute,texture,"attribute - texture (French beret, soft)",Is the French beret soft? +66,"An antique rickshaw with chipped and faded red paint stands solemnly under the vast expanse of an early morning sky tinged with the soft hues of dawn. The worn seat, hinting at many years of service, looks out over an empty cobblestone street that hints at the day's quiet beginning. Rustic details of the rickshaw's metalwork become more apparent in the gentle morning light, indicating its rich history and the countless stories it could tell.",,1,0,entity,whole,entity - whole (rickshaw),Is there an antique rickshaw? +66,"An antique rickshaw with chipped and faded red paint stands solemnly under the vast expanse of an early morning sky tinged with the soft hues of dawn. The worn seat, hinting at many years of service, looks out over an empty cobblestone street that hints at the day's quiet beginning. Rustic details of the rickshaw's metalwork become more apparent in the gentle morning light, indicating its rich history and the countless stories it could tell.",,2,1,entity,whole,entity - whole (seat),Is there a seat? +66,"An antique rickshaw with chipped and faded red paint stands solemnly under the vast expanse of an early morning sky tinged with the soft hues of dawn. The worn seat, hinting at many years of service, looks out over an empty cobblestone street that hints at the day's quiet beginning. Rustic details of the rickshaw's metalwork become more apparent in the gentle morning light, indicating its rich history and the countless stories it could tell.",,3,0,entity,whole,entity - whole (sky),Is there a sky? +66,"An antique rickshaw with chipped and faded red paint stands solemnly under the vast expanse of an early morning sky tinged with the soft hues of dawn. The worn seat, hinting at many years of service, looks out over an empty cobblestone street that hints at the day's quiet beginning. Rustic details of the rickshaw's metalwork become more apparent in the gentle morning light, indicating its rich history and the countless stories it could tell.",,4,0,entity,whole,entity - whole (street),Is there a street? +66,"An antique rickshaw with chipped and faded red paint stands solemnly under the vast expanse of an early morning sky tinged with the soft hues of dawn. The worn seat, hinting at many years of service, looks out over an empty cobblestone street that hints at the day's quiet beginning. Rustic details of the rickshaw's metalwork become more apparent in the gentle morning light, indicating its rich history and the countless stories it could tell.",,5,1,attribute,color,"attribute - color (rickshaw's paint, red)",Is the rickshaw's paint red? +66,"An antique rickshaw with chipped and faded red paint stands solemnly under the vast expanse of an early morning sky tinged with the soft hues of dawn. The worn seat, hinting at many years of service, looks out over an empty cobblestone street that hints at the day's quiet beginning. Rustic details of the rickshaw's metalwork become more apparent in the gentle morning light, indicating its rich history and the countless stories it could tell.",,6,1,attribute,texture,"attribute - texture (rickshaw's paint, chipped and faded)",Is the rickshaw's paint chipped and faded? +66,"An antique rickshaw with chipped and faded red paint stands solemnly under the vast expanse of an early morning sky tinged with the soft hues of dawn. The worn seat, hinting at many years of service, looks out over an empty cobblestone street that hints at the day's quiet beginning. Rustic details of the rickshaw's metalwork become more apparent in the gentle morning light, indicating its rich history and the countless stories it could tell.",,7,4,attribute,texture,"attribute - texture (street, cobblestone)",Is the street made of cobblestone? +66,"An antique rickshaw with chipped and faded red paint stands solemnly under the vast expanse of an early morning sky tinged with the soft hues of dawn. The worn seat, hinting at many years of service, looks out over an empty cobblestone street that hints at the day's quiet beginning. Rustic details of the rickshaw's metalwork become more apparent in the gentle morning light, indicating its rich history and the countless stories it could tell.",,8,3,attribute,other,"attribute - other (sky, early morning)",Is it early morning in the sky? +66,"An antique rickshaw with chipped and faded red paint stands solemnly under the vast expanse of an early morning sky tinged with the soft hues of dawn. The worn seat, hinting at many years of service, looks out over an empty cobblestone street that hints at the day's quiet beginning. Rustic details of the rickshaw's metalwork become more apparent in the gentle morning light, indicating its rich history and the countless stories it could tell.",,9,0,attribute,other,"attribute - other (light, gentle morning)",Is the light gentle in the morning? +66,"An antique rickshaw with chipped and faded red paint stands solemnly under the vast expanse of an early morning sky tinged with the soft hues of dawn. The worn seat, hinting at many years of service, looks out over an empty cobblestone street that hints at the day's quiet beginning. Rustic details of the rickshaw's metalwork become more apparent in the gentle morning light, indicating its rich history and the countless stories it could tell.",,10,1,entity,state,"entity - state (rickshaw, stand)",Is the rickshaw standing solemnly? +281,"A modern kitchen scene where a stainless steel gas stove ignites with a soft blue flame, casting a warm glow on the surroundings. Close by on the granite countertop rests a green glass bottle, which reflects the flickering light, creating subtle reflections around it. The stove is surrounded by various cooking utensils and a spice rack filled with an assortment of colorful spices.",,1,0,entity,whole,entity - whole (kitchen scene),Is there a kitchen scene? +281,"A modern kitchen scene where a stainless steel gas stove ignites with a soft blue flame, casting a warm glow on the surroundings. Close by on the granite countertop rests a green glass bottle, which reflects the flickering light, creating subtle reflections around it. The stove is surrounded by various cooking utensils and a spice rack filled with an assortment of colorful spices.",,2,1,entity,whole,entity - whole (gas stove),Is there a gas stove? +281,"A modern kitchen scene where a stainless steel gas stove ignites with a soft blue flame, casting a warm glow on the surroundings. Close by on the granite countertop rests a green glass bottle, which reflects the flickering light, creating subtle reflections around it. The stove is surrounded by various cooking utensils and a spice rack filled with an assortment of colorful spices.",,3,2,attribute,texture,"attribute - texture (gas stove, stainless steel)",Is the gas stove made of stainless steel? +281,"A modern kitchen scene where a stainless steel gas stove ignites with a soft blue flame, casting a warm glow on the surroundings. Close by on the granite countertop rests a green glass bottle, which reflects the flickering light, creating subtle reflections around it. The stove is surrounded by various cooking utensils and a spice rack filled with an assortment of colorful spices.",,4,2,entity,whole,entity - whole (flame),Is there a flame? +281,"A modern kitchen scene where a stainless steel gas stove ignites with a soft blue flame, casting a warm glow on the surroundings. Close by on the granite countertop rests a green glass bottle, which reflects the flickering light, creating subtle reflections around it. The stove is surrounded by various cooking utensils and a spice rack filled with an assortment of colorful spices.",,5,4,attribute,color,"attribute - color (flame, soft blue)",Is the flame soft blue? +281,"A modern kitchen scene where a stainless steel gas stove ignites with a soft blue flame, casting a warm glow on the surroundings. Close by on the granite countertop rests a green glass bottle, which reflects the flickering light, creating subtle reflections around it. The stove is surrounded by various cooking utensils and a spice rack filled with an assortment of colorful spices.",,6,1,attribute,texture,"attribute - texture (countertop, granite)",Is the countertop made of granite? +281,"A modern kitchen scene where a stainless steel gas stove ignites with a soft blue flame, casting a warm glow on the surroundings. Close by on the granite countertop rests a green glass bottle, which reflects the flickering light, creating subtle reflections around it. The stove is surrounded by various cooking utensils and a spice rack filled with an assortment of colorful spices.",,7,1,entity,whole,entity - whole (glass bottle),Is there a glass bottle? +281,"A modern kitchen scene where a stainless steel gas stove ignites with a soft blue flame, casting a warm glow on the surroundings. Close by on the granite countertop rests a green glass bottle, which reflects the flickering light, creating subtle reflections around it. The stove is surrounded by various cooking utensils and a spice rack filled with an assortment of colorful spices.",,8,7,attribute,color,"attribute - color (glass bottle, green)",Is the glass bottle green? +281,"A modern kitchen scene where a stainless steel gas stove ignites with a soft blue flame, casting a warm glow on the surroundings. Close by on the granite countertop rests a green glass bottle, which reflects the flickering light, creating subtle reflections around it. The stove is surrounded by various cooking utensils and a spice rack filled with an assortment of colorful spices.",,9,1,entity,whole,entity - whole (cooking utensils),Are there cooking utensils? +281,"A modern kitchen scene where a stainless steel gas stove ignites with a soft blue flame, casting a warm glow on the surroundings. Close by on the granite countertop rests a green glass bottle, which reflects the flickering light, creating subtle reflections around it. The stove is surrounded by various cooking utensils and a spice rack filled with an assortment of colorful spices.",,10,1,entity,whole,entity - whole (spice rack),Is there a spice rack? +40,"Two glossy black motorcycle helmets are securely mounted on a white wall adorned with various tools and metal racks. The helmets, with their visors closed, are suspended next to each other by sturdy hooks, reflecting the fluorescent lights above. The wall's smooth texture starkly contrasts the matte finish of the protective gear.",,1,0,entity,whole,entity - whole (motorcycle helmets),Are there motorcycle helmets? +40,"Two glossy black motorcycle helmets are securely mounted on a white wall adorned with various tools and metal racks. The helmets, with their visors closed, are suspended next to each other by sturdy hooks, reflecting the fluorescent lights above. The wall's smooth texture starkly contrasts the matte finish of the protective gear.",,2,1,other,count,"other - count (motorcycle helmets, ==2)",Are there two motorcycle helmets? +40,"Two glossy black motorcycle helmets are securely mounted on a white wall adorned with various tools and metal racks. The helmets, with their visors closed, are suspended next to each other by sturdy hooks, reflecting the fluorescent lights above. The wall's smooth texture starkly contrasts the matte finish of the protective gear.",,3,1,attribute,color,"attribute - color (motorcycle helmets, glossy black)",Are the motorcycle helmets glossy black? +40,"Two glossy black motorcycle helmets are securely mounted on a white wall adorned with various tools and metal racks. The helmets, with their visors closed, are suspended next to each other by sturdy hooks, reflecting the fluorescent lights above. The wall's smooth texture starkly contrasts the matte finish of the protective gear.",,4,0,entity,whole,entity - whole (wall),Is there a wall? +40,"Two glossy black motorcycle helmets are securely mounted on a white wall adorned with various tools and metal racks. The helmets, with their visors closed, are suspended next to each other by sturdy hooks, reflecting the fluorescent lights above. The wall's smooth texture starkly contrasts the matte finish of the protective gear.",,5,4,attribute,color,"attribute - color (wall, white)",Is the wall white? +40,"Two glossy black motorcycle helmets are securely mounted on a white wall adorned with various tools and metal racks. The helmets, with their visors closed, are suspended next to each other by sturdy hooks, reflecting the fluorescent lights above. The wall's smooth texture starkly contrasts the matte finish of the protective gear.",,6,0,entity,whole,entity - whole (tools),Are there various tools? +40,"Two glossy black motorcycle helmets are securely mounted on a white wall adorned with various tools and metal racks. The helmets, with their visors closed, are suspended next to each other by sturdy hooks, reflecting the fluorescent lights above. The wall's smooth texture starkly contrasts the matte finish of the protective gear.",,7,0,entity,whole,entity - whole (metal racks),Are there metal racks? +40,"Two glossy black motorcycle helmets are securely mounted on a white wall adorned with various tools and metal racks. The helmets, with their visors closed, are suspended next to each other by sturdy hooks, reflecting the fluorescent lights above. The wall's smooth texture starkly contrasts the matte finish of the protective gear.",,8,"1,4",relation,spatial,"relation - spatial (motorcycle helmets, wall, mounted on)",Are the motorcycle helmets securely mounted on the wall? +40,"Two glossy black motorcycle helmets are securely mounted on a white wall adorned with various tools and metal racks. The helmets, with their visors closed, are suspended next to each other by sturdy hooks, reflecting the fluorescent lights above. The wall's smooth texture starkly contrasts the matte finish of the protective gear.",,9,1,relation,spatial,"relation - spatial (motorcycle helmets, hooks, suspended by)",Are the helmets suspended by sturdy hooks? +40,"Two glossy black motorcycle helmets are securely mounted on a white wall adorned with various tools and metal racks. The helmets, with their visors closed, are suspended next to each other by sturdy hooks, reflecting the fluorescent lights above. The wall's smooth texture starkly contrasts the matte finish of the protective gear.",,10,4,attribute,texture,"attribute - texture (wall, smooth)",Does the wall have a smooth texture? +296,"A sleek, crisp white Formula 1 car with sponsor logos emblazoned on it is parked upon a pier with smooth, polished marble slabs reflecting the sun's gleam. Beside the car, gently swaying on the clear azure waters, is a rustic wooden boat with weathered planks and faded paint. The boat's small bobbing motion contrasts with the stillness of the powerful racing car, making for an unusual yet fascinating combination at the water's edge.",,1,0,entity,whole,entity - whole (Formula 1 car),Is there a Formula 1 car? +296,"A sleek, crisp white Formula 1 car with sponsor logos emblazoned on it is parked upon a pier with smooth, polished marble slabs reflecting the sun's gleam. Beside the car, gently swaying on the clear azure waters, is a rustic wooden boat with weathered planks and faded paint. The boat's small bobbing motion contrasts with the stillness of the powerful racing car, making for an unusual yet fascinating combination at the water's edge.",,2,0,entity,whole,entity - whole (pier),Is there a pier? +296,"A sleek, crisp white Formula 1 car with sponsor logos emblazoned on it is parked upon a pier with smooth, polished marble slabs reflecting the sun's gleam. Beside the car, gently swaying on the clear azure waters, is a rustic wooden boat with weathered planks and faded paint. The boat's small bobbing motion contrasts with the stillness of the powerful racing car, making for an unusual yet fascinating combination at the water's edge.",,3,0,entity,whole,entity - whole (boat),Is there a boat? +296,"A sleek, crisp white Formula 1 car with sponsor logos emblazoned on it is parked upon a pier with smooth, polished marble slabs reflecting the sun's gleam. Beside the car, gently swaying on the clear azure waters, is a rustic wooden boat with weathered planks and faded paint. The boat's small bobbing motion contrasts with the stillness of the powerful racing car, making for an unusual yet fascinating combination at the water's edge.",,4,1,attribute,color,"attribute - color (Formula 1 car, white)",Is the Formula 1 car crisp white? +296,"A sleek, crisp white Formula 1 car with sponsor logos emblazoned on it is parked upon a pier with smooth, polished marble slabs reflecting the sun's gleam. Beside the car, gently swaying on the clear azure waters, is a rustic wooden boat with weathered planks and faded paint. The boat's small bobbing motion contrasts with the stillness of the powerful racing car, making for an unusual yet fascinating combination at the water's edge.",,5,2,attribute,texture,"attribute - texture (pier, marble)",Is the pier made of marble? +296,"A sleek, crisp white Formula 1 car with sponsor logos emblazoned on it is parked upon a pier with smooth, polished marble slabs reflecting the sun's gleam. Beside the car, gently swaying on the clear azure waters, is a rustic wooden boat with weathered planks and faded paint. The boat's small bobbing motion contrasts with the stillness of the powerful racing car, making for an unusual yet fascinating combination at the water's edge.",,6,3,attribute,texture,"attribute - texture (boat, wood)",Is the boat made of wood? +296,"A sleek, crisp white Formula 1 car with sponsor logos emblazoned on it is parked upon a pier with smooth, polished marble slabs reflecting the sun's gleam. Beside the car, gently swaying on the clear azure waters, is a rustic wooden boat with weathered planks and faded paint. The boat's small bobbing motion contrasts with the stillness of the powerful racing car, making for an unusual yet fascinating combination at the water's edge.",,7,3,attribute,other,"attribute - other (boat, rustic)",Is the boat rustic? +296,"A sleek, crisp white Formula 1 car with sponsor logos emblazoned on it is parked upon a pier with smooth, polished marble slabs reflecting the sun's gleam. Beside the car, gently swaying on the clear azure waters, is a rustic wooden boat with weathered planks and faded paint. The boat's small bobbing motion contrasts with the stillness of the powerful racing car, making for an unusual yet fascinating combination at the water's edge.",,8,3,attribute,other,"attribute - other (boat, weathered planks)",Does the boat have weathered planks? +296,"A sleek, crisp white Formula 1 car with sponsor logos emblazoned on it is parked upon a pier with smooth, polished marble slabs reflecting the sun's gleam. Beside the car, gently swaying on the clear azure waters, is a rustic wooden boat with weathered planks and faded paint. The boat's small bobbing motion contrasts with the stillness of the powerful racing car, making for an unusual yet fascinating combination at the water's edge.",,9,"1,2",relation,spatial,"relation - spatial (Formula 1 car, pier, upon)",Is the Formula 1 car parked upon the pier? +296,"A sleek, crisp white Formula 1 car with sponsor logos emblazoned on it is parked upon a pier with smooth, polished marble slabs reflecting the sun's gleam. Beside the car, gently swaying on the clear azure waters, is a rustic wooden boat with weathered planks and faded paint. The boat's small bobbing motion contrasts with the stillness of the powerful racing car, making for an unusual yet fascinating combination at the water's edge.",,10,3,relation,spatial,"relation - spatial (boat, water, on)",Is the boat gently swaying on the water? +238,"On the cool, silken sands of a deserted beach, a pair of blue sandals lies side by side, their straps glistening gently in the bright moonlight. Next to the sandals, a white protective face mask is placed neatly, its ear loops partially buried in the fine grains of sand. The tranquil nocturnal shoreline stretches far into the distance, with the rhythmic sound of waves creating a peaceful backdrop for the inanimate companions.",,1,0,entity,whole,entity - whole (beach),Is there a beach? +238,"On the cool, silken sands of a deserted beach, a pair of blue sandals lies side by side, their straps glistening gently in the bright moonlight. Next to the sandals, a white protective face mask is placed neatly, its ear loops partially buried in the fine grains of sand. The tranquil nocturnal shoreline stretches far into the distance, with the rhythmic sound of waves creating a peaceful backdrop for the inanimate companions.",,2,0,entity,whole,entity - whole (sandals),Are there sandals? +238,"On the cool, silken sands of a deserted beach, a pair of blue sandals lies side by side, their straps glistening gently in the bright moonlight. Next to the sandals, a white protective face mask is placed neatly, its ear loops partially buried in the fine grains of sand. The tranquil nocturnal shoreline stretches far into the distance, with the rhythmic sound of waves creating a peaceful backdrop for the inanimate companions.",,3,0,entity,whole,entity - whole (face mask),Is there a face mask? +238,"On the cool, silken sands of a deserted beach, a pair of blue sandals lies side by side, their straps glistening gently in the bright moonlight. Next to the sandals, a white protective face mask is placed neatly, its ear loops partially buried in the fine grains of sand. The tranquil nocturnal shoreline stretches far into the distance, with the rhythmic sound of waves creating a peaceful backdrop for the inanimate companions.",,4,2,attribute,color,"attribute - color (sandals, blue)",Are the sandals blue? +238,"On the cool, silken sands of a deserted beach, a pair of blue sandals lies side by side, their straps glistening gently in the bright moonlight. Next to the sandals, a white protective face mask is placed neatly, its ear loops partially buried in the fine grains of sand. The tranquil nocturnal shoreline stretches far into the distance, with the rhythmic sound of waves creating a peaceful backdrop for the inanimate companions.",,5,3,attribute,color,"attribute - color (face mask, white)",Is the face mask white? +238,"On the cool, silken sands of a deserted beach, a pair of blue sandals lies side by side, their straps glistening gently in the bright moonlight. Next to the sandals, a white protective face mask is placed neatly, its ear loops partially buried in the fine grains of sand. The tranquil nocturnal shoreline stretches far into the distance, with the rhythmic sound of waves creating a peaceful backdrop for the inanimate companions.",,6,1,attribute,texture,"attribute - texture (beach, sand, silken)",Is the sand of the beach silken? +238,"On the cool, silken sands of a deserted beach, a pair of blue sandals lies side by side, their straps glistening gently in the bright moonlight. Next to the sandals, a white protective face mask is placed neatly, its ear loops partially buried in the fine grains of sand. The tranquil nocturnal shoreline stretches far into the distance, with the rhythmic sound of waves creating a peaceful backdrop for the inanimate companions.",,7,"1,2",relation,spatial,"relation - spatial (sandals, beach, on)",Are the sandals on the beach? +238,"On the cool, silken sands of a deserted beach, a pair of blue sandals lies side by side, their straps glistening gently in the bright moonlight. Next to the sandals, a white protective face mask is placed neatly, its ear loops partially buried in the fine grains of sand. The tranquil nocturnal shoreline stretches far into the distance, with the rhythmic sound of waves creating a peaceful backdrop for the inanimate companions.",,8,"2,3",relation,spatial,"relation - spatial (face mask, sandals, next to)",Is the face mask next to the sandals? +238,"On the cool, silken sands of a deserted beach, a pair of blue sandals lies side by side, their straps glistening gently in the bright moonlight. Next to the sandals, a white protective face mask is placed neatly, its ear loops partially buried in the fine grains of sand. The tranquil nocturnal shoreline stretches far into the distance, with the rhythmic sound of waves creating a peaceful backdrop for the inanimate companions.",,9,"1,3",relation,spatial,"relation - spatial (face mask, beach, on)",Is the face mask on the beach? +238,"On the cool, silken sands of a deserted beach, a pair of blue sandals lies side by side, their straps glistening gently in the bright moonlight. Next to the sandals, a white protective face mask is placed neatly, its ear loops partially buried in the fine grains of sand. The tranquil nocturnal shoreline stretches far into the distance, with the rhythmic sound of waves creating a peaceful backdrop for the inanimate companions.",,10,1,entity,state,"entity - state (beach, deserted)",Is the beach deserted? +99,"In the spacious backyard, a large square green trash bin stands firmly on the grass, its solid structure stark against the natural setting. Approaching it, a vibrant red baseball rolls steadily across the lawn, its round shape contrasting with the rectangular contours of the bin. The grass, slightly damp, leaves a faint trail on the ball as it moves closer to the stationary receptacle.",,1,0,entity,whole,entity - whole (backyard),Is there a backyard? +99,"In the spacious backyard, a large square green trash bin stands firmly on the grass, its solid structure stark against the natural setting. Approaching it, a vibrant red baseball rolls steadily across the lawn, its round shape contrasting with the rectangular contours of the bin. The grass, slightly damp, leaves a faint trail on the ball as it moves closer to the stationary receptacle.",,2,0,entity,whole,entity - whole (trash bin),Is there a trash bin? +99,"In the spacious backyard, a large square green trash bin stands firmly on the grass, its solid structure stark against the natural setting. Approaching it, a vibrant red baseball rolls steadily across the lawn, its round shape contrasting with the rectangular contours of the bin. The grass, slightly damp, leaves a faint trail on the ball as it moves closer to the stationary receptacle.",,3,0,entity,whole,entity - whole (baseball),Is there a baseball? +99,"In the spacious backyard, a large square green trash bin stands firmly on the grass, its solid structure stark against the natural setting. Approaching it, a vibrant red baseball rolls steadily across the lawn, its round shape contrasting with the rectangular contours of the bin. The grass, slightly damp, leaves a faint trail on the ball as it moves closer to the stationary receptacle.",,4,2,attribute,size,"attribute - size (trash bin, large)",Is the trash bin large? +99,"In the spacious backyard, a large square green trash bin stands firmly on the grass, its solid structure stark against the natural setting. Approaching it, a vibrant red baseball rolls steadily across the lawn, its round shape contrasting with the rectangular contours of the bin. The grass, slightly damp, leaves a faint trail on the ball as it moves closer to the stationary receptacle.",,5,2,attribute,shape,"attribute - shape (trash bin, square)",Is the trash bin square? +99,"In the spacious backyard, a large square green trash bin stands firmly on the grass, its solid structure stark against the natural setting. Approaching it, a vibrant red baseball rolls steadily across the lawn, its round shape contrasting with the rectangular contours of the bin. The grass, slightly damp, leaves a faint trail on the ball as it moves closer to the stationary receptacle.",,6,2,attribute,color,"attribute - color (trash bin, green)",Is the trash bin green? +99,"In the spacious backyard, a large square green trash bin stands firmly on the grass, its solid structure stark against the natural setting. Approaching it, a vibrant red baseball rolls steadily across the lawn, its round shape contrasting with the rectangular contours of the bin. The grass, slightly damp, leaves a faint trail on the ball as it moves closer to the stationary receptacle.",,7,3,attribute,color,"attribute - color (baseball, red)",Is the baseball red? +99,"In the spacious backyard, a large square green trash bin stands firmly on the grass, its solid structure stark against the natural setting. Approaching it, a vibrant red baseball rolls steadily across the lawn, its round shape contrasting with the rectangular contours of the bin. The grass, slightly damp, leaves a faint trail on the ball as it moves closer to the stationary receptacle.",,8,2,entity,state,"entity - state (trash bin, stand firmly)",Does the trash bin stand firmly? +99,"In the spacious backyard, a large square green trash bin stands firmly on the grass, its solid structure stark against the natural setting. Approaching it, a vibrant red baseball rolls steadily across the lawn, its round shape contrasting with the rectangular contours of the bin. The grass, slightly damp, leaves a faint trail on the ball as it moves closer to the stationary receptacle.",,9,3,entity,state,"entity - state (baseball, roll steadily)",Is the baseball rolling steadily? +99,"In the spacious backyard, a large square green trash bin stands firmly on the grass, its solid structure stark against the natural setting. Approaching it, a vibrant red baseball rolls steadily across the lawn, its round shape contrasting with the rectangular contours of the bin. The grass, slightly damp, leaves a faint trail on the ball as it moves closer to the stationary receptacle.",,10,"2,1",relation,spatial,"relation - spatial (trash bin, grass, on)",Is the trash bin on the grass? +37,"In the dimly lit interior of a spacious wardrobe, a neat row of five hangers stands out, each one a different brilliant hue—ranging from a deep royal blue to a bright lemon yellow. They are spaced evenly apart, casting soft shadows against the dark wooden back of the closet. The smooth, plastic texture of the hangers contrasts with the rough texture of the wardrobe's interior, and their curved shapes seem almost to beckon items of clothing to drape over them.",,1,0,entity,whole,entity - whole (wardrobe),Is there a wardrobe? +37,"In the dimly lit interior of a spacious wardrobe, a neat row of five hangers stands out, each one a different brilliant hue—ranging from a deep royal blue to a bright lemon yellow. They are spaced evenly apart, casting soft shadows against the dark wooden back of the closet. The smooth, plastic texture of the hangers contrasts with the rough texture of the wardrobe's interior, and their curved shapes seem almost to beckon items of clothing to drape over them.",,2,0,entity,whole,entity - whole (hangers),Are there hangers? +37,"In the dimly lit interior of a spacious wardrobe, a neat row of five hangers stands out, each one a different brilliant hue—ranging from a deep royal blue to a bright lemon yellow. They are spaced evenly apart, casting soft shadows against the dark wooden back of the closet. The smooth, plastic texture of the hangers contrasts with the rough texture of the wardrobe's interior, and their curved shapes seem almost to beckon items of clothing to drape over them.",,3,2,other,count,"other - count (hangers, ==5)",Are there five hangers? +37,"In the dimly lit interior of a spacious wardrobe, a neat row of five hangers stands out, each one a different brilliant hue—ranging from a deep royal blue to a bright lemon yellow. They are spaced evenly apart, casting soft shadows against the dark wooden back of the closet. The smooth, plastic texture of the hangers contrasts with the rough texture of the wardrobe's interior, and their curved shapes seem almost to beckon items of clothing to drape over them.",,4,"2,3",attribute,color,"attribute - color (hanger_1, royal blue)",Is one of the hangers royal blue in color? +37,"In the dimly lit interior of a spacious wardrobe, a neat row of five hangers stands out, each one a different brilliant hue—ranging from a deep royal blue to a bright lemon yellow. They are spaced evenly apart, casting soft shadows against the dark wooden back of the closet. The smooth, plastic texture of the hangers contrasts with the rough texture of the wardrobe's interior, and their curved shapes seem almost to beckon items of clothing to drape over them.",,5,"2,3",attribute,color,"attribute - color (hanger_2, lemon yellow)",Is one of the hangers lemon yellow in color? +37,"In the dimly lit interior of a spacious wardrobe, a neat row of five hangers stands out, each one a different brilliant hue—ranging from a deep royal blue to a bright lemon yellow. They are spaced evenly apart, casting soft shadows against the dark wooden back of the closet. The smooth, plastic texture of the hangers contrasts with the rough texture of the wardrobe's interior, and their curved shapes seem almost to beckon items of clothing to drape over them.",,6,2,attribute,texture,"attribute - texture (hangers, plastic)",Are the hangers made of plastic? +37,"In the dimly lit interior of a spacious wardrobe, a neat row of five hangers stands out, each one a different brilliant hue—ranging from a deep royal blue to a bright lemon yellow. They are spaced evenly apart, casting soft shadows against the dark wooden back of the closet. The smooth, plastic texture of the hangers contrasts with the rough texture of the wardrobe's interior, and their curved shapes seem almost to beckon items of clothing to drape over them.",,7,1,attribute,texture,"attribute - texture (wardrobe's back, wood)",Is the back of the wardrobe made of wood? +37,"In the dimly lit interior of a spacious wardrobe, a neat row of five hangers stands out, each one a different brilliant hue—ranging from a deep royal blue to a bright lemon yellow. They are spaced evenly apart, casting soft shadows against the dark wooden back of the closet. The smooth, plastic texture of the hangers contrasts with the rough texture of the wardrobe's interior, and their curved shapes seem almost to beckon items of clothing to drape over them.",,8,2,attribute,shape,"attribute - shape (hangers, curved)",Do the hangers have a curved shape? +37,"In the dimly lit interior of a spacious wardrobe, a neat row of five hangers stands out, each one a different brilliant hue—ranging from a deep royal blue to a bright lemon yellow. They are spaced evenly apart, casting soft shadows against the dark wooden back of the closet. The smooth, plastic texture of the hangers contrasts with the rough texture of the wardrobe's interior, and their curved shapes seem almost to beckon items of clothing to drape over them.",,9,1,attribute,size,"attribute - size (wardrobe, spacious)",Is the wardrobe spacious? +37,"In the dimly lit interior of a spacious wardrobe, a neat row of five hangers stands out, each one a different brilliant hue—ranging from a deep royal blue to a bright lemon yellow. They are spaced evenly apart, casting soft shadows against the dark wooden back of the closet. The smooth, plastic texture of the hangers contrasts with the rough texture of the wardrobe's interior, and their curved shapes seem almost to beckon items of clothing to drape over them.",,10,"2,1",relation,spatial,"relation - spatial (hangers, wardrobe, inside)",Are the hangers located inside the wardrobe? +264,"A small, teardrop-shaped candle with a pale blue hue graces the surface of a large, cubic storage box. The box itself features a textured, glossy white finish and sits squarely in the corner of a room. To the side of the box, there's a stack of neatly folded towels in varying shades of beige and cream.",,1,0,entity,whole,entity - whole (candle),Is there a candle? +264,"A small, teardrop-shaped candle with a pale blue hue graces the surface of a large, cubic storage box. The box itself features a textured, glossy white finish and sits squarely in the corner of a room. To the side of the box, there's a stack of neatly folded towels in varying shades of beige and cream.",,2,0,entity,whole,entity - whole (storage box),Is there a storage box? +264,"A small, teardrop-shaped candle with a pale blue hue graces the surface of a large, cubic storage box. The box itself features a textured, glossy white finish and sits squarely in the corner of a room. To the side of the box, there's a stack of neatly folded towels in varying shades of beige and cream.",,3,0,entity,whole,entity - whole (towels),Are there towels? +264,"A small, teardrop-shaped candle with a pale blue hue graces the surface of a large, cubic storage box. The box itself features a textured, glossy white finish and sits squarely in the corner of a room. To the side of the box, there's a stack of neatly folded towels in varying shades of beige and cream.",,4,1,attribute,shape,"attribute - shape (candle, teardrop-shaped)",Is the candle teardrop-shaped? +264,"A small, teardrop-shaped candle with a pale blue hue graces the surface of a large, cubic storage box. The box itself features a textured, glossy white finish and sits squarely in the corner of a room. To the side of the box, there's a stack of neatly folded towels in varying shades of beige and cream.",,5,1,attribute,color,"attribute - color (candle, pale blue)",Does the candle have a pale blue hue? +264,"A small, teardrop-shaped candle with a pale blue hue graces the surface of a large, cubic storage box. The box itself features a textured, glossy white finish and sits squarely in the corner of a room. To the side of the box, there's a stack of neatly folded towels in varying shades of beige and cream.",,6,2,attribute,size,"attribute - size (storage box, large)",Is the storage box large? +264,"A small, teardrop-shaped candle with a pale blue hue graces the surface of a large, cubic storage box. The box itself features a textured, glossy white finish and sits squarely in the corner of a room. To the side of the box, there's a stack of neatly folded towels in varying shades of beige and cream.",,7,2,attribute,shape,"attribute - shape (storage box, cubic)",Is the storage box cubic? +264,"A small, teardrop-shaped candle with a pale blue hue graces the surface of a large, cubic storage box. The box itself features a textured, glossy white finish and sits squarely in the corner of a room. To the side of the box, there's a stack of neatly folded towels in varying shades of beige and cream.",,8,2,attribute,texture,"attribute - texture (storage box, textured, glossy)","Does the storage box have a textured, glossy finish?" +264,"A small, teardrop-shaped candle with a pale blue hue graces the surface of a large, cubic storage box. The box itself features a textured, glossy white finish and sits squarely in the corner of a room. To the side of the box, there's a stack of neatly folded towels in varying shades of beige and cream.",,9,2,attribute,color,"attribute - color (storage box, white)",Is the storage box white? +264,"A small, teardrop-shaped candle with a pale blue hue graces the surface of a large, cubic storage box. The box itself features a textured, glossy white finish and sits squarely in the corner of a room. To the side of the box, there's a stack of neatly folded towels in varying shades of beige and cream.",,10,3,attribute,size,"attribute - size (towels, stack)",Is there a stack of towels? +264,"A small, teardrop-shaped candle with a pale blue hue graces the surface of a large, cubic storage box. The box itself features a textured, glossy white finish and sits squarely in the corner of a room. To the side of the box, there's a stack of neatly folded towels in varying shades of beige and cream.",,11,3,attribute,color,"attribute - color (towels, varying shades of beige and cream)",Are the towels in varying shades of beige and cream? +264,"A small, teardrop-shaped candle with a pale blue hue graces the surface of a large, cubic storage box. The box itself features a textured, glossy white finish and sits squarely in the corner of a room. To the side of the box, there's a stack of neatly folded towels in varying shades of beige and cream.",,12,"1,2",relation,spatial,"relation - spatial (candle, storage box, on)",Is the candle on the surface of the storage box? +264,"A small, teardrop-shaped candle with a pale blue hue graces the surface of a large, cubic storage box. The box itself features a textured, glossy white finish and sits squarely in the corner of a room. To the side of the box, there's a stack of neatly folded towels in varying shades of beige and cream.",,13,2,relation,spatial,"relation - spatial (storage box, room, corner)",Is the storage box sitting squarely in the corner of a room? +264,"A small, teardrop-shaped candle with a pale blue hue graces the surface of a large, cubic storage box. The box itself features a textured, glossy white finish and sits squarely in the corner of a room. To the side of the box, there's a stack of neatly folded towels in varying shades of beige and cream.",,14,"2,3",relation,spatial,"relation - spatial (towels, storage box, side)",Are the towels to the side of the storage box? +3,"A spacious room, where the soft glow of the evening light cascades through a nearby window, gently illuminating an antique mahogany desk. Atop the polished surface stands a single, ornate globe, its vibrant shades of green, blue, and brown continents contrasting beautifully against the deep blue of the oceans. The globe, detailed with meridian lines and country borders, spins gracefully on its axis, showcasing the intricacies of our world. Surrounding the globe on the desk are scattered vintage ink pens and crisp, ivory stationery, alluding to the quiet musings of a travel enthusiast or a learned scholar lost in thoughts of distant lands.",,1,0,entity,whole,entity - whole (room),Is there a spacious room? +3,"A spacious room, where the soft glow of the evening light cascades through a nearby window, gently illuminating an antique mahogany desk. Atop the polished surface stands a single, ornate globe, its vibrant shades of green, blue, and brown continents contrasting beautifully against the deep blue of the oceans. The globe, detailed with meridian lines and country borders, spins gracefully on its axis, showcasing the intricacies of our world. Surrounding the globe on the desk are scattered vintage ink pens and crisp, ivory stationery, alluding to the quiet musings of a travel enthusiast or a learned scholar lost in thoughts of distant lands.",,2,0,entity,whole,entity - whole (window),Is there a window? +3,"A spacious room, where the soft glow of the evening light cascades through a nearby window, gently illuminating an antique mahogany desk. Atop the polished surface stands a single, ornate globe, its vibrant shades of green, blue, and brown continents contrasting beautifully against the deep blue of the oceans. The globe, detailed with meridian lines and country borders, spins gracefully on its axis, showcasing the intricacies of our world. Surrounding the globe on the desk are scattered vintage ink pens and crisp, ivory stationery, alluding to the quiet musings of a travel enthusiast or a learned scholar lost in thoughts of distant lands.",,3,0,entity,whole,entity - whole (desk),Is there a desk? +3,"A spacious room, where the soft glow of the evening light cascades through a nearby window, gently illuminating an antique mahogany desk. Atop the polished surface stands a single, ornate globe, its vibrant shades of green, blue, and brown continents contrasting beautifully against the deep blue of the oceans. The globe, detailed with meridian lines and country borders, spins gracefully on its axis, showcasing the intricacies of our world. Surrounding the globe on the desk are scattered vintage ink pens and crisp, ivory stationery, alluding to the quiet musings of a travel enthusiast or a learned scholar lost in thoughts of distant lands.",,4,0,entity,whole,entity - whole (globe),Is there a globe? +3,"A spacious room, where the soft glow of the evening light cascades through a nearby window, gently illuminating an antique mahogany desk. Atop the polished surface stands a single, ornate globe, its vibrant shades of green, blue, and brown continents contrasting beautifully against the deep blue of the oceans. The globe, detailed with meridian lines and country borders, spins gracefully on its axis, showcasing the intricacies of our world. Surrounding the globe on the desk are scattered vintage ink pens and crisp, ivory stationery, alluding to the quiet musings of a travel enthusiast or a learned scholar lost in thoughts of distant lands.",,5,3,entity,part,entity - part (desk's surface),Is there a surface on the desk? +3,"A spacious room, where the soft glow of the evening light cascades through a nearby window, gently illuminating an antique mahogany desk. Atop the polished surface stands a single, ornate globe, its vibrant shades of green, blue, and brown continents contrasting beautifully against the deep blue of the oceans. The globe, detailed with meridian lines and country borders, spins gracefully on its axis, showcasing the intricacies of our world. Surrounding the globe on the desk are scattered vintage ink pens and crisp, ivory stationery, alluding to the quiet musings of a travel enthusiast or a learned scholar lost in thoughts of distant lands.",,6,4,entity,part,entity - part (globe's continents),Are there continents on the globe? +3,"A spacious room, where the soft glow of the evening light cascades through a nearby window, gently illuminating an antique mahogany desk. Atop the polished surface stands a single, ornate globe, its vibrant shades of green, blue, and brown continents contrasting beautifully against the deep blue of the oceans. The globe, detailed with meridian lines and country borders, spins gracefully on its axis, showcasing the intricacies of our world. Surrounding the globe on the desk are scattered vintage ink pens and crisp, ivory stationery, alluding to the quiet musings of a travel enthusiast or a learned scholar lost in thoughts of distant lands.",,7,4,entity,part,entity - part (globe's oceans),Are there oceans on the globe? +3,"A spacious room, where the soft glow of the evening light cascades through a nearby window, gently illuminating an antique mahogany desk. Atop the polished surface stands a single, ornate globe, its vibrant shades of green, blue, and brown continents contrasting beautifully against the deep blue of the oceans. The globe, detailed with meridian lines and country borders, spins gracefully on its axis, showcasing the intricacies of our world. Surrounding the globe on the desk are scattered vintage ink pens and crisp, ivory stationery, alluding to the quiet musings of a travel enthusiast or a learned scholar lost in thoughts of distant lands.",,8,3,attribute,texture,"attribute - texture (desk, mahogany)",Is the desk made of mahogany? +3,"A spacious room, where the soft glow of the evening light cascades through a nearby window, gently illuminating an antique mahogany desk. Atop the polished surface stands a single, ornate globe, its vibrant shades of green, blue, and brown continents contrasting beautifully against the deep blue of the oceans. The globe, detailed with meridian lines and country borders, spins gracefully on its axis, showcasing the intricacies of our world. Surrounding the globe on the desk are scattered vintage ink pens and crisp, ivory stationery, alluding to the quiet musings of a travel enthusiast or a learned scholar lost in thoughts of distant lands.",,9,"1,2",relation,spatial,"relation - spatial (window, room, nearby)",Is the window nearby the room? +3,"A spacious room, where the soft glow of the evening light cascades through a nearby window, gently illuminating an antique mahogany desk. Atop the polished surface stands a single, ornate globe, its vibrant shades of green, blue, and brown continents contrasting beautifully against the deep blue of the oceans. The globe, detailed with meridian lines and country borders, spins gracefully on its axis, showcasing the intricacies of our world. Surrounding the globe on the desk are scattered vintage ink pens and crisp, ivory stationery, alluding to the quiet musings of a travel enthusiast or a learned scholar lost in thoughts of distant lands.",,10,"4,5",relation,spatial,"relation - spatial (globe, desk, on)",Is the globe on top of the desk? +56,"On a clean, organized office desk, there are three red staplers arranged in a precise line. Each stapler has a sleek, rectangular shape with a glossy finish that reflects the overhead lighting. They sit atop a polished, dark brown wooden surface surrounded by scattered paper clips and a few pens, providing a contrast to the vibrant red color of the staplers.",,1,0,entity,whole,entity - whole (office desk),Is there an office desk? +56,"On a clean, organized office desk, there are three red staplers arranged in a precise line. Each stapler has a sleek, rectangular shape with a glossy finish that reflects the overhead lighting. They sit atop a polished, dark brown wooden surface surrounded by scattered paper clips and a few pens, providing a contrast to the vibrant red color of the staplers.",,2,0,entity,whole,entity - whole (staplers),Are there any staplers? +56,"On a clean, organized office desk, there are three red staplers arranged in a precise line. Each stapler has a sleek, rectangular shape with a glossy finish that reflects the overhead lighting. They sit atop a polished, dark brown wooden surface surrounded by scattered paper clips and a few pens, providing a contrast to the vibrant red color of the staplers.",,3,2,other,count,"other - count (staplers, ==3)",Are there three staplers? +56,"On a clean, organized office desk, there are three red staplers arranged in a precise line. Each stapler has a sleek, rectangular shape with a glossy finish that reflects the overhead lighting. They sit atop a polished, dark brown wooden surface surrounded by scattered paper clips and a few pens, providing a contrast to the vibrant red color of the staplers.",,4,2,attribute,color,"attribute - color (staplers, red)",Are the staplers red? +56,"On a clean, organized office desk, there are three red staplers arranged in a precise line. Each stapler has a sleek, rectangular shape with a glossy finish that reflects the overhead lighting. They sit atop a polished, dark brown wooden surface surrounded by scattered paper clips and a few pens, providing a contrast to the vibrant red color of the staplers.",,5,1,entity,state,"entity - state (office desk, clean)",Is the office desk clean? +56,"On a clean, organized office desk, there are three red staplers arranged in a precise line. Each stapler has a sleek, rectangular shape with a glossy finish that reflects the overhead lighting. They sit atop a polished, dark brown wooden surface surrounded by scattered paper clips and a few pens, providing a contrast to the vibrant red color of the staplers.",,6,1,entity,state,"entity - state (office desk, organized)",Is the office desk organized? +56,"On a clean, organized office desk, there are three red staplers arranged in a precise line. Each stapler has a sleek, rectangular shape with a glossy finish that reflects the overhead lighting. They sit atop a polished, dark brown wooden surface surrounded by scattered paper clips and a few pens, providing a contrast to the vibrant red color of the staplers.",,7,2,attribute,shape,"attribute - shape (staplers, rectangular)",Do the staplers have a rectangular shape? +56,"On a clean, organized office desk, there are three red staplers arranged in a precise line. Each stapler has a sleek, rectangular shape with a glossy finish that reflects the overhead lighting. They sit atop a polished, dark brown wooden surface surrounded by scattered paper clips and a few pens, providing a contrast to the vibrant red color of the staplers.",,8,2,attribute,texture,"attribute - texture (staplers, glossy)",Do the staplers have a glossy finish? +56,"On a clean, organized office desk, there are three red staplers arranged in a precise line. Each stapler has a sleek, rectangular shape with a glossy finish that reflects the overhead lighting. They sit atop a polished, dark brown wooden surface surrounded by scattered paper clips and a few pens, providing a contrast to the vibrant red color of the staplers.",,9,1,attribute,color,"attribute - color (desk surface, dark brown)",Is the desk surface dark brown? +56,"On a clean, organized office desk, there are three red staplers arranged in a precise line. Each stapler has a sleek, rectangular shape with a glossy finish that reflects the overhead lighting. They sit atop a polished, dark brown wooden surface surrounded by scattered paper clips and a few pens, providing a contrast to the vibrant red color of the staplers.",,10,1,attribute,texture,"attribute - texture (desk surface, polished)",Is the desk surface polished? +16,"A hefty, red-painted chainsaw rests prominently on the surface of a sturdy, solid oak table. The metal components of the chainsaw catch the soft glow of the early morning sunlight, causing a shimmering effect. The wood's rich, deep grain stands in contrast to the boldness of the chainsaw, and there are wood shavings scattered nearby, hinting at recent activity.",,1,0,entity,whole,entity - whole (chainsaw),Is there a chainsaw? +16,"A hefty, red-painted chainsaw rests prominently on the surface of a sturdy, solid oak table. The metal components of the chainsaw catch the soft glow of the early morning sunlight, causing a shimmering effect. The wood's rich, deep grain stands in contrast to the boldness of the chainsaw, and there are wood shavings scattered nearby, hinting at recent activity.",,2,0,entity,whole,entity - whole (table),Is there a table? +16,"A hefty, red-painted chainsaw rests prominently on the surface of a sturdy, solid oak table. The metal components of the chainsaw catch the soft glow of the early morning sunlight, causing a shimmering effect. The wood's rich, deep grain stands in contrast to the boldness of the chainsaw, and there are wood shavings scattered nearby, hinting at recent activity.",,3,1,attribute,color,"attribute - color (chainsaw, red)",Is the chainsaw painted red? +16,"A hefty, red-painted chainsaw rests prominently on the surface of a sturdy, solid oak table. The metal components of the chainsaw catch the soft glow of the early morning sunlight, causing a shimmering effect. The wood's rich, deep grain stands in contrast to the boldness of the chainsaw, and there are wood shavings scattered nearby, hinting at recent activity.",,4,2,attribute,texture,"attribute - texture (table, solid oak)",Is the table made of solid oak? +16,"A hefty, red-painted chainsaw rests prominently on the surface of a sturdy, solid oak table. The metal components of the chainsaw catch the soft glow of the early morning sunlight, causing a shimmering effect. The wood's rich, deep grain stands in contrast to the boldness of the chainsaw, and there are wood shavings scattered nearby, hinting at recent activity.",,5,1,entity,state,"entity - state (chainsaw, rest)",Is the chainsaw resting? +16,"A hefty, red-painted chainsaw rests prominently on the surface of a sturdy, solid oak table. The metal components of the chainsaw catch the soft glow of the early morning sunlight, causing a shimmering effect. The wood's rich, deep grain stands in contrast to the boldness of the chainsaw, and there are wood shavings scattered nearby, hinting at recent activity.",,6,1,attribute,other,"attribute - other (chainsaw, hefty)",Is the chainsaw hefty? +16,"A hefty, red-painted chainsaw rests prominently on the surface of a sturdy, solid oak table. The metal components of the chainsaw catch the soft glow of the early morning sunlight, causing a shimmering effect. The wood's rich, deep grain stands in contrast to the boldness of the chainsaw, and there are wood shavings scattered nearby, hinting at recent activity.",,7,2,entity,part,entity - part (table's surface),Does the table have a surface? +16,"A hefty, red-painted chainsaw rests prominently on the surface of a sturdy, solid oak table. The metal components of the chainsaw catch the soft glow of the early morning sunlight, causing a shimmering effect. The wood's rich, deep grain stands in contrast to the boldness of the chainsaw, and there are wood shavings scattered nearby, hinting at recent activity.",,8,1,entity,part,entity - part (chainsaw's metal components),Does the chainsaw have metal components? +16,"A hefty, red-painted chainsaw rests prominently on the surface of a sturdy, solid oak table. The metal components of the chainsaw catch the soft glow of the early morning sunlight, causing a shimmering effect. The wood's rich, deep grain stands in contrast to the boldness of the chainsaw, and there are wood shavings scattered nearby, hinting at recent activity.",,9,8,entity,state,"entity - state (metal components, shimmer, due to sunlight)",Do the metal components of the chainsaw shimmer because of the sunlight? +16,"A hefty, red-painted chainsaw rests prominently on the surface of a sturdy, solid oak table. The metal components of the chainsaw catch the soft glow of the early morning sunlight, causing a shimmering effect. The wood's rich, deep grain stands in contrast to the boldness of the chainsaw, and there are wood shavings scattered nearby, hinting at recent activity.",,10,0,entity,state,"entity - state (wood shavings, scattered)",Are there wood shavings scattered nearby? +197,"In a sunlit kitchen, a vibrant array of green vegetables flourish in a wall-mounted planter positioned directly above a white power outlet. The lush leaves present a stark contrast to the crisp, clean paint of the wall. Sunlight streams in from a nearby window, casting a natural glow that enhances the deep greens of the spinach, kale, and herbs thriving within the urban indoor garden setup.",,1,0,entity,whole,entity - whole (kitchen),Is there a kitchen? +197,"In a sunlit kitchen, a vibrant array of green vegetables flourish in a wall-mounted planter positioned directly above a white power outlet. The lush leaves present a stark contrast to the crisp, clean paint of the wall. Sunlight streams in from a nearby window, casting a natural glow that enhances the deep greens of the spinach, kale, and herbs thriving within the urban indoor garden setup.",,2,0,attribute,color,"attribute - color (vegetables, green)",Are the vegetables green? +197,"In a sunlit kitchen, a vibrant array of green vegetables flourish in a wall-mounted planter positioned directly above a white power outlet. The lush leaves present a stark contrast to the crisp, clean paint of the wall. Sunlight streams in from a nearby window, casting a natural glow that enhances the deep greens of the spinach, kale, and herbs thriving within the urban indoor garden setup.",,3,0,entity,whole,entity - whole (planter),Is there a planter? +197,"In a sunlit kitchen, a vibrant array of green vegetables flourish in a wall-mounted planter positioned directly above a white power outlet. The lush leaves present a stark contrast to the crisp, clean paint of the wall. Sunlight streams in from a nearby window, casting a natural glow that enhances the deep greens of the spinach, kale, and herbs thriving within the urban indoor garden setup.",,4,3,entity,part,"entity - part (planter, wall-mounted)",Is the planter wall-mounted? +197,"In a sunlit kitchen, a vibrant array of green vegetables flourish in a wall-mounted planter positioned directly above a white power outlet. The lush leaves present a stark contrast to the crisp, clean paint of the wall. Sunlight streams in from a nearby window, casting a natural glow that enhances the deep greens of the spinach, kale, and herbs thriving within the urban indoor garden setup.",,5,0,entity,whole,entity - whole (power outlet),Is there a power outlet? +197,"In a sunlit kitchen, a vibrant array of green vegetables flourish in a wall-mounted planter positioned directly above a white power outlet. The lush leaves present a stark contrast to the crisp, clean paint of the wall. Sunlight streams in from a nearby window, casting a natural glow that enhances the deep greens of the spinach, kale, and herbs thriving within the urban indoor garden setup.",,6,5,attribute,color,"attribute - color (power outlet, white)",Is the power outlet white? +197,"In a sunlit kitchen, a vibrant array of green vegetables flourish in a wall-mounted planter positioned directly above a white power outlet. The lush leaves present a stark contrast to the crisp, clean paint of the wall. Sunlight streams in from a nearby window, casting a natural glow that enhances the deep greens of the spinach, kale, and herbs thriving within the urban indoor garden setup.",,7,0,entity,whole,entity - whole (leaves),Are there leaves? +197,"In a sunlit kitchen, a vibrant array of green vegetables flourish in a wall-mounted planter positioned directly above a white power outlet. The lush leaves present a stark contrast to the crisp, clean paint of the wall. Sunlight streams in from a nearby window, casting a natural glow that enhances the deep greens of the spinach, kale, and herbs thriving within the urban indoor garden setup.",,8,0,attribute,texture,"attribute - texture (wall, paint, crisp and clean)",Is the wall paint crisp and clean? +197,"In a sunlit kitchen, a vibrant array of green vegetables flourish in a wall-mounted planter positioned directly above a white power outlet. The lush leaves present a stark contrast to the crisp, clean paint of the wall. Sunlight streams in from a nearby window, casting a natural glow that enhances the deep greens of the spinach, kale, and herbs thriving within the urban indoor garden setup.",,9,0,entity,whole,entity - whole (window),Is there a window? +197,"In a sunlit kitchen, a vibrant array of green vegetables flourish in a wall-mounted planter positioned directly above a white power outlet. The lush leaves present a stark contrast to the crisp, clean paint of the wall. Sunlight streams in from a nearby window, casting a natural glow that enhances the deep greens of the spinach, kale, and herbs thriving within the urban indoor garden setup.",,10,0,attribute,other,"attribute - other (sunlight, natural glow)",Does the sunlight cast a natural glow? +76,"In a dimly lit bathroom with off-white tiles, there sits a wooden shelf against the wall, supporting five rolls of toilet paper arranged neatly side by side. Each roll is compact and untouched, displaying a uniform quilted texture. The shelf is positioned above a small waste bin, and to the side, a soft, pale blue towel hangs loosely.",,1,0,entity,whole,entity - whole (bathroom),Is there a bathroom? +76,"In a dimly lit bathroom with off-white tiles, there sits a wooden shelf against the wall, supporting five rolls of toilet paper arranged neatly side by side. Each roll is compact and untouched, displaying a uniform quilted texture. The shelf is positioned above a small waste bin, and to the side, a soft, pale blue towel hangs loosely.",,2,1,entity,whole,entity - whole (tiles),Are there tiles? +76,"In a dimly lit bathroom with off-white tiles, there sits a wooden shelf against the wall, supporting five rolls of toilet paper arranged neatly side by side. Each roll is compact and untouched, displaying a uniform quilted texture. The shelf is positioned above a small waste bin, and to the side, a soft, pale blue towel hangs loosely.",,3,0,entity,whole,entity - whole (shelf),Is there a shelf? +76,"In a dimly lit bathroom with off-white tiles, there sits a wooden shelf against the wall, supporting five rolls of toilet paper arranged neatly side by side. Each roll is compact and untouched, displaying a uniform quilted texture. The shelf is positioned above a small waste bin, and to the side, a soft, pale blue towel hangs loosely.",,4,0,entity,whole,entity - whole (toilet paper rolls),Are there toilet paper rolls? +76,"In a dimly lit bathroom with off-white tiles, there sits a wooden shelf against the wall, supporting five rolls of toilet paper arranged neatly side by side. Each roll is compact and untouched, displaying a uniform quilted texture. The shelf is positioned above a small waste bin, and to the side, a soft, pale blue towel hangs loosely.",,5,4,other,count,"other - count (toilet paper rolls, ==5)",Are there five toilet paper rolls? +76,"In a dimly lit bathroom with off-white tiles, there sits a wooden shelf against the wall, supporting five rolls of toilet paper arranged neatly side by side. Each roll is compact and untouched, displaying a uniform quilted texture. The shelf is positioned above a small waste bin, and to the side, a soft, pale blue towel hangs loosely.",,6,0,entity,whole,entity - whole (waste bin),Is there a waste bin? +76,"In a dimly lit bathroom with off-white tiles, there sits a wooden shelf against the wall, supporting five rolls of toilet paper arranged neatly side by side. Each roll is compact and untouched, displaying a uniform quilted texture. The shelf is positioned above a small waste bin, and to the side, a soft, pale blue towel hangs loosely.",,7,0,entity,whole,entity - whole (towel),Is there a towel? +76,"In a dimly lit bathroom with off-white tiles, there sits a wooden shelf against the wall, supporting five rolls of toilet paper arranged neatly side by side. Each roll is compact and untouched, displaying a uniform quilted texture. The shelf is positioned above a small waste bin, and to the side, a soft, pale blue towel hangs loosely.",,8,2,attribute,color,"attribute - color (tiles, off-white)",Are the tiles off-white? +76,"In a dimly lit bathroom with off-white tiles, there sits a wooden shelf against the wall, supporting five rolls of toilet paper arranged neatly side by side. Each roll is compact and untouched, displaying a uniform quilted texture. The shelf is positioned above a small waste bin, and to the side, a soft, pale blue towel hangs loosely.",,9,4,attribute,texture,"attribute - texture (toilet paper rolls, quilted)",Do the toilet paper rolls have a quilted texture? +76,"In a dimly lit bathroom with off-white tiles, there sits a wooden shelf against the wall, supporting five rolls of toilet paper arranged neatly side by side. Each roll is compact and untouched, displaying a uniform quilted texture. The shelf is positioned above a small waste bin, and to the side, a soft, pale blue towel hangs loosely.",,10,7,attribute,color,"attribute - color (towel, pale blue)",Is the towel pale blue? +76,"In a dimly lit bathroom with off-white tiles, there sits a wooden shelf against the wall, supporting five rolls of toilet paper arranged neatly side by side. Each roll is compact and untouched, displaying a uniform quilted texture. The shelf is positioned above a small waste bin, and to the side, a soft, pale blue towel hangs loosely.",,11,3,attribute,texture,"attribute - texture (shelf, wood)",Is the shelf made of wood? +76,"In a dimly lit bathroom with off-white tiles, there sits a wooden shelf against the wall, supporting five rolls of toilet paper arranged neatly side by side. Each roll is compact and untouched, displaying a uniform quilted texture. The shelf is positioned above a small waste bin, and to the side, a soft, pale blue towel hangs loosely.",,12,1,global,,global - (dimly lit),Is the bathroom dimly lit? +76,"In a dimly lit bathroom with off-white tiles, there sits a wooden shelf against the wall, supporting five rolls of toilet paper arranged neatly side by side. Each roll is compact and untouched, displaying a uniform quilted texture. The shelf is positioned above a small waste bin, and to the side, a soft, pale blue towel hangs loosely.",,13,6,attribute,size,"attribute - size (waste bin, small)",Is the waste bin small? +76,"In a dimly lit bathroom with off-white tiles, there sits a wooden shelf against the wall, supporting five rolls of toilet paper arranged neatly side by side. Each roll is compact and untouched, displaying a uniform quilted texture. The shelf is positioned above a small waste bin, and to the side, a soft, pale blue towel hangs loosely.",,14,3,relation,spatial,"relation - spatial (shelf, wall, against)",Is the shelf against the wall? +76,"In a dimly lit bathroom with off-white tiles, there sits a wooden shelf against the wall, supporting five rolls of toilet paper arranged neatly side by side. Each roll is compact and untouched, displaying a uniform quilted texture. The shelf is positioned above a small waste bin, and to the side, a soft, pale blue towel hangs loosely.",,15,"3,4",relation,spatial,"relation - spatial (toilet paper rolls, shelf, on)",Are the toilet paper rolls on the shelf? +76,"In a dimly lit bathroom with off-white tiles, there sits a wooden shelf against the wall, supporting five rolls of toilet paper arranged neatly side by side. Each roll is compact and untouched, displaying a uniform quilted texture. The shelf is positioned above a small waste bin, and to the side, a soft, pale blue towel hangs loosely.",,16,"3,6",relation,spatial,"relation - spatial (shelf, waste bin, above)",Is the shelf positioned above the small waste bin? +76,"In a dimly lit bathroom with off-white tiles, there sits a wooden shelf against the wall, supporting five rolls of toilet paper arranged neatly side by side. Each roll is compact and untouched, displaying a uniform quilted texture. The shelf is positioned above a small waste bin, and to the side, a soft, pale blue towel hangs loosely.",,17,7,relation,spatial,"relation - spatial (towel, side, hangs loosely)","Does a soft, pale blue towel hang loosely to the side?" +127,"A giant faux oyster, with a rough textured exterior akin to rock, opens to reveal its sleek interior resembling a lustrous pearl. From within its spacious maw, a vintage camera with black leather casing and silver details gently slides out as if it were an oversized pearl escaping the confines of its shell. The camera is caught mid-motion, creating a sense of dynamic action against the still life of the display.",,1,0,entity,whole,entity - whole (faux oyster),Is there a faux oyster? +127,"A giant faux oyster, with a rough textured exterior akin to rock, opens to reveal its sleek interior resembling a lustrous pearl. From within its spacious maw, a vintage camera with black leather casing and silver details gently slides out as if it were an oversized pearl escaping the confines of its shell. The camera is caught mid-motion, creating a sense of dynamic action against the still life of the display.",,2,0,entity,whole,entity - whole (camera),Is there a camera? +127,"A giant faux oyster, with a rough textured exterior akin to rock, opens to reveal its sleek interior resembling a lustrous pearl. From within its spacious maw, a vintage camera with black leather casing and silver details gently slides out as if it were an oversized pearl escaping the confines of its shell. The camera is caught mid-motion, creating a sense of dynamic action against the still life of the display.",,3,1,entity,part,entity - part (oyster's exterior),Does the faux oyster have an exterior? +127,"A giant faux oyster, with a rough textured exterior akin to rock, opens to reveal its sleek interior resembling a lustrous pearl. From within its spacious maw, a vintage camera with black leather casing and silver details gently slides out as if it were an oversized pearl escaping the confines of its shell. The camera is caught mid-motion, creating a sense of dynamic action against the still life of the display.",,4,1,entity,part,entity - part (oyster's interior),Does the faux oyster have an interior? +127,"A giant faux oyster, with a rough textured exterior akin to rock, opens to reveal its sleek interior resembling a lustrous pearl. From within its spacious maw, a vintage camera with black leather casing and silver details gently slides out as if it were an oversized pearl escaping the confines of its shell. The camera is caught mid-motion, creating a sense of dynamic action against the still life of the display.",,5,3,attribute,texture,"attribute - texture (oyster's exterior, rough)",Is the oyster's exterior rough textured? +127,"A giant faux oyster, with a rough textured exterior akin to rock, opens to reveal its sleek interior resembling a lustrous pearl. From within its spacious maw, a vintage camera with black leather casing and silver details gently slides out as if it were an oversized pearl escaping the confines of its shell. The camera is caught mid-motion, creating a sense of dynamic action against the still life of the display.",,6,4,attribute,texture,"attribute - texture (oyster's interior, sleek and lustrous)",Is the oyster's interior sleek and lustrous? +127,"A giant faux oyster, with a rough textured exterior akin to rock, opens to reveal its sleek interior resembling a lustrous pearl. From within its spacious maw, a vintage camera with black leather casing and silver details gently slides out as if it were an oversized pearl escaping the confines of its shell. The camera is caught mid-motion, creating a sense of dynamic action against the still life of the display.",,7,2,attribute,texture,"attribute - texture (camera casing, leather)",Does the camera have leather casing? +127,"A giant faux oyster, with a rough textured exterior akin to rock, opens to reveal its sleek interior resembling a lustrous pearl. From within its spacious maw, a vintage camera with black leather casing and silver details gently slides out as if it were an oversized pearl escaping the confines of its shell. The camera is caught mid-motion, creating a sense of dynamic action against the still life of the display.",,8,7,attribute,color,"attribute - color (camera casing, black)",Is the camera casing black? +127,"A giant faux oyster, with a rough textured exterior akin to rock, opens to reveal its sleek interior resembling a lustrous pearl. From within its spacious maw, a vintage camera with black leather casing and silver details gently slides out as if it were an oversized pearl escaping the confines of its shell. The camera is caught mid-motion, creating a sense of dynamic action against the still life of the display.",,9,2,attribute,color,"attribute - color (camera details, silver)",Are the camera details silver? +127,"A giant faux oyster, with a rough textured exterior akin to rock, opens to reveal its sleek interior resembling a lustrous pearl. From within its spacious maw, a vintage camera with black leather casing and silver details gently slides out as if it were an oversized pearl escaping the confines of its shell. The camera is caught mid-motion, creating a sense of dynamic action against the still life of the display.",,10,2,entity,state,"entity - state (camera, mid-motion, escape)",Is the camera mid-motion as if escaping? +32,"In an expansive gymnasium, five vibrant neon orange basketballs are meticulously arranged in a perfect line on the polished, glossy hardwood court. The sheen of the floor reflects the fluorescent overhead lights and the silhouettes of the basketball hoops that stand at each end of the court. The basketballs, with their distinct black lines and textured surfaces, provide a stark contrast to the tan and amber hues of the wooden planks beneath them.",,1,0,entity,whole,entity - whole (gymnasium),Is there a gymnasium? +32,"In an expansive gymnasium, five vibrant neon orange basketballs are meticulously arranged in a perfect line on the polished, glossy hardwood court. The sheen of the floor reflects the fluorescent overhead lights and the silhouettes of the basketball hoops that stand at each end of the court. The basketballs, with their distinct black lines and textured surfaces, provide a stark contrast to the tan and amber hues of the wooden planks beneath them.",,2,0,entity,whole,entity - whole (basketballs),Are there basketballs? +32,"In an expansive gymnasium, five vibrant neon orange basketballs are meticulously arranged in a perfect line on the polished, glossy hardwood court. The sheen of the floor reflects the fluorescent overhead lights and the silhouettes of the basketball hoops that stand at each end of the court. The basketballs, with their distinct black lines and textured surfaces, provide a stark contrast to the tan and amber hues of the wooden planks beneath them.",,3,0,entity,whole,entity - whole (court),Is there a court? +32,"In an expansive gymnasium, five vibrant neon orange basketballs are meticulously arranged in a perfect line on the polished, glossy hardwood court. The sheen of the floor reflects the fluorescent overhead lights and the silhouettes of the basketball hoops that stand at each end of the court. The basketballs, with their distinct black lines and textured surfaces, provide a stark contrast to the tan and amber hues of the wooden planks beneath them.",,4,2,other,count,"other - count (basketballs, ==5)",Are there five basketballs? +32,"In an expansive gymnasium, five vibrant neon orange basketballs are meticulously arranged in a perfect line on the polished, glossy hardwood court. The sheen of the floor reflects the fluorescent overhead lights and the silhouettes of the basketball hoops that stand at each end of the court. The basketballs, with their distinct black lines and textured surfaces, provide a stark contrast to the tan and amber hues of the wooden planks beneath them.",,5,2,entity,part,entity - part (basketballs' lines),Do the basketballs have distinct black lines? +32,"In an expansive gymnasium, five vibrant neon orange basketballs are meticulously arranged in a perfect line on the polished, glossy hardwood court. The sheen of the floor reflects the fluorescent overhead lights and the silhouettes of the basketball hoops that stand at each end of the court. The basketballs, with their distinct black lines and textured surfaces, provide a stark contrast to the tan and amber hues of the wooden planks beneath them.",,6,2,attribute,color,"attribute - color (basketballs, neon orange)",Are the basketballs neon orange? +32,"In an expansive gymnasium, five vibrant neon orange basketballs are meticulously arranged in a perfect line on the polished, glossy hardwood court. The sheen of the floor reflects the fluorescent overhead lights and the silhouettes of the basketball hoops that stand at each end of the court. The basketballs, with their distinct black lines and textured surfaces, provide a stark contrast to the tan and amber hues of the wooden planks beneath them.",,7,2,attribute,texture,"attribute - texture (basketballs, textured)",Are the basketballs textured? +32,"In an expansive gymnasium, five vibrant neon orange basketballs are meticulously arranged in a perfect line on the polished, glossy hardwood court. The sheen of the floor reflects the fluorescent overhead lights and the silhouettes of the basketball hoops that stand at each end of the court. The basketballs, with their distinct black lines and textured surfaces, provide a stark contrast to the tan and amber hues of the wooden planks beneath them.",,8,3,attribute,texture,"attribute - texture (court, polished, glossy)",Is the court polished and glossy? +32,"In an expansive gymnasium, five vibrant neon orange basketballs are meticulously arranged in a perfect line on the polished, glossy hardwood court. The sheen of the floor reflects the fluorescent overhead lights and the silhouettes of the basketball hoops that stand at each end of the court. The basketballs, with their distinct black lines and textured surfaces, provide a stark contrast to the tan and amber hues of the wooden planks beneath them.",,9,3,attribute,color,"attribute - color (court, tan and amber)",Are the tan and amber colors part of the court? +32,"In an expansive gymnasium, five vibrant neon orange basketballs are meticulously arranged in a perfect line on the polished, glossy hardwood court. The sheen of the floor reflects the fluorescent overhead lights and the silhouettes of the basketball hoops that stand at each end of the court. The basketballs, with their distinct black lines and textured surfaces, provide a stark contrast to the tan and amber hues of the wooden planks beneath them.",,10,"2,3",relation,spatial,"relation - spatial (basketballs, court, on)",Are the basketballs on the court? +242,"Amidst a hazy urban setting enveloped by a soft gray mist, a bright red fire truck speeds forward, sirens blaring and lights flashing. Its large wheels churn as the truck speeds past, sending a line of bright orange traffic cones tumbling in disarray. Behind the fire truck, the blurred shapes of city buildings loom, adding to the urgency of the scene as the vehicle rushes to an unseen emergency.",,1,0,entity,whole,entity - whole (urban setting),Is there an urban setting? +242,"Amidst a hazy urban setting enveloped by a soft gray mist, a bright red fire truck speeds forward, sirens blaring and lights flashing. Its large wheels churn as the truck speeds past, sending a line of bright orange traffic cones tumbling in disarray. Behind the fire truck, the blurred shapes of city buildings loom, adding to the urgency of the scene as the vehicle rushes to an unseen emergency.",,2,1,entity,whole,entity - whole (mist),Is there mist? +242,"Amidst a hazy urban setting enveloped by a soft gray mist, a bright red fire truck speeds forward, sirens blaring and lights flashing. Its large wheels churn as the truck speeds past, sending a line of bright orange traffic cones tumbling in disarray. Behind the fire truck, the blurred shapes of city buildings loom, adding to the urgency of the scene as the vehicle rushes to an unseen emergency.",,3,0,entity,whole,entity - whole (fire truck),Is there a fire truck? +242,"Amidst a hazy urban setting enveloped by a soft gray mist, a bright red fire truck speeds forward, sirens blaring and lights flashing. Its large wheels churn as the truck speeds past, sending a line of bright orange traffic cones tumbling in disarray. Behind the fire truck, the blurred shapes of city buildings loom, adding to the urgency of the scene as the vehicle rushes to an unseen emergency.",,4,3,entity,whole,entity - whole (wheels),Are there wheels? +242,"Amidst a hazy urban setting enveloped by a soft gray mist, a bright red fire truck speeds forward, sirens blaring and lights flashing. Its large wheels churn as the truck speeds past, sending a line of bright orange traffic cones tumbling in disarray. Behind the fire truck, the blurred shapes of city buildings loom, adding to the urgency of the scene as the vehicle rushes to an unseen emergency.",,5,0,entity,whole,entity - whole (traffic cones),Are there traffic cones? +242,"Amidst a hazy urban setting enveloped by a soft gray mist, a bright red fire truck speeds forward, sirens blaring and lights flashing. Its large wheels churn as the truck speeds past, sending a line of bright orange traffic cones tumbling in disarray. Behind the fire truck, the blurred shapes of city buildings loom, adding to the urgency of the scene as the vehicle rushes to an unseen emergency.",,6,1,entity,whole,entity - whole (city buildings),Are there city buildings? +242,"Amidst a hazy urban setting enveloped by a soft gray mist, a bright red fire truck speeds forward, sirens blaring and lights flashing. Its large wheels churn as the truck speeds past, sending a line of bright orange traffic cones tumbling in disarray. Behind the fire truck, the blurred shapes of city buildings loom, adding to the urgency of the scene as the vehicle rushes to an unseen emergency.",,7,2,attribute,color,"attribute - color (mist, soft gray)",Is the mist soft gray? +242,"Amidst a hazy urban setting enveloped by a soft gray mist, a bright red fire truck speeds forward, sirens blaring and lights flashing. Its large wheels churn as the truck speeds past, sending a line of bright orange traffic cones tumbling in disarray. Behind the fire truck, the blurred shapes of city buildings loom, adding to the urgency of the scene as the vehicle rushes to an unseen emergency.",,8,3,attribute,color,"attribute - color (fire truck, bright red)",Is the fire truck bright red? +242,"Amidst a hazy urban setting enveloped by a soft gray mist, a bright red fire truck speeds forward, sirens blaring and lights flashing. Its large wheels churn as the truck speeds past, sending a line of bright orange traffic cones tumbling in disarray. Behind the fire truck, the blurred shapes of city buildings loom, adding to the urgency of the scene as the vehicle rushes to an unseen emergency.",,9,5,attribute,color,"attribute - color (traffic cones, bright orange)",Are the traffic cones bright orange? +242,"Amidst a hazy urban setting enveloped by a soft gray mist, a bright red fire truck speeds forward, sirens blaring and lights flashing. Its large wheels churn as the truck speeds past, sending a line of bright orange traffic cones tumbling in disarray. Behind the fire truck, the blurred shapes of city buildings loom, adding to the urgency of the scene as the vehicle rushes to an unseen emergency.",,10,3,entity,state,"entity - state (fire truck, speeds forward)",Is the fire truck speeding forward? +10,"On a rustic wooden table, three ripe eggplants with a glossy royal purple skin are carefully arranged in a neat row. Their plump, oblong shapes complement the table's textured surface, and they cast soft shadows in the warm, ambient light. Nearby, the woven pattern of a tan-colored napkin peeks out from beneath the vibrant, richly colored vegetables.",,1,0,entity,whole,entity - whole (wooden table),Is there a rustic wooden table? +10,"On a rustic wooden table, three ripe eggplants with a glossy royal purple skin are carefully arranged in a neat row. Their plump, oblong shapes complement the table's textured surface, and they cast soft shadows in the warm, ambient light. Nearby, the woven pattern of a tan-colored napkin peeks out from beneath the vibrant, richly colored vegetables.",,2,3,other,count,"other - count (eggplants, ==3)",Are there three ripe eggplants? +10,"On a rustic wooden table, three ripe eggplants with a glossy royal purple skin are carefully arranged in a neat row. Their plump, oblong shapes complement the table's textured surface, and they cast soft shadows in the warm, ambient light. Nearby, the woven pattern of a tan-colored napkin peeks out from beneath the vibrant, richly colored vegetables.",,3,0,entity,whole,entity - whole (eggplants),Are there eggplants? +10,"On a rustic wooden table, three ripe eggplants with a glossy royal purple skin are carefully arranged in a neat row. Their plump, oblong shapes complement the table's textured surface, and they cast soft shadows in the warm, ambient light. Nearby, the woven pattern of a tan-colored napkin peeks out from beneath the vibrant, richly colored vegetables.",,4,3,attribute,color,"attribute - color (eggplants, royal purple)",Are the eggplants royal purple? +10,"On a rustic wooden table, three ripe eggplants with a glossy royal purple skin are carefully arranged in a neat row. Their plump, oblong shapes complement the table's textured surface, and they cast soft shadows in the warm, ambient light. Nearby, the woven pattern of a tan-colored napkin peeks out from beneath the vibrant, richly colored vegetables.",,5,3,attribute,texture,"attribute - texture (eggplants' skin, glossy)",Is the skin of the eggplants glossy? +10,"On a rustic wooden table, three ripe eggplants with a glossy royal purple skin are carefully arranged in a neat row. Their plump, oblong shapes complement the table's textured surface, and they cast soft shadows in the warm, ambient light. Nearby, the woven pattern of a tan-colored napkin peeks out from beneath the vibrant, richly colored vegetables.",,6,3,attribute,shape,"attribute - shape (eggplants, plump oblong)",Are the shapes of the eggplants plump oblong? +10,"On a rustic wooden table, three ripe eggplants with a glossy royal purple skin are carefully arranged in a neat row. Their plump, oblong shapes complement the table's textured surface, and they cast soft shadows in the warm, ambient light. Nearby, the woven pattern of a tan-colored napkin peeks out from beneath the vibrant, richly colored vegetables.",,7,1,attribute,texture,"attribute - texture (wooden table, rustic)",Is the wooden table rustic? +10,"On a rustic wooden table, three ripe eggplants with a glossy royal purple skin are carefully arranged in a neat row. Their plump, oblong shapes complement the table's textured surface, and they cast soft shadows in the warm, ambient light. Nearby, the woven pattern of a tan-colored napkin peeks out from beneath the vibrant, richly colored vegetables.",,8,0,entity,whole,entity - whole (napkin),Is there a napkin? +10,"On a rustic wooden table, three ripe eggplants with a glossy royal purple skin are carefully arranged in a neat row. Their plump, oblong shapes complement the table's textured surface, and they cast soft shadows in the warm, ambient light. Nearby, the woven pattern of a tan-colored napkin peeks out from beneath the vibrant, richly colored vegetables.",,9,8,attribute,color,"attribute - color (napkin, tan)",Is the napkin tan-colored? +10,"On a rustic wooden table, three ripe eggplants with a glossy royal purple skin are carefully arranged in a neat row. Their plump, oblong shapes complement the table's textured surface, and they cast soft shadows in the warm, ambient light. Nearby, the woven pattern of a tan-colored napkin peeks out from beneath the vibrant, richly colored vegetables.",,10,"1,3",relation,spatial,"relation - spatial (eggplants, wooden table, on)",Are the eggplants on the wooden table? +195,"As the sun begins its descent in the late afternoon sky, a pair of brown leather boots can be seen tapping against a wooden pier, shedding the remnants of the ocean's saltwater. Nearby, a brightly colored surfboard, decorated with swirls of blue and yellow, stands propped up against a palm tree, basking in the warmth of the sun to dry off. Across the sandy beach, the waves gently lap at the shore, a rhythmic soundtrack to this tranquil scene.",,1,0,entity,whole,entity - whole (sun),Is the sun visible? +195,"As the sun begins its descent in the late afternoon sky, a pair of brown leather boots can be seen tapping against a wooden pier, shedding the remnants of the ocean's saltwater. Nearby, a brightly colored surfboard, decorated with swirls of blue and yellow, stands propped up against a palm tree, basking in the warmth of the sun to dry off. Across the sandy beach, the waves gently lap at the shore, a rhythmic soundtrack to this tranquil scene.",,2,0,entity,whole,entity - whole (boots),Are there boots? +195,"As the sun begins its descent in the late afternoon sky, a pair of brown leather boots can be seen tapping against a wooden pier, shedding the remnants of the ocean's saltwater. Nearby, a brightly colored surfboard, decorated with swirls of blue and yellow, stands propped up against a palm tree, basking in the warmth of the sun to dry off. Across the sandy beach, the waves gently lap at the shore, a rhythmic soundtrack to this tranquil scene.",,3,0,entity,whole,entity - whole (pier),Is there a pier? +195,"As the sun begins its descent in the late afternoon sky, a pair of brown leather boots can be seen tapping against a wooden pier, shedding the remnants of the ocean's saltwater. Nearby, a brightly colored surfboard, decorated with swirls of blue and yellow, stands propped up against a palm tree, basking in the warmth of the sun to dry off. Across the sandy beach, the waves gently lap at the shore, a rhythmic soundtrack to this tranquil scene.",,4,0,entity,whole,entity - whole (surfboard),Can a surfing board be seen? +195,"As the sun begins its descent in the late afternoon sky, a pair of brown leather boots can be seen tapping against a wooden pier, shedding the remnants of the ocean's saltwater. Nearby, a brightly colored surfboard, decorated with swirls of blue and yellow, stands propped up against a palm tree, basking in the warmth of the sun to dry off. Across the sandy beach, the waves gently lap at the shore, a rhythmic soundtrack to this tranquil scene.",,5,0,entity,whole,entity - whole (palm tree),Is there a palm tree present? +195,"As the sun begins its descent in the late afternoon sky, a pair of brown leather boots can be seen tapping against a wooden pier, shedding the remnants of the ocean's saltwater. Nearby, a brightly colored surfboard, decorated with swirls of blue and yellow, stands propped up against a palm tree, basking in the warmth of the sun to dry off. Across the sandy beach, the waves gently lap at the shore, a rhythmic soundtrack to this tranquil scene.",,6,2,attribute,color,"attribute - color (boots, brown)",Are the boots brown? +195,"As the sun begins its descent in the late afternoon sky, a pair of brown leather boots can be seen tapping against a wooden pier, shedding the remnants of the ocean's saltwater. Nearby, a brightly colored surfboard, decorated with swirls of blue and yellow, stands propped up against a palm tree, basking in the warmth of the sun to dry off. Across the sandy beach, the waves gently lap at the shore, a rhythmic soundtrack to this tranquil scene.",,7,2,attribute,texture,"attribute - texture (boots, leather)",Are the boots made of leather? +195,"As the sun begins its descent in the late afternoon sky, a pair of brown leather boots can be seen tapping against a wooden pier, shedding the remnants of the ocean's saltwater. Nearby, a brightly colored surfboard, decorated with swirls of blue and yellow, stands propped up against a palm tree, basking in the warmth of the sun to dry off. Across the sandy beach, the waves gently lap at the shore, a rhythmic soundtrack to this tranquil scene.",,8,3,attribute,texture,"attribute - texture (pier, wood)",Is the pier made of wood? +195,"As the sun begins its descent in the late afternoon sky, a pair of brown leather boots can be seen tapping against a wooden pier, shedding the remnants of the ocean's saltwater. Nearby, a brightly colored surfboard, decorated with swirls of blue and yellow, stands propped up against a palm tree, basking in the warmth of the sun to dry off. Across the sandy beach, the waves gently lap at the shore, a rhythmic soundtrack to this tranquil scene.",,9,4,attribute,color,"attribute - color (surfboard, blue and yellow)",Is the surfboard decorated with swirls of blue and yellow? +195,"As the sun begins its descent in the late afternoon sky, a pair of brown leather boots can be seen tapping against a wooden pier, shedding the remnants of the ocean's saltwater. Nearby, a brightly colored surfboard, decorated with swirls of blue and yellow, stands propped up against a palm tree, basking in the warmth of the sun to dry off. Across the sandy beach, the waves gently lap at the shore, a rhythmic soundtrack to this tranquil scene.",,10,"2,3",relation,spatial,"relation - spatial (boots, pier, on)",Are the boots tapping against the wooden pier? +193,"An aged wooden nightstand with an elegant finish stands beside a tall bed, supporting an oversized violin that stretches beyond its edges. The gentle evening light cascades through an adjacent window, casting a warm amber glow on the instrument's polished surface. Intricate details on the violin's body glimmer subtly, capturing the essence of its classical beauty.",,1,0,entity,whole,entity - whole (nightstand),Is there a nightstand? +193,"An aged wooden nightstand with an elegant finish stands beside a tall bed, supporting an oversized violin that stretches beyond its edges. The gentle evening light cascades through an adjacent window, casting a warm amber glow on the instrument's polished surface. Intricate details on the violin's body glimmer subtly, capturing the essence of its classical beauty.",,2,0,entity,whole,entity - whole (bed),Is there a bed? +193,"An aged wooden nightstand with an elegant finish stands beside a tall bed, supporting an oversized violin that stretches beyond its edges. The gentle evening light cascades through an adjacent window, casting a warm amber glow on the instrument's polished surface. Intricate details on the violin's body glimmer subtly, capturing the essence of its classical beauty.",,3,0,entity,whole,entity - whole (violin),Is there a violin? +193,"An aged wooden nightstand with an elegant finish stands beside a tall bed, supporting an oversized violin that stretches beyond its edges. The gentle evening light cascades through an adjacent window, casting a warm amber glow on the instrument's polished surface. Intricate details on the violin's body glimmer subtly, capturing the essence of its classical beauty.",,4,0,entity,whole,entity - whole (window),Is there a window? +193,"An aged wooden nightstand with an elegant finish stands beside a tall bed, supporting an oversized violin that stretches beyond its edges. The gentle evening light cascades through an adjacent window, casting a warm amber glow on the instrument's polished surface. Intricate details on the violin's body glimmer subtly, capturing the essence of its classical beauty.",,5,1,attribute,texture,"attribute - texture (nightstand, wood)",Is the nightstand made of wood? +193,"An aged wooden nightstand with an elegant finish stands beside a tall bed, supporting an oversized violin that stretches beyond its edges. The gentle evening light cascades through an adjacent window, casting a warm amber glow on the instrument's polished surface. Intricate details on the violin's body glimmer subtly, capturing the essence of its classical beauty.",,6,1,attribute,other,"attribute - other (nightstand, aged)",Is the nightstand aged? +193,"An aged wooden nightstand with an elegant finish stands beside a tall bed, supporting an oversized violin that stretches beyond its edges. The gentle evening light cascades through an adjacent window, casting a warm amber glow on the instrument's polished surface. Intricate details on the violin's body glimmer subtly, capturing the essence of its classical beauty.",,7,1,attribute,other,"attribute - other (nightstand, elegant finish)",Does the nightstand have an elegant finish? +193,"An aged wooden nightstand with an elegant finish stands beside a tall bed, supporting an oversized violin that stretches beyond its edges. The gentle evening light cascades through an adjacent window, casting a warm amber glow on the instrument's polished surface. Intricate details on the violin's body glimmer subtly, capturing the essence of its classical beauty.",,8,3,attribute,size,"attribute - size (violin, oversized)",Is the violin oversized? +193,"An aged wooden nightstand with an elegant finish stands beside a tall bed, supporting an oversized violin that stretches beyond its edges. The gentle evening light cascades through an adjacent window, casting a warm amber glow on the instrument's polished surface. Intricate details on the violin's body glimmer subtly, capturing the essence of its classical beauty.",,9,0,attribute,color,"attribute - color (light, warm amber)",Is the light a warm amber color? +193,"An aged wooden nightstand with an elegant finish stands beside a tall bed, supporting an oversized violin that stretches beyond its edges. The gentle evening light cascades through an adjacent window, casting a warm amber glow on the instrument's polished surface. Intricate details on the violin's body glimmer subtly, capturing the essence of its classical beauty.",,10,"1,2",relation,spatial,"relation - spatial (nightstand, bed, beside)",Is the nightstand beside the bed? +30,"A group of fresh, green asparagus is bundled tightly together, standing upright against a clear glass container with a water droplet pattern, giving them a soldier-like appearance. They exhibit a bright green hue that graduates to a paler shade toward their fibrous stems, enhancing their natural gradient. The spears are set against a neutral-toned, textured backdrop that contrasts boldly with their vivid color and linear form.",,1,0,entity,whole,entity - whole (asparagus),Is there a group of asparagus? +30,"A group of fresh, green asparagus is bundled tightly together, standing upright against a clear glass container with a water droplet pattern, giving them a soldier-like appearance. They exhibit a bright green hue that graduates to a paler shade toward their fibrous stems, enhancing their natural gradient. The spears are set against a neutral-toned, textured backdrop that contrasts boldly with their vivid color and linear form.",,2,0,entity,whole,entity - whole (container),Is there a container? +30,"A group of fresh, green asparagus is bundled tightly together, standing upright against a clear glass container with a water droplet pattern, giving them a soldier-like appearance. They exhibit a bright green hue that graduates to a paler shade toward their fibrous stems, enhancing their natural gradient. The spears are set against a neutral-toned, textured backdrop that contrasts boldly with their vivid color and linear form.",,3,1,attribute,color,"attribute - color (asparagus, green)",Are the asparagus green? +30,"A group of fresh, green asparagus is bundled tightly together, standing upright against a clear glass container with a water droplet pattern, giving them a soldier-like appearance. They exhibit a bright green hue that graduates to a paler shade toward their fibrous stems, enhancing their natural gradient. The spears are set against a neutral-toned, textured backdrop that contrasts boldly with their vivid color and linear form.",,4,2,attribute,texture,"attribute - texture (container, clear glass with water droplet pattern)",Is the container made of clear glass with a water droplet pattern? +30,"A group of fresh, green asparagus is bundled tightly together, standing upright against a clear glass container with a water droplet pattern, giving them a soldier-like appearance. They exhibit a bright green hue that graduates to a paler shade toward their fibrous stems, enhancing their natural gradient. The spears are set against a neutral-toned, textured backdrop that contrasts boldly with their vivid color and linear form.",,5,0,attribute,texture,"attribute - texture (backdrop, neutral-toned, textured)",Is the backdrop neutral-toned and textured? +30,"A group of fresh, green asparagus is bundled tightly together, standing upright against a clear glass container with a water droplet pattern, giving them a soldier-like appearance. They exhibit a bright green hue that graduates to a paler shade toward their fibrous stems, enhancing their natural gradient. The spears are set against a neutral-toned, textured backdrop that contrasts boldly with their vivid color and linear form.",,6,"1,2",relation,spatial,"relation - spatial (asparagus, container, against)",Are the asparagus against the container? +30,"A group of fresh, green asparagus is bundled tightly together, standing upright against a clear glass container with a water droplet pattern, giving them a soldier-like appearance. They exhibit a bright green hue that graduates to a paler shade toward their fibrous stems, enhancing their natural gradient. The spears are set against a neutral-toned, textured backdrop that contrasts boldly with their vivid color and linear form.",,7,"1,5",relation,spatial,"relation - spatial (asparagus, backdrop, set against)",Are the asparagus set against the backdrop? +30,"A group of fresh, green asparagus is bundled tightly together, standing upright against a clear glass container with a water droplet pattern, giving them a soldier-like appearance. They exhibit a bright green hue that graduates to a paler shade toward their fibrous stems, enhancing their natural gradient. The spears are set against a neutral-toned, textured backdrop that contrasts boldly with their vivid color and linear form.",,8,1,entity,state,"entity - state (asparagus, bundled tightly)",Are the asparagus bundled tightly together? +30,"A group of fresh, green asparagus is bundled tightly together, standing upright against a clear glass container with a water droplet pattern, giving them a soldier-like appearance. They exhibit a bright green hue that graduates to a paler shade toward their fibrous stems, enhancing their natural gradient. The spears are set against a neutral-toned, textured backdrop that contrasts boldly with their vivid color and linear form.",,9,1,entity,state,"entity - state (asparagus, standing upright)",Are the asparagus standing upright? +30,"A group of fresh, green asparagus is bundled tightly together, standing upright against a clear glass container with a water droplet pattern, giving them a soldier-like appearance. They exhibit a bright green hue that graduates to a paler shade toward their fibrous stems, enhancing their natural gradient. The spears are set against a neutral-toned, textured backdrop that contrasts boldly with their vivid color and linear form.",,10,1,attribute,other,"attribute - other (asparagus, soldier-like appearance)",Do the asparagus have a soldier-like appearance? +199,"An aged and weathered workbench is laden with tools and materials, its surface coated with a fine layer of sawdust. A rolled-out tape measure and a wooden ruler lie parallel across the bench, both extending their lengths to aid in an unseen project. Beside these measuring tools, a ceramic ashtray cradles a lit cigar and a smoldering cigarette, their trails of smoke winding upwards. The ashtray is situated to the left of the measuring tools, and behind it, various unfinished woodworks can be glimpsed, suggesting the area is frequented by a craftsman.",,1,0,entity,whole,entity - whole (workbench),Is there a workbench? +199,"An aged and weathered workbench is laden with tools and materials, its surface coated with a fine layer of sawdust. A rolled-out tape measure and a wooden ruler lie parallel across the bench, both extending their lengths to aid in an unseen project. Beside these measuring tools, a ceramic ashtray cradles a lit cigar and a smoldering cigarette, their trails of smoke winding upwards. The ashtray is situated to the left of the measuring tools, and behind it, various unfinished woodworks can be glimpsed, suggesting the area is frequented by a craftsman.",,2,0,entity,whole,entity - whole (tools),Are there tools? +199,"An aged and weathered workbench is laden with tools and materials, its surface coated with a fine layer of sawdust. A rolled-out tape measure and a wooden ruler lie parallel across the bench, both extending their lengths to aid in an unseen project. Beside these measuring tools, a ceramic ashtray cradles a lit cigar and a smoldering cigarette, their trails of smoke winding upwards. The ashtray is situated to the left of the measuring tools, and behind it, various unfinished woodworks can be glimpsed, suggesting the area is frequented by a craftsman.",,3,0,entity,whole,entity - whole (materials),Are there materials? +199,"An aged and weathered workbench is laden with tools and materials, its surface coated with a fine layer of sawdust. A rolled-out tape measure and a wooden ruler lie parallel across the bench, both extending their lengths to aid in an unseen project. Beside these measuring tools, a ceramic ashtray cradles a lit cigar and a smoldering cigarette, their trails of smoke winding upwards. The ashtray is situated to the left of the measuring tools, and behind it, various unfinished woodworks can be glimpsed, suggesting the area is frequented by a craftsman.",,4,0,entity,whole,entity - whole (tape measure),Is there a tape measure? +199,"An aged and weathered workbench is laden with tools and materials, its surface coated with a fine layer of sawdust. A rolled-out tape measure and a wooden ruler lie parallel across the bench, both extending their lengths to aid in an unseen project. Beside these measuring tools, a ceramic ashtray cradles a lit cigar and a smoldering cigarette, their trails of smoke winding upwards. The ashtray is situated to the left of the measuring tools, and behind it, various unfinished woodworks can be glimpsed, suggesting the area is frequented by a craftsman.",,5,0,entity,whole,entity - whole (ruler),Is there a ruler? +199,"An aged and weathered workbench is laden with tools and materials, its surface coated with a fine layer of sawdust. A rolled-out tape measure and a wooden ruler lie parallel across the bench, both extending their lengths to aid in an unseen project. Beside these measuring tools, a ceramic ashtray cradles a lit cigar and a smoldering cigarette, their trails of smoke winding upwards. The ashtray is situated to the left of the measuring tools, and behind it, various unfinished woodworks can be glimpsed, suggesting the area is frequented by a craftsman.",,6,0,entity,whole,entity - whole (ashtray),Is there an ashtray? +199,"An aged and weathered workbench is laden with tools and materials, its surface coated with a fine layer of sawdust. A rolled-out tape measure and a wooden ruler lie parallel across the bench, both extending their lengths to aid in an unseen project. Beside these measuring tools, a ceramic ashtray cradles a lit cigar and a smoldering cigarette, their trails of smoke winding upwards. The ashtray is situated to the left of the measuring tools, and behind it, various unfinished woodworks can be glimpsed, suggesting the area is frequented by a craftsman.",,7,0,entity,whole,entity - whole (cigar),Is there a cigar? +199,"An aged and weathered workbench is laden with tools and materials, its surface coated with a fine layer of sawdust. A rolled-out tape measure and a wooden ruler lie parallel across the bench, both extending their lengths to aid in an unseen project. Beside these measuring tools, a ceramic ashtray cradles a lit cigar and a smoldering cigarette, their trails of smoke winding upwards. The ashtray is situated to the left of the measuring tools, and behind it, various unfinished woodworks can be glimpsed, suggesting the area is frequented by a craftsman.",,8,0,entity,whole,entity - whole (cigarette),Is there a cigarette? +199,"An aged and weathered workbench is laden with tools and materials, its surface coated with a fine layer of sawdust. A rolled-out tape measure and a wooden ruler lie parallel across the bench, both extending their lengths to aid in an unseen project. Beside these measuring tools, a ceramic ashtray cradles a lit cigar and a smoldering cigarette, their trails of smoke winding upwards. The ashtray is situated to the left of the measuring tools, and behind it, various unfinished woodworks can be glimpsed, suggesting the area is frequented by a craftsman.",,9,0,entity,whole,entity - whole (woodworks),Are there woodworks? +199,"An aged and weathered workbench is laden with tools and materials, its surface coated with a fine layer of sawdust. A rolled-out tape measure and a wooden ruler lie parallel across the bench, both extending their lengths to aid in an unseen project. Beside these measuring tools, a ceramic ashtray cradles a lit cigar and a smoldering cigarette, their trails of smoke winding upwards. The ashtray is situated to the left of the measuring tools, and behind it, various unfinished woodworks can be glimpsed, suggesting the area is frequented by a craftsman.",,10,1,attribute,texture,"attribute - texture (workbench surface, sawdust coated)",Is the workbench surface coated with sawdust? +199,"An aged and weathered workbench is laden with tools and materials, its surface coated with a fine layer of sawdust. A rolled-out tape measure and a wooden ruler lie parallel across the bench, both extending their lengths to aid in an unseen project. Beside these measuring tools, a ceramic ashtray cradles a lit cigar and a smoldering cigarette, their trails of smoke winding upwards. The ashtray is situated to the left of the measuring tools, and behind it, various unfinished woodworks can be glimpsed, suggesting the area is frequented by a craftsman.",,11,"1,4",relation,spatial,"relation - spatial (tape measure, workbench, on)",Is the tape measure on the workbench? +199,"An aged and weathered workbench is laden with tools and materials, its surface coated with a fine layer of sawdust. A rolled-out tape measure and a wooden ruler lie parallel across the bench, both extending their lengths to aid in an unseen project. Beside these measuring tools, a ceramic ashtray cradles a lit cigar and a smoldering cigarette, their trails of smoke winding upwards. The ashtray is situated to the left of the measuring tools, and behind it, various unfinished woodworks can be glimpsed, suggesting the area is frequented by a craftsman.",,12,"1,5",relation,spatial,"relation - spatial (ruler, workbench, on)",Is the ruler on the workbench? +199,"An aged and weathered workbench is laden with tools and materials, its surface coated with a fine layer of sawdust. A rolled-out tape measure and a wooden ruler lie parallel across the bench, both extending their lengths to aid in an unseen project. Beside these measuring tools, a ceramic ashtray cradles a lit cigar and a smoldering cigarette, their trails of smoke winding upwards. The ashtray is situated to the left of the measuring tools, and behind it, various unfinished woodworks can be glimpsed, suggesting the area is frequented by a craftsman.",,13,"4,5,6",relation,spatial,"relation - spatial (ashtray, measuring tools, left of)",Is the ashtray to the left of the measuring tools? +199,"An aged and weathered workbench is laden with tools and materials, its surface coated with a fine layer of sawdust. A rolled-out tape measure and a wooden ruler lie parallel across the bench, both extending their lengths to aid in an unseen project. Beside these measuring tools, a ceramic ashtray cradles a lit cigar and a smoldering cigarette, their trails of smoke winding upwards. The ashtray is situated to the left of the measuring tools, and behind it, various unfinished woodworks can be glimpsed, suggesting the area is frequented by a craftsman.",,14,"1,6",relation,spatial,"relation - spatial (ashtray, workbench, on)",Is the ashtray on the workbench? +199,"An aged and weathered workbench is laden with tools and materials, its surface coated with a fine layer of sawdust. A rolled-out tape measure and a wooden ruler lie parallel across the bench, both extending their lengths to aid in an unseen project. Beside these measuring tools, a ceramic ashtray cradles a lit cigar and a smoldering cigarette, their trails of smoke winding upwards. The ashtray is situated to the left of the measuring tools, and behind it, various unfinished woodworks can be glimpsed, suggesting the area is frequented by a craftsman.",,15,"1,9",relation,spatial,"relation - spatial (woodworks, workbench, behind)",Are the woodworks behind the workbench? +199,"An aged and weathered workbench is laden with tools and materials, its surface coated with a fine layer of sawdust. A rolled-out tape measure and a wooden ruler lie parallel across the bench, both extending their lengths to aid in an unseen project. Beside these measuring tools, a ceramic ashtray cradles a lit cigar and a smoldering cigarette, their trails of smoke winding upwards. The ashtray is situated to the left of the measuring tools, and behind it, various unfinished woodworks can be glimpsed, suggesting the area is frequented by a craftsman.",,16,4,entity,state,"entity - state (tape measure, rolled-out)",Is the tape measure rolled out? +199,"An aged and weathered workbench is laden with tools and materials, its surface coated with a fine layer of sawdust. A rolled-out tape measure and a wooden ruler lie parallel across the bench, both extending their lengths to aid in an unseen project. Beside these measuring tools, a ceramic ashtray cradles a lit cigar and a smoldering cigarette, their trails of smoke winding upwards. The ashtray is situated to the left of the measuring tools, and behind it, various unfinished woodworks can be glimpsed, suggesting the area is frequented by a craftsman.",,17,5,entity,state,"entity - state (ruler, wooden)",Is the ruler made of wood? +199,"An aged and weathered workbench is laden with tools and materials, its surface coated with a fine layer of sawdust. A rolled-out tape measure and a wooden ruler lie parallel across the bench, both extending their lengths to aid in an unseen project. Beside these measuring tools, a ceramic ashtray cradles a lit cigar and a smoldering cigarette, their trails of smoke winding upwards. The ashtray is situated to the left of the measuring tools, and behind it, various unfinished woodworks can be glimpsed, suggesting the area is frequented by a craftsman.",,18,6,entity,state,"entity - state (ashtray, ceramic)",Is the ashtray made of ceramic? +199,"An aged and weathered workbench is laden with tools and materials, its surface coated with a fine layer of sawdust. A rolled-out tape measure and a wooden ruler lie parallel across the bench, both extending their lengths to aid in an unseen project. Beside these measuring tools, a ceramic ashtray cradles a lit cigar and a smoldering cigarette, their trails of smoke winding upwards. The ashtray is situated to the left of the measuring tools, and behind it, various unfinished woodworks can be glimpsed, suggesting the area is frequented by a craftsman.",,19,7,entity,state,"entity - state (cigar, lit)",Is the cigar lit? +199,"An aged and weathered workbench is laden with tools and materials, its surface coated with a fine layer of sawdust. A rolled-out tape measure and a wooden ruler lie parallel across the bench, both extending their lengths to aid in an unseen project. Beside these measuring tools, a ceramic ashtray cradles a lit cigar and a smoldering cigarette, their trails of smoke winding upwards. The ashtray is situated to the left of the measuring tools, and behind it, various unfinished woodworks can be glimpsed, suggesting the area is frequented by a craftsman.",,20,8,entity,state,"entity - state (cigarette, smoldering)",Is the cigarette smoldering? +199,"An aged and weathered workbench is laden with tools and materials, its surface coated with a fine layer of sawdust. A rolled-out tape measure and a wooden ruler lie parallel across the bench, both extending their lengths to aid in an unseen project. Beside these measuring tools, a ceramic ashtray cradles a lit cigar and a smoldering cigarette, their trails of smoke winding upwards. The ashtray is situated to the left of the measuring tools, and behind it, various unfinished woodworks can be glimpsed, suggesting the area is frequented by a craftsman.",,21,"4,5",relation,spatial,"relation - non-spatial (tape measure, ruler, parallel)",Are the tape measure and ruler lying parallel? +199,"An aged and weathered workbench is laden with tools and materials, its surface coated with a fine layer of sawdust. A rolled-out tape measure and a wooden ruler lie parallel across the bench, both extending their lengths to aid in an unseen project. Beside these measuring tools, a ceramic ashtray cradles a lit cigar and a smoldering cigarette, their trails of smoke winding upwards. The ashtray is situated to the left of the measuring tools, and behind it, various unfinished woodworks can be glimpsed, suggesting the area is frequented by a craftsman.",,22,1,attribute,other,"attribute - other (workbench, aged and weathered)",Is the workbench aged and weathered? +91,"In the waning twilight, two canvas tents, conical in shape, are nestled closely on a field of soft, lush grass, their silhouettes casting gentle shadows. Near these temporary abodes, a sturdy square table sits under the open sky, with a lone black billiard ball positioned at its center, unmoving and glossy. The scene is quiet and still, as though the entire world is holding its breath for the break shot that will commence the morning's game of billiards.",,1,0,entity,whole,entity - whole (tents),Are there tents? +91,"In the waning twilight, two canvas tents, conical in shape, are nestled closely on a field of soft, lush grass, their silhouettes casting gentle shadows. Near these temporary abodes, a sturdy square table sits under the open sky, with a lone black billiard ball positioned at its center, unmoving and glossy. The scene is quiet and still, as though the entire world is holding its breath for the break shot that will commence the morning's game of billiards.",,2,0,entity,whole,entity - whole (field),Is there a field? +91,"In the waning twilight, two canvas tents, conical in shape, are nestled closely on a field of soft, lush grass, their silhouettes casting gentle shadows. Near these temporary abodes, a sturdy square table sits under the open sky, with a lone black billiard ball positioned at its center, unmoving and glossy. The scene is quiet and still, as though the entire world is holding its breath for the break shot that will commence the morning's game of billiards.",,3,0,entity,whole,entity - whole (table),Is there a table? +91,"In the waning twilight, two canvas tents, conical in shape, are nestled closely on a field of soft, lush grass, their silhouettes casting gentle shadows. Near these temporary abodes, a sturdy square table sits under the open sky, with a lone black billiard ball positioned at its center, unmoving and glossy. The scene is quiet and still, as though the entire world is holding its breath for the break shot that will commence the morning's game of billiards.",,4,0,entity,whole,entity - whole (billiard ball),Is there a billiard ball? +91,"In the waning twilight, two canvas tents, conical in shape, are nestled closely on a field of soft, lush grass, their silhouettes casting gentle shadows. Near these temporary abodes, a sturdy square table sits under the open sky, with a lone black billiard ball positioned at its center, unmoving and glossy. The scene is quiet and still, as though the entire world is holding its breath for the break shot that will commence the morning's game of billiards.",,5,4,attribute,color,"attribute - color (billiard ball, black)",Is the billiard ball black? +91,"In the waning twilight, two canvas tents, conical in shape, are nestled closely on a field of soft, lush grass, their silhouettes casting gentle shadows. Near these temporary abodes, a sturdy square table sits under the open sky, with a lone black billiard ball positioned at its center, unmoving and glossy. The scene is quiet and still, as though the entire world is holding its breath for the break shot that will commence the morning's game of billiards.",,6,1,attribute,shape,"attribute - shape (tents, conical)",Are the tents conical in shape? +91,"In the waning twilight, two canvas tents, conical in shape, are nestled closely on a field of soft, lush grass, their silhouettes casting gentle shadows. Near these temporary abodes, a sturdy square table sits under the open sky, with a lone black billiard ball positioned at its center, unmoving and glossy. The scene is quiet and still, as though the entire world is holding its breath for the break shot that will commence the morning's game of billiards.",,7,2,attribute,texture,"attribute - texture (field, soft, lush grass)","Is the field covered with soft, lush grass?" +91,"In the waning twilight, two canvas tents, conical in shape, are nestled closely on a field of soft, lush grass, their silhouettes casting gentle shadows. Near these temporary abodes, a sturdy square table sits under the open sky, with a lone black billiard ball positioned at its center, unmoving and glossy. The scene is quiet and still, as though the entire world is holding its breath for the break shot that will commence the morning's game of billiards.",,8,3,attribute,shape,"attribute - shape (table, square)",Is the table square? +91,"In the waning twilight, two canvas tents, conical in shape, are nestled closely on a field of soft, lush grass, their silhouettes casting gentle shadows. Near these temporary abodes, a sturdy square table sits under the open sky, with a lone black billiard ball positioned at its center, unmoving and glossy. The scene is quiet and still, as though the entire world is holding its breath for the break shot that will commence the morning's game of billiards.",,9,"4,3",entity,state,"entity - state (billiard ball, center, positioned)",Is the billiard ball positioned at the center of the table? +91,"In the waning twilight, two canvas tents, conical in shape, are nestled closely on a field of soft, lush grass, their silhouettes casting gentle shadows. Near these temporary abodes, a sturdy square table sits under the open sky, with a lone black billiard ball positioned at its center, unmoving and glossy. The scene is quiet and still, as though the entire world is holding its breath for the break shot that will commence the morning's game of billiards.",,10,"1,2",relation,spatial,"relation - spatial (tents, field, on)",Are the tents on the field? +206,"In a dimly lit room, a stark black blackboard and a pristine white whiteboard are mounted next to each other on a pale wall, creating a striking contrast. The whiteboard is clean, while the blackboard has faint remnants of chalk dust. Directly below them, on a brown wooden table, rests a single pink folder, its bright color standing out in the quiet shadow of the evening.",,1,0,entity,whole,entity - whole (room),Is there a room? +206,"In a dimly lit room, a stark black blackboard and a pristine white whiteboard are mounted next to each other on a pale wall, creating a striking contrast. The whiteboard is clean, while the blackboard has faint remnants of chalk dust. Directly below them, on a brown wooden table, rests a single pink folder, its bright color standing out in the quiet shadow of the evening.",,2,0,entity,whole,entity - whole (blackboard),Is there a blackboard? +206,"In a dimly lit room, a stark black blackboard and a pristine white whiteboard are mounted next to each other on a pale wall, creating a striking contrast. The whiteboard is clean, while the blackboard has faint remnants of chalk dust. Directly below them, on a brown wooden table, rests a single pink folder, its bright color standing out in the quiet shadow of the evening.",,3,0,entity,whole,entity - whole (whiteboard),Is there a whiteboard? +206,"In a dimly lit room, a stark black blackboard and a pristine white whiteboard are mounted next to each other on a pale wall, creating a striking contrast. The whiteboard is clean, while the blackboard has faint remnants of chalk dust. Directly below them, on a brown wooden table, rests a single pink folder, its bright color standing out in the quiet shadow of the evening.",,4,0,entity,whole,entity - whole (wall),Is there a wall? +206,"In a dimly lit room, a stark black blackboard and a pristine white whiteboard are mounted next to each other on a pale wall, creating a striking contrast. The whiteboard is clean, while the blackboard has faint remnants of chalk dust. Directly below them, on a brown wooden table, rests a single pink folder, its bright color standing out in the quiet shadow of the evening.",,5,0,entity,whole,entity - whole (table),Is there a table? +206,"In a dimly lit room, a stark black blackboard and a pristine white whiteboard are mounted next to each other on a pale wall, creating a striking contrast. The whiteboard is clean, while the blackboard has faint remnants of chalk dust. Directly below them, on a brown wooden table, rests a single pink folder, its bright color standing out in the quiet shadow of the evening.",,6,0,entity,whole,entity - whole (folder),Is there a folder? +206,"In a dimly lit room, a stark black blackboard and a pristine white whiteboard are mounted next to each other on a pale wall, creating a striking contrast. The whiteboard is clean, while the blackboard has faint remnants of chalk dust. Directly below them, on a brown wooden table, rests a single pink folder, its bright color standing out in the quiet shadow of the evening.",,7,2,attribute,color,"attribute - color (blackboard, black)",Is the blackboard black? +206,"In a dimly lit room, a stark black blackboard and a pristine white whiteboard are mounted next to each other on a pale wall, creating a striking contrast. The whiteboard is clean, while the blackboard has faint remnants of chalk dust. Directly below them, on a brown wooden table, rests a single pink folder, its bright color standing out in the quiet shadow of the evening.",,8,3,attribute,color,"attribute - color (whiteboard, white)",Is the whiteboard white? +206,"In a dimly lit room, a stark black blackboard and a pristine white whiteboard are mounted next to each other on a pale wall, creating a striking contrast. The whiteboard is clean, while the blackboard has faint remnants of chalk dust. Directly below them, on a brown wooden table, rests a single pink folder, its bright color standing out in the quiet shadow of the evening.",,9,6,attribute,color,"attribute - color (folder, pink)",Is the folder pink? +206,"In a dimly lit room, a stark black blackboard and a pristine white whiteboard are mounted next to each other on a pale wall, creating a striking contrast. The whiteboard is clean, while the blackboard has faint remnants of chalk dust. Directly below them, on a brown wooden table, rests a single pink folder, its bright color standing out in the quiet shadow of the evening.",,10,5,attribute,texture,"attribute - texture (table, wooden)",Is the table made of wood? +142,"a bright neon pink hurdle stands out against the backdrop of a golden setting sun, casting long shadows on the sand below. perched upon the hurdle, a vibrant orange crab clings tightly, its pincers silhouetted against the dimming sky. in the distance, waves can be seen gently crashing onto the shore, reflecting the rich hues of the sunset.",,1,0,entity,whole,entity - whole (hurdle),Is there a hurdle? +142,"a bright neon pink hurdle stands out against the backdrop of a golden setting sun, casting long shadows on the sand below. perched upon the hurdle, a vibrant orange crab clings tightly, its pincers silhouetted against the dimming sky. in the distance, waves can be seen gently crashing onto the shore, reflecting the rich hues of the sunset.",,2,0,entity,whole,entity - whole (sun),Is there a sun? +142,"a bright neon pink hurdle stands out against the backdrop of a golden setting sun, casting long shadows on the sand below. perched upon the hurdle, a vibrant orange crab clings tightly, its pincers silhouetted against the dimming sky. in the distance, waves can be seen gently crashing onto the shore, reflecting the rich hues of the sunset.",,3,0,entity,whole,entity - whole (sand),Is there sand? +142,"a bright neon pink hurdle stands out against the backdrop of a golden setting sun, casting long shadows on the sand below. perched upon the hurdle, a vibrant orange crab clings tightly, its pincers silhouetted against the dimming sky. in the distance, waves can be seen gently crashing onto the shore, reflecting the rich hues of the sunset.",,4,0,entity,whole,entity - whole (crab),Is there a crab? +142,"a bright neon pink hurdle stands out against the backdrop of a golden setting sun, casting long shadows on the sand below. perched upon the hurdle, a vibrant orange crab clings tightly, its pincers silhouetted against the dimming sky. in the distance, waves can be seen gently crashing onto the shore, reflecting the rich hues of the sunset.",,5,0,entity,whole,entity - whole (waves),Are there waves? +142,"a bright neon pink hurdle stands out against the backdrop of a golden setting sun, casting long shadows on the sand below. perched upon the hurdle, a vibrant orange crab clings tightly, its pincers silhouetted against the dimming sky. in the distance, waves can be seen gently crashing onto the shore, reflecting the rich hues of the sunset.",,6,0,entity,whole,entity - whole (shore),Is there a shore? +142,"a bright neon pink hurdle stands out against the backdrop of a golden setting sun, casting long shadows on the sand below. perched upon the hurdle, a vibrant orange crab clings tightly, its pincers silhouetted against the dimming sky. in the distance, waves can be seen gently crashing onto the shore, reflecting the rich hues of the sunset.",,7,1,attribute,color,"attribute - color (hurdle, neon pink)",Is the hurdle neon pink? +142,"a bright neon pink hurdle stands out against the backdrop of a golden setting sun, casting long shadows on the sand below. perched upon the hurdle, a vibrant orange crab clings tightly, its pincers silhouetted against the dimming sky. in the distance, waves can be seen gently crashing onto the shore, reflecting the rich hues of the sunset.",,8,2,attribute,color,"attribute - color (sun, golden)",Is the sun golden? +142,"a bright neon pink hurdle stands out against the backdrop of a golden setting sun, casting long shadows on the sand below. perched upon the hurdle, a vibrant orange crab clings tightly, its pincers silhouetted against the dimming sky. in the distance, waves can be seen gently crashing onto the shore, reflecting the rich hues of the sunset.",,9,4,attribute,color,"attribute - color (crab, vibrant orange)",Is the crab vibrant orange? +142,"a bright neon pink hurdle stands out against the backdrop of a golden setting sun, casting long shadows on the sand below. perched upon the hurdle, a vibrant orange crab clings tightly, its pincers silhouetted against the dimming sky. in the distance, waves can be seen gently crashing onto the shore, reflecting the rich hues of the sunset.",,10,"1,3",relation,spatial,"relation - spatial (hurdle, sand, on)",Is the hurdle on the sand? +139,"a pyramid-shaped tablet made of a smooth, matte grey stone stands in the foreground, its sharp edges contrasting with the wild, verdant foliage of the surrounding jungle. nearby, a crescent-shaped swing hangs from a sturdy tree branch, crafted from a polished golden wood that glimmers slightly under the dappled sunlight filtering through the dense canopy above. the swing's smooth surface and gentle curve invite a sense of calm amidst the lush greenery.",,1,0,entity,whole,entity - whole (tablet),Is there a tablet? +139,"a pyramid-shaped tablet made of a smooth, matte grey stone stands in the foreground, its sharp edges contrasting with the wild, verdant foliage of the surrounding jungle. nearby, a crescent-shaped swing hangs from a sturdy tree branch, crafted from a polished golden wood that glimmers slightly under the dappled sunlight filtering through the dense canopy above. the swing's smooth surface and gentle curve invite a sense of calm amidst the lush greenery.",,2,0,entity,whole,entity - whole (foliage),Is there foliage? +139,"a pyramid-shaped tablet made of a smooth, matte grey stone stands in the foreground, its sharp edges contrasting with the wild, verdant foliage of the surrounding jungle. nearby, a crescent-shaped swing hangs from a sturdy tree branch, crafted from a polished golden wood that glimmers slightly under the dappled sunlight filtering through the dense canopy above. the swing's smooth surface and gentle curve invite a sense of calm amidst the lush greenery.",,3,0,entity,whole,entity - whole (jungle),Is there a jungle? +139,"a pyramid-shaped tablet made of a smooth, matte grey stone stands in the foreground, its sharp edges contrasting with the wild, verdant foliage of the surrounding jungle. nearby, a crescent-shaped swing hangs from a sturdy tree branch, crafted from a polished golden wood that glimmers slightly under the dappled sunlight filtering through the dense canopy above. the swing's smooth surface and gentle curve invite a sense of calm amidst the lush greenery.",,4,0,entity,whole,entity - whole (swing),Is there a swing? +139,"a pyramid-shaped tablet made of a smooth, matte grey stone stands in the foreground, its sharp edges contrasting with the wild, verdant foliage of the surrounding jungle. nearby, a crescent-shaped swing hangs from a sturdy tree branch, crafted from a polished golden wood that glimmers slightly under the dappled sunlight filtering through the dense canopy above. the swing's smooth surface and gentle curve invite a sense of calm amidst the lush greenery.",,5,0,entity,whole,entity - whole (tree branch),Is there a tree branch? +139,"a pyramid-shaped tablet made of a smooth, matte grey stone stands in the foreground, its sharp edges contrasting with the wild, verdant foliage of the surrounding jungle. nearby, a crescent-shaped swing hangs from a sturdy tree branch, crafted from a polished golden wood that glimmers slightly under the dappled sunlight filtering through the dense canopy above. the swing's smooth surface and gentle curve invite a sense of calm amidst the lush greenery.",,6,1,attribute,shape,"attribute - shape (tablet, pyramid-shaped)",Is the tablet pyramid-shaped? +139,"a pyramid-shaped tablet made of a smooth, matte grey stone stands in the foreground, its sharp edges contrasting with the wild, verdant foliage of the surrounding jungle. nearby, a crescent-shaped swing hangs from a sturdy tree branch, crafted from a polished golden wood that glimmers slightly under the dappled sunlight filtering through the dense canopy above. the swing's smooth surface and gentle curve invite a sense of calm amidst the lush greenery.",,7,1,attribute,texture,"attribute - texture (tablet, smooth, matte)",Is the tablet smooth and matte? +139,"a pyramid-shaped tablet made of a smooth, matte grey stone stands in the foreground, its sharp edges contrasting with the wild, verdant foliage of the surrounding jungle. nearby, a crescent-shaped swing hangs from a sturdy tree branch, crafted from a polished golden wood that glimmers slightly under the dappled sunlight filtering through the dense canopy above. the swing's smooth surface and gentle curve invite a sense of calm amidst the lush greenery.",,8,1,attribute,color,"attribute - color (tablet, grey)",Is the tablet grey? +139,"a pyramid-shaped tablet made of a smooth, matte grey stone stands in the foreground, its sharp edges contrasting with the wild, verdant foliage of the surrounding jungle. nearby, a crescent-shaped swing hangs from a sturdy tree branch, crafted from a polished golden wood that glimmers slightly under the dappled sunlight filtering through the dense canopy above. the swing's smooth surface and gentle curve invite a sense of calm amidst the lush greenery.",,9,4,attribute,color,"attribute - color (swing, golden)",Is the swing golden? +139,"a pyramid-shaped tablet made of a smooth, matte grey stone stands in the foreground, its sharp edges contrasting with the wild, verdant foliage of the surrounding jungle. nearby, a crescent-shaped swing hangs from a sturdy tree branch, crafted from a polished golden wood that glimmers slightly under the dappled sunlight filtering through the dense canopy above. the swing's smooth surface and gentle curve invite a sense of calm amidst the lush greenery.",,10,4,attribute,texture,"attribute - texture (swing, polished)",Is the swing polished? +35,"Three graceful antelopes are seen grazing on the sparse, golden grasses of the sprawling savannah under the soft, purpling skies of dawn. The silhouette of an acacia tree punctuates the horizon as the first light of day gently begins to illuminate the vast, open plain. With delicate movements, the animals move slowly, their tan and white coats blending subtly with the earthy tones of their serene surroundings.",,1,0,entity,whole,entity - whole (antelopes),Are there antelopes? +35,"Three graceful antelopes are seen grazing on the sparse, golden grasses of the sprawling savannah under the soft, purpling skies of dawn. The silhouette of an acacia tree punctuates the horizon as the first light of day gently begins to illuminate the vast, open plain. With delicate movements, the animals move slowly, their tan and white coats blending subtly with the earthy tones of their serene surroundings.",,2,1,other,count,"other - count (antelopes, ==3)",Are there three antelopes? +35,"Three graceful antelopes are seen grazing on the sparse, golden grasses of the sprawling savannah under the soft, purpling skies of dawn. The silhouette of an acacia tree punctuates the horizon as the first light of day gently begins to illuminate the vast, open plain. With delicate movements, the animals move slowly, their tan and white coats blending subtly with the earthy tones of their serene surroundings.",,3,0,entity,whole,entity - whole (grass),Is there grass? +35,"Three graceful antelopes are seen grazing on the sparse, golden grasses of the sprawling savannah under the soft, purpling skies of dawn. The silhouette of an acacia tree punctuates the horizon as the first light of day gently begins to illuminate the vast, open plain. With delicate movements, the animals move slowly, their tan and white coats blending subtly with the earthy tones of their serene surroundings.",,4,0,entity,whole,entity - whole (savannah),Is there a savannah? +35,"Three graceful antelopes are seen grazing on the sparse, golden grasses of the sprawling savannah under the soft, purpling skies of dawn. The silhouette of an acacia tree punctuates the horizon as the first light of day gently begins to illuminate the vast, open plain. With delicate movements, the animals move slowly, their tan and white coats blending subtly with the earthy tones of their serene surroundings.",,5,0,entity,whole,entity - whole (sky),Is there a sky? +35,"Three graceful antelopes are seen grazing on the sparse, golden grasses of the sprawling savannah under the soft, purpling skies of dawn. The silhouette of an acacia tree punctuates the horizon as the first light of day gently begins to illuminate the vast, open plain. With delicate movements, the animals move slowly, their tan and white coats blending subtly with the earthy tones of their serene surroundings.",,6,0,entity,whole,entity - whole (acacia tree),Is there an acacia tree? +35,"Three graceful antelopes are seen grazing on the sparse, golden grasses of the sprawling savannah under the soft, purpling skies of dawn. The silhouette of an acacia tree punctuates the horizon as the first light of day gently begins to illuminate the vast, open plain. With delicate movements, the animals move slowly, their tan and white coats blending subtly with the earthy tones of their serene surroundings.",,7,3,attribute,color,"attribute - color (grass, golden)",Is the grass golden? +35,"Three graceful antelopes are seen grazing on the sparse, golden grasses of the sprawling savannah under the soft, purpling skies of dawn. The silhouette of an acacia tree punctuates the horizon as the first light of day gently begins to illuminate the vast, open plain. With delicate movements, the animals move slowly, their tan and white coats blending subtly with the earthy tones of their serene surroundings.",,8,5,attribute,color,"attribute - color (sky, purpling)",Is the sky purpling? +35,"Three graceful antelopes are seen grazing on the sparse, golden grasses of the sprawling savannah under the soft, purpling skies of dawn. The silhouette of an acacia tree punctuates the horizon as the first light of day gently begins to illuminate the vast, open plain. With delicate movements, the animals move slowly, their tan and white coats blending subtly with the earthy tones of their serene surroundings.",,9,4,attribute,texture,"attribute - texture (savannah, sprawling)",Is the savannah sprawling? +35,"Three graceful antelopes are seen grazing on the sparse, golden grasses of the sprawling savannah under the soft, purpling skies of dawn. The silhouette of an acacia tree punctuates the horizon as the first light of day gently begins to illuminate the vast, open plain. With delicate movements, the animals move slowly, their tan and white coats blending subtly with the earthy tones of their serene surroundings.",,10,"1,3",entity,state,"entity - state (antelopes, graze)",Are the antelopes grazing? +297,"In a homey living area, against the backdrop of a pastel-hued wall, a sturdy mahogany side table stands adjacent to a plush, large teal couch. The side table features a lamp with a cream shade and a scattering of paperback books stacked neatly on its surface. Positioned comfortably next to the couch, the side table complements the warm ambiance, while the couch offers an inviting place to relax, covered with throw pillows in shades of teal, mustard, and gray.",,1,0,entity,whole,entity - whole (living area),Is there a living area? +297,"In a homey living area, against the backdrop of a pastel-hued wall, a sturdy mahogany side table stands adjacent to a plush, large teal couch. The side table features a lamp with a cream shade and a scattering of paperback books stacked neatly on its surface. Positioned comfortably next to the couch, the side table complements the warm ambiance, while the couch offers an inviting place to relax, covered with throw pillows in shades of teal, mustard, and gray.",,2,0,entity,whole,entity - whole (wall),Is there a wall? +297,"In a homey living area, against the backdrop of a pastel-hued wall, a sturdy mahogany side table stands adjacent to a plush, large teal couch. The side table features a lamp with a cream shade and a scattering of paperback books stacked neatly on its surface. Positioned comfortably next to the couch, the side table complements the warm ambiance, while the couch offers an inviting place to relax, covered with throw pillows in shades of teal, mustard, and gray.",,3,0,entity,whole,entity - whole (side table),Is there a side table? +297,"In a homey living area, against the backdrop of a pastel-hued wall, a sturdy mahogany side table stands adjacent to a plush, large teal couch. The side table features a lamp with a cream shade and a scattering of paperback books stacked neatly on its surface. Positioned comfortably next to the couch, the side table complements the warm ambiance, while the couch offers an inviting place to relax, covered with throw pillows in shades of teal, mustard, and gray.",,4,0,entity,whole,entity - whole (couch),Is there a couch? +297,"In a homey living area, against the backdrop of a pastel-hued wall, a sturdy mahogany side table stands adjacent to a plush, large teal couch. The side table features a lamp with a cream shade and a scattering of paperback books stacked neatly on its surface. Positioned comfortably next to the couch, the side table complements the warm ambiance, while the couch offers an inviting place to relax, covered with throw pillows in shades of teal, mustard, and gray.",,5,0,entity,whole,entity - whole (lamp),Is there a lamp? +297,"In a homey living area, against the backdrop of a pastel-hued wall, a sturdy mahogany side table stands adjacent to a plush, large teal couch. The side table features a lamp with a cream shade and a scattering of paperback books stacked neatly on its surface. Positioned comfortably next to the couch, the side table complements the warm ambiance, while the couch offers an inviting place to relax, covered with throw pillows in shades of teal, mustard, and gray.",,6,0,entity,whole,entity - whole (books),Are there books? +297,"In a homey living area, against the backdrop of a pastel-hued wall, a sturdy mahogany side table stands adjacent to a plush, large teal couch. The side table features a lamp with a cream shade and a scattering of paperback books stacked neatly on its surface. Positioned comfortably next to the couch, the side table complements the warm ambiance, while the couch offers an inviting place to relax, covered with throw pillows in shades of teal, mustard, and gray.",,7,0,entity,whole,entity - whole (pillows),Are there pillows? +297,"In a homey living area, against the backdrop of a pastel-hued wall, a sturdy mahogany side table stands adjacent to a plush, large teal couch. The side table features a lamp with a cream shade and a scattering of paperback books stacked neatly on its surface. Positioned comfortably next to the couch, the side table complements the warm ambiance, while the couch offers an inviting place to relax, covered with throw pillows in shades of teal, mustard, and gray.",,8,2,attribute,color,"attribute - color (wall, pastel-hued)",Is the wall pastel-hued? +297,"In a homey living area, against the backdrop of a pastel-hued wall, a sturdy mahogany side table stands adjacent to a plush, large teal couch. The side table features a lamp with a cream shade and a scattering of paperback books stacked neatly on its surface. Positioned comfortably next to the couch, the side table complements the warm ambiance, while the couch offers an inviting place to relax, covered with throw pillows in shades of teal, mustard, and gray.",,9,3,attribute,texture,"attribute - texture (side table, mahogany)",Is the side table made of mahogany? +297,"In a homey living area, against the backdrop of a pastel-hued wall, a sturdy mahogany side table stands adjacent to a plush, large teal couch. The side table features a lamp with a cream shade and a scattering of paperback books stacked neatly on its surface. Positioned comfortably next to the couch, the side table complements the warm ambiance, while the couch offers an inviting place to relax, covered with throw pillows in shades of teal, mustard, and gray.",,10,4,attribute,size,"attribute - size (couch, large)",Is the couch large? +297,"In a homey living area, against the backdrop of a pastel-hued wall, a sturdy mahogany side table stands adjacent to a plush, large teal couch. The side table features a lamp with a cream shade and a scattering of paperback books stacked neatly on its surface. Positioned comfortably next to the couch, the side table complements the warm ambiance, while the couch offers an inviting place to relax, covered with throw pillows in shades of teal, mustard, and gray.",,11,4,attribute,color,"attribute - color (couch, teal)",Is the couch teal? +297,"In a homey living area, against the backdrop of a pastel-hued wall, a sturdy mahogany side table stands adjacent to a plush, large teal couch. The side table features a lamp with a cream shade and a scattering of paperback books stacked neatly on its surface. Positioned comfortably next to the couch, the side table complements the warm ambiance, while the couch offers an inviting place to relax, covered with throw pillows in shades of teal, mustard, and gray.",,12,5,attribute,color,"attribute - color (lamp shade, cream)",Is the lamp shade cream-colored? +297,"In a homey living area, against the backdrop of a pastel-hued wall, a sturdy mahogany side table stands adjacent to a plush, large teal couch. The side table features a lamp with a cream shade and a scattering of paperback books stacked neatly on its surface. Positioned comfortably next to the couch, the side table complements the warm ambiance, while the couch offers an inviting place to relax, covered with throw pillows in shades of teal, mustard, and gray.",,13,"3,4",relation,spatial,"relation - spatial (side table, couch, adjacent to)",Is the side table adjacent to the couch? +297,"In a homey living area, against the backdrop of a pastel-hued wall, a sturdy mahogany side table stands adjacent to a plush, large teal couch. The side table features a lamp with a cream shade and a scattering of paperback books stacked neatly on its surface. Positioned comfortably next to the couch, the side table complements the warm ambiance, while the couch offers an inviting place to relax, covered with throw pillows in shades of teal, mustard, and gray.",,14,"3,5",relation,spatial,"relation - spatial (side table, lamp, features)",Does the side table feature a lamp? +297,"In a homey living area, against the backdrop of a pastel-hued wall, a sturdy mahogany side table stands adjacent to a plush, large teal couch. The side table features a lamp with a cream shade and a scattering of paperback books stacked neatly on its surface. Positioned comfortably next to the couch, the side table complements the warm ambiance, while the couch offers an inviting place to relax, covered with throw pillows in shades of teal, mustard, and gray.",,15,"3,6",relation,spatial,"relation - spatial (side table, books, features)",Does the side table feature books? +297,"In a homey living area, against the backdrop of a pastel-hued wall, a sturdy mahogany side table stands adjacent to a plush, large teal couch. The side table features a lamp with a cream shade and a scattering of paperback books stacked neatly on its surface. Positioned comfortably next to the couch, the side table complements the warm ambiance, while the couch offers an inviting place to relax, covered with throw pillows in shades of teal, mustard, and gray.",,16,7,attribute,color,"attribute - color (pillows, teal)",Are any of the pillows teal? +297,"In a homey living area, against the backdrop of a pastel-hued wall, a sturdy mahogany side table stands adjacent to a plush, large teal couch. The side table features a lamp with a cream shade and a scattering of paperback books stacked neatly on its surface. Positioned comfortably next to the couch, the side table complements the warm ambiance, while the couch offers an inviting place to relax, covered with throw pillows in shades of teal, mustard, and gray.",,17,7,attribute,color,"attribute - color (pillows, mustard)",Are any of the pillows mustard-colored? +297,"In a homey living area, against the backdrop of a pastel-hued wall, a sturdy mahogany side table stands adjacent to a plush, large teal couch. The side table features a lamp with a cream shade and a scattering of paperback books stacked neatly on its surface. Positioned comfortably next to the couch, the side table complements the warm ambiance, while the couch offers an inviting place to relax, covered with throw pillows in shades of teal, mustard, and gray.",,18,7,attribute,color,"attribute - color (pillows, gray)",Are any of the pillows gray? +297,"In a homey living area, against the backdrop of a pastel-hued wall, a sturdy mahogany side table stands adjacent to a plush, large teal couch. The side table features a lamp with a cream shade and a scattering of paperback books stacked neatly on its surface. Positioned comfortably next to the couch, the side table complements the warm ambiance, while the couch offers an inviting place to relax, covered with throw pillows in shades of teal, mustard, and gray.",,19,3,entity,state,"entity - state (side table, sturdy)",Is the side table sturdy? +297,"In a homey living area, against the backdrop of a pastel-hued wall, a sturdy mahogany side table stands adjacent to a plush, large teal couch. The side table features a lamp with a cream shade and a scattering of paperback books stacked neatly on its surface. Positioned comfortably next to the couch, the side table complements the warm ambiance, while the couch offers an inviting place to relax, covered with throw pillows in shades of teal, mustard, and gray.",,20,4,entity,state,"entity - state (couch, plush)",Is the couch plush? +297,"In a homey living area, against the backdrop of a pastel-hued wall, a sturdy mahogany side table stands adjacent to a plush, large teal couch. The side table features a lamp with a cream shade and a scattering of paperback books stacked neatly on its surface. Positioned comfortably next to the couch, the side table complements the warm ambiance, while the couch offers an inviting place to relax, covered with throw pillows in shades of teal, mustard, and gray.",,21,"4,7",relation,spatial,"relation - spatial (pillows, couch, on)",Are the pillows on the couch? +132,"In the corner of a dimly lit room, a rectangular, charcoal-gray computer box exhibits its sharp edges as it rests beside an elegantly draped, cherry-red silk bow tie. The contrast between the electronic's matte finish and the tie's glossy sheen is striking. The computer appears dormant, while the bow tie seems almost ready to be picked up and worn to an event. Behind these objects, the ambient lighting casts soft shadows against the plain, light-colored wall.",,1,0,entity,whole,entity - whole (room),Is there a room? +132,"In the corner of a dimly lit room, a rectangular, charcoal-gray computer box exhibits its sharp edges as it rests beside an elegantly draped, cherry-red silk bow tie. The contrast between the electronic's matte finish and the tie's glossy sheen is striking. The computer appears dormant, while the bow tie seems almost ready to be picked up and worn to an event. Behind these objects, the ambient lighting casts soft shadows against the plain, light-colored wall.",,2,0,entity,whole,entity - whole (computer box),Is there a computer box? +132,"In the corner of a dimly lit room, a rectangular, charcoal-gray computer box exhibits its sharp edges as it rests beside an elegantly draped, cherry-red silk bow tie. The contrast between the electronic's matte finish and the tie's glossy sheen is striking. The computer appears dormant, while the bow tie seems almost ready to be picked up and worn to an event. Behind these objects, the ambient lighting casts soft shadows against the plain, light-colored wall.",,3,0,entity,whole,entity - whole (bow tie),Is there a bow tie? +132,"In the corner of a dimly lit room, a rectangular, charcoal-gray computer box exhibits its sharp edges as it rests beside an elegantly draped, cherry-red silk bow tie. The contrast between the electronic's matte finish and the tie's glossy sheen is striking. The computer appears dormant, while the bow tie seems almost ready to be picked up and worn to an event. Behind these objects, the ambient lighting casts soft shadows against the plain, light-colored wall.",,4,2,attribute,color,"attribute - color (computer box, charcoal-gray)",Is the computer box charcoal-gray? +132,"In the corner of a dimly lit room, a rectangular, charcoal-gray computer box exhibits its sharp edges as it rests beside an elegantly draped, cherry-red silk bow tie. The contrast between the electronic's matte finish and the tie's glossy sheen is striking. The computer appears dormant, while the bow tie seems almost ready to be picked up and worn to an event. Behind these objects, the ambient lighting casts soft shadows against the plain, light-colored wall.",,5,3,attribute,color,"attribute - color (bow tie, cherry-red)",Is the bow tie cherry-red? +132,"In the corner of a dimly lit room, a rectangular, charcoal-gray computer box exhibits its sharp edges as it rests beside an elegantly draped, cherry-red silk bow tie. The contrast between the electronic's matte finish and the tie's glossy sheen is striking. The computer appears dormant, while the bow tie seems almost ready to be picked up and worn to an event. Behind these objects, the ambient lighting casts soft shadows against the plain, light-colored wall.",,6,2,attribute,shape,"attribute - shape (computer box, rectangular)",Is the computer box rectangular? +132,"In the corner of a dimly lit room, a rectangular, charcoal-gray computer box exhibits its sharp edges as it rests beside an elegantly draped, cherry-red silk bow tie. The contrast between the electronic's matte finish and the tie's glossy sheen is striking. The computer appears dormant, while the bow tie seems almost ready to be picked up and worn to an event. Behind these objects, the ambient lighting casts soft shadows against the plain, light-colored wall.",,7,2,attribute,texture,"attribute - texture (computer box, matte finish)",Does the computer box have a matte finish? +132,"In the corner of a dimly lit room, a rectangular, charcoal-gray computer box exhibits its sharp edges as it rests beside an elegantly draped, cherry-red silk bow tie. The contrast between the electronic's matte finish and the tie's glossy sheen is striking. The computer appears dormant, while the bow tie seems almost ready to be picked up and worn to an event. Behind these objects, the ambient lighting casts soft shadows against the plain, light-colored wall.",,8,3,attribute,texture,"attribute - texture (bow tie, glossy sheen)",Does the bow tie have a glossy sheen? +132,"In the corner of a dimly lit room, a rectangular, charcoal-gray computer box exhibits its sharp edges as it rests beside an elegantly draped, cherry-red silk bow tie. The contrast between the electronic's matte finish and the tie's glossy sheen is striking. The computer appears dormant, while the bow tie seems almost ready to be picked up and worn to an event. Behind these objects, the ambient lighting casts soft shadows against the plain, light-colored wall.",,9,2,entity,state,"entity - state (computer, dormant)",Does the computer appear dormant? +132,"In the corner of a dimly lit room, a rectangular, charcoal-gray computer box exhibits its sharp edges as it rests beside an elegantly draped, cherry-red silk bow tie. The contrast between the electronic's matte finish and the tie's glossy sheen is striking. The computer appears dormant, while the bow tie seems almost ready to be picked up and worn to an event. Behind these objects, the ambient lighting casts soft shadows against the plain, light-colored wall.",,10,"1,2",relation,spatial,"relation - spatial (computer box, room, in the corner)",Is the computer box in the corner of the room? +234,"An old, vibrant red heavy truck with visible signs of wear and weathering stands stationary near a weathered stop sign of the same color. The truck is parked on a street lined with historical buildings featuring peeling paint and brick facades that speak to the rustic charm of the town. The scene is further characterized by cobblestone pathways and antique street lamps, suggesting a place that has withstood the passage of time.",,1,0,entity,whole,entity - whole (truck),Is there a truck? +234,"An old, vibrant red heavy truck with visible signs of wear and weathering stands stationary near a weathered stop sign of the same color. The truck is parked on a street lined with historical buildings featuring peeling paint and brick facades that speak to the rustic charm of the town. The scene is further characterized by cobblestone pathways and antique street lamps, suggesting a place that has withstood the passage of time.",,2,0,entity,whole,entity - whole (stop sign),Is there a stop sign? +234,"An old, vibrant red heavy truck with visible signs of wear and weathering stands stationary near a weathered stop sign of the same color. The truck is parked on a street lined with historical buildings featuring peeling paint and brick facades that speak to the rustic charm of the town. The scene is further characterized by cobblestone pathways and antique street lamps, suggesting a place that has withstood the passage of time.",,3,0,entity,whole,entity - whole (buildings),Are there buildings? +234,"An old, vibrant red heavy truck with visible signs of wear and weathering stands stationary near a weathered stop sign of the same color. The truck is parked on a street lined with historical buildings featuring peeling paint and brick facades that speak to the rustic charm of the town. The scene is further characterized by cobblestone pathways and antique street lamps, suggesting a place that has withstood the passage of time.",,4,0,entity,whole,entity - whole (street),Is there a street? +234,"An old, vibrant red heavy truck with visible signs of wear and weathering stands stationary near a weathered stop sign of the same color. The truck is parked on a street lined with historical buildings featuring peeling paint and brick facades that speak to the rustic charm of the town. The scene is further characterized by cobblestone pathways and antique street lamps, suggesting a place that has withstood the passage of time.",,5,0,entity,whole,entity - whole (pathways),Are there pathways? +234,"An old, vibrant red heavy truck with visible signs of wear and weathering stands stationary near a weathered stop sign of the same color. The truck is parked on a street lined with historical buildings featuring peeling paint and brick facades that speak to the rustic charm of the town. The scene is further characterized by cobblestone pathways and antique street lamps, suggesting a place that has withstood the passage of time.",,6,0,entity,whole,entity - whole (street lamps),Are there street lamps? +234,"An old, vibrant red heavy truck with visible signs of wear and weathering stands stationary near a weathered stop sign of the same color. The truck is parked on a street lined with historical buildings featuring peeling paint and brick facades that speak to the rustic charm of the town. The scene is further characterized by cobblestone pathways and antique street lamps, suggesting a place that has withstood the passage of time.",,7,1,attribute,color,"attribute - color (truck, vibrant red)",Is the truck vibrant red? +234,"An old, vibrant red heavy truck with visible signs of wear and weathering stands stationary near a weathered stop sign of the same color. The truck is parked on a street lined with historical buildings featuring peeling paint and brick facades that speak to the rustic charm of the town. The scene is further characterized by cobblestone pathways and antique street lamps, suggesting a place that has withstood the passage of time.",,8,2,attribute,color,"attribute - color (stop sign, same color)",Is the stop sign the same color as the truck? +234,"An old, vibrant red heavy truck with visible signs of wear and weathering stands stationary near a weathered stop sign of the same color. The truck is parked on a street lined with historical buildings featuring peeling paint and brick facades that speak to the rustic charm of the town. The scene is further characterized by cobblestone pathways and antique street lamps, suggesting a place that has withstood the passage of time.",,9,3,attribute,texture,"attribute - texture (buildings, peeling paint)",Do the buildings have peeling paint? +234,"An old, vibrant red heavy truck with visible signs of wear and weathering stands stationary near a weathered stop sign of the same color. The truck is parked on a street lined with historical buildings featuring peeling paint and brick facades that speak to the rustic charm of the town. The scene is further characterized by cobblestone pathways and antique street lamps, suggesting a place that has withstood the passage of time.",,10,3,attribute,texture,"attribute - texture (buildings, brick facades)",Do the buildings have brick facades? +85,"A vivid nuclear green electric drill in action, its bit spinning rapidly as it bores into a thick, black leather belt. The power tool's textured grip ensures a firm hold and starkly contrasts with the sleek, dark surface of the belt, which is held down against a sturdy wooden workbench. Around the drill, shreds of black material and wood dust are scattered, evidence of the tool's forceful endeavor.",,1,0,entity,whole,entity - whole (electric drill),Is there an electric drill? +85,"A vivid nuclear green electric drill in action, its bit spinning rapidly as it bores into a thick, black leather belt. The power tool's textured grip ensures a firm hold and starkly contrasts with the sleek, dark surface of the belt, which is held down against a sturdy wooden workbench. Around the drill, shreds of black material and wood dust are scattered, evidence of the tool's forceful endeavor.",,2,1,entity,whole,entity - whole (drill bit),Is there a drill bit? +85,"A vivid nuclear green electric drill in action, its bit spinning rapidly as it bores into a thick, black leather belt. The power tool's textured grip ensures a firm hold and starkly contrasts with the sleek, dark surface of the belt, which is held down against a sturdy wooden workbench. Around the drill, shreds of black material and wood dust are scattered, evidence of the tool's forceful endeavor.",,3,0,entity,whole,entity - whole (leather belt),Is there a leather belt? +85,"A vivid nuclear green electric drill in action, its bit spinning rapidly as it bores into a thick, black leather belt. The power tool's textured grip ensures a firm hold and starkly contrasts with the sleek, dark surface of the belt, which is held down against a sturdy wooden workbench. Around the drill, shreds of black material and wood dust are scattered, evidence of the tool's forceful endeavor.",,4,0,entity,whole,entity - whole (workbench),Is there a workbench? +85,"A vivid nuclear green electric drill in action, its bit spinning rapidly as it bores into a thick, black leather belt. The power tool's textured grip ensures a firm hold and starkly contrasts with the sleek, dark surface of the belt, which is held down against a sturdy wooden workbench. Around the drill, shreds of black material and wood dust are scattered, evidence of the tool's forceful endeavor.",,5,1,attribute,color,"attribute - color (electric drill, nuclear green)",Is the electric drill nuclear green? +85,"A vivid nuclear green electric drill in action, its bit spinning rapidly as it bores into a thick, black leather belt. The power tool's textured grip ensures a firm hold and starkly contrasts with the sleek, dark surface of the belt, which is held down against a sturdy wooden workbench. Around the drill, shreds of black material and wood dust are scattered, evidence of the tool's forceful endeavor.",,6,3,attribute,color,"attribute - color (leather belt, black)",Is the leather belt black? +85,"A vivid nuclear green electric drill in action, its bit spinning rapidly as it bores into a thick, black leather belt. The power tool's textured grip ensures a firm hold and starkly contrasts with the sleek, dark surface of the belt, which is held down against a sturdy wooden workbench. Around the drill, shreds of black material and wood dust are scattered, evidence of the tool's forceful endeavor.",,7,4,attribute,texture,"attribute - texture (workbench, wooden)",Is the workbench made of wood? +85,"A vivid nuclear green electric drill in action, its bit spinning rapidly as it bores into a thick, black leather belt. The power tool's textured grip ensures a firm hold and starkly contrasts with the sleek, dark surface of the belt, which is held down against a sturdy wooden workbench. Around the drill, shreds of black material and wood dust are scattered, evidence of the tool's forceful endeavor.",,8,1,attribute,texture,"attribute - texture (electric drill's grip, textured)",Does the electric drill have a textured grip? +85,"A vivid nuclear green electric drill in action, its bit spinning rapidly as it bores into a thick, black leather belt. The power tool's textured grip ensures a firm hold and starkly contrasts with the sleek, dark surface of the belt, which is held down against a sturdy wooden workbench. Around the drill, shreds of black material and wood dust are scattered, evidence of the tool's forceful endeavor.",,9,2,entity,state,"entity - state (drill bit, spinning rapidly)",Is the drill bit spinning rapidly? +85,"A vivid nuclear green electric drill in action, its bit spinning rapidly as it bores into a thick, black leather belt. The power tool's textured grip ensures a firm hold and starkly contrasts with the sleek, dark surface of the belt, which is held down against a sturdy wooden workbench. Around the drill, shreds of black material and wood dust are scattered, evidence of the tool's forceful endeavor.",,10,"3,4",relation,spatial,"relation - spatial (leather belt, workbench, against)",Is the leather belt held down against the workbench? +210,"An elegant array of footwear with ten pairs of high heels standing prominently, their height casting slender shadows on the vintage wooden panel backdrop that suggests they are in the midst of a boutique's display. These heels, in hues ranging from deep crimson to glossy black, distinctly tower over the organized collection of other shoes that occupy the lower shelves. The soft, diffused light filtering through the boutique's windows indicates it's late afternoon, which gently illuminates the shoes' textures and silhouettes against the retro wood paneling.",,1,0,entity,whole,entity - whole (footwear),Is there an array of footwear? +210,"An elegant array of footwear with ten pairs of high heels standing prominently, their height casting slender shadows on the vintage wooden panel backdrop that suggests they are in the midst of a boutique's display. These heels, in hues ranging from deep crimson to glossy black, distinctly tower over the organized collection of other shoes that occupy the lower shelves. The soft, diffused light filtering through the boutique's windows indicates it's late afternoon, which gently illuminates the shoes' textures and silhouettes against the retro wood paneling.",,2,0,entity,whole,entity - whole (high heels),Are there high heels? +210,"An elegant array of footwear with ten pairs of high heels standing prominently, their height casting slender shadows on the vintage wooden panel backdrop that suggests they are in the midst of a boutique's display. These heels, in hues ranging from deep crimson to glossy black, distinctly tower over the organized collection of other shoes that occupy the lower shelves. The soft, diffused light filtering through the boutique's windows indicates it's late afternoon, which gently illuminates the shoes' textures and silhouettes against the retro wood paneling.",,3,0,entity,whole,entity - whole (shadows),Are there shadows? +210,"An elegant array of footwear with ten pairs of high heels standing prominently, their height casting slender shadows on the vintage wooden panel backdrop that suggests they are in the midst of a boutique's display. These heels, in hues ranging from deep crimson to glossy black, distinctly tower over the organized collection of other shoes that occupy the lower shelves. The soft, diffused light filtering through the boutique's windows indicates it's late afternoon, which gently illuminates the shoes' textures and silhouettes against the retro wood paneling.",,4,0,entity,whole,entity - whole (wooden panel),Is there a wooden panel? +210,"An elegant array of footwear with ten pairs of high heels standing prominently, their height casting slender shadows on the vintage wooden panel backdrop that suggests they are in the midst of a boutique's display. These heels, in hues ranging from deep crimson to glossy black, distinctly tower over the organized collection of other shoes that occupy the lower shelves. The soft, diffused light filtering through the boutique's windows indicates it's late afternoon, which gently illuminates the shoes' textures and silhouettes against the retro wood paneling.",,5,0,entity,whole,entity - whole (boutique's display),Is there a boutique's display? +210,"An elegant array of footwear with ten pairs of high heels standing prominently, their height casting slender shadows on the vintage wooden panel backdrop that suggests they are in the midst of a boutique's display. These heels, in hues ranging from deep crimson to glossy black, distinctly tower over the organized collection of other shoes that occupy the lower shelves. The soft, diffused light filtering through the boutique's windows indicates it's late afternoon, which gently illuminates the shoes' textures and silhouettes against the retro wood paneling.",,6,0,entity,whole,entity - whole (shoes),Are there other shoes? +210,"An elegant array of footwear with ten pairs of high heels standing prominently, their height casting slender shadows on the vintage wooden panel backdrop that suggests they are in the midst of a boutique's display. These heels, in hues ranging from deep crimson to glossy black, distinctly tower over the organized collection of other shoes that occupy the lower shelves. The soft, diffused light filtering through the boutique's windows indicates it's late afternoon, which gently illuminates the shoes' textures and silhouettes against the retro wood paneling.",,7,2,other,count,"other - count (pairs of high heels, ==10)",Are there ten pairs of high heels? +210,"An elegant array of footwear with ten pairs of high heels standing prominently, their height casting slender shadows on the vintage wooden panel backdrop that suggests they are in the midst of a boutique's display. These heels, in hues ranging from deep crimson to glossy black, distinctly tower over the organized collection of other shoes that occupy the lower shelves. The soft, diffused light filtering through the boutique's windows indicates it's late afternoon, which gently illuminates the shoes' textures and silhouettes against the retro wood paneling.",,8,4,attribute,texture,"attribute - texture (wooden panel, vintage)",Is the wooden panel vintage? +210,"An elegant array of footwear with ten pairs of high heels standing prominently, their height casting slender shadows on the vintage wooden panel backdrop that suggests they are in the midst of a boutique's display. These heels, in hues ranging from deep crimson to glossy black, distinctly tower over the organized collection of other shoes that occupy the lower shelves. The soft, diffused light filtering through the boutique's windows indicates it's late afternoon, which gently illuminates the shoes' textures and silhouettes against the retro wood paneling.",,9,2,attribute,color,"attribute - color (high heels, range from deep crimson to glossy black)",Do the high heels' colors range from deep crimson to glossy black? +210,"An elegant array of footwear with ten pairs of high heels standing prominently, their height casting slender shadows on the vintage wooden panel backdrop that suggests they are in the midst of a boutique's display. These heels, in hues ranging from deep crimson to glossy black, distinctly tower over the organized collection of other shoes that occupy the lower shelves. The soft, diffused light filtering through the boutique's windows indicates it's late afternoon, which gently illuminates the shoes' textures and silhouettes against the retro wood paneling.",,10,"2,4",relation,spatial,"relation - spatial (high heels, wooden panel backdrop, against)",Are the high heels standing against the wooden panel backdrop? +50,"Three vibrant red dumbbells are neatly aligned on the polished wooden floor of a well-illuminated gym. The afternoon sunlight streams through the large windows, casting a warm glow on the equipment. In the background, there are rows of exercise machines and mirrors reflecting the interior of the space.",,1,0,entity,whole,entity - whole (dumbbells),Are there dumbbells? +50,"Three vibrant red dumbbells are neatly aligned on the polished wooden floor of a well-illuminated gym. The afternoon sunlight streams through the large windows, casting a warm glow on the equipment. In the background, there are rows of exercise machines and mirrors reflecting the interior of the space.",,2,1,other,count,"other - count (dumbbells, ==3)",Are there three dumbbells? +50,"Three vibrant red dumbbells are neatly aligned on the polished wooden floor of a well-illuminated gym. The afternoon sunlight streams through the large windows, casting a warm glow on the equipment. In the background, there are rows of exercise machines and mirrors reflecting the interior of the space.",,3,1,attribute,color,"attribute - color (dumbbells, vibrant red)",Are the dumbbells vibrant red? +50,"Three vibrant red dumbbells are neatly aligned on the polished wooden floor of a well-illuminated gym. The afternoon sunlight streams through the large windows, casting a warm glow on the equipment. In the background, there are rows of exercise machines and mirrors reflecting the interior of the space.",,4,0,entity,whole,entity - whole (floor),Is there a floor? +50,"Three vibrant red dumbbells are neatly aligned on the polished wooden floor of a well-illuminated gym. The afternoon sunlight streams through the large windows, casting a warm glow on the equipment. In the background, there are rows of exercise machines and mirrors reflecting the interior of the space.",,5,4,attribute,texture,"attribute - texture (floor, polished wooden)",Is the floor made of polished wood? +50,"Three vibrant red dumbbells are neatly aligned on the polished wooden floor of a well-illuminated gym. The afternoon sunlight streams through the large windows, casting a warm glow on the equipment. In the background, there are rows of exercise machines and mirrors reflecting the interior of the space.",,6,0,entity,whole,entity - whole (gym),Is there a gym? +50,"Three vibrant red dumbbells are neatly aligned on the polished wooden floor of a well-illuminated gym. The afternoon sunlight streams through the large windows, casting a warm glow on the equipment. In the background, there are rows of exercise machines and mirrors reflecting the interior of the space.",,7,6,attribute,other,"attribute - other (gym, well-illuminated)",Is the gym well-illuminated? +50,"Three vibrant red dumbbells are neatly aligned on the polished wooden floor of a well-illuminated gym. The afternoon sunlight streams through the large windows, casting a warm glow on the equipment. In the background, there are rows of exercise machines and mirrors reflecting the interior of the space.",,8,0,entity,whole,entity - whole (windows),Are there windows? +50,"Three vibrant red dumbbells are neatly aligned on the polished wooden floor of a well-illuminated gym. The afternoon sunlight streams through the large windows, casting a warm glow on the equipment. In the background, there are rows of exercise machines and mirrors reflecting the interior of the space.",,9,0,entity,whole,entity - whole (sunlight),Is there sunlight? +50,"Three vibrant red dumbbells are neatly aligned on the polished wooden floor of a well-illuminated gym. The afternoon sunlight streams through the large windows, casting a warm glow on the equipment. In the background, there are rows of exercise machines and mirrors reflecting the interior of the space.",,10,0,entity,whole,entity - whole (exercise machines),Are there exercise machines? +70,"Two golden-brown spring rolls with a perfectly crispy texture sit invitingly on a woven bamboo mat. The setting sun casts a warm, orange hue over the scene, highlighting the glistening sheen of the freshly fried appetizers. Near the spring rolls, a small dish of dipping sauce reflects the sunset's glow, enticing one to indulge in the savory treat.",,1,0,entity,whole,entity - whole (spring rolls),Are there spring rolls? +70,"Two golden-brown spring rolls with a perfectly crispy texture sit invitingly on a woven bamboo mat. The setting sun casts a warm, orange hue over the scene, highlighting the glistening sheen of the freshly fried appetizers. Near the spring rolls, a small dish of dipping sauce reflects the sunset's glow, enticing one to indulge in the savory treat.",,2,1,other,count,"other - count (spring rolls, ==2)",Are there two spring rolls? +70,"Two golden-brown spring rolls with a perfectly crispy texture sit invitingly on a woven bamboo mat. The setting sun casts a warm, orange hue over the scene, highlighting the glistening sheen of the freshly fried appetizers. Near the spring rolls, a small dish of dipping sauce reflects the sunset's glow, enticing one to indulge in the savory treat.",,3,1,attribute,color,"attribute - color (spring rolls, golden-brown)",Are the spring rolls golden-brown? +70,"Two golden-brown spring rolls with a perfectly crispy texture sit invitingly on a woven bamboo mat. The setting sun casts a warm, orange hue over the scene, highlighting the glistening sheen of the freshly fried appetizers. Near the spring rolls, a small dish of dipping sauce reflects the sunset's glow, enticing one to indulge in the savory treat.",,4,1,attribute,texture,"attribute - texture (spring rolls, crispy)",Do the spring rolls have a crispy texture? +70,"Two golden-brown spring rolls with a perfectly crispy texture sit invitingly on a woven bamboo mat. The setting sun casts a warm, orange hue over the scene, highlighting the glistening sheen of the freshly fried appetizers. Near the spring rolls, a small dish of dipping sauce reflects the sunset's glow, enticing one to indulge in the savory treat.",,5,0,entity,whole,entity - whole (bamboo mat),Is there a bamboo mat? +70,"Two golden-brown spring rolls with a perfectly crispy texture sit invitingly on a woven bamboo mat. The setting sun casts a warm, orange hue over the scene, highlighting the glistening sheen of the freshly fried appetizers. Near the spring rolls, a small dish of dipping sauce reflects the sunset's glow, enticing one to indulge in the savory treat.",,6,5,attribute,texture,"attribute - texture (bamboo mat, woven)",Is the bamboo mat woven? +70,"Two golden-brown spring rolls with a perfectly crispy texture sit invitingly on a woven bamboo mat. The setting sun casts a warm, orange hue over the scene, highlighting the glistening sheen of the freshly fried appetizers. Near the spring rolls, a small dish of dipping sauce reflects the sunset's glow, enticing one to indulge in the savory treat.",,7,0,entity,whole,entity - whole (dipping sauce),Is there a dish of dipping sauce? +70,"Two golden-brown spring rolls with a perfectly crispy texture sit invitingly on a woven bamboo mat. The setting sun casts a warm, orange hue over the scene, highlighting the glistening sheen of the freshly fried appetizers. Near the spring rolls, a small dish of dipping sauce reflects the sunset's glow, enticing one to indulge in the savory treat.",,8,1,entity,state,"entity - state (spring rolls, sit)",Are the spring rolls sitting? +70,"Two golden-brown spring rolls with a perfectly crispy texture sit invitingly on a woven bamboo mat. The setting sun casts a warm, orange hue over the scene, highlighting the glistening sheen of the freshly fried appetizers. Near the spring rolls, a small dish of dipping sauce reflects the sunset's glow, enticing one to indulge in the savory treat.",,9,"1,5",relation,spatial,"relation - spatial (spring rolls, bamboo mat, on)",Are the spring rolls on the bamboo mat? +70,"Two golden-brown spring rolls with a perfectly crispy texture sit invitingly on a woven bamboo mat. The setting sun casts a warm, orange hue over the scene, highlighting the glistening sheen of the freshly fried appetizers. Near the spring rolls, a small dish of dipping sauce reflects the sunset's glow, enticing one to indulge in the savory treat.",,10,"1,7",relation,spatial,"relation - spatial (dipping sauce, spring rolls, near)",Is the dipping sauce near the spring rolls? +54,"In the gentle light of the early morning, three red stuffed animals—two teddy bears and a plush fox—are propped against a soft pastel-colored wall within a peaceful nursery room. The wall itself is painted in a gradient of pastel hues, creating a calming backdrop for the vibrant toys. The toys' plush fabric appears soft to the touch, and they sit closely together as if in a huddled group, providing a cheerful contrast to the subtle tones of the room. Nearby, a white wooden crib with delicate bedding completes the serene setting, signifying the presence of a young child's space.",,1,0,entity,whole,entity - whole (stuffed animals),Are there stuffed animals? +54,"In the gentle light of the early morning, three red stuffed animals—two teddy bears and a plush fox—are propped against a soft pastel-colored wall within a peaceful nursery room. The wall itself is painted in a gradient of pastel hues, creating a calming backdrop for the vibrant toys. The toys' plush fabric appears soft to the touch, and they sit closely together as if in a huddled group, providing a cheerful contrast to the subtle tones of the room. Nearby, a white wooden crib with delicate bedding completes the serene setting, signifying the presence of a young child's space.",,2,1,other,count,"other - count (stuffed animals, ==3)",Are there three stuffed animals? +54,"In the gentle light of the early morning, three red stuffed animals—two teddy bears and a plush fox—are propped against a soft pastel-colored wall within a peaceful nursery room. The wall itself is painted in a gradient of pastel hues, creating a calming backdrop for the vibrant toys. The toys' plush fabric appears soft to the touch, and they sit closely together as if in a huddled group, providing a cheerful contrast to the subtle tones of the room. Nearby, a white wooden crib with delicate bedding completes the serene setting, signifying the presence of a young child's space.",,3,1,entity,whole,entity - whole (teddy bears),Are there teddy bears among the stuffed animals? +54,"In the gentle light of the early morning, three red stuffed animals—two teddy bears and a plush fox—are propped against a soft pastel-colored wall within a peaceful nursery room. The wall itself is painted in a gradient of pastel hues, creating a calming backdrop for the vibrant toys. The toys' plush fabric appears soft to the touch, and they sit closely together as if in a huddled group, providing a cheerful contrast to the subtle tones of the room. Nearby, a white wooden crib with delicate bedding completes the serene setting, signifying the presence of a young child's space.",,4,1,entity,whole,entity - whole (plush fox),Is there a plush fox among the stuffed animals? +54,"In the gentle light of the early morning, three red stuffed animals—two teddy bears and a plush fox—are propped against a soft pastel-colored wall within a peaceful nursery room. The wall itself is painted in a gradient of pastel hues, creating a calming backdrop for the vibrant toys. The toys' plush fabric appears soft to the touch, and they sit closely together as if in a huddled group, providing a cheerful contrast to the subtle tones of the room. Nearby, a white wooden crib with delicate bedding completes the serene setting, signifying the presence of a young child's space.",,5,0,entity,whole,entity - whole (wall),Is there a wall in the room? +54,"In the gentle light of the early morning, three red stuffed animals—two teddy bears and a plush fox—are propped against a soft pastel-colored wall within a peaceful nursery room. The wall itself is painted in a gradient of pastel hues, creating a calming backdrop for the vibrant toys. The toys' plush fabric appears soft to the touch, and they sit closely together as if in a huddled group, providing a cheerful contrast to the subtle tones of the room. Nearby, a white wooden crib with delicate bedding completes the serene setting, signifying the presence of a young child's space.",,6,0,entity,whole,entity - whole (nursery room),Is the room a nursery? +54,"In the gentle light of the early morning, three red stuffed animals—two teddy bears and a plush fox—are propped against a soft pastel-colored wall within a peaceful nursery room. The wall itself is painted in a gradient of pastel hues, creating a calming backdrop for the vibrant toys. The toys' plush fabric appears soft to the touch, and they sit closely together as if in a huddled group, providing a cheerful contrast to the subtle tones of the room. Nearby, a white wooden crib with delicate bedding completes the serene setting, signifying the presence of a young child's space.",,7,0,entity,whole,entity - whole (crib),Is there a crib in the room? +54,"In the gentle light of the early morning, three red stuffed animals—two teddy bears and a plush fox—are propped against a soft pastel-colored wall within a peaceful nursery room. The wall itself is painted in a gradient of pastel hues, creating a calming backdrop for the vibrant toys. The toys' plush fabric appears soft to the touch, and they sit closely together as if in a huddled group, providing a cheerful contrast to the subtle tones of the room. Nearby, a white wooden crib with delicate bedding completes the serene setting, signifying the presence of a young child's space.",,8,1,attribute,color,"attribute - color (stuffed animals, red)",Are the stuffed animals red? +54,"In the gentle light of the early morning, three red stuffed animals—two teddy bears and a plush fox—are propped against a soft pastel-colored wall within a peaceful nursery room. The wall itself is painted in a gradient of pastel hues, creating a calming backdrop for the vibrant toys. The toys' plush fabric appears soft to the touch, and they sit closely together as if in a huddled group, providing a cheerful contrast to the subtle tones of the room. Nearby, a white wooden crib with delicate bedding completes the serene setting, signifying the presence of a young child's space.",,9,5,attribute,color,"attribute - color (wall, pastel-colored)",Is the wall pastel-colored? +54,"In the gentle light of the early morning, three red stuffed animals—two teddy bears and a plush fox—are propped against a soft pastel-colored wall within a peaceful nursery room. The wall itself is painted in a gradient of pastel hues, creating a calming backdrop for the vibrant toys. The toys' plush fabric appears soft to the touch, and they sit closely together as if in a huddled group, providing a cheerful contrast to the subtle tones of the room. Nearby, a white wooden crib with delicate bedding completes the serene setting, signifying the presence of a young child's space.",,10,1,attribute,texture,"attribute - texture (toys, plush)",Do the toys have a plush texture? +171,"A vibrant yellow rabbit, its fur almost glowing with cheerfulness, bounds energetically across a sprawling meadow dotted with a constellation of wildflowers. The creature's sizeable, red-framed glasses slip comically to the tip of its nose with each jubilant leap. As the first rays of sunlight cascade over the horizon, they illuminate the dew-draped blades of grass, casting the rabbit's exuberant shadow against the fresh green canvas.",,1,0,entity,whole,entity - whole (rabbit),Is there a rabbit? +171,"A vibrant yellow rabbit, its fur almost glowing with cheerfulness, bounds energetically across a sprawling meadow dotted with a constellation of wildflowers. The creature's sizeable, red-framed glasses slip comically to the tip of its nose with each jubilant leap. As the first rays of sunlight cascade over the horizon, they illuminate the dew-draped blades of grass, casting the rabbit's exuberant shadow against the fresh green canvas.",,2,0,entity,whole,entity - whole (meadow),Is there a meadow? +171,"A vibrant yellow rabbit, its fur almost glowing with cheerfulness, bounds energetically across a sprawling meadow dotted with a constellation of wildflowers. The creature's sizeable, red-framed glasses slip comically to the tip of its nose with each jubilant leap. As the first rays of sunlight cascade over the horizon, they illuminate the dew-draped blades of grass, casting the rabbit's exuberant shadow against the fresh green canvas.",,3,0,entity,whole,entity - whole (wildflowers),Are there wildflowers? +171,"A vibrant yellow rabbit, its fur almost glowing with cheerfulness, bounds energetically across a sprawling meadow dotted with a constellation of wildflowers. The creature's sizeable, red-framed glasses slip comically to the tip of its nose with each jubilant leap. As the first rays of sunlight cascade over the horizon, they illuminate the dew-draped blades of grass, casting the rabbit's exuberant shadow against the fresh green canvas.",,4,1,entity,part,entity - part (rabbit's glasses),Does the rabbit have glasses? +171,"A vibrant yellow rabbit, its fur almost glowing with cheerfulness, bounds energetically across a sprawling meadow dotted with a constellation of wildflowers. The creature's sizeable, red-framed glasses slip comically to the tip of its nose with each jubilant leap. As the first rays of sunlight cascade over the horizon, they illuminate the dew-draped blades of grass, casting the rabbit's exuberant shadow against the fresh green canvas.",,5,1,attribute,color,"attribute - color (rabbit, vibrant yellow)",Is the rabbit vibrant yellow? +171,"A vibrant yellow rabbit, its fur almost glowing with cheerfulness, bounds energetically across a sprawling meadow dotted with a constellation of wildflowers. The creature's sizeable, red-framed glasses slip comically to the tip of its nose with each jubilant leap. As the first rays of sunlight cascade over the horizon, they illuminate the dew-draped blades of grass, casting the rabbit's exuberant shadow against the fresh green canvas.",,6,4,attribute,color,"attribute - color (glasses, red-framed)",Are the glasses red-framed? +171,"A vibrant yellow rabbit, its fur almost glowing with cheerfulness, bounds energetically across a sprawling meadow dotted with a constellation of wildflowers. The creature's sizeable, red-framed glasses slip comically to the tip of its nose with each jubilant leap. As the first rays of sunlight cascade over the horizon, they illuminate the dew-draped blades of grass, casting the rabbit's exuberant shadow against the fresh green canvas.",,7,1,entity,state,"entity - state (rabbit, energetic)",Is the rabbit energetic? +171,"A vibrant yellow rabbit, its fur almost glowing with cheerfulness, bounds energetically across a sprawling meadow dotted with a constellation of wildflowers. The creature's sizeable, red-framed glasses slip comically to the tip of its nose with each jubilant leap. As the first rays of sunlight cascade over the horizon, they illuminate the dew-draped blades of grass, casting the rabbit's exuberant shadow against the fresh green canvas.",,8,1,entity,state,"entity - state (rabbit, bounds)",Is the rabbit bounding? +171,"A vibrant yellow rabbit, its fur almost glowing with cheerfulness, bounds energetically across a sprawling meadow dotted with a constellation of wildflowers. The creature's sizeable, red-framed glasses slip comically to the tip of its nose with each jubilant leap. As the first rays of sunlight cascade over the horizon, they illuminate the dew-draped blades of grass, casting the rabbit's exuberant shadow against the fresh green canvas.",,9,4,entity,state,"entity - state (glasses, slip)",Do the glasses slip on the rabbit's nose? +171,"A vibrant yellow rabbit, its fur almost glowing with cheerfulness, bounds energetically across a sprawling meadow dotted with a constellation of wildflowers. The creature's sizeable, red-framed glasses slip comically to the tip of its nose with each jubilant leap. As the first rays of sunlight cascade over the horizon, they illuminate the dew-draped blades of grass, casting the rabbit's exuberant shadow against the fresh green canvas.",,10,"1,2",relation,spatial,"relation - spatial (rabbit, meadow, across)",Is the rabbit bounding across the meadow? +117,"A gleaming pair of golden cymbals lies in stark contrast to a collection of round, static bottles of toiletries arranged neatly on a shelf. The metallic sheen of the cymbals is emphasized by the surrounding muted tones of the shampoo and lotion containers. The bathroom shelf upon which they rest is made of polished oak, adding a warm touch to the setting.",,1,0,entity,whole,entity - whole (cymbals),Is there a pair of cymbals? +117,"A gleaming pair of golden cymbals lies in stark contrast to a collection of round, static bottles of toiletries arranged neatly on a shelf. The metallic sheen of the cymbals is emphasized by the surrounding muted tones of the shampoo and lotion containers. The bathroom shelf upon which they rest is made of polished oak, adding a warm touch to the setting.",,2,0,entity,whole,entity - whole (bottles),Are there bottles? +117,"A gleaming pair of golden cymbals lies in stark contrast to a collection of round, static bottles of toiletries arranged neatly on a shelf. The metallic sheen of the cymbals is emphasized by the surrounding muted tones of the shampoo and lotion containers. The bathroom shelf upon which they rest is made of polished oak, adding a warm touch to the setting.",,3,2,entity,whole,entity - whole (toiletries),Are there toiletries? +117,"A gleaming pair of golden cymbals lies in stark contrast to a collection of round, static bottles of toiletries arranged neatly on a shelf. The metallic sheen of the cymbals is emphasized by the surrounding muted tones of the shampoo and lotion containers. The bathroom shelf upon which they rest is made of polished oak, adding a warm touch to the setting.",,4,0,entity,whole,entity - whole (shelf),Is there a shelf? +117,"A gleaming pair of golden cymbals lies in stark contrast to a collection of round, static bottles of toiletries arranged neatly on a shelf. The metallic sheen of the cymbals is emphasized by the surrounding muted tones of the shampoo and lotion containers. The bathroom shelf upon which they rest is made of polished oak, adding a warm touch to the setting.",,5,1,attribute,color,"attribute - color (cymbals, golden)",Are the cymbals golden? +117,"A gleaming pair of golden cymbals lies in stark contrast to a collection of round, static bottles of toiletries arranged neatly on a shelf. The metallic sheen of the cymbals is emphasized by the surrounding muted tones of the shampoo and lotion containers. The bathroom shelf upon which they rest is made of polished oak, adding a warm touch to the setting.",,6,1,attribute,texture,"attribute - texture (cymbals, gleaming)",Are the cymbals gleaming? +117,"A gleaming pair of golden cymbals lies in stark contrast to a collection of round, static bottles of toiletries arranged neatly on a shelf. The metallic sheen of the cymbals is emphasized by the surrounding muted tones of the shampoo and lotion containers. The bathroom shelf upon which they rest is made of polished oak, adding a warm touch to the setting.",,7,4,attribute,texture,"attribute - texture (shelf, polished oak)",Is the shelf made of polished oak? +117,"A gleaming pair of golden cymbals lies in stark contrast to a collection of round, static bottles of toiletries arranged neatly on a shelf. The metallic sheen of the cymbals is emphasized by the surrounding muted tones of the shampoo and lotion containers. The bathroom shelf upon which they rest is made of polished oak, adding a warm touch to the setting.",,8,"1,4",relation,spatial,"relation - spatial (cymbals, shelf, on)",Are the cymbals on the shelf? +117,"A gleaming pair of golden cymbals lies in stark contrast to a collection of round, static bottles of toiletries arranged neatly on a shelf. The metallic sheen of the cymbals is emphasized by the surrounding muted tones of the shampoo and lotion containers. The bathroom shelf upon which they rest is made of polished oak, adding a warm touch to the setting.",,9,"3,4",relation,spatial,"relation - spatial (toiletries, shelf, on)",Are the toiletries on the shelf? +117,"A gleaming pair of golden cymbals lies in stark contrast to a collection of round, static bottles of toiletries arranged neatly on a shelf. The metallic sheen of the cymbals is emphasized by the surrounding muted tones of the shampoo and lotion containers. The bathroom shelf upon which they rest is made of polished oak, adding a warm touch to the setting.",,10,"1,2",relation,spatial,"relation - non-spatial (cymbals, bottles, contrast)",Do the cymbals contrast with the bottles? +115,"A delicate silver ring with a sleek band sits gracefully next to a large, dark leather wallet that seems to overflow with cards and receipts. Both items rest on a polished wooden bedside table, whose grain texture subtly complements the metallic luster of the ring. The wallet's bulky appearance emphasizes the fine simplicity of the ring, highlighting the stark difference in their sizes and designs.",,1,0,entity,whole,entity - whole (ring),Is there a ring? +115,"A delicate silver ring with a sleek band sits gracefully next to a large, dark leather wallet that seems to overflow with cards and receipts. Both items rest on a polished wooden bedside table, whose grain texture subtly complements the metallic luster of the ring. The wallet's bulky appearance emphasizes the fine simplicity of the ring, highlighting the stark difference in their sizes and designs.",,2,0,entity,whole,entity - whole (wallet),Is there a wallet? +115,"A delicate silver ring with a sleek band sits gracefully next to a large, dark leather wallet that seems to overflow with cards and receipts. Both items rest on a polished wooden bedside table, whose grain texture subtly complements the metallic luster of the ring. The wallet's bulky appearance emphasizes the fine simplicity of the ring, highlighting the stark difference in their sizes and designs.",,3,0,entity,whole,entity - whole (bedside table),Is there a bedside table? +115,"A delicate silver ring with a sleek band sits gracefully next to a large, dark leather wallet that seems to overflow with cards and receipts. Both items rest on a polished wooden bedside table, whose grain texture subtly complements the metallic luster of the ring. The wallet's bulky appearance emphasizes the fine simplicity of the ring, highlighting the stark difference in their sizes and designs.",,4,1,attribute,color,"attribute - color (ring, silver)",Is the ring silver? +115,"A delicate silver ring with a sleek band sits gracefully next to a large, dark leather wallet that seems to overflow with cards and receipts. Both items rest on a polished wooden bedside table, whose grain texture subtly complements the metallic luster of the ring. The wallet's bulky appearance emphasizes the fine simplicity of the ring, highlighting the stark difference in their sizes and designs.",,5,1,attribute,texture,"attribute - texture (ring, sleek)",Is the band of the ring sleek? +115,"A delicate silver ring with a sleek band sits gracefully next to a large, dark leather wallet that seems to overflow with cards and receipts. Both items rest on a polished wooden bedside table, whose grain texture subtly complements the metallic luster of the ring. The wallet's bulky appearance emphasizes the fine simplicity of the ring, highlighting the stark difference in their sizes and designs.",,6,2,attribute,texture,"attribute - texture (wallet, leather)",Is the wallet made of leather? +115,"A delicate silver ring with a sleek band sits gracefully next to a large, dark leather wallet that seems to overflow with cards and receipts. Both items rest on a polished wooden bedside table, whose grain texture subtly complements the metallic luster of the ring. The wallet's bulky appearance emphasizes the fine simplicity of the ring, highlighting the stark difference in their sizes and designs.",,7,3,attribute,texture,"attribute - texture (bedside table, polished wood)",Is the bedside table made of polished wood? +115,"A delicate silver ring with a sleek band sits gracefully next to a large, dark leather wallet that seems to overflow with cards and receipts. Both items rest on a polished wooden bedside table, whose grain texture subtly complements the metallic luster of the ring. The wallet's bulky appearance emphasizes the fine simplicity of the ring, highlighting the stark difference in their sizes and designs.",,8,2,attribute,size,"attribute - size (wallet, large)",Is the wallet large? +115,"A delicate silver ring with a sleek band sits gracefully next to a large, dark leather wallet that seems to overflow with cards and receipts. Both items rest on a polished wooden bedside table, whose grain texture subtly complements the metallic luster of the ring. The wallet's bulky appearance emphasizes the fine simplicity of the ring, highlighting the stark difference in their sizes and designs.",,9,1,attribute,size,"attribute - size (ring, delicate)",Is the ring delicate? +115,"A delicate silver ring with a sleek band sits gracefully next to a large, dark leather wallet that seems to overflow with cards and receipts. Both items rest on a polished wooden bedside table, whose grain texture subtly complements the metallic luster of the ring. The wallet's bulky appearance emphasizes the fine simplicity of the ring, highlighting the stark difference in their sizes and designs.",,10,"1,2",relation,spatial,"relation - spatial (ring, wallet, next to)",Is the ring sitting next to the wallet? +92,"Two square-shaped pink erasers rest on the tiled floor next to a pristine white porcelain toilet. The erasers feature slight smudges from use and are positioned closely to each other. In the background, the metal toilet flush handle gleams under the bright bathroom light, and a soft blue bath mat lies a short distance away, partially visible in the scene.",,1,0,entity,whole,entity - whole (erasers),Are there erasers? +92,"Two square-shaped pink erasers rest on the tiled floor next to a pristine white porcelain toilet. The erasers feature slight smudges from use and are positioned closely to each other. In the background, the metal toilet flush handle gleams under the bright bathroom light, and a soft blue bath mat lies a short distance away, partially visible in the scene.",,2,1,other,count,"other - count (erasers, ==2)",Are there two erasers? +92,"Two square-shaped pink erasers rest on the tiled floor next to a pristine white porcelain toilet. The erasers feature slight smudges from use and are positioned closely to each other. In the background, the metal toilet flush handle gleams under the bright bathroom light, and a soft blue bath mat lies a short distance away, partially visible in the scene.",,3,0,entity,whole,entity - whole (toilet),Is there a toilet? +92,"Two square-shaped pink erasers rest on the tiled floor next to a pristine white porcelain toilet. The erasers feature slight smudges from use and are positioned closely to each other. In the background, the metal toilet flush handle gleams under the bright bathroom light, and a soft blue bath mat lies a short distance away, partially visible in the scene.",,4,3,entity,whole,entity - whole (toilet flush handle),Is there a toilet flush handle? +92,"Two square-shaped pink erasers rest on the tiled floor next to a pristine white porcelain toilet. The erasers feature slight smudges from use and are positioned closely to each other. In the background, the metal toilet flush handle gleams under the bright bathroom light, and a soft blue bath mat lies a short distance away, partially visible in the scene.",,5,0,entity,whole,entity - whole (bath mat),Is there a bath mat? +92,"Two square-shaped pink erasers rest on the tiled floor next to a pristine white porcelain toilet. The erasers feature slight smudges from use and are positioned closely to each other. In the background, the metal toilet flush handle gleams under the bright bathroom light, and a soft blue bath mat lies a short distance away, partially visible in the scene.",,6,1,attribute,color,"attribute - color (erasers, pink)",Are the erasers pink? +92,"Two square-shaped pink erasers rest on the tiled floor next to a pristine white porcelain toilet. The erasers feature slight smudges from use and are positioned closely to each other. In the background, the metal toilet flush handle gleams under the bright bathroom light, and a soft blue bath mat lies a short distance away, partially visible in the scene.",,7,3,attribute,color,"attribute - color (toilet, white)",Is the toilet white? +92,"Two square-shaped pink erasers rest on the tiled floor next to a pristine white porcelain toilet. The erasers feature slight smudges from use and are positioned closely to each other. In the background, the metal toilet flush handle gleams under the bright bathroom light, and a soft blue bath mat lies a short distance away, partially visible in the scene.",,8,5,attribute,color,"attribute - color (bath mat, soft blue)",Is the bath mat soft blue? +92,"Two square-shaped pink erasers rest on the tiled floor next to a pristine white porcelain toilet. The erasers feature slight smudges from use and are positioned closely to each other. In the background, the metal toilet flush handle gleams under the bright bathroom light, and a soft blue bath mat lies a short distance away, partially visible in the scene.",,9,1,attribute,shape,"attribute - shape (erasers, square-shaped)",Are the erasers square-shaped? +92,"Two square-shaped pink erasers rest on the tiled floor next to a pristine white porcelain toilet. The erasers feature slight smudges from use and are positioned closely to each other. In the background, the metal toilet flush handle gleams under the bright bathroom light, and a soft blue bath mat lies a short distance away, partially visible in the scene.",,10,1,relation,spatial,"relation - spatial (erasers, floor, on)",Are the erasers resting on the floor? +190,"A stainless steel fork with tines pointed upward lies atop a navy blue pencil case with white zippers, bathed in the warm glow of early morning sunlight. The pencil case, slightly ajar, reveals an assortment of colored pencils and a pair of scissors peeking out. The items are resting on a wooden desk, which has the grain pattern gently highlighted by the sun's rays.",,1,0,entity,whole,entity - whole (fork),Is there a fork? +190,"A stainless steel fork with tines pointed upward lies atop a navy blue pencil case with white zippers, bathed in the warm glow of early morning sunlight. The pencil case, slightly ajar, reveals an assortment of colored pencils and a pair of scissors peeking out. The items are resting on a wooden desk, which has the grain pattern gently highlighted by the sun's rays.",,2,0,entity,whole,entity - whole (pencil case),Is there a pencil case? +190,"A stainless steel fork with tines pointed upward lies atop a navy blue pencil case with white zippers, bathed in the warm glow of early morning sunlight. The pencil case, slightly ajar, reveals an assortment of colored pencils and a pair of scissors peeking out. The items are resting on a wooden desk, which has the grain pattern gently highlighted by the sun's rays.",,3,0,entity,whole,entity - whole (colored pencils),Are there colored pencils? +190,"A stainless steel fork with tines pointed upward lies atop a navy blue pencil case with white zippers, bathed in the warm glow of early morning sunlight. The pencil case, slightly ajar, reveals an assortment of colored pencils and a pair of scissors peeking out. The items are resting on a wooden desk, which has the grain pattern gently highlighted by the sun's rays.",,4,0,entity,whole,entity - whole (scissors),Is there a pair of scissors? +190,"A stainless steel fork with tines pointed upward lies atop a navy blue pencil case with white zippers, bathed in the warm glow of early morning sunlight. The pencil case, slightly ajar, reveals an assortment of colored pencils and a pair of scissors peeking out. The items are resting on a wooden desk, which has the grain pattern gently highlighted by the sun's rays.",,5,0,entity,whole,entity - whole (desk),Is there a desk? +190,"A stainless steel fork with tines pointed upward lies atop a navy blue pencil case with white zippers, bathed in the warm glow of early morning sunlight. The pencil case, slightly ajar, reveals an assortment of colored pencils and a pair of scissors peeking out. The items are resting on a wooden desk, which has the grain pattern gently highlighted by the sun's rays.",,6,1,attribute,texture,"attribute - texture (fork, stainless steel)",Is the fork made of stainless steel? +190,"A stainless steel fork with tines pointed upward lies atop a navy blue pencil case with white zippers, bathed in the warm glow of early morning sunlight. The pencil case, slightly ajar, reveals an assortment of colored pencils and a pair of scissors peeking out. The items are resting on a wooden desk, which has the grain pattern gently highlighted by the sun's rays.",,7,2,attribute,color,"attribute - color (pencil case, navy blue)",Is the pencil case navy blue? +190,"A stainless steel fork with tines pointed upward lies atop a navy blue pencil case with white zippers, bathed in the warm glow of early morning sunlight. The pencil case, slightly ajar, reveals an assortment of colored pencils and a pair of scissors peeking out. The items are resting on a wooden desk, which has the grain pattern gently highlighted by the sun's rays.",,8,2,attribute,color,"attribute - color (pencil case's zippers, white)",Are the zippers on the pencil case white? +190,"A stainless steel fork with tines pointed upward lies atop a navy blue pencil case with white zippers, bathed in the warm glow of early morning sunlight. The pencil case, slightly ajar, reveals an assortment of colored pencils and a pair of scissors peeking out. The items are resting on a wooden desk, which has the grain pattern gently highlighted by the sun's rays.",,9,5,attribute,texture,"attribute - texture (desk, wood)",Is the desk made of wood? +190,"A stainless steel fork with tines pointed upward lies atop a navy blue pencil case with white zippers, bathed in the warm glow of early morning sunlight. The pencil case, slightly ajar, reveals an assortment of colored pencils and a pair of scissors peeking out. The items are resting on a wooden desk, which has the grain pattern gently highlighted by the sun's rays.",,10,"1,2",relation,spatial,"relation - spatial (fork, pencil case, atop)",Is the fork lying atop the pencil case? +190,"A stainless steel fork with tines pointed upward lies atop a navy blue pencil case with white zippers, bathed in the warm glow of early morning sunlight. The pencil case, slightly ajar, reveals an assortment of colored pencils and a pair of scissors peeking out. The items are resting on a wooden desk, which has the grain pattern gently highlighted by the sun's rays.",,11,"2,5",relation,spatial,"relation - spatial (pencil case, desk, on)",Is the pencil case on the desk? +190,"A stainless steel fork with tines pointed upward lies atop a navy blue pencil case with white zippers, bathed in the warm glow of early morning sunlight. The pencil case, slightly ajar, reveals an assortment of colored pencils and a pair of scissors peeking out. The items are resting on a wooden desk, which has the grain pattern gently highlighted by the sun's rays.",,12,"2,3",relation,spatial,"relation - spatial (colored pencils, pencil case, in)",Are the colored pencils in the pencil case? +190,"A stainless steel fork with tines pointed upward lies atop a navy blue pencil case with white zippers, bathed in the warm glow of early morning sunlight. The pencil case, slightly ajar, reveals an assortment of colored pencils and a pair of scissors peeking out. The items are resting on a wooden desk, which has the grain pattern gently highlighted by the sun's rays.",,13,"2,4",relation,spatial,"relation - spatial (scissors, pencil case, in)",Are the scissors in the pencil case? +190,"A stainless steel fork with tines pointed upward lies atop a navy blue pencil case with white zippers, bathed in the warm glow of early morning sunlight. The pencil case, slightly ajar, reveals an assortment of colored pencils and a pair of scissors peeking out. The items are resting on a wooden desk, which has the grain pattern gently highlighted by the sun's rays.",,14,2,entity,state,"entity - state (pencil case, slightly ajar)",Is the pencil case slightly ajar? +190,"A stainless steel fork with tines pointed upward lies atop a navy blue pencil case with white zippers, bathed in the warm glow of early morning sunlight. The pencil case, slightly ajar, reveals an assortment of colored pencils and a pair of scissors peeking out. The items are resting on a wooden desk, which has the grain pattern gently highlighted by the sun's rays.",,15,1,entity,state,"entity - state (fork's tines, pointed upward)",Are the fork's tines pointed upward? +153,"A transparent glass flask stands upright on a smooth, dark surface, filled with bright green beans that sharply contrast against the stunning backdrop depicting a starry night sky. The intricately painted celestial scene features deep blues and purples, with dots of white representing distant stars. The curvature of the flask magnifies the beans and some of the stars, creating an enchanting visual effect.",,1,0,entity,whole,entity - whole (glass flask),Is there a transparent glass flask? +153,"A transparent glass flask stands upright on a smooth, dark surface, filled with bright green beans that sharply contrast against the stunning backdrop depicting a starry night sky. The intricately painted celestial scene features deep blues and purples, with dots of white representing distant stars. The curvature of the flask magnifies the beans and some of the stars, creating an enchanting visual effect.",,2,0,entity,whole,entity - whole (beans),Are there beans? +153,"A transparent glass flask stands upright on a smooth, dark surface, filled with bright green beans that sharply contrast against the stunning backdrop depicting a starry night sky. The intricately painted celestial scene features deep blues and purples, with dots of white representing distant stars. The curvature of the flask magnifies the beans and some of the stars, creating an enchanting visual effect.",,3,0,entity,whole,entity - whole (surface),Is there a surface? +153,"A transparent glass flask stands upright on a smooth, dark surface, filled with bright green beans that sharply contrast against the stunning backdrop depicting a starry night sky. The intricately painted celestial scene features deep blues and purples, with dots of white representing distant stars. The curvature of the flask magnifies the beans and some of the stars, creating an enchanting visual effect.",,4,0,entity,whole,entity - whole (backdrop),Is there a backdrop? +153,"A transparent glass flask stands upright on a smooth, dark surface, filled with bright green beans that sharply contrast against the stunning backdrop depicting a starry night sky. The intricately painted celestial scene features deep blues and purples, with dots of white representing distant stars. The curvature of the flask magnifies the beans and some of the stars, creating an enchanting visual effect.",,5,2,attribute,color,"attribute - color (beans, bright green)",Are the beans bright green? +153,"A transparent glass flask stands upright on a smooth, dark surface, filled with bright green beans that sharply contrast against the stunning backdrop depicting a starry night sky. The intricately painted celestial scene features deep blues and purples, with dots of white representing distant stars. The curvature of the flask magnifies the beans and some of the stars, creating an enchanting visual effect.",,6,4,attribute,texture,"attribute - texture (backdrop, starry night sky)",Does the backdrop depict a starry night sky? +153,"A transparent glass flask stands upright on a smooth, dark surface, filled with bright green beans that sharply contrast against the stunning backdrop depicting a starry night sky. The intricately painted celestial scene features deep blues and purples, with dots of white representing distant stars. The curvature of the flask magnifies the beans and some of the stars, creating an enchanting visual effect.",,7,4,attribute,color,"attribute - color (backdrop, deep blues and purples)",Are the colors of the backdrop deep blues and purples? +153,"A transparent glass flask stands upright on a smooth, dark surface, filled with bright green beans that sharply contrast against the stunning backdrop depicting a starry night sky. The intricately painted celestial scene features deep blues and purples, with dots of white representing distant stars. The curvature of the flask magnifies the beans and some of the stars, creating an enchanting visual effect.",,8,3,attribute,texture,"attribute - texture (surface, smooth, dark)",Is the surface smooth and dark? +153,"A transparent glass flask stands upright on a smooth, dark surface, filled with bright green beans that sharply contrast against the stunning backdrop depicting a starry night sky. The intricately painted celestial scene features deep blues and purples, with dots of white representing distant stars. The curvature of the flask magnifies the beans and some of the stars, creating an enchanting visual effect.",,9,1,entity,state,"entity - state (glass flask, upright)",Is the glass flask standing upright? +153,"A transparent glass flask stands upright on a smooth, dark surface, filled with bright green beans that sharply contrast against the stunning backdrop depicting a starry night sky. The intricately painted celestial scene features deep blues and purples, with dots of white representing distant stars. The curvature of the flask magnifies the beans and some of the stars, creating an enchanting visual effect.",,10,"1,3",relation,spatial,"relation - spatial (glass flask, surface, on)",Is the glass flask on the surface? +123,"In the bustling heart of the city, under the clear midday sky, stands a sparkling white sink, its porcelain surface gleaming in the sunlight. It is an unusual sight: the sink, vastly larger than a nearby old burgundy bicycle with a wicker basket, positioned as if it were a modern art installation. The surrounding concrete ground of the cityscape contrasts sharply with the clean and polished texture of the oversized sink.",,1,0,entity,whole,entity - whole (city),Is there a city? +123,"In the bustling heart of the city, under the clear midday sky, stands a sparkling white sink, its porcelain surface gleaming in the sunlight. It is an unusual sight: the sink, vastly larger than a nearby old burgundy bicycle with a wicker basket, positioned as if it were a modern art installation. The surrounding concrete ground of the cityscape contrasts sharply with the clean and polished texture of the oversized sink.",,2,0,entity,whole,entity - whole (sky),Is there a sky? +123,"In the bustling heart of the city, under the clear midday sky, stands a sparkling white sink, its porcelain surface gleaming in the sunlight. It is an unusual sight: the sink, vastly larger than a nearby old burgundy bicycle with a wicker basket, positioned as if it were a modern art installation. The surrounding concrete ground of the cityscape contrasts sharply with the clean and polished texture of the oversized sink.",,3,0,entity,whole,entity - whole (sink),Is there a sink? +123,"In the bustling heart of the city, under the clear midday sky, stands a sparkling white sink, its porcelain surface gleaming in the sunlight. It is an unusual sight: the sink, vastly larger than a nearby old burgundy bicycle with a wicker basket, positioned as if it were a modern art installation. The surrounding concrete ground of the cityscape contrasts sharply with the clean and polished texture of the oversized sink.",,4,0,entity,whole,entity - whole (bicycle),Is there a bicycle? +123,"In the bustling heart of the city, under the clear midday sky, stands a sparkling white sink, its porcelain surface gleaming in the sunlight. It is an unusual sight: the sink, vastly larger than a nearby old burgundy bicycle with a wicker basket, positioned as if it were a modern art installation. The surrounding concrete ground of the cityscape contrasts sharply with the clean and polished texture of the oversized sink.",,5,4,entity,part,entity - part (bicycle's basket),Does the bicycle have a wicker basket? +123,"In the bustling heart of the city, under the clear midday sky, stands a sparkling white sink, its porcelain surface gleaming in the sunlight. It is an unusual sight: the sink, vastly larger than a nearby old burgundy bicycle with a wicker basket, positioned as if it were a modern art installation. The surrounding concrete ground of the cityscape contrasts sharply with the clean and polished texture of the oversized sink.",,6,3,attribute,color,"attribute - color (sink, white)",Is the sink white? +123,"In the bustling heart of the city, under the clear midday sky, stands a sparkling white sink, its porcelain surface gleaming in the sunlight. It is an unusual sight: the sink, vastly larger than a nearby old burgundy bicycle with a wicker basket, positioned as if it were a modern art installation. The surrounding concrete ground of the cityscape contrasts sharply with the clean and polished texture of the oversized sink.",,7,4,attribute,color,"attribute - color (bicycle, burgundy)",Is the bicycle burgundy? +123,"In the bustling heart of the city, under the clear midday sky, stands a sparkling white sink, its porcelain surface gleaming in the sunlight. It is an unusual sight: the sink, vastly larger than a nearby old burgundy bicycle with a wicker basket, positioned as if it were a modern art installation. The surrounding concrete ground of the cityscape contrasts sharply with the clean and polished texture of the oversized sink.",,8,3,attribute,texture,"attribute - texture (sink, porcelain)",Does the sink have a porcelain surface? +123,"In the bustling heart of the city, under the clear midday sky, stands a sparkling white sink, its porcelain surface gleaming in the sunlight. It is an unusual sight: the sink, vastly larger than a nearby old burgundy bicycle with a wicker basket, positioned as if it were a modern art installation. The surrounding concrete ground of the cityscape contrasts sharply with the clean and polished texture of the oversized sink.",,9,0,attribute,texture,"attribute - texture (ground, concrete)",Is the ground made of concrete? +123,"In the bustling heart of the city, under the clear midday sky, stands a sparkling white sink, its porcelain surface gleaming in the sunlight. It is an unusual sight: the sink, vastly larger than a nearby old burgundy bicycle with a wicker basket, positioned as if it were a modern art installation. The surrounding concrete ground of the cityscape contrasts sharply with the clean and polished texture of the oversized sink.",,10,"3,4",attribute,size,"attribute - size (sink, larger than bicycle)",Is the sink larger than the bicycle? +123,"In the bustling heart of the city, under the clear midday sky, stands a sparkling white sink, its porcelain surface gleaming in the sunlight. It is an unusual sight: the sink, vastly larger than a nearby old burgundy bicycle with a wicker basket, positioned as if it were a modern art installation. The surrounding concrete ground of the cityscape contrasts sharply with the clean and polished texture of the oversized sink.",,11,2,entity,state,"entity - state (sky, clear midday)",Is the sky clear at midday? +123,"In the bustling heart of the city, under the clear midday sky, stands a sparkling white sink, its porcelain surface gleaming in the sunlight. It is an unusual sight: the sink, vastly larger than a nearby old burgundy bicycle with a wicker basket, positioned as if it were a modern art installation. The surrounding concrete ground of the cityscape contrasts sharply with the clean and polished texture of the oversized sink.",,12,3,entity,state,"entity - state (sink, sparkling)",Is the sink sparkling? +123,"In the bustling heart of the city, under the clear midday sky, stands a sparkling white sink, its porcelain surface gleaming in the sunlight. It is an unusual sight: the sink, vastly larger than a nearby old burgundy bicycle with a wicker basket, positioned as if it were a modern art installation. The surrounding concrete ground of the cityscape contrasts sharply with the clean and polished texture of the oversized sink.",,13,"3,4",relation,spatial,"relation - spatial (sink, bicycle, larger than)",Is the sink larger than the bicycle? +123,"In the bustling heart of the city, under the clear midday sky, stands a sparkling white sink, its porcelain surface gleaming in the sunlight. It is an unusual sight: the sink, vastly larger than a nearby old burgundy bicycle with a wicker basket, positioned as if it were a modern art installation. The surrounding concrete ground of the cityscape contrasts sharply with the clean and polished texture of the oversized sink.",,14,"3,9",relation,spatial,"relation - spatial (sink, ground, on)",Is the sink on the ground? +123,"In the bustling heart of the city, under the clear midday sky, stands a sparkling white sink, its porcelain surface gleaming in the sunlight. It is an unusual sight: the sink, vastly larger than a nearby old burgundy bicycle with a wicker basket, positioned as if it were a modern art installation. The surrounding concrete ground of the cityscape contrasts sharply with the clean and polished texture of the oversized sink.",,15,3,relation,spatial,"relation - non-spatial (sink, modern art installation, positioned as)",Is the sink positioned as if it were a modern art installation? +58,"On a stretch of sunlit sidewalk, three identical cylindrical blue parking meters stand in a neat line, each adorned with a digital display and coin slot. Their metallic surfaces gleam intermittently as pedestrians pass by, casting fleeting shadows along the paved walkway. Positioned uniformly, they oversee the adjacent parked cars, quietly awaiting the next round of patrons to deposit their change.",,1,0,entity,whole,entity - whole (parking meters),Are there parking meters? +58,"On a stretch of sunlit sidewalk, three identical cylindrical blue parking meters stand in a neat line, each adorned with a digital display and coin slot. Their metallic surfaces gleam intermittently as pedestrians pass by, casting fleeting shadows along the paved walkway. Positioned uniformly, they oversee the adjacent parked cars, quietly awaiting the next round of patrons to deposit their change.",,2,1,other,count,"other - count (parking meters, ==3)",Are there three parking meters? +58,"On a stretch of sunlit sidewalk, three identical cylindrical blue parking meters stand in a neat line, each adorned with a digital display and coin slot. Their metallic surfaces gleam intermittently as pedestrians pass by, casting fleeting shadows along the paved walkway. Positioned uniformly, they oversee the adjacent parked cars, quietly awaiting the next round of patrons to deposit their change.",,3,1,attribute,shape,"attribute - shape (parking meters, cylindrical)",Are the parking meters cylindrical? +58,"On a stretch of sunlit sidewalk, three identical cylindrical blue parking meters stand in a neat line, each adorned with a digital display and coin slot. Their metallic surfaces gleam intermittently as pedestrians pass by, casting fleeting shadows along the paved walkway. Positioned uniformly, they oversee the adjacent parked cars, quietly awaiting the next round of patrons to deposit their change.",,4,1,attribute,color,"attribute - color (parking meters, blue)",Are the parking meters blue? +58,"On a stretch of sunlit sidewalk, three identical cylindrical blue parking meters stand in a neat line, each adorned with a digital display and coin slot. Their metallic surfaces gleam intermittently as pedestrians pass by, casting fleeting shadows along the paved walkway. Positioned uniformly, they oversee the adjacent parked cars, quietly awaiting the next round of patrons to deposit their change.",,5,1,entity,part,entity - part (parking meters' display),Do the parking meters have a digital display? +58,"On a stretch of sunlit sidewalk, three identical cylindrical blue parking meters stand in a neat line, each adorned with a digital display and coin slot. Their metallic surfaces gleam intermittently as pedestrians pass by, casting fleeting shadows along the paved walkway. Positioned uniformly, they oversee the adjacent parked cars, quietly awaiting the next round of patrons to deposit their change.",,6,1,entity,part,entity - part (parking meters' coin slot),Do the parking meters have a coin slot? +58,"On a stretch of sunlit sidewalk, three identical cylindrical blue parking meters stand in a neat line, each adorned with a digital display and coin slot. Their metallic surfaces gleam intermittently as pedestrians pass by, casting fleeting shadows along the paved walkway. Positioned uniformly, they oversee the adjacent parked cars, quietly awaiting the next round of patrons to deposit their change.",,7,1,attribute,texture,"attribute - texture (parking meters, metallic)",Are the parking meters' surfaces metallic? +58,"On a stretch of sunlit sidewalk, three identical cylindrical blue parking meters stand in a neat line, each adorned with a digital display and coin slot. Their metallic surfaces gleam intermittently as pedestrians pass by, casting fleeting shadows along the paved walkway. Positioned uniformly, they oversee the adjacent parked cars, quietly awaiting the next round of patrons to deposit their change.",,8,1,relation,spatial,"relation - spatial (parking meters, sidewalk, on)",Are the parking meters on the sidewalk? +58,"On a stretch of sunlit sidewalk, three identical cylindrical blue parking meters stand in a neat line, each adorned with a digital display and coin slot. Their metallic surfaces gleam intermittently as pedestrians pass by, casting fleeting shadows along the paved walkway. Positioned uniformly, they oversee the adjacent parked cars, quietly awaiting the next round of patrons to deposit their change.",,9,1,relation,spatial,"relation - spatial (parking meters, parked cars, adjacent to)",Are the parking meters adjacent to parked cars? +58,"On a stretch of sunlit sidewalk, three identical cylindrical blue parking meters stand in a neat line, each adorned with a digital display and coin slot. Their metallic surfaces gleam intermittently as pedestrians pass by, casting fleeting shadows along the paved walkway. Positioned uniformly, they oversee the adjacent parked cars, quietly awaiting the next round of patrons to deposit their change.",,10,1,entity,state,"entity - state (parking meters, sunlit, stand in line)",Are the parking meters standing in a neat line on a sunlit sidewalk? +141,"A solitary, white swan gracefully makes its way across the tranquil surface of a still lake, its reflection almost perfect in the water. Above, mounted on the sturdy branches of dense, leafy trees, three black surveillance cameras silently observe the scene. Their lenses, though inactive and unblinking, appear to follow the swan's serene passage, contrasting starkly with the natural beauty of the early morning. The lake is surrounded by a lush greenery that gently sways in the light breeze, undisturbed by the technological sentinels.",,1,0,entity,whole,entity - whole (swan),Is there a swan? +141,"A solitary, white swan gracefully makes its way across the tranquil surface of a still lake, its reflection almost perfect in the water. Above, mounted on the sturdy branches of dense, leafy trees, three black surveillance cameras silently observe the scene. Their lenses, though inactive and unblinking, appear to follow the swan's serene passage, contrasting starkly with the natural beauty of the early morning. The lake is surrounded by a lush greenery that gently sways in the light breeze, undisturbed by the technological sentinels.",,2,0,entity,whole,entity - whole (lake),Is there a lake? +141,"A solitary, white swan gracefully makes its way across the tranquil surface of a still lake, its reflection almost perfect in the water. Above, mounted on the sturdy branches of dense, leafy trees, three black surveillance cameras silently observe the scene. Their lenses, though inactive and unblinking, appear to follow the swan's serene passage, contrasting starkly with the natural beauty of the early morning. The lake is surrounded by a lush greenery that gently sways in the light breeze, undisturbed by the technological sentinels.",,3,0,entity,whole,entity - whole (surveillance cameras),Are there surveillance cameras? +141,"A solitary, white swan gracefully makes its way across the tranquil surface of a still lake, its reflection almost perfect in the water. Above, mounted on the sturdy branches of dense, leafy trees, three black surveillance cameras silently observe the scene. Their lenses, though inactive and unblinking, appear to follow the swan's serene passage, contrasting starkly with the natural beauty of the early morning. The lake is surrounded by a lush greenery that gently sways in the light breeze, undisturbed by the technological sentinels.",,4,0,entity,whole,entity - whole (trees),Are there trees? +141,"A solitary, white swan gracefully makes its way across the tranquil surface of a still lake, its reflection almost perfect in the water. Above, mounted on the sturdy branches of dense, leafy trees, three black surveillance cameras silently observe the scene. Their lenses, though inactive and unblinking, appear to follow the swan's serene passage, contrasting starkly with the natural beauty of the early morning. The lake is surrounded by a lush greenery that gently sways in the light breeze, undisturbed by the technological sentinels.",,5,1,attribute,color,"attribute - color (swan, white)",Is the swan white? +141,"A solitary, white swan gracefully makes its way across the tranquil surface of a still lake, its reflection almost perfect in the water. Above, mounted on the sturdy branches of dense, leafy trees, three black surveillance cameras silently observe the scene. Their lenses, though inactive and unblinking, appear to follow the swan's serene passage, contrasting starkly with the natural beauty of the early morning. The lake is surrounded by a lush greenery that gently sways in the light breeze, undisturbed by the technological sentinels.",,6,3,attribute,color,"attribute - color (surveillance cameras, black)",Are the surveillance cameras black? +141,"A solitary, white swan gracefully makes its way across the tranquil surface of a still lake, its reflection almost perfect in the water. Above, mounted on the sturdy branches of dense, leafy trees, three black surveillance cameras silently observe the scene. Their lenses, though inactive and unblinking, appear to follow the swan's serene passage, contrasting starkly with the natural beauty of the early morning. The lake is surrounded by a lush greenery that gently sways in the light breeze, undisturbed by the technological sentinels.",,7,3,other,count,"other - count (surveillance cameras, ==3)",Are there three surveillance cameras? +141,"A solitary, white swan gracefully makes its way across the tranquil surface of a still lake, its reflection almost perfect in the water. Above, mounted on the sturdy branches of dense, leafy trees, three black surveillance cameras silently observe the scene. Their lenses, though inactive and unblinking, appear to follow the swan's serene passage, contrasting starkly with the natural beauty of the early morning. The lake is surrounded by a lush greenery that gently sways in the light breeze, undisturbed by the technological sentinels.",,8,2,entity,state,"entity - state (lake, still)",Is the lake still? +141,"A solitary, white swan gracefully makes its way across the tranquil surface of a still lake, its reflection almost perfect in the water. Above, mounted on the sturdy branches of dense, leafy trees, three black surveillance cameras silently observe the scene. Their lenses, though inactive and unblinking, appear to follow the swan's serene passage, contrasting starkly with the natural beauty of the early morning. The lake is surrounded by a lush greenery that gently sways in the light breeze, undisturbed by the technological sentinels.",,9,"1,2",entity,state,"entity - state (swan, lake, makes its way across)",Is the swan making its way across the lake? +141,"A solitary, white swan gracefully makes its way across the tranquil surface of a still lake, its reflection almost perfect in the water. Above, mounted on the sturdy branches of dense, leafy trees, three black surveillance cameras silently observe the scene. Their lenses, though inactive and unblinking, appear to follow the swan's serene passage, contrasting starkly with the natural beauty of the early morning. The lake is surrounded by a lush greenery that gently sways in the light breeze, undisturbed by the technological sentinels.",,10,"3,4",relation,spatial,"relation - spatial (surveillance cameras, trees, mounted on)",Are the surveillance cameras mounted on the trees? +87,"A collection of three vibrant magenta hats, each featuring a unique pattern and texture, are arranged side by side on a dark, polished wooden surface. Nearby, two translucent bottles with intricate designs reflect the ambient light. The bottles are carefully positioned to the right of the hats, and their contents cast a slight shadow on the wood grain.",,1,0,entity,whole,entity - whole (hats),Are there hats? +87,"A collection of three vibrant magenta hats, each featuring a unique pattern and texture, are arranged side by side on a dark, polished wooden surface. Nearby, two translucent bottles with intricate designs reflect the ambient light. The bottles are carefully positioned to the right of the hats, and their contents cast a slight shadow on the wood grain.",,2,1,other,count,"other - count (hats, ==3)",Are there three hats? +87,"A collection of three vibrant magenta hats, each featuring a unique pattern and texture, are arranged side by side on a dark, polished wooden surface. Nearby, two translucent bottles with intricate designs reflect the ambient light. The bottles are carefully positioned to the right of the hats, and their contents cast a slight shadow on the wood grain.",,3,0,entity,whole,entity - whole (bottles),Are there bottles? +87,"A collection of three vibrant magenta hats, each featuring a unique pattern and texture, are arranged side by side on a dark, polished wooden surface. Nearby, two translucent bottles with intricate designs reflect the ambient light. The bottles are carefully positioned to the right of the hats, and their contents cast a slight shadow on the wood grain.",,4,3,other,count,"other - count (bottles, ==2)",Are there two bottles? +87,"A collection of three vibrant magenta hats, each featuring a unique pattern and texture, are arranged side by side on a dark, polished wooden surface. Nearby, two translucent bottles with intricate designs reflect the ambient light. The bottles are carefully positioned to the right of the hats, and their contents cast a slight shadow on the wood grain.",,5,1,attribute,color,"attribute - color (hats, magenta)",Are the hats vibrant magenta? +87,"A collection of three vibrant magenta hats, each featuring a unique pattern and texture, are arranged side by side on a dark, polished wooden surface. Nearby, two translucent bottles with intricate designs reflect the ambient light. The bottles are carefully positioned to the right of the hats, and their contents cast a slight shadow on the wood grain.",,6,1,attribute,texture,"attribute - texture (hats, unique pattern)",Do the hats have unique patterns and textures? +87,"A collection of three vibrant magenta hats, each featuring a unique pattern and texture, are arranged side by side on a dark, polished wooden surface. Nearby, two translucent bottles with intricate designs reflect the ambient light. The bottles are carefully positioned to the right of the hats, and their contents cast a slight shadow on the wood grain.",,7,0,attribute,texture,"attribute - texture (surface, dark polished wood)",Is the surface dark and polished wood? +87,"A collection of three vibrant magenta hats, each featuring a unique pattern and texture, are arranged side by side on a dark, polished wooden surface. Nearby, two translucent bottles with intricate designs reflect the ambient light. The bottles are carefully positioned to the right of the hats, and their contents cast a slight shadow on the wood grain.",,8,3,attribute,texture,"attribute - texture (bottles, translucent)",Are the bottles translucent? +87,"A collection of three vibrant magenta hats, each featuring a unique pattern and texture, are arranged side by side on a dark, polished wooden surface. Nearby, two translucent bottles with intricate designs reflect the ambient light. The bottles are carefully positioned to the right of the hats, and their contents cast a slight shadow on the wood grain.",,9,"1,7",relation,spatial,"relation - spatial (hats, surface, on)",Are the hats arranged on the surface? +87,"A collection of three vibrant magenta hats, each featuring a unique pattern and texture, are arranged side by side on a dark, polished wooden surface. Nearby, two translucent bottles with intricate designs reflect the ambient light. The bottles are carefully positioned to the right of the hats, and their contents cast a slight shadow on the wood grain.",,10,"3,1",relation,spatial,"relation - spatial (bottles, hats, to the right of)",Are the bottles positioned to the right of the hats? +245,"In a clear blue tropical sea, a ripe yellow banana bobs on the gentle waves alongside a brown, hairy coconut. The fruit duo is surrounded by vibrant coral visible beneath the water's surface. Near the horizon, one can spot a small island with lush green palm trees swaying in the breeze.",,1,0,entity,whole,entity - whole (sea),Is there a sea? +245,"In a clear blue tropical sea, a ripe yellow banana bobs on the gentle waves alongside a brown, hairy coconut. The fruit duo is surrounded by vibrant coral visible beneath the water's surface. Near the horizon, one can spot a small island with lush green palm trees swaying in the breeze.",,2,0,entity,whole,entity - whole (banana),Is there a banana? +245,"In a clear blue tropical sea, a ripe yellow banana bobs on the gentle waves alongside a brown, hairy coconut. The fruit duo is surrounded by vibrant coral visible beneath the water's surface. Near the horizon, one can spot a small island with lush green palm trees swaying in the breeze.",,3,0,entity,whole,entity - whole (coconut),Is there a coconut? +245,"In a clear blue tropical sea, a ripe yellow banana bobs on the gentle waves alongside a brown, hairy coconut. The fruit duo is surrounded by vibrant coral visible beneath the water's surface. Near the horizon, one can spot a small island with lush green palm trees swaying in the breeze.",,4,0,entity,whole,entity - whole (coral),Is there coral? +245,"In a clear blue tropical sea, a ripe yellow banana bobs on the gentle waves alongside a brown, hairy coconut. The fruit duo is surrounded by vibrant coral visible beneath the water's surface. Near the horizon, one can spot a small island with lush green palm trees swaying in the breeze.",,5,0,entity,whole,entity - whole (island),Is there an island? +245,"In a clear blue tropical sea, a ripe yellow banana bobs on the gentle waves alongside a brown, hairy coconut. The fruit duo is surrounded by vibrant coral visible beneath the water's surface. Near the horizon, one can spot a small island with lush green palm trees swaying in the breeze.",,6,0,entity,whole,entity - whole (palm trees),Are there palm trees? +245,"In a clear blue tropical sea, a ripe yellow banana bobs on the gentle waves alongside a brown, hairy coconut. The fruit duo is surrounded by vibrant coral visible beneath the water's surface. Near the horizon, one can spot a small island with lush green palm trees swaying in the breeze.",,7,1,attribute,color,"attribute - color (sea, clear blue)",Is the sea clear blue? +245,"In a clear blue tropical sea, a ripe yellow banana bobs on the gentle waves alongside a brown, hairy coconut. The fruit duo is surrounded by vibrant coral visible beneath the water's surface. Near the horizon, one can spot a small island with lush green palm trees swaying in the breeze.",,8,2,attribute,color,"attribute - color (banana, ripe yellow)",Is the banana ripe yellow? +245,"In a clear blue tropical sea, a ripe yellow banana bobs on the gentle waves alongside a brown, hairy coconut. The fruit duo is surrounded by vibrant coral visible beneath the water's surface. Near the horizon, one can spot a small island with lush green palm trees swaying in the breeze.",,9,3,attribute,color,"attribute - color (coconut, brown)",Is the coconut brown? +245,"In a clear blue tropical sea, a ripe yellow banana bobs on the gentle waves alongside a brown, hairy coconut. The fruit duo is surrounded by vibrant coral visible beneath the water's surface. Near the horizon, one can spot a small island with lush green palm trees swaying in the breeze.",,10,3,attribute,texture,"attribute - texture (coconut, hairy)",Is the coconut hairy? +245,"In a clear blue tropical sea, a ripe yellow banana bobs on the gentle waves alongside a brown, hairy coconut. The fruit duo is surrounded by vibrant coral visible beneath the water's surface. Near the horizon, one can spot a small island with lush green palm trees swaying in the breeze.",,11,"1,2",relation,spatial,"relation - spatial (banana, sea, on)",Is the banana bobbing on the gentle waves? +245,"In a clear blue tropical sea, a ripe yellow banana bobs on the gentle waves alongside a brown, hairy coconut. The fruit duo is surrounded by vibrant coral visible beneath the water's surface. Near the horizon, one can spot a small island with lush green palm trees swaying in the breeze.",,12,"1,3",relation,spatial,"relation - spatial (coconut, sea, alongside)",Is the coconut alongside the banana in the sea? +245,"In a clear blue tropical sea, a ripe yellow banana bobs on the gentle waves alongside a brown, hairy coconut. The fruit duo is surrounded by vibrant coral visible beneath the water's surface. Near the horizon, one can spot a small island with lush green palm trees swaying in the breeze.",,13,"1,4",relation,spatial,"relation - spatial (coral, water's surface, beneath)",Is the vibrant coral visible beneath the water's surface? +245,"In a clear blue tropical sea, a ripe yellow banana bobs on the gentle waves alongside a brown, hairy coconut. The fruit duo is surrounded by vibrant coral visible beneath the water's surface. Near the horizon, one can spot a small island with lush green palm trees swaying in the breeze.",,14,"1,5",relation,spatial,"relation - spatial (island, horizon, near)",Can one spot a small island near the horizon? +245,"In a clear blue tropical sea, a ripe yellow banana bobs on the gentle waves alongside a brown, hairy coconut. The fruit duo is surrounded by vibrant coral visible beneath the water's surface. Near the horizon, one can spot a small island with lush green palm trees swaying in the breeze.",,15,6,entity,state,"entity - state (palm trees, swaying in the breeze)",Are the palm trees swaying in the breeze? +209,"In the soft glow of the waning daylight that filters through the window of an old-fashioned boutique, a tie with a classic diamond pattern rests elegantly on top of a pair of well-used skater sneakers. The sneakers exhibit a history of adventures in their scuffed edges and faded canvas. Set against a backdrop of antique furnishings and eclectic trinkets, the tie's smooth texture contrasts with the rough fabric of the shoes.",,1,0,entity,whole,entity - whole (window),Is there a window? +209,"In the soft glow of the waning daylight that filters through the window of an old-fashioned boutique, a tie with a classic diamond pattern rests elegantly on top of a pair of well-used skater sneakers. The sneakers exhibit a history of adventures in their scuffed edges and faded canvas. Set against a backdrop of antique furnishings and eclectic trinkets, the tie's smooth texture contrasts with the rough fabric of the shoes.",,2,0,entity,whole,entity - whole (boutique),Is there a boutique? +209,"In the soft glow of the waning daylight that filters through the window of an old-fashioned boutique, a tie with a classic diamond pattern rests elegantly on top of a pair of well-used skater sneakers. The sneakers exhibit a history of adventures in their scuffed edges and faded canvas. Set against a backdrop of antique furnishings and eclectic trinkets, the tie's smooth texture contrasts with the rough fabric of the shoes.",,3,0,entity,whole,entity - whole (tie),Is there a tie? +209,"In the soft glow of the waning daylight that filters through the window of an old-fashioned boutique, a tie with a classic diamond pattern rests elegantly on top of a pair of well-used skater sneakers. The sneakers exhibit a history of adventures in their scuffed edges and faded canvas. Set against a backdrop of antique furnishings and eclectic trinkets, the tie's smooth texture contrasts with the rough fabric of the shoes.",,4,0,entity,whole,entity - whole (sneakers),Are there sneakers? +209,"In the soft glow of the waning daylight that filters through the window of an old-fashioned boutique, a tie with a classic diamond pattern rests elegantly on top of a pair of well-used skater sneakers. The sneakers exhibit a history of adventures in their scuffed edges and faded canvas. Set against a backdrop of antique furnishings and eclectic trinkets, the tie's smooth texture contrasts with the rough fabric of the shoes.",,5,0,entity,whole,entity - whole (furnishings),Are there furnishings? +209,"In the soft glow of the waning daylight that filters through the window of an old-fashioned boutique, a tie with a classic diamond pattern rests elegantly on top of a pair of well-used skater sneakers. The sneakers exhibit a history of adventures in their scuffed edges and faded canvas. Set against a backdrop of antique furnishings and eclectic trinkets, the tie's smooth texture contrasts with the rough fabric of the shoes.",,6,0,entity,whole,entity - whole (trinkets),Are there trinkets? +209,"In the soft glow of the waning daylight that filters through the window of an old-fashioned boutique, a tie with a classic diamond pattern rests elegantly on top of a pair of well-used skater sneakers. The sneakers exhibit a history of adventures in their scuffed edges and faded canvas. Set against a backdrop of antique furnishings and eclectic trinkets, the tie's smooth texture contrasts with the rough fabric of the shoes.",,7,3,attribute,texture,"attribute - texture (tie, smooth)",Is the tie's texture smooth? +209,"In the soft glow of the waning daylight that filters through the window of an old-fashioned boutique, a tie with a classic diamond pattern rests elegantly on top of a pair of well-used skater sneakers. The sneakers exhibit a history of adventures in their scuffed edges and faded canvas. Set against a backdrop of antique furnishings and eclectic trinkets, the tie's smooth texture contrasts with the rough fabric of the shoes.",,8,4,attribute,texture,"attribute - texture (sneakers, rough)",Is the texture of the sneakers rough? +209,"In the soft glow of the waning daylight that filters through the window of an old-fashioned boutique, a tie with a classic diamond pattern rests elegantly on top of a pair of well-used skater sneakers. The sneakers exhibit a history of adventures in their scuffed edges and faded canvas. Set against a backdrop of antique furnishings and eclectic trinkets, the tie's smooth texture contrasts with the rough fabric of the shoes.",,9,4,attribute,texture,"attribute - texture (sneakers, scuffed edges)",Do the sneakers have scuffed edges? +209,"In the soft glow of the waning daylight that filters through the window of an old-fashioned boutique, a tie with a classic diamond pattern rests elegantly on top of a pair of well-used skater sneakers. The sneakers exhibit a history of adventures in their scuffed edges and faded canvas. Set against a backdrop of antique furnishings and eclectic trinkets, the tie's smooth texture contrasts with the rough fabric of the shoes.",,10,4,attribute,texture,"attribute - texture (sneakers, faded canvas)",Is the canvas of the sneakers faded? +209,"In the soft glow of the waning daylight that filters through the window of an old-fashioned boutique, a tie with a classic diamond pattern rests elegantly on top of a pair of well-used skater sneakers. The sneakers exhibit a history of adventures in their scuffed edges and faded canvas. Set against a backdrop of antique furnishings and eclectic trinkets, the tie's smooth texture contrasts with the rough fabric of the shoes.",,11,"3,4",relation,spatial,"relation - spatial (tie, sneakers, on top of)",Is the tie resting on top of the sneakers? +209,"In the soft glow of the waning daylight that filters through the window of an old-fashioned boutique, a tie with a classic diamond pattern rests elegantly on top of a pair of well-used skater sneakers. The sneakers exhibit a history of adventures in their scuffed edges and faded canvas. Set against a backdrop of antique furnishings and eclectic trinkets, the tie's smooth texture contrasts with the rough fabric of the shoes.",,12,"1,2",relation,spatial,"relation - spatial (window, boutique, in)",Is the window in the boutique? +209,"In the soft glow of the waning daylight that filters through the window of an old-fashioned boutique, a tie with a classic diamond pattern rests elegantly on top of a pair of well-used skater sneakers. The sneakers exhibit a history of adventures in their scuffed edges and faded canvas. Set against a backdrop of antique furnishings and eclectic trinkets, the tie's smooth texture contrasts with the rough fabric of the shoes.",,13,"2,5",relation,spatial,"relation - spatial (furnishings, boutique, in)",Are the furnishings in the boutique? +209,"In the soft glow of the waning daylight that filters through the window of an old-fashioned boutique, a tie with a classic diamond pattern rests elegantly on top of a pair of well-used skater sneakers. The sneakers exhibit a history of adventures in their scuffed edges and faded canvas. Set against a backdrop of antique furnishings and eclectic trinkets, the tie's smooth texture contrasts with the rough fabric of the shoes.",,14,"2,6",relation,spatial,"relation - spatial (trinkets, boutique, in)",Are the trinkets in the boutique? +209,"In the soft glow of the waning daylight that filters through the window of an old-fashioned boutique, a tie with a classic diamond pattern rests elegantly on top of a pair of well-used skater sneakers. The sneakers exhibit a history of adventures in their scuffed edges and faded canvas. Set against a backdrop of antique furnishings and eclectic trinkets, the tie's smooth texture contrasts with the rough fabric of the shoes.",,15,3,attribute,other,"attribute - other (tie, classic diamond pattern)",Does the tie have a classic diamond pattern? +209,"In the soft glow of the waning daylight that filters through the window of an old-fashioned boutique, a tie with a classic diamond pattern rests elegantly on top of a pair of well-used skater sneakers. The sneakers exhibit a history of adventures in their scuffed edges and faded canvas. Set against a backdrop of antique furnishings and eclectic trinkets, the tie's smooth texture contrasts with the rough fabric of the shoes.",,16,1,attribute,other,"attribute - other (daylight, waning, soft glow)",Is the daylight waning with a soft glow? +209,"In the soft glow of the waning daylight that filters through the window of an old-fashioned boutique, a tie with a classic diamond pattern rests elegantly on top of a pair of well-used skater sneakers. The sneakers exhibit a history of adventures in their scuffed edges and faded canvas. Set against a backdrop of antique furnishings and eclectic trinkets, the tie's smooth texture contrasts with the rough fabric of the shoes.",,17,2,entity,state,"entity - state (boutique, old-fashioned)",Is the boutique old-fashioned? +209,"In the soft glow of the waning daylight that filters through the window of an old-fashioned boutique, a tie with a classic diamond pattern rests elegantly on top of a pair of well-used skater sneakers. The sneakers exhibit a history of adventures in their scuffed edges and faded canvas. Set against a backdrop of antique furnishings and eclectic trinkets, the tie's smooth texture contrasts with the rough fabric of the shoes.",,18,4,entity,state,"entity - state (sneakers, well-used)",Are the sneakers well-used? +9,"Two richly purple-colored folders resting on a wooden table flooded with warm sunlight. The table's surface reflects a subtle sheen, highlighting the folders' smooth texture and the shadows they cast. Around the folders, the table is mostly clear, save for a silver pen lying diagonally near one of the folders.",,1,0,entity,whole,entity - whole (folders),Are there folders? +9,"Two richly purple-colored folders resting on a wooden table flooded with warm sunlight. The table's surface reflects a subtle sheen, highlighting the folders' smooth texture and the shadows they cast. Around the folders, the table is mostly clear, save for a silver pen lying diagonally near one of the folders.",,2,1,other,count,"other - count (folders, ==2)",Are there two folders? +9,"Two richly purple-colored folders resting on a wooden table flooded with warm sunlight. The table's surface reflects a subtle sheen, highlighting the folders' smooth texture and the shadows they cast. Around the folders, the table is mostly clear, save for a silver pen lying diagonally near one of the folders.",,3,0,entity,whole,entity - whole (table),Is there a table? +9,"Two richly purple-colored folders resting on a wooden table flooded with warm sunlight. The table's surface reflects a subtle sheen, highlighting the folders' smooth texture and the shadows they cast. Around the folders, the table is mostly clear, save for a silver pen lying diagonally near one of the folders.",,4,0,entity,whole,entity - whole (pen),Is there a pen? +9,"Two richly purple-colored folders resting on a wooden table flooded with warm sunlight. The table's surface reflects a subtle sheen, highlighting the folders' smooth texture and the shadows they cast. Around the folders, the table is mostly clear, save for a silver pen lying diagonally near one of the folders.",,5,1,attribute,color,"attribute - color (folders, richly purple-colored)",Are the folders richly purple-colored? +9,"Two richly purple-colored folders resting on a wooden table flooded with warm sunlight. The table's surface reflects a subtle sheen, highlighting the folders' smooth texture and the shadows they cast. Around the folders, the table is mostly clear, save for a silver pen lying diagonally near one of the folders.",,6,3,attribute,texture,"attribute - texture (table, wooden)",Is the table wooden? +9,"Two richly purple-colored folders resting on a wooden table flooded with warm sunlight. The table's surface reflects a subtle sheen, highlighting the folders' smooth texture and the shadows they cast. Around the folders, the table is mostly clear, save for a silver pen lying diagonally near one of the folders.",,7,1,attribute,texture,"attribute - texture (folders, smooth)",Do the folders have a smooth texture? +9,"Two richly purple-colored folders resting on a wooden table flooded with warm sunlight. The table's surface reflects a subtle sheen, highlighting the folders' smooth texture and the shadows they cast. Around the folders, the table is mostly clear, save for a silver pen lying diagonally near one of the folders.",,8,4,attribute,color,"attribute - color (pen, silver)",Is the pen silver? +9,"Two richly purple-colored folders resting on a wooden table flooded with warm sunlight. The table's surface reflects a subtle sheen, highlighting the folders' smooth texture and the shadows they cast. Around the folders, the table is mostly clear, save for a silver pen lying diagonally near one of the folders.",,9,"1,3",relation,spatial,"relation - spatial (folders, table, on)",Are the folders resting on the table? +9,"Two richly purple-colored folders resting on a wooden table flooded with warm sunlight. The table's surface reflects a subtle sheen, highlighting the folders' smooth texture and the shadows they cast. Around the folders, the table is mostly clear, save for a silver pen lying diagonally near one of the folders.",,10,"1,3,4",relation,spatial,"relation - spatial (pen, table, near folder)",Is the silver pen lying diagonally near one of the folders? +20,"An ornate royal carriage, painted in deep red with golden trim, stands prominently against a landscape blanketed in pristine snow. Behind it, the silhouettes of tall pine trees dusted with white can be discerned through the soft haze of a winter's day. In front of the carriage, the snow-covered ground glistens under the subtle light of the afternoon sun.",,1,0,entity,whole,entity - whole (royal carriage),Is there a royal carriage? +20,"An ornate royal carriage, painted in deep red with golden trim, stands prominently against a landscape blanketed in pristine snow. Behind it, the silhouettes of tall pine trees dusted with white can be discerned through the soft haze of a winter's day. In front of the carriage, the snow-covered ground glistens under the subtle light of the afternoon sun.",,2,0,entity,whole,entity - whole (landscape),Is there a landscape? +20,"An ornate royal carriage, painted in deep red with golden trim, stands prominently against a landscape blanketed in pristine snow. Behind it, the silhouettes of tall pine trees dusted with white can be discerned through the soft haze of a winter's day. In front of the carriage, the snow-covered ground glistens under the subtle light of the afternoon sun.",,3,0,entity,whole,entity - whole (pine trees),Are there pine trees? +20,"An ornate royal carriage, painted in deep red with golden trim, stands prominently against a landscape blanketed in pristine snow. Behind it, the silhouettes of tall pine trees dusted with white can be discerned through the soft haze of a winter's day. In front of the carriage, the snow-covered ground glistens under the subtle light of the afternoon sun.",,4,0,entity,whole,entity - whole (snow),Is there snow? +20,"An ornate royal carriage, painted in deep red with golden trim, stands prominently against a landscape blanketed in pristine snow. Behind it, the silhouettes of tall pine trees dusted with white can be discerned through the soft haze of a winter's day. In front of the carriage, the snow-covered ground glistens under the subtle light of the afternoon sun.",,5,1,attribute,color,"attribute - color (carriage, deep red)",Is the carriage painted in deep red? +20,"An ornate royal carriage, painted in deep red with golden trim, stands prominently against a landscape blanketed in pristine snow. Behind it, the silhouettes of tall pine trees dusted with white can be discerned through the soft haze of a winter's day. In front of the carriage, the snow-covered ground glistens under the subtle light of the afternoon sun.",,6,1,attribute,color,"attribute - color (carriage's trim, golden)",Does the carriage have golden trim? +20,"An ornate royal carriage, painted in deep red with golden trim, stands prominently against a landscape blanketed in pristine snow. Behind it, the silhouettes of tall pine trees dusted with white can be discerned through the soft haze of a winter's day. In front of the carriage, the snow-covered ground glistens under the subtle light of the afternoon sun.",,7,"2,4",attribute,texture,"attribute - texture (landscape, blanketed in snow)",Is the landscape blanketed in pristine snow? +20,"An ornate royal carriage, painted in deep red with golden trim, stands prominently against a landscape blanketed in pristine snow. Behind it, the silhouettes of tall pine trees dusted with white can be discerned through the soft haze of a winter's day. In front of the carriage, the snow-covered ground glistens under the subtle light of the afternoon sun.",,8,"3,4",attribute,texture,"attribute - texture (pine trees, dusted with snow)",Are the pine trees dusted with snow? +20,"An ornate royal carriage, painted in deep red with golden trim, stands prominently against a landscape blanketed in pristine snow. Behind it, the silhouettes of tall pine trees dusted with white can be discerned through the soft haze of a winter's day. In front of the carriage, the snow-covered ground glistens under the subtle light of the afternoon sun.",,9,1,entity,state,"entity - state (carriage, stand)",Is the carriage standing prominently? +20,"An ornate royal carriage, painted in deep red with golden trim, stands prominently against a landscape blanketed in pristine snow. Behind it, the silhouettes of tall pine trees dusted with white can be discerned through the soft haze of a winter's day. In front of the carriage, the snow-covered ground glistens under the subtle light of the afternoon sun.",,10,"1,2",relation,spatial,"relation - spatial (carriage, landscape, against)",Does the carriage stand against the landscape? +217,"On a rainy day, three umbrellas with bright and varied colors—yellow, red, and blue—are opened wide and positioned upright on a worn, wooden table. Their fabric canopies are dotted with fresh raindrops, capturing the soft, diffused light of a hazy morning. Beside these umbrellas lies a classic round watch with a leather strap and a polished face that reflects the muted light. The watch and umbrellas share the table's space, hinting at a paused moment in a day that has just begun.",,1,0,entity,whole,entity - whole (umbrellas),Are there umbrellas? +217,"On a rainy day, three umbrellas with bright and varied colors—yellow, red, and blue—are opened wide and positioned upright on a worn, wooden table. Their fabric canopies are dotted with fresh raindrops, capturing the soft, diffused light of a hazy morning. Beside these umbrellas lies a classic round watch with a leather strap and a polished face that reflects the muted light. The watch and umbrellas share the table's space, hinting at a paused moment in a day that has just begun.",,2,1,other,count,"other - count (umbrellas, ==3)",Are there three umbrellas? +217,"On a rainy day, three umbrellas with bright and varied colors—yellow, red, and blue—are opened wide and positioned upright on a worn, wooden table. Their fabric canopies are dotted with fresh raindrops, capturing the soft, diffused light of a hazy morning. Beside these umbrellas lies a classic round watch with a leather strap and a polished face that reflects the muted light. The watch and umbrellas share the table's space, hinting at a paused moment in a day that has just begun.",,3,0,entity,whole,entity - whole (table),Is there a table? +217,"On a rainy day, three umbrellas with bright and varied colors—yellow, red, and blue—are opened wide and positioned upright on a worn, wooden table. Their fabric canopies are dotted with fresh raindrops, capturing the soft, diffused light of a hazy morning. Beside these umbrellas lies a classic round watch with a leather strap and a polished face that reflects the muted light. The watch and umbrellas share the table's space, hinting at a paused moment in a day that has just begun.",,4,0,entity,whole,entity - whole (watch),Is there a watch? +217,"On a rainy day, three umbrellas with bright and varied colors—yellow, red, and blue—are opened wide and positioned upright on a worn, wooden table. Their fabric canopies are dotted with fresh raindrops, capturing the soft, diffused light of a hazy morning. Beside these umbrellas lies a classic round watch with a leather strap and a polished face that reflects the muted light. The watch and umbrellas share the table's space, hinting at a paused moment in a day that has just begun.",,5,1,attribute,color,"attribute - color (umbrella_1, yellow)",Is one of the umbrellas yellow? +217,"On a rainy day, three umbrellas with bright and varied colors—yellow, red, and blue—are opened wide and positioned upright on a worn, wooden table. Their fabric canopies are dotted with fresh raindrops, capturing the soft, diffused light of a hazy morning. Beside these umbrellas lies a classic round watch with a leather strap and a polished face that reflects the muted light. The watch and umbrellas share the table's space, hinting at a paused moment in a day that has just begun.",,6,1,attribute,color,"attribute - color (umbrella_2, red)",Is one of the umbrellas red? +217,"On a rainy day, three umbrellas with bright and varied colors—yellow, red, and blue—are opened wide and positioned upright on a worn, wooden table. Their fabric canopies are dotted with fresh raindrops, capturing the soft, diffused light of a hazy morning. Beside these umbrellas lies a classic round watch with a leather strap and a polished face that reflects the muted light. The watch and umbrellas share the table's space, hinting at a paused moment in a day that has just begun.",,7,1,attribute,color,"attribute - color (umbrella_3, blue)",Is one of the umbrellas blue? +217,"On a rainy day, three umbrellas with bright and varied colors—yellow, red, and blue—are opened wide and positioned upright on a worn, wooden table. Their fabric canopies are dotted with fresh raindrops, capturing the soft, diffused light of a hazy morning. Beside these umbrellas lies a classic round watch with a leather strap and a polished face that reflects the muted light. The watch and umbrellas share the table's space, hinting at a paused moment in a day that has just begun.",,8,3,attribute,texture,"attribute - texture (table, wood, worn)",Is the table made of worn wood? +217,"On a rainy day, three umbrellas with bright and varied colors—yellow, red, and blue—are opened wide and positioned upright on a worn, wooden table. Their fabric canopies are dotted with fresh raindrops, capturing the soft, diffused light of a hazy morning. Beside these umbrellas lies a classic round watch with a leather strap and a polished face that reflects the muted light. The watch and umbrellas share the table's space, hinting at a paused moment in a day that has just begun.",,9,1,attribute,texture,"attribute - texture (umbrellas, fabric, raindrops)",Are the umbrellas' fabric canopies dotted with raindrops? +217,"On a rainy day, three umbrellas with bright and varied colors—yellow, red, and blue—are opened wide and positioned upright on a worn, wooden table. Their fabric canopies are dotted with fresh raindrops, capturing the soft, diffused light of a hazy morning. Beside these umbrellas lies a classic round watch with a leather strap and a polished face that reflects the muted light. The watch and umbrellas share the table's space, hinting at a paused moment in a day that has just begun.",,10,"1,3",relation,spatial,"relation - spatial (umbrellas, table, on)",Are the umbrellas positioned on the table? +48,"Eight vibrant green beach balls, each with a glossy texture, are randomly scattered across the golden sand that is patterned with the alternating shades of sunlight and shadow. Nearby, gentle waves lap at the shoreline, creating a rhythmic sound that complements the serene beachscape. The balls cast soft shadows on the sand, evidencing the bright midday sun overhead.",,1,0,entity,whole,entity - whole (beach balls),Are there beach balls? +48,"Eight vibrant green beach balls, each with a glossy texture, are randomly scattered across the golden sand that is patterned with the alternating shades of sunlight and shadow. Nearby, gentle waves lap at the shoreline, creating a rhythmic sound that complements the serene beachscape. The balls cast soft shadows on the sand, evidencing the bright midday sun overhead.",,2,1,other,count,"other - count (beach balls, ==8)",Are there eight beach balls? +48,"Eight vibrant green beach balls, each with a glossy texture, are randomly scattered across the golden sand that is patterned with the alternating shades of sunlight and shadow. Nearby, gentle waves lap at the shoreline, creating a rhythmic sound that complements the serene beachscape. The balls cast soft shadows on the sand, evidencing the bright midday sun overhead.",,3,1,attribute,color,"attribute - color (beach balls, vibrant green)",Are the beach balls vibrant green? +48,"Eight vibrant green beach balls, each with a glossy texture, are randomly scattered across the golden sand that is patterned with the alternating shades of sunlight and shadow. Nearby, gentle waves lap at the shoreline, creating a rhythmic sound that complements the serene beachscape. The balls cast soft shadows on the sand, evidencing the bright midday sun overhead.",,4,1,attribute,texture,"attribute - texture (beach balls, glossy)",Do the beach balls have a glossy texture? +48,"Eight vibrant green beach balls, each with a glossy texture, are randomly scattered across the golden sand that is patterned with the alternating shades of sunlight and shadow. Nearby, gentle waves lap at the shoreline, creating a rhythmic sound that complements the serene beachscape. The balls cast soft shadows on the sand, evidencing the bright midday sun overhead.",,5,0,entity,whole,entity - whole (sand),Is there sand? +48,"Eight vibrant green beach balls, each with a glossy texture, are randomly scattered across the golden sand that is patterned with the alternating shades of sunlight and shadow. Nearby, gentle waves lap at the shoreline, creating a rhythmic sound that complements the serene beachscape. The balls cast soft shadows on the sand, evidencing the bright midday sun overhead.",,6,5,attribute,color,"attribute - color (sand, golden)",Is the sand golden? +48,"Eight vibrant green beach balls, each with a glossy texture, are randomly scattered across the golden sand that is patterned with the alternating shades of sunlight and shadow. Nearby, gentle waves lap at the shoreline, creating a rhythmic sound that complements the serene beachscape. The balls cast soft shadows on the sand, evidencing the bright midday sun overhead.",,7,5,attribute,texture,"attribute - texture (sand, patterned)",Is the sand patterned? +48,"Eight vibrant green beach balls, each with a glossy texture, are randomly scattered across the golden sand that is patterned with the alternating shades of sunlight and shadow. Nearby, gentle waves lap at the shoreline, creating a rhythmic sound that complements the serene beachscape. The balls cast soft shadows on the sand, evidencing the bright midday sun overhead.",,8,0,entity,whole,entity - whole (waves),Are there waves? +48,"Eight vibrant green beach balls, each with a glossy texture, are randomly scattered across the golden sand that is patterned with the alternating shades of sunlight and shadow. Nearby, gentle waves lap at the shoreline, creating a rhythmic sound that complements the serene beachscape. The balls cast soft shadows on the sand, evidencing the bright midday sun overhead.",,9,8,entity,state,"entity - state (waves, gentle)",Are the waves gentle? +48,"Eight vibrant green beach balls, each with a glossy texture, are randomly scattered across the golden sand that is patterned with the alternating shades of sunlight and shadow. Nearby, gentle waves lap at the shoreline, creating a rhythmic sound that complements the serene beachscape. The balls cast soft shadows on the sand, evidencing the bright midday sun overhead.",,10,"1,5",relation,spatial,"relation - spatial (beach balls, sand, scattered on)",Are the beach balls scattered across the sand? +147,"In the midst of a bustling cityscape, during the golden hour of sunset, stands an enormous trombone that stretches upwards like a unique city monument. Its brass surface is painted with bold sections of red, green, and yellow, mimicking the familiar sequence of a traffic signal. Around its base, people and vehicles move about, creating a dynamic contrast between the stillness of the instrument and the motion of the city life.",,1,0,entity,whole,entity - whole (cityscape),Is there a cityscape? +147,"In the midst of a bustling cityscape, during the golden hour of sunset, stands an enormous trombone that stretches upwards like a unique city monument. Its brass surface is painted with bold sections of red, green, and yellow, mimicking the familiar sequence of a traffic signal. Around its base, people and vehicles move about, creating a dynamic contrast between the stillness of the instrument and the motion of the city life.",,2,0,entity,whole,entity - whole (trombone),Is there a trombone? +147,"In the midst of a bustling cityscape, during the golden hour of sunset, stands an enormous trombone that stretches upwards like a unique city monument. Its brass surface is painted with bold sections of red, green, and yellow, mimicking the familiar sequence of a traffic signal. Around its base, people and vehicles move about, creating a dynamic contrast between the stillness of the instrument and the motion of the city life.",,3,0,entity,whole,entity - whole (people),Are there people? +147,"In the midst of a bustling cityscape, during the golden hour of sunset, stands an enormous trombone that stretches upwards like a unique city monument. Its brass surface is painted with bold sections of red, green, and yellow, mimicking the familiar sequence of a traffic signal. Around its base, people and vehicles move about, creating a dynamic contrast between the stillness of the instrument and the motion of the city life.",,4,0,entity,whole,entity - whole (vehicles),Are there vehicles? +147,"In the midst of a bustling cityscape, during the golden hour of sunset, stands an enormous trombone that stretches upwards like a unique city monument. Its brass surface is painted with bold sections of red, green, and yellow, mimicking the familiar sequence of a traffic signal. Around its base, people and vehicles move about, creating a dynamic contrast between the stillness of the instrument and the motion of the city life.",,5,0,global,,"global - (golden hour, sunset)",Is it the golden hour of sunset? +147,"In the midst of a bustling cityscape, during the golden hour of sunset, stands an enormous trombone that stretches upwards like a unique city monument. Its brass surface is painted with bold sections of red, green, and yellow, mimicking the familiar sequence of a traffic signal. Around its base, people and vehicles move about, creating a dynamic contrast between the stillness of the instrument and the motion of the city life.",,6,2,attribute,size,"attribute - size (trombone, enormous)",Is the trombone enormous? +147,"In the midst of a bustling cityscape, during the golden hour of sunset, stands an enormous trombone that stretches upwards like a unique city monument. Its brass surface is painted with bold sections of red, green, and yellow, mimicking the familiar sequence of a traffic signal. Around its base, people and vehicles move about, creating a dynamic contrast between the stillness of the instrument and the motion of the city life.",,7,2,attribute,color,"attribute - color (trombone's surface, brass)",Is the trombone's surface brass? +147,"In the midst of a bustling cityscape, during the golden hour of sunset, stands an enormous trombone that stretches upwards like a unique city monument. Its brass surface is painted with bold sections of red, green, and yellow, mimicking the familiar sequence of a traffic signal. Around its base, people and vehicles move about, creating a dynamic contrast between the stillness of the instrument and the motion of the city life.",,8,2,attribute,color,"attribute - color (trombone's surface sections, red)",Are there bold sections of red on the trombone's surface? +147,"In the midst of a bustling cityscape, during the golden hour of sunset, stands an enormous trombone that stretches upwards like a unique city monument. Its brass surface is painted with bold sections of red, green, and yellow, mimicking the familiar sequence of a traffic signal. Around its base, people and vehicles move about, creating a dynamic contrast between the stillness of the instrument and the motion of the city life.",,9,2,attribute,color,"attribute - color (trombone's surface sections, green)",Are there bold sections of green on the trombone's surface? +147,"In the midst of a bustling cityscape, during the golden hour of sunset, stands an enormous trombone that stretches upwards like a unique city monument. Its brass surface is painted with bold sections of red, green, and yellow, mimicking the familiar sequence of a traffic signal. Around its base, people and vehicles move about, creating a dynamic contrast between the stillness of the instrument and the motion of the city life.",,10,2,attribute,color,"attribute - color (trombone's surface sections, yellow)",Are there bold sections of yellow on the trombone's surface? +157,"A fluffy white pillow rests against the cool glass of a large window, accompanied by a pair of sleek black binoculars positioned on the ledge. The windowsill, bathed in the early morning light, also houses a small potted plant with vibrant green leaves, offering a contrast to the neutral tones of the room. Outside the window, the faint pre-dawn hues hint at the promise of a new day.",,1,0,entity,whole,entity - whole (pillow),Is there a pillow? +157,"A fluffy white pillow rests against the cool glass of a large window, accompanied by a pair of sleek black binoculars positioned on the ledge. The windowsill, bathed in the early morning light, also houses a small potted plant with vibrant green leaves, offering a contrast to the neutral tones of the room. Outside the window, the faint pre-dawn hues hint at the promise of a new day.",,2,0,entity,whole,entity - whole (glass),Is there glass? +157,"A fluffy white pillow rests against the cool glass of a large window, accompanied by a pair of sleek black binoculars positioned on the ledge. The windowsill, bathed in the early morning light, also houses a small potted plant with vibrant green leaves, offering a contrast to the neutral tones of the room. Outside the window, the faint pre-dawn hues hint at the promise of a new day.",,3,0,entity,whole,entity - whole (window),Is there a window? +157,"A fluffy white pillow rests against the cool glass of a large window, accompanied by a pair of sleek black binoculars positioned on the ledge. The windowsill, bathed in the early morning light, also houses a small potted plant with vibrant green leaves, offering a contrast to the neutral tones of the room. Outside the window, the faint pre-dawn hues hint at the promise of a new day.",,4,0,entity,whole,entity - whole (binoculars),Are there binoculars? +157,"A fluffy white pillow rests against the cool glass of a large window, accompanied by a pair of sleek black binoculars positioned on the ledge. The windowsill, bathed in the early morning light, also houses a small potted plant with vibrant green leaves, offering a contrast to the neutral tones of the room. Outside the window, the faint pre-dawn hues hint at the promise of a new day.",,5,0,entity,whole,entity - whole (windowsill),Is there a windowsill? +157,"A fluffy white pillow rests against the cool glass of a large window, accompanied by a pair of sleek black binoculars positioned on the ledge. The windowsill, bathed in the early morning light, also houses a small potted plant with vibrant green leaves, offering a contrast to the neutral tones of the room. Outside the window, the faint pre-dawn hues hint at the promise of a new day.",,6,0,entity,whole,entity - whole (plant),Is there a plant? +157,"A fluffy white pillow rests against the cool glass of a large window, accompanied by a pair of sleek black binoculars positioned on the ledge. The windowsill, bathed in the early morning light, also houses a small potted plant with vibrant green leaves, offering a contrast to the neutral tones of the room. Outside the window, the faint pre-dawn hues hint at the promise of a new day.",,7,1,attribute,color,"attribute - color (pillow, white)",Is the pillow white? +157,"A fluffy white pillow rests against the cool glass of a large window, accompanied by a pair of sleek black binoculars positioned on the ledge. The windowsill, bathed in the early morning light, also houses a small potted plant with vibrant green leaves, offering a contrast to the neutral tones of the room. Outside the window, the faint pre-dawn hues hint at the promise of a new day.",,8,4,attribute,color,"attribute - color (binoculars, black)",Are the binoculars black? +157,"A fluffy white pillow rests against the cool glass of a large window, accompanied by a pair of sleek black binoculars positioned on the ledge. The windowsill, bathed in the early morning light, also houses a small potted plant with vibrant green leaves, offering a contrast to the neutral tones of the room. Outside the window, the faint pre-dawn hues hint at the promise of a new day.",,9,6,attribute,color,"attribute - color (plant leaves, vibrant green)",Are the plant leaves vibrant green? +157,"A fluffy white pillow rests against the cool glass of a large window, accompanied by a pair of sleek black binoculars positioned on the ledge. The windowsill, bathed in the early morning light, also houses a small potted plant with vibrant green leaves, offering a contrast to the neutral tones of the room. Outside the window, the faint pre-dawn hues hint at the promise of a new day.",,10,1,attribute,texture,"attribute - texture (pillow, fluffy)",Is the pillow fluffy? +45,"At a busy city crossroads, three square-shaped signs, featuring a bold crosswalk symbol in bright yellow, command attention from pedestrians and motorists alike. Positioned against the backdrop of a bustling urbanscape, the signs possess a reflective quality, enhancing their visibility even amidst the chaotic street movement. Anchored securely to the pavement, these uniform signs present the familiar pedestrian crossing imagery, delineating safe walking zones in an area dense with traffic.",,1,0,entity,whole,entity - whole (city crossroads),Is there a busy city crossroads? +45,"At a busy city crossroads, three square-shaped signs, featuring a bold crosswalk symbol in bright yellow, command attention from pedestrians and motorists alike. Positioned against the backdrop of a bustling urbanscape, the signs possess a reflective quality, enhancing their visibility even amidst the chaotic street movement. Anchored securely to the pavement, these uniform signs present the familiar pedestrian crossing imagery, delineating safe walking zones in an area dense with traffic.",,2,0,entity,whole,entity - whole (signs),Are there signs? +45,"At a busy city crossroads, three square-shaped signs, featuring a bold crosswalk symbol in bright yellow, command attention from pedestrians and motorists alike. Positioned against the backdrop of a bustling urbanscape, the signs possess a reflective quality, enhancing their visibility even amidst the chaotic street movement. Anchored securely to the pavement, these uniform signs present the familiar pedestrian crossing imagery, delineating safe walking zones in an area dense with traffic.",,3,2,other,count,"other - count (signs, ==3)",Are there three signs? +45,"At a busy city crossroads, three square-shaped signs, featuring a bold crosswalk symbol in bright yellow, command attention from pedestrians and motorists alike. Positioned against the backdrop of a bustling urbanscape, the signs possess a reflective quality, enhancing their visibility even amidst the chaotic street movement. Anchored securely to the pavement, these uniform signs present the familiar pedestrian crossing imagery, delineating safe walking zones in an area dense with traffic.",,4,2,entity,part,entity - part (signs' symbol),Do the signs feature a symbol? +45,"At a busy city crossroads, three square-shaped signs, featuring a bold crosswalk symbol in bright yellow, command attention from pedestrians and motorists alike. Positioned against the backdrop of a bustling urbanscape, the signs possess a reflective quality, enhancing their visibility even amidst the chaotic street movement. Anchored securely to the pavement, these uniform signs present the familiar pedestrian crossing imagery, delineating safe walking zones in an area dense with traffic.",,5,2,attribute,shape,"attribute - shape (signs, square-shaped)",Are the signs square-shaped? +45,"At a busy city crossroads, three square-shaped signs, featuring a bold crosswalk symbol in bright yellow, command attention from pedestrians and motorists alike. Positioned against the backdrop of a bustling urbanscape, the signs possess a reflective quality, enhancing their visibility even amidst the chaotic street movement. Anchored securely to the pavement, these uniform signs present the familiar pedestrian crossing imagery, delineating safe walking zones in an area dense with traffic.",,6,4,attribute,color,"attribute - color (signs' symbol, bright yellow)",Is the symbol on the signs bright yellow? +45,"At a busy city crossroads, three square-shaped signs, featuring a bold crosswalk symbol in bright yellow, command attention from pedestrians and motorists alike. Positioned against the backdrop of a bustling urbanscape, the signs possess a reflective quality, enhancing their visibility even amidst the chaotic street movement. Anchored securely to the pavement, these uniform signs present the familiar pedestrian crossing imagery, delineating safe walking zones in an area dense with traffic.",,7,2,attribute,texture,"attribute - texture (signs, reflective)",Do the signs have a reflective quality? +45,"At a busy city crossroads, three square-shaped signs, featuring a bold crosswalk symbol in bright yellow, command attention from pedestrians and motorists alike. Positioned against the backdrop of a bustling urbanscape, the signs possess a reflective quality, enhancing their visibility even amidst the chaotic street movement. Anchored securely to the pavement, these uniform signs present the familiar pedestrian crossing imagery, delineating safe walking zones in an area dense with traffic.",,8,2,entity,state,"entity - state (signs, anchored)",Are the signs anchored? +45,"At a busy city crossroads, three square-shaped signs, featuring a bold crosswalk symbol in bright yellow, command attention from pedestrians and motorists alike. Positioned against the backdrop of a bustling urbanscape, the signs possess a reflective quality, enhancing their visibility even amidst the chaotic street movement. Anchored securely to the pavement, these uniform signs present the familiar pedestrian crossing imagery, delineating safe walking zones in an area dense with traffic.",,9,"1,2",relation,spatial,"relation - spatial (signs, city crossroads, at)",Are the signs at the city crossroads? +45,"At a busy city crossroads, three square-shaped signs, featuring a bold crosswalk symbol in bright yellow, command attention from pedestrians and motorists alike. Positioned against the backdrop of a bustling urbanscape, the signs possess a reflective quality, enhancing their visibility even amidst the chaotic street movement. Anchored securely to the pavement, these uniform signs present the familiar pedestrian crossing imagery, delineating safe walking zones in an area dense with traffic.",,10,2,relation,spatial,"relation - spatial (signs, pavement, on)",Are the signs on the pavement? +128,"Beneath the expansive night sky, sprinkled with myriad twinkling stars, a flag adorning the pinnacle of a towering lighthouse drifts gently in the evening breeze, its hues subdued by the soft silver glow of the moon. The sturdy structure of the lighthouse, painted in alternating bands of white and red, stands as a stalwart sentinel on the rugged shoreline. At the water's edge, the rough texture of the rocks is intermittently made visible by the intermittent wash of foamy waves, where a solitary lobster, its dark, glossy carapace reflecting the moonlight, slowly makes its way out of the embrace of the ocean.",,1,0,entity,whole,entity - whole (night sky),Is there a night sky? +128,"Beneath the expansive night sky, sprinkled with myriad twinkling stars, a flag adorning the pinnacle of a towering lighthouse drifts gently in the evening breeze, its hues subdued by the soft silver glow of the moon. The sturdy structure of the lighthouse, painted in alternating bands of white and red, stands as a stalwart sentinel on the rugged shoreline. At the water's edge, the rough texture of the rocks is intermittently made visible by the intermittent wash of foamy waves, where a solitary lobster, its dark, glossy carapace reflecting the moonlight, slowly makes its way out of the embrace of the ocean.",,2,0,entity,whole,entity - whole (stars),Are there stars? +128,"Beneath the expansive night sky, sprinkled with myriad twinkling stars, a flag adorning the pinnacle of a towering lighthouse drifts gently in the evening breeze, its hues subdued by the soft silver glow of the moon. The sturdy structure of the lighthouse, painted in alternating bands of white and red, stands as a stalwart sentinel on the rugged shoreline. At the water's edge, the rough texture of the rocks is intermittently made visible by the intermittent wash of foamy waves, where a solitary lobster, its dark, glossy carapace reflecting the moonlight, slowly makes its way out of the embrace of the ocean.",,3,0,entity,whole,entity - whole (flag),Is there a flag? +128,"Beneath the expansive night sky, sprinkled with myriad twinkling stars, a flag adorning the pinnacle of a towering lighthouse drifts gently in the evening breeze, its hues subdued by the soft silver glow of the moon. The sturdy structure of the lighthouse, painted in alternating bands of white and red, stands as a stalwart sentinel on the rugged shoreline. At the water's edge, the rough texture of the rocks is intermittently made visible by the intermittent wash of foamy waves, where a solitary lobster, its dark, glossy carapace reflecting the moonlight, slowly makes its way out of the embrace of the ocean.",,4,0,entity,whole,entity - whole (lighthouse),Is there a lighthouse? +128,"Beneath the expansive night sky, sprinkled with myriad twinkling stars, a flag adorning the pinnacle of a towering lighthouse drifts gently in the evening breeze, its hues subdued by the soft silver glow of the moon. The sturdy structure of the lighthouse, painted in alternating bands of white and red, stands as a stalwart sentinel on the rugged shoreline. At the water's edge, the rough texture of the rocks is intermittently made visible by the intermittent wash of foamy waves, where a solitary lobster, its dark, glossy carapace reflecting the moonlight, slowly makes its way out of the embrace of the ocean.",,5,0,entity,whole,entity - whole (moon),Is there a moon? +128,"Beneath the expansive night sky, sprinkled with myriad twinkling stars, a flag adorning the pinnacle of a towering lighthouse drifts gently in the evening breeze, its hues subdued by the soft silver glow of the moon. The sturdy structure of the lighthouse, painted in alternating bands of white and red, stands as a stalwart sentinel on the rugged shoreline. At the water's edge, the rough texture of the rocks is intermittently made visible by the intermittent wash of foamy waves, where a solitary lobster, its dark, glossy carapace reflecting the moonlight, slowly makes its way out of the embrace of the ocean.",,6,0,entity,whole,entity - whole (shoreline),Is there a shoreline? +128,"Beneath the expansive night sky, sprinkled with myriad twinkling stars, a flag adorning the pinnacle of a towering lighthouse drifts gently in the evening breeze, its hues subdued by the soft silver glow of the moon. The sturdy structure of the lighthouse, painted in alternating bands of white and red, stands as a stalwart sentinel on the rugged shoreline. At the water's edge, the rough texture of the rocks is intermittently made visible by the intermittent wash of foamy waves, where a solitary lobster, its dark, glossy carapace reflecting the moonlight, slowly makes its way out of the embrace of the ocean.",,7,0,entity,whole,entity - whole (rocks),Are there rocks? +128,"Beneath the expansive night sky, sprinkled with myriad twinkling stars, a flag adorning the pinnacle of a towering lighthouse drifts gently in the evening breeze, its hues subdued by the soft silver glow of the moon. The sturdy structure of the lighthouse, painted in alternating bands of white and red, stands as a stalwart sentinel on the rugged shoreline. At the water's edge, the rough texture of the rocks is intermittently made visible by the intermittent wash of foamy waves, where a solitary lobster, its dark, glossy carapace reflecting the moonlight, slowly makes its way out of the embrace of the ocean.",,8,0,entity,whole,entity - whole (waves),Are there waves? +128,"Beneath the expansive night sky, sprinkled with myriad twinkling stars, a flag adorning the pinnacle of a towering lighthouse drifts gently in the evening breeze, its hues subdued by the soft silver glow of the moon. The sturdy structure of the lighthouse, painted in alternating bands of white and red, stands as a stalwart sentinel on the rugged shoreline. At the water's edge, the rough texture of the rocks is intermittently made visible by the intermittent wash of foamy waves, where a solitary lobster, its dark, glossy carapace reflecting the moonlight, slowly makes its way out of the embrace of the ocean.",,9,0,entity,whole,entity - whole (lobster),Is there a lobster? +128,"Beneath the expansive night sky, sprinkled with myriad twinkling stars, a flag adorning the pinnacle of a towering lighthouse drifts gently in the evening breeze, its hues subdued by the soft silver glow of the moon. The sturdy structure of the lighthouse, painted in alternating bands of white and red, stands as a stalwart sentinel on the rugged shoreline. At the water's edge, the rough texture of the rocks is intermittently made visible by the intermittent wash of foamy waves, where a solitary lobster, its dark, glossy carapace reflecting the moonlight, slowly makes its way out of the embrace of the ocean.",,10,7,attribute,texture,"attribute - texture (rocks, rough)",Is the texture of the rocks rough? +51,"A close-up view reveals a single, immaculate ace of spades resting on the surface of a polished mahogany table. The rich, dark wood of the table reflects the soft ambient light of the room. This card is positioned slightly askew, with the sharp, distinctly printed symbols contrasting against the smooth, even texture of the table's finish.",,1,0,entity,whole,entity - whole (ace of spades),Is there an ace of spades? +51,"A close-up view reveals a single, immaculate ace of spades resting on the surface of a polished mahogany table. The rich, dark wood of the table reflects the soft ambient light of the room. This card is positioned slightly askew, with the sharp, distinctly printed symbols contrasting against the smooth, even texture of the table's finish.",,2,0,entity,whole,entity - whole (table),Is there a table? +51,"A close-up view reveals a single, immaculate ace of spades resting on the surface of a polished mahogany table. The rich, dark wood of the table reflects the soft ambient light of the room. This card is positioned slightly askew, with the sharp, distinctly printed symbols contrasting against the smooth, even texture of the table's finish.",,3,0,global,,global - (close-up view),Is this a close-up view? +51,"A close-up view reveals a single, immaculate ace of spades resting on the surface of a polished mahogany table. The rich, dark wood of the table reflects the soft ambient light of the room. This card is positioned slightly askew, with the sharp, distinctly printed symbols contrasting against the smooth, even texture of the table's finish.",,4,2,attribute,texture,"attribute - texture (table, polished mahogany)",Is the table made of polished mahogany? +51,"A close-up view reveals a single, immaculate ace of spades resting on the surface of a polished mahogany table. The rich, dark wood of the table reflects the soft ambient light of the room. This card is positioned slightly askew, with the sharp, distinctly printed symbols contrasting against the smooth, even texture of the table's finish.",,5,1,attribute,texture,"attribute - texture (ace of spades, printed)",Is the ace of spades printed? +51,"A close-up view reveals a single, immaculate ace of spades resting on the surface of a polished mahogany table. The rich, dark wood of the table reflects the soft ambient light of the room. This card is positioned slightly askew, with the sharp, distinctly printed symbols contrasting against the smooth, even texture of the table's finish.",,6,2,attribute,color,"attribute - color (table, dark wood)","Is the table made of rich, dark wood?" +51,"A close-up view reveals a single, immaculate ace of spades resting on the surface of a polished mahogany table. The rich, dark wood of the table reflects the soft ambient light of the room. This card is positioned slightly askew, with the sharp, distinctly printed symbols contrasting against the smooth, even texture of the table's finish.",,7,1,entity,state,"entity - state (ace of spades, immaculate)",Is the ace of spades immaculate? +51,"A close-up view reveals a single, immaculate ace of spades resting on the surface of a polished mahogany table. The rich, dark wood of the table reflects the soft ambient light of the room. This card is positioned slightly askew, with the sharp, distinctly printed symbols contrasting against the smooth, even texture of the table's finish.",,8,1,entity,state,"entity - state (ace of spades, askew)",Is the ace of spades positioned slightly askew? +51,"A close-up view reveals a single, immaculate ace of spades resting on the surface of a polished mahogany table. The rich, dark wood of the table reflects the soft ambient light of the room. This card is positioned slightly askew, with the sharp, distinctly printed symbols contrasting against the smooth, even texture of the table's finish.",,9,"1,2",relation,spatial,"relation - spatial (ace of spades, table, on)",Is the ace of spades resting on the surface of the table? +51,"A close-up view reveals a single, immaculate ace of spades resting on the surface of a polished mahogany table. The rich, dark wood of the table reflects the soft ambient light of the room. This card is positioned slightly askew, with the sharp, distinctly printed symbols contrasting against the smooth, even texture of the table's finish.",,10,2,attribute,texture,"attribute - texture (table's finish, smooth)",Is the table's finish smooth and even? +207,"A contemporary bathroom features a white hanging shelf, securely mounted on a pale blue wall, showcasing an assortment of toiletries. The items include a glass container of cotton swabs, a small plant in a terracotta pot, and an array of bottles with chrome caps reflecting the soft overhead light. Below the shelf, a plush cotton towel, perfectly fluffed and of a gentle lavender hue, hangs elegantly over a polished chrome towel bar.",,1,0,entity,whole,entity - whole (bathroom),Is there a bathroom? +207,"A contemporary bathroom features a white hanging shelf, securely mounted on a pale blue wall, showcasing an assortment of toiletries. The items include a glass container of cotton swabs, a small plant in a terracotta pot, and an array of bottles with chrome caps reflecting the soft overhead light. Below the shelf, a plush cotton towel, perfectly fluffed and of a gentle lavender hue, hangs elegantly over a polished chrome towel bar.",,2,0,entity,whole,entity - whole (shelf),Is there a shelf? +207,"A contemporary bathroom features a white hanging shelf, securely mounted on a pale blue wall, showcasing an assortment of toiletries. The items include a glass container of cotton swabs, a small plant in a terracotta pot, and an array of bottles with chrome caps reflecting the soft overhead light. Below the shelf, a plush cotton towel, perfectly fluffed and of a gentle lavender hue, hangs elegantly over a polished chrome towel bar.",,3,0,entity,whole,entity - whole (wall),Is there a wall? +207,"A contemporary bathroom features a white hanging shelf, securely mounted on a pale blue wall, showcasing an assortment of toiletries. The items include a glass container of cotton swabs, a small plant in a terracotta pot, and an array of bottles with chrome caps reflecting the soft overhead light. Below the shelf, a plush cotton towel, perfectly fluffed and of a gentle lavender hue, hangs elegantly over a polished chrome towel bar.",,4,0,entity,whole,entity - whole (toiletries),Are there toiletries? +207,"A contemporary bathroom features a white hanging shelf, securely mounted on a pale blue wall, showcasing an assortment of toiletries. The items include a glass container of cotton swabs, a small plant in a terracotta pot, and an array of bottles with chrome caps reflecting the soft overhead light. Below the shelf, a plush cotton towel, perfectly fluffed and of a gentle lavender hue, hangs elegantly over a polished chrome towel bar.",,5,0,entity,whole,entity - whole (container),Is there a container? +207,"A contemporary bathroom features a white hanging shelf, securely mounted on a pale blue wall, showcasing an assortment of toiletries. The items include a glass container of cotton swabs, a small plant in a terracotta pot, and an array of bottles with chrome caps reflecting the soft overhead light. Below the shelf, a plush cotton towel, perfectly fluffed and of a gentle lavender hue, hangs elegantly over a polished chrome towel bar.",,6,0,entity,whole,entity - whole (cotton swabs),Are there cotton swabs? +207,"A contemporary bathroom features a white hanging shelf, securely mounted on a pale blue wall, showcasing an assortment of toiletries. The items include a glass container of cotton swabs, a small plant in a terracotta pot, and an array of bottles with chrome caps reflecting the soft overhead light. Below the shelf, a plush cotton towel, perfectly fluffed and of a gentle lavender hue, hangs elegantly over a polished chrome towel bar.",,7,0,entity,whole,entity - whole (plant),Is there a plant? +207,"A contemporary bathroom features a white hanging shelf, securely mounted on a pale blue wall, showcasing an assortment of toiletries. The items include a glass container of cotton swabs, a small plant in a terracotta pot, and an array of bottles with chrome caps reflecting the soft overhead light. Below the shelf, a plush cotton towel, perfectly fluffed and of a gentle lavender hue, hangs elegantly over a polished chrome towel bar.",,8,0,entity,whole,entity - whole (pot),Is there a pot? +207,"A contemporary bathroom features a white hanging shelf, securely mounted on a pale blue wall, showcasing an assortment of toiletries. The items include a glass container of cotton swabs, a small plant in a terracotta pot, and an array of bottles with chrome caps reflecting the soft overhead light. Below the shelf, a plush cotton towel, perfectly fluffed and of a gentle lavender hue, hangs elegantly over a polished chrome towel bar.",,9,0,entity,whole,entity - whole (bottles),Are there bottles? +207,"A contemporary bathroom features a white hanging shelf, securely mounted on a pale blue wall, showcasing an assortment of toiletries. The items include a glass container of cotton swabs, a small plant in a terracotta pot, and an array of bottles with chrome caps reflecting the soft overhead light. Below the shelf, a plush cotton towel, perfectly fluffed and of a gentle lavender hue, hangs elegantly over a polished chrome towel bar.",,10,0,entity,whole,entity - whole (caps),Are there caps? +207,"A contemporary bathroom features a white hanging shelf, securely mounted on a pale blue wall, showcasing an assortment of toiletries. The items include a glass container of cotton swabs, a small plant in a terracotta pot, and an array of bottles with chrome caps reflecting the soft overhead light. Below the shelf, a plush cotton towel, perfectly fluffed and of a gentle lavender hue, hangs elegantly over a polished chrome towel bar.",,11,0,entity,whole,entity - whole (light),Is there light? +207,"A contemporary bathroom features a white hanging shelf, securely mounted on a pale blue wall, showcasing an assortment of toiletries. The items include a glass container of cotton swabs, a small plant in a terracotta pot, and an array of bottles with chrome caps reflecting the soft overhead light. Below the shelf, a plush cotton towel, perfectly fluffed and of a gentle lavender hue, hangs elegantly over a polished chrome towel bar.",,12,0,entity,whole,entity - whole (towel),Is there a towel? +207,"A contemporary bathroom features a white hanging shelf, securely mounted on a pale blue wall, showcasing an assortment of toiletries. The items include a glass container of cotton swabs, a small plant in a terracotta pot, and an array of bottles with chrome caps reflecting the soft overhead light. Below the shelf, a plush cotton towel, perfectly fluffed and of a gentle lavender hue, hangs elegantly over a polished chrome towel bar.",,13,0,entity,whole,entity - whole (towel bar),Is there a towel bar? +207,"A contemporary bathroom features a white hanging shelf, securely mounted on a pale blue wall, showcasing an assortment of toiletries. The items include a glass container of cotton swabs, a small plant in a terracotta pot, and an array of bottles with chrome caps reflecting the soft overhead light. Below the shelf, a plush cotton towel, perfectly fluffed and of a gentle lavender hue, hangs elegantly over a polished chrome towel bar.",,14,2,attribute,color,"attribute - color (shelf, white)",Is the shelf white? +207,"A contemporary bathroom features a white hanging shelf, securely mounted on a pale blue wall, showcasing an assortment of toiletries. The items include a glass container of cotton swabs, a small plant in a terracotta pot, and an array of bottles with chrome caps reflecting the soft overhead light. Below the shelf, a plush cotton towel, perfectly fluffed and of a gentle lavender hue, hangs elegantly over a polished chrome towel bar.",,15,3,attribute,color,"attribute - color (wall, pale blue)",Is the wall pale blue? +207,"A contemporary bathroom features a white hanging shelf, securely mounted on a pale blue wall, showcasing an assortment of toiletries. The items include a glass container of cotton swabs, a small plant in a terracotta pot, and an array of bottles with chrome caps reflecting the soft overhead light. Below the shelf, a plush cotton towel, perfectly fluffed and of a gentle lavender hue, hangs elegantly over a polished chrome towel bar.",,16,8,attribute,color,"attribute - color (pot, terracotta)",Is the pot terracotta? +207,"A contemporary bathroom features a white hanging shelf, securely mounted on a pale blue wall, showcasing an assortment of toiletries. The items include a glass container of cotton swabs, a small plant in a terracotta pot, and an array of bottles with chrome caps reflecting the soft overhead light. Below the shelf, a plush cotton towel, perfectly fluffed and of a gentle lavender hue, hangs elegantly over a polished chrome towel bar.",,17,10,attribute,color,"attribute - color (caps, chrome)",Are the caps chrome? +207,"A contemporary bathroom features a white hanging shelf, securely mounted on a pale blue wall, showcasing an assortment of toiletries. The items include a glass container of cotton swabs, a small plant in a terracotta pot, and an array of bottles with chrome caps reflecting the soft overhead light. Below the shelf, a plush cotton towel, perfectly fluffed and of a gentle lavender hue, hangs elegantly over a polished chrome towel bar.",,18,12,attribute,color,"attribute - color (towel, lavender)",Is the towel lavender? +207,"A contemporary bathroom features a white hanging shelf, securely mounted on a pale blue wall, showcasing an assortment of toiletries. The items include a glass container of cotton swabs, a small plant in a terracotta pot, and an array of bottles with chrome caps reflecting the soft overhead light. Below the shelf, a plush cotton towel, perfectly fluffed and of a gentle lavender hue, hangs elegantly over a polished chrome towel bar.",,19,12,attribute,texture,"attribute - texture (towel, plush cotton)",Is the towel made of plush cotton? +207,"A contemporary bathroom features a white hanging shelf, securely mounted on a pale blue wall, showcasing an assortment of toiletries. The items include a glass container of cotton swabs, a small plant in a terracotta pot, and an array of bottles with chrome caps reflecting the soft overhead light. Below the shelf, a plush cotton towel, perfectly fluffed and of a gentle lavender hue, hangs elegantly over a polished chrome towel bar.",,20,13,attribute,texture,"attribute - texture (towel bar, polished chrome)",Is the towel bar polished chrome? +207,"A contemporary bathroom features a white hanging shelf, securely mounted on a pale blue wall, showcasing an assortment of toiletries. The items include a glass container of cotton swabs, a small plant in a terracotta pot, and an array of bottles with chrome caps reflecting the soft overhead light. Below the shelf, a plush cotton towel, perfectly fluffed and of a gentle lavender hue, hangs elegantly over a polished chrome towel bar.",,21,"2,3",relation,spatial,"relation - spatial (shelf, wall, mounted on)",Is the shelf mounted on the wall? +207,"A contemporary bathroom features a white hanging shelf, securely mounted on a pale blue wall, showcasing an assortment of toiletries. The items include a glass container of cotton swabs, a small plant in a terracotta pot, and an array of bottles with chrome caps reflecting the soft overhead light. Below the shelf, a plush cotton towel, perfectly fluffed and of a gentle lavender hue, hangs elegantly over a polished chrome towel bar.",,22,"2,4",relation,spatial,"relation - spatial (toiletries, shelf, on)",Are the toiletries on the shelf? +207,"A contemporary bathroom features a white hanging shelf, securely mounted on a pale blue wall, showcasing an assortment of toiletries. The items include a glass container of cotton swabs, a small plant in a terracotta pot, and an array of bottles with chrome caps reflecting the soft overhead light. Below the shelf, a plush cotton towel, perfectly fluffed and of a gentle lavender hue, hangs elegantly over a polished chrome towel bar.",,23,"2,5",relation,spatial,"relation - spatial (container, shelf, on)",Is the container on the shelf? +207,"A contemporary bathroom features a white hanging shelf, securely mounted on a pale blue wall, showcasing an assortment of toiletries. The items include a glass container of cotton swabs, a small plant in a terracotta pot, and an array of bottles with chrome caps reflecting the soft overhead light. Below the shelf, a plush cotton towel, perfectly fluffed and of a gentle lavender hue, hangs elegantly over a polished chrome towel bar.",,24,"2,7",relation,spatial,"relation - spatial (plant, shelf, on)",Is the plant on the shelf? +207,"A contemporary bathroom features a white hanging shelf, securely mounted on a pale blue wall, showcasing an assortment of toiletries. The items include a glass container of cotton swabs, a small plant in a terracotta pot, and an array of bottles with chrome caps reflecting the soft overhead light. Below the shelf, a plush cotton towel, perfectly fluffed and of a gentle lavender hue, hangs elegantly over a polished chrome towel bar.",,25,"2,9",relation,spatial,"relation - spatial (bottles, shelf, on)",Are the bottles on the shelf? +207,"A contemporary bathroom features a white hanging shelf, securely mounted on a pale blue wall, showcasing an assortment of toiletries. The items include a glass container of cotton swabs, a small plant in a terracotta pot, and an array of bottles with chrome caps reflecting the soft overhead light. Below the shelf, a plush cotton towel, perfectly fluffed and of a gentle lavender hue, hangs elegantly over a polished chrome towel bar.",,26,"12,13",relation,spatial,"relation - spatial (towel, towel bar, hanging over)",Is the towel hanging over the towel bar? +207,"A contemporary bathroom features a white hanging shelf, securely mounted on a pale blue wall, showcasing an assortment of toiletries. The items include a glass container of cotton swabs, a small plant in a terracotta pot, and an array of bottles with chrome caps reflecting the soft overhead light. Below the shelf, a plush cotton towel, perfectly fluffed and of a gentle lavender hue, hangs elegantly over a polished chrome towel bar.",,27,1,global,,"global - (bathroom, contemporary)",Is the bathroom contemporary? +207,"A contemporary bathroom features a white hanging shelf, securely mounted on a pale blue wall, showcasing an assortment of toiletries. The items include a glass container of cotton swabs, a small plant in a terracotta pot, and an array of bottles with chrome caps reflecting the soft overhead light. Below the shelf, a plush cotton towel, perfectly fluffed and of a gentle lavender hue, hangs elegantly over a polished chrome towel bar.",,28,2,attribute,other,"attribute - other (shelf, hanging)",Is the shelf hanging? +207,"A contemporary bathroom features a white hanging shelf, securely mounted on a pale blue wall, showcasing an assortment of toiletries. The items include a glass container of cotton swabs, a small plant in a terracotta pot, and an array of bottles with chrome caps reflecting the soft overhead light. Below the shelf, a plush cotton towel, perfectly fluffed and of a gentle lavender hue, hangs elegantly over a polished chrome towel bar.",,29,11,attribute,other,"attribute - other (light, soft overhead)",Is the light soft and overhead? +207,"A contemporary bathroom features a white hanging shelf, securely mounted on a pale blue wall, showcasing an assortment of toiletries. The items include a glass container of cotton swabs, a small plant in a terracotta pot, and an array of bottles with chrome caps reflecting the soft overhead light. Below the shelf, a plush cotton towel, perfectly fluffed and of a gentle lavender hue, hangs elegantly over a polished chrome towel bar.",,30,"9,10",entity,state,"entity - state (bottles, chrome caps, reflecting)",Are the bottles with chrome caps reflecting light? +146,"A surreal scene of a giant pink, rubber glove emerging from the golden sands of the beach during the orange hues of sunset. The enormous glove, with its fingers outstretched, gently grips a tiny, sunlit yellow scallop shell. The tranquil ocean in the background ripples gently beneath a sky painted with the colors of dusk.",,1,0,entity,whole,entity - whole (glove),Is there a glove? +146,"A surreal scene of a giant pink, rubber glove emerging from the golden sands of the beach during the orange hues of sunset. The enormous glove, with its fingers outstretched, gently grips a tiny, sunlit yellow scallop shell. The tranquil ocean in the background ripples gently beneath a sky painted with the colors of dusk.",,2,0,entity,whole,entity - whole (sands),Are there sands? +146,"A surreal scene of a giant pink, rubber glove emerging from the golden sands of the beach during the orange hues of sunset. The enormous glove, with its fingers outstretched, gently grips a tiny, sunlit yellow scallop shell. The tranquil ocean in the background ripples gently beneath a sky painted with the colors of dusk.",,3,0,entity,whole,entity - whole (beach),Is there a beach? +146,"A surreal scene of a giant pink, rubber glove emerging from the golden sands of the beach during the orange hues of sunset. The enormous glove, with its fingers outstretched, gently grips a tiny, sunlit yellow scallop shell. The tranquil ocean in the background ripples gently beneath a sky painted with the colors of dusk.",,4,0,entity,whole,entity - whole (shell),Is there a shell? +146,"A surreal scene of a giant pink, rubber glove emerging from the golden sands of the beach during the orange hues of sunset. The enormous glove, with its fingers outstretched, gently grips a tiny, sunlit yellow scallop shell. The tranquil ocean in the background ripples gently beneath a sky painted with the colors of dusk.",,5,0,entity,whole,entity - whole (ocean),Is there an ocean? +146,"A surreal scene of a giant pink, rubber glove emerging from the golden sands of the beach during the orange hues of sunset. The enormous glove, with its fingers outstretched, gently grips a tiny, sunlit yellow scallop shell. The tranquil ocean in the background ripples gently beneath a sky painted with the colors of dusk.",,6,0,entity,whole,entity - whole (sky),Is there a sky? +146,"A surreal scene of a giant pink, rubber glove emerging from the golden sands of the beach during the orange hues of sunset. The enormous glove, with its fingers outstretched, gently grips a tiny, sunlit yellow scallop shell. The tranquil ocean in the background ripples gently beneath a sky painted with the colors of dusk.",,7,1,attribute,color,"attribute - color (glove, pink)",Is the glove pink? +146,"A surreal scene of a giant pink, rubber glove emerging from the golden sands of the beach during the orange hues of sunset. The enormous glove, with its fingers outstretched, gently grips a tiny, sunlit yellow scallop shell. The tranquil ocean in the background ripples gently beneath a sky painted with the colors of dusk.",,8,2,attribute,color,"attribute - color (sands, golden)",Are the sands golden? +146,"A surreal scene of a giant pink, rubber glove emerging from the golden sands of the beach during the orange hues of sunset. The enormous glove, with its fingers outstretched, gently grips a tiny, sunlit yellow scallop shell. The tranquil ocean in the background ripples gently beneath a sky painted with the colors of dusk.",,9,4,attribute,color,"attribute - color (shell, yellow)",Is the shell yellow? +146,"A surreal scene of a giant pink, rubber glove emerging from the golden sands of the beach during the orange hues of sunset. The enormous glove, with its fingers outstretched, gently grips a tiny, sunlit yellow scallop shell. The tranquil ocean in the background ripples gently beneath a sky painted with the colors of dusk.",,10,6,attribute,color,"attribute - color (sky, dusk colors)",Is the sky painted with the colors of dusk? +172,"A well-loved silver pot emits a gentle steam on a modern gas stove with blue flames licking at its base. In the foreground, a hand wields a vivid green marker that dances across the open pages of a sketchbook, which is sprawled casually on a nearby wooden kitchen table. The sketchbook contains whimsical drawings, random doodles intertwined with occasional splashes of color, capturing the spontaneous bursts of creativity.",,1,0,entity,whole,entity - whole (pot),Is there a pot? +172,"A well-loved silver pot emits a gentle steam on a modern gas stove with blue flames licking at its base. In the foreground, a hand wields a vivid green marker that dances across the open pages of a sketchbook, which is sprawled casually on a nearby wooden kitchen table. The sketchbook contains whimsical drawings, random doodles intertwined with occasional splashes of color, capturing the spontaneous bursts of creativity.",,2,0,entity,whole,entity - whole (stove),Is there a stove? +172,"A well-loved silver pot emits a gentle steam on a modern gas stove with blue flames licking at its base. In the foreground, a hand wields a vivid green marker that dances across the open pages of a sketchbook, which is sprawled casually on a nearby wooden kitchen table. The sketchbook contains whimsical drawings, random doodles intertwined with occasional splashes of color, capturing the spontaneous bursts of creativity.",,3,0,entity,whole,entity - whole (hand),Is there a hand? +172,"A well-loved silver pot emits a gentle steam on a modern gas stove with blue flames licking at its base. In the foreground, a hand wields a vivid green marker that dances across the open pages of a sketchbook, which is sprawled casually on a nearby wooden kitchen table. The sketchbook contains whimsical drawings, random doodles intertwined with occasional splashes of color, capturing the spontaneous bursts of creativity.",,4,0,entity,whole,entity - whole (marker),Is there a marker? +172,"A well-loved silver pot emits a gentle steam on a modern gas stove with blue flames licking at its base. In the foreground, a hand wields a vivid green marker that dances across the open pages of a sketchbook, which is sprawled casually on a nearby wooden kitchen table. The sketchbook contains whimsical drawings, random doodles intertwined with occasional splashes of color, capturing the spontaneous bursts of creativity.",,5,0,entity,whole,entity - whole (sketchbook),Is there a sketchbook? +172,"A well-loved silver pot emits a gentle steam on a modern gas stove with blue flames licking at its base. In the foreground, a hand wields a vivid green marker that dances across the open pages of a sketchbook, which is sprawled casually on a nearby wooden kitchen table. The sketchbook contains whimsical drawings, random doodles intertwined with occasional splashes of color, capturing the spontaneous bursts of creativity.",,6,0,entity,whole,entity - whole (table),Is there a table? +172,"A well-loved silver pot emits a gentle steam on a modern gas stove with blue flames licking at its base. In the foreground, a hand wields a vivid green marker that dances across the open pages of a sketchbook, which is sprawled casually on a nearby wooden kitchen table. The sketchbook contains whimsical drawings, random doodles intertwined with occasional splashes of color, capturing the spontaneous bursts of creativity.",,7,1,attribute,color,"attribute - color (pot, silver)",Is the pot silver? +172,"A well-loved silver pot emits a gentle steam on a modern gas stove with blue flames licking at its base. In the foreground, a hand wields a vivid green marker that dances across the open pages of a sketchbook, which is sprawled casually on a nearby wooden kitchen table. The sketchbook contains whimsical drawings, random doodles intertwined with occasional splashes of color, capturing the spontaneous bursts of creativity.",,8,4,attribute,color,"attribute - color (marker, vivid green)",Is the marker vivid green? +172,"A well-loved silver pot emits a gentle steam on a modern gas stove with blue flames licking at its base. In the foreground, a hand wields a vivid green marker that dances across the open pages of a sketchbook, which is sprawled casually on a nearby wooden kitchen table. The sketchbook contains whimsical drawings, random doodles intertwined with occasional splashes of color, capturing the spontaneous bursts of creativity.",,9,6,attribute,texture,"attribute - texture (table, wooden)",Is the table made of wood? +172,"A well-loved silver pot emits a gentle steam on a modern gas stove with blue flames licking at its base. In the foreground, a hand wields a vivid green marker that dances across the open pages of a sketchbook, which is sprawled casually on a nearby wooden kitchen table. The sketchbook contains whimsical drawings, random doodles intertwined with occasional splashes of color, capturing the spontaneous bursts of creativity.",,10,"1,2",relation,spatial,"relation - spatial (pot, stove, on)",Is the pot on the stove? +172,"A well-loved silver pot emits a gentle steam on a modern gas stove with blue flames licking at its base. In the foreground, a hand wields a vivid green marker that dances across the open pages of a sketchbook, which is sprawled casually on a nearby wooden kitchen table. The sketchbook contains whimsical drawings, random doodles intertwined with occasional splashes of color, capturing the spontaneous bursts of creativity.",,11,"3,4",relation,spatial,"relation - spatial (hand, marker, wield)",Is the hand wielding the marker? +172,"A well-loved silver pot emits a gentle steam on a modern gas stove with blue flames licking at its base. In the foreground, a hand wields a vivid green marker that dances across the open pages of a sketchbook, which is sprawled casually on a nearby wooden kitchen table. The sketchbook contains whimsical drawings, random doodles intertwined with occasional splashes of color, capturing the spontaneous bursts of creativity.",,12,"5,6",relation,spatial,"relation - spatial (sketchbook, table, on)",Is the sketchbook on the table? +299,"A polished brown leather briefcase with visible stitching details rests on a white tablecloth, displaying a sense of organization amidst the surrounding environment. Beside the briefcase, a vibrant red fedora hat provides a striking contrast against the pristine table covering. The table, placed in a room with light beige walls, gives an impression of a professional setting with a touch of personal style.",,1,0,entity,whole,entity - whole (briefcase),Is there a briefcase? +299,"A polished brown leather briefcase with visible stitching details rests on a white tablecloth, displaying a sense of organization amidst the surrounding environment. Beside the briefcase, a vibrant red fedora hat provides a striking contrast against the pristine table covering. The table, placed in a room with light beige walls, gives an impression of a professional setting with a touch of personal style.",,2,0,entity,whole,entity - whole (hat),Is there a hat? +299,"A polished brown leather briefcase with visible stitching details rests on a white tablecloth, displaying a sense of organization amidst the surrounding environment. Beside the briefcase, a vibrant red fedora hat provides a striking contrast against the pristine table covering. The table, placed in a room with light beige walls, gives an impression of a professional setting with a touch of personal style.",,3,0,entity,whole,entity - whole (tablecloth),Is there a tablecloth? +299,"A polished brown leather briefcase with visible stitching details rests on a white tablecloth, displaying a sense of organization amidst the surrounding environment. Beside the briefcase, a vibrant red fedora hat provides a striking contrast against the pristine table covering. The table, placed in a room with light beige walls, gives an impression of a professional setting with a touch of personal style.",,4,0,entity,whole,entity - whole (table),Is there a table? +299,"A polished brown leather briefcase with visible stitching details rests on a white tablecloth, displaying a sense of organization amidst the surrounding environment. Beside the briefcase, a vibrant red fedora hat provides a striking contrast against the pristine table covering. The table, placed in a room with light beige walls, gives an impression of a professional setting with a touch of personal style.",,5,0,entity,whole,entity - whole (room),Is there a room? +299,"A polished brown leather briefcase with visible stitching details rests on a white tablecloth, displaying a sense of organization amidst the surrounding environment. Beside the briefcase, a vibrant red fedora hat provides a striking contrast against the pristine table covering. The table, placed in a room with light beige walls, gives an impression of a professional setting with a touch of personal style.",,6,1,attribute,color,"attribute - color (briefcase, brown)",Is the briefcase brown? +299,"A polished brown leather briefcase with visible stitching details rests on a white tablecloth, displaying a sense of organization amidst the surrounding environment. Beside the briefcase, a vibrant red fedora hat provides a striking contrast against the pristine table covering. The table, placed in a room with light beige walls, gives an impression of a professional setting with a touch of personal style.",,7,1,attribute,texture,"attribute - texture (briefcase, leather)",Is the briefcase made of leather? +299,"A polished brown leather briefcase with visible stitching details rests on a white tablecloth, displaying a sense of organization amidst the surrounding environment. Beside the briefcase, a vibrant red fedora hat provides a striking contrast against the pristine table covering. The table, placed in a room with light beige walls, gives an impression of a professional setting with a touch of personal style.",,8,2,attribute,color,"attribute - color (hat, red)",Is the hat red? +299,"A polished brown leather briefcase with visible stitching details rests on a white tablecloth, displaying a sense of organization amidst the surrounding environment. Beside the briefcase, a vibrant red fedora hat provides a striking contrast against the pristine table covering. The table, placed in a room with light beige walls, gives an impression of a professional setting with a touch of personal style.",,9,3,attribute,color,"attribute - color (tablecloth, white)",Is the tablecloth white? +299,"A polished brown leather briefcase with visible stitching details rests on a white tablecloth, displaying a sense of organization amidst the surrounding environment. Beside the briefcase, a vibrant red fedora hat provides a striking contrast against the pristine table covering. The table, placed in a room with light beige walls, gives an impression of a professional setting with a touch of personal style.",,10,5,attribute,color,"attribute - color (walls, light beige)",Are the walls light beige? +161,"Within the confines of a modern bathroom bathed in the subtle light of early morning, a sleek chrome showerhead glistens, mounted on a wall of finely veined marble tiles. Aside from the minimalist fixtures, a luxurious leather satchel with a hint of luster from its high-quality material casually occupies space on the smooth, cool surface of a marble countertop beside a pristine white sink. In the background, fluffy white towels are neatly stacked on a wooden shelf, providing a soft contrast to the room's hard surfaces.",,1,0,entity,whole,entity - whole (bathroom),Is there a bathroom? +161,"Within the confines of a modern bathroom bathed in the subtle light of early morning, a sleek chrome showerhead glistens, mounted on a wall of finely veined marble tiles. Aside from the minimalist fixtures, a luxurious leather satchel with a hint of luster from its high-quality material casually occupies space on the smooth, cool surface of a marble countertop beside a pristine white sink. In the background, fluffy white towels are neatly stacked on a wooden shelf, providing a soft contrast to the room's hard surfaces.",,2,0,entity,whole,entity - whole (showerhead),Is there a showerhead? +161,"Within the confines of a modern bathroom bathed in the subtle light of early morning, a sleek chrome showerhead glistens, mounted on a wall of finely veined marble tiles. Aside from the minimalist fixtures, a luxurious leather satchel with a hint of luster from its high-quality material casually occupies space on the smooth, cool surface of a marble countertop beside a pristine white sink. In the background, fluffy white towels are neatly stacked on a wooden shelf, providing a soft contrast to the room's hard surfaces.",,3,0,entity,whole,entity - whole (wall),Is there a wall? +161,"Within the confines of a modern bathroom bathed in the subtle light of early morning, a sleek chrome showerhead glistens, mounted on a wall of finely veined marble tiles. Aside from the minimalist fixtures, a luxurious leather satchel with a hint of luster from its high-quality material casually occupies space on the smooth, cool surface of a marble countertop beside a pristine white sink. In the background, fluffy white towels are neatly stacked on a wooden shelf, providing a soft contrast to the room's hard surfaces.",,4,0,entity,whole,entity - whole (tiles),Are there tiles? +161,"Within the confines of a modern bathroom bathed in the subtle light of early morning, a sleek chrome showerhead glistens, mounted on a wall of finely veined marble tiles. Aside from the minimalist fixtures, a luxurious leather satchel with a hint of luster from its high-quality material casually occupies space on the smooth, cool surface of a marble countertop beside a pristine white sink. In the background, fluffy white towels are neatly stacked on a wooden shelf, providing a soft contrast to the room's hard surfaces.",,5,0,entity,whole,entity - whole (fixtures),Are there fixtures? +161,"Within the confines of a modern bathroom bathed in the subtle light of early morning, a sleek chrome showerhead glistens, mounted on a wall of finely veined marble tiles. Aside from the minimalist fixtures, a luxurious leather satchel with a hint of luster from its high-quality material casually occupies space on the smooth, cool surface of a marble countertop beside a pristine white sink. In the background, fluffy white towels are neatly stacked on a wooden shelf, providing a soft contrast to the room's hard surfaces.",,6,0,entity,whole,entity - whole (satchel),Is there a satchel? +161,"Within the confines of a modern bathroom bathed in the subtle light of early morning, a sleek chrome showerhead glistens, mounted on a wall of finely veined marble tiles. Aside from the minimalist fixtures, a luxurious leather satchel with a hint of luster from its high-quality material casually occupies space on the smooth, cool surface of a marble countertop beside a pristine white sink. In the background, fluffy white towels are neatly stacked on a wooden shelf, providing a soft contrast to the room's hard surfaces.",,7,0,entity,whole,entity - whole (countertop),Is there a countertop? +161,"Within the confines of a modern bathroom bathed in the subtle light of early morning, a sleek chrome showerhead glistens, mounted on a wall of finely veined marble tiles. Aside from the minimalist fixtures, a luxurious leather satchel with a hint of luster from its high-quality material casually occupies space on the smooth, cool surface of a marble countertop beside a pristine white sink. In the background, fluffy white towels are neatly stacked on a wooden shelf, providing a soft contrast to the room's hard surfaces.",,8,0,entity,whole,entity - whole (sink),Is there a sink? +161,"Within the confines of a modern bathroom bathed in the subtle light of early morning, a sleek chrome showerhead glistens, mounted on a wall of finely veined marble tiles. Aside from the minimalist fixtures, a luxurious leather satchel with a hint of luster from its high-quality material casually occupies space on the smooth, cool surface of a marble countertop beside a pristine white sink. In the background, fluffy white towels are neatly stacked on a wooden shelf, providing a soft contrast to the room's hard surfaces.",,9,0,entity,whole,entity - whole (towels),Are there towels? +161,"Within the confines of a modern bathroom bathed in the subtle light of early morning, a sleek chrome showerhead glistens, mounted on a wall of finely veined marble tiles. Aside from the minimalist fixtures, a luxurious leather satchel with a hint of luster from its high-quality material casually occupies space on the smooth, cool surface of a marble countertop beside a pristine white sink. In the background, fluffy white towels are neatly stacked on a wooden shelf, providing a soft contrast to the room's hard surfaces.",,10,0,entity,whole,entity - whole (shelf),Is there a shelf? +161,"Within the confines of a modern bathroom bathed in the subtle light of early morning, a sleek chrome showerhead glistens, mounted on a wall of finely veined marble tiles. Aside from the minimalist fixtures, a luxurious leather satchel with a hint of luster from its high-quality material casually occupies space on the smooth, cool surface of a marble countertop beside a pristine white sink. In the background, fluffy white towels are neatly stacked on a wooden shelf, providing a soft contrast to the room's hard surfaces.",,11,2,attribute,texture,"attribute - texture (showerhead, chrome)",Is the showerhead made of chrome? +161,"Within the confines of a modern bathroom bathed in the subtle light of early morning, a sleek chrome showerhead glistens, mounted on a wall of finely veined marble tiles. Aside from the minimalist fixtures, a luxurious leather satchel with a hint of luster from its high-quality material casually occupies space on the smooth, cool surface of a marble countertop beside a pristine white sink. In the background, fluffy white towels are neatly stacked on a wooden shelf, providing a soft contrast to the room's hard surfaces.",,12,3,attribute,texture,"attribute - texture (wall, marble)",Is the wall made of marble? +161,"Within the confines of a modern bathroom bathed in the subtle light of early morning, a sleek chrome showerhead glistens, mounted on a wall of finely veined marble tiles. Aside from the minimalist fixtures, a luxurious leather satchel with a hint of luster from its high-quality material casually occupies space on the smooth, cool surface of a marble countertop beside a pristine white sink. In the background, fluffy white towels are neatly stacked on a wooden shelf, providing a soft contrast to the room's hard surfaces.",,13,7,attribute,texture,"attribute - texture (countertop, marble)",Is the countertop made of marble? +161,"Within the confines of a modern bathroom bathed in the subtle light of early morning, a sleek chrome showerhead glistens, mounted on a wall of finely veined marble tiles. Aside from the minimalist fixtures, a luxurious leather satchel with a hint of luster from its high-quality material casually occupies space on the smooth, cool surface of a marble countertop beside a pristine white sink. In the background, fluffy white towels are neatly stacked on a wooden shelf, providing a soft contrast to the room's hard surfaces.",,14,8,attribute,texture,"attribute - texture (sink, white)",Is the sink white? +161,"Within the confines of a modern bathroom bathed in the subtle light of early morning, a sleek chrome showerhead glistens, mounted on a wall of finely veined marble tiles. Aside from the minimalist fixtures, a luxurious leather satchel with a hint of luster from its high-quality material casually occupies space on the smooth, cool surface of a marble countertop beside a pristine white sink. In the background, fluffy white towels are neatly stacked on a wooden shelf, providing a soft contrast to the room's hard surfaces.",,15,9,attribute,texture,"attribute - texture (towels, fluffy)",Are the towels fluffy? +161,"Within the confines of a modern bathroom bathed in the subtle light of early morning, a sleek chrome showerhead glistens, mounted on a wall of finely veined marble tiles. Aside from the minimalist fixtures, a luxurious leather satchel with a hint of luster from its high-quality material casually occupies space on the smooth, cool surface of a marble countertop beside a pristine white sink. In the background, fluffy white towels are neatly stacked on a wooden shelf, providing a soft contrast to the room's hard surfaces.",,16,10,attribute,texture,"attribute - texture (shelf, wooden)",Is the shelf made of wood? +161,"Within the confines of a modern bathroom bathed in the subtle light of early morning, a sleek chrome showerhead glistens, mounted on a wall of finely veined marble tiles. Aside from the minimalist fixtures, a luxurious leather satchel with a hint of luster from its high-quality material casually occupies space on the smooth, cool surface of a marble countertop beside a pristine white sink. In the background, fluffy white towels are neatly stacked on a wooden shelf, providing a soft contrast to the room's hard surfaces.",,17,6,attribute,color,"attribute - color (satchel, leather)",Is the satchel made of leather? +161,"Within the confines of a modern bathroom bathed in the subtle light of early morning, a sleek chrome showerhead glistens, mounted on a wall of finely veined marble tiles. Aside from the minimalist fixtures, a luxurious leather satchel with a hint of luster from its high-quality material casually occupies space on the smooth, cool surface of a marble countertop beside a pristine white sink. In the background, fluffy white towels are neatly stacked on a wooden shelf, providing a soft contrast to the room's hard surfaces.",,18,1,global,,"global - (modern, subtle light, early morning)",Is the bathroom modern and bathed in the subtle light of early morning? +161,"Within the confines of a modern bathroom bathed in the subtle light of early morning, a sleek chrome showerhead glistens, mounted on a wall of finely veined marble tiles. Aside from the minimalist fixtures, a luxurious leather satchel with a hint of luster from its high-quality material casually occupies space on the smooth, cool surface of a marble countertop beside a pristine white sink. In the background, fluffy white towels are neatly stacked on a wooden shelf, providing a soft contrast to the room's hard surfaces.",,19,"2,3",relation,spatial,"relation - spatial (showerhead, wall, mounted on)",Is the chrome showerhead mounted on the wall? +161,"Within the confines of a modern bathroom bathed in the subtle light of early morning, a sleek chrome showerhead glistens, mounted on a wall of finely veined marble tiles. Aside from the minimalist fixtures, a luxurious leather satchel with a hint of luster from its high-quality material casually occupies space on the smooth, cool surface of a marble countertop beside a pristine white sink. In the background, fluffy white towels are neatly stacked on a wooden shelf, providing a soft contrast to the room's hard surfaces.",,20,"6,7",relation,spatial,"relation - spatial (satchel, countertop, on)",Is the leather satchel on the countertop? +161,"Within the confines of a modern bathroom bathed in the subtle light of early morning, a sleek chrome showerhead glistens, mounted on a wall of finely veined marble tiles. Aside from the minimalist fixtures, a luxurious leather satchel with a hint of luster from its high-quality material casually occupies space on the smooth, cool surface of a marble countertop beside a pristine white sink. In the background, fluffy white towels are neatly stacked on a wooden shelf, providing a soft contrast to the room's hard surfaces.",,21,"7,8",relation,spatial,"relation - spatial (sink, countertop, beside)",Is the sink beside the countertop? +161,"Within the confines of a modern bathroom bathed in the subtle light of early morning, a sleek chrome showerhead glistens, mounted on a wall of finely veined marble tiles. Aside from the minimalist fixtures, a luxurious leather satchel with a hint of luster from its high-quality material casually occupies space on the smooth, cool surface of a marble countertop beside a pristine white sink. In the background, fluffy white towels are neatly stacked on a wooden shelf, providing a soft contrast to the room's hard surfaces.",,22,"9,10",relation,spatial,"relation - spatial (towels, shelf, on)",Are the fluffy white towels on the wooden shelf? +43,"A cluster of plump, purple grapes, their surface kissed by the morning's dew, reflects the soft, golden light of the rising sun. Each grape, tightly packed alongside its fellows, shows off a frosty sheen indicating the cool freshness of early day. They hang delicately from a green vine that's draped across a rustic, wooden trellis in a peaceful garden.",,1,0,entity,whole,entity - whole (grapes),Is there a cluster of grapes? +43,"A cluster of plump, purple grapes, their surface kissed by the morning's dew, reflects the soft, golden light of the rising sun. Each grape, tightly packed alongside its fellows, shows off a frosty sheen indicating the cool freshness of early day. They hang delicately from a green vine that's draped across a rustic, wooden trellis in a peaceful garden.",,2,0,entity,whole,entity - whole (vine),Is there a vine? +43,"A cluster of plump, purple grapes, their surface kissed by the morning's dew, reflects the soft, golden light of the rising sun. Each grape, tightly packed alongside its fellows, shows off a frosty sheen indicating the cool freshness of early day. They hang delicately from a green vine that's draped across a rustic, wooden trellis in a peaceful garden.",,3,0,entity,whole,entity - whole (trellis),Is there a trellis? +43,"A cluster of plump, purple grapes, their surface kissed by the morning's dew, reflects the soft, golden light of the rising sun. Each grape, tightly packed alongside its fellows, shows off a frosty sheen indicating the cool freshness of early day. They hang delicately from a green vine that's draped across a rustic, wooden trellis in a peaceful garden.",,4,0,entity,whole,entity - whole (garden),Is there a garden? +43,"A cluster of plump, purple grapes, their surface kissed by the morning's dew, reflects the soft, golden light of the rising sun. Each grape, tightly packed alongside its fellows, shows off a frosty sheen indicating the cool freshness of early day. They hang delicately from a green vine that's draped across a rustic, wooden trellis in a peaceful garden.",,5,1,attribute,color,"attribute - color (grapes, purple)",Are the grapes purple? +43,"A cluster of plump, purple grapes, their surface kissed by the morning's dew, reflects the soft, golden light of the rising sun. Each grape, tightly packed alongside its fellows, shows off a frosty sheen indicating the cool freshness of early day. They hang delicately from a green vine that's draped across a rustic, wooden trellis in a peaceful garden.",,6,1,attribute,size,"attribute - size (grapes, plump)",Are the grapes plump? +43,"A cluster of plump, purple grapes, their surface kissed by the morning's dew, reflects the soft, golden light of the rising sun. Each grape, tightly packed alongside its fellows, shows off a frosty sheen indicating the cool freshness of early day. They hang delicately from a green vine that's draped across a rustic, wooden trellis in a peaceful garden.",,7,1,attribute,texture,"attribute - texture (grapes, frosty sheen)",Do the grapes have a frosty sheen? +43,"A cluster of plump, purple grapes, their surface kissed by the morning's dew, reflects the soft, golden light of the rising sun. Each grape, tightly packed alongside its fellows, shows off a frosty sheen indicating the cool freshness of early day. They hang delicately from a green vine that's draped across a rustic, wooden trellis in a peaceful garden.",,8,2,attribute,texture,"attribute - texture (vine, green)",Is the vine green? +43,"A cluster of plump, purple grapes, their surface kissed by the morning's dew, reflects the soft, golden light of the rising sun. Each grape, tightly packed alongside its fellows, shows off a frosty sheen indicating the cool freshness of early day. They hang delicately from a green vine that's draped across a rustic, wooden trellis in a peaceful garden.",,9,3,attribute,texture,"attribute - texture (trellis, wooden)",Is the trellis made of wood? +43,"A cluster of plump, purple grapes, their surface kissed by the morning's dew, reflects the soft, golden light of the rising sun. Each grape, tightly packed alongside its fellows, shows off a frosty sheen indicating the cool freshness of early day. They hang delicately from a green vine that's draped across a rustic, wooden trellis in a peaceful garden.",,10,"1,2",relation,spatial,"relation - spatial (grapes, vine, hang from)",Are the grapes hanging from the vine? +43,"A cluster of plump, purple grapes, their surface kissed by the morning's dew, reflects the soft, golden light of the rising sun. Each grape, tightly packed alongside its fellows, shows off a frosty sheen indicating the cool freshness of early day. They hang delicately from a green vine that's draped across a rustic, wooden trellis in a peaceful garden.",,11,"2,3",relation,spatial,"relation - spatial (vine, trellis, draped across)",Is the vine draped across the trellis? +43,"A cluster of plump, purple grapes, their surface kissed by the morning's dew, reflects the soft, golden light of the rising sun. Each grape, tightly packed alongside its fellows, shows off a frosty sheen indicating the cool freshness of early day. They hang delicately from a green vine that's draped across a rustic, wooden trellis in a peaceful garden.",,12,"3,4",relation,spatial,"relation - spatial (trellis, garden, in)",Is the trellis in the garden? +72,"In the open expanse of a school's sports field, under the clear blue sky of a radiant sunny day, four vibrant American footballs are captured in mid-flight. The footballs, featuring hues of red, blue, yellow, and green, are spherical in shape, contrasting sharply with the green turf below. Each ball glistens in the sunlight as they arc gracefully above the field, momentarily suspended against the backdrop of a few wispy clouds.",,1,0,entity,whole,entity - whole (sports field),Is there a sports field? +72,"In the open expanse of a school's sports field, under the clear blue sky of a radiant sunny day, four vibrant American footballs are captured in mid-flight. The footballs, featuring hues of red, blue, yellow, and green, are spherical in shape, contrasting sharply with the green turf below. Each ball glistens in the sunlight as they arc gracefully above the field, momentarily suspended against the backdrop of a few wispy clouds.",,2,0,entity,whole,entity - whole (sky),Is there a sky? +72,"In the open expanse of a school's sports field, under the clear blue sky of a radiant sunny day, four vibrant American footballs are captured in mid-flight. The footballs, featuring hues of red, blue, yellow, and green, are spherical in shape, contrasting sharply with the green turf below. Each ball glistens in the sunlight as they arc gracefully above the field, momentarily suspended against the backdrop of a few wispy clouds.",,3,0,entity,whole,entity - whole (footballs),Are there footballs? +72,"In the open expanse of a school's sports field, under the clear blue sky of a radiant sunny day, four vibrant American footballs are captured in mid-flight. The footballs, featuring hues of red, blue, yellow, and green, are spherical in shape, contrasting sharply with the green turf below. Each ball glistens in the sunlight as they arc gracefully above the field, momentarily suspended against the backdrop of a few wispy clouds.",,4,3,other,count,"other - count (footballs, ==4)",Are there four footballs? +72,"In the open expanse of a school's sports field, under the clear blue sky of a radiant sunny day, four vibrant American footballs are captured in mid-flight. The footballs, featuring hues of red, blue, yellow, and green, are spherical in shape, contrasting sharply with the green turf below. Each ball glistens in the sunlight as they arc gracefully above the field, momentarily suspended against the backdrop of a few wispy clouds.",,5,2,attribute,color,"attribute - color (sky, clear blue)",Is the sky clear blue? +72,"In the open expanse of a school's sports field, under the clear blue sky of a radiant sunny day, four vibrant American footballs are captured in mid-flight. The footballs, featuring hues of red, blue, yellow, and green, are spherical in shape, contrasting sharply with the green turf below. Each ball glistens in the sunlight as they arc gracefully above the field, momentarily suspended against the backdrop of a few wispy clouds.",,6,3,attribute,color,"attribute - color (football_1, red)",Is one of the footballs red? +72,"In the open expanse of a school's sports field, under the clear blue sky of a radiant sunny day, four vibrant American footballs are captured in mid-flight. The footballs, featuring hues of red, blue, yellow, and green, are spherical in shape, contrasting sharply with the green turf below. Each ball glistens in the sunlight as they arc gracefully above the field, momentarily suspended against the backdrop of a few wispy clouds.",,7,3,attribute,color,"attribute - color (football_2, blue)",Is one of the footballs blue? +72,"In the open expanse of a school's sports field, under the clear blue sky of a radiant sunny day, four vibrant American footballs are captured in mid-flight. The footballs, featuring hues of red, blue, yellow, and green, are spherical in shape, contrasting sharply with the green turf below. Each ball glistens in the sunlight as they arc gracefully above the field, momentarily suspended against the backdrop of a few wispy clouds.",,8,3,attribute,color,"attribute - color (football_3, yellow)",Is one of the footballs yellow? +72,"In the open expanse of a school's sports field, under the clear blue sky of a radiant sunny day, four vibrant American footballs are captured in mid-flight. The footballs, featuring hues of red, blue, yellow, and green, are spherical in shape, contrasting sharply with the green turf below. Each ball glistens in the sunlight as they arc gracefully above the field, momentarily suspended against the backdrop of a few wispy clouds.",,9,3,attribute,color,"attribute - color (football_4, green)",Is one of the footballs green? +72,"In the open expanse of a school's sports field, under the clear blue sky of a radiant sunny day, four vibrant American footballs are captured in mid-flight. The footballs, featuring hues of red, blue, yellow, and green, are spherical in shape, contrasting sharply with the green turf below. Each ball glistens in the sunlight as they arc gracefully above the field, momentarily suspended against the backdrop of a few wispy clouds.",,10,3,attribute,shape,"attribute - shape (footballs, spherical)",Are the footballs spherical in shape? +113,"A polished round silver bracelet rests beside a large square game board made of rich mahogany wood. Despite its compact size, the bracelet radiates with a bright shimmer, contrasting starkly against the muted tones of the chess squares on the game board. Each chess piece is meticulously aligned, creating a visual harmony between the circular curves of the bracelet and the straight edges of the board.",,1,0,entity,whole,entity - whole (bracelet),Is there a bracelet? +113,"A polished round silver bracelet rests beside a large square game board made of rich mahogany wood. Despite its compact size, the bracelet radiates with a bright shimmer, contrasting starkly against the muted tones of the chess squares on the game board. Each chess piece is meticulously aligned, creating a visual harmony between the circular curves of the bracelet and the straight edges of the board.",,2,0,entity,whole,entity - whole (game board),Is there a game board? +113,"A polished round silver bracelet rests beside a large square game board made of rich mahogany wood. Despite its compact size, the bracelet radiates with a bright shimmer, contrasting starkly against the muted tones of the chess squares on the game board. Each chess piece is meticulously aligned, creating a visual harmony between the circular curves of the bracelet and the straight edges of the board.",,3,1,attribute,shape,"attribute - shape (bracelet, round)",Is the bracelet round? +113,"A polished round silver bracelet rests beside a large square game board made of rich mahogany wood. Despite its compact size, the bracelet radiates with a bright shimmer, contrasting starkly against the muted tones of the chess squares on the game board. Each chess piece is meticulously aligned, creating a visual harmony between the circular curves of the bracelet and the straight edges of the board.",,4,1,attribute,color,"attribute - color (bracelet, silver)",Is the bracelet silver? +113,"A polished round silver bracelet rests beside a large square game board made of rich mahogany wood. Despite its compact size, the bracelet radiates with a bright shimmer, contrasting starkly against the muted tones of the chess squares on the game board. Each chess piece is meticulously aligned, creating a visual harmony between the circular curves of the bracelet and the straight edges of the board.",,5,2,attribute,texture,"attribute - texture (game board, mahogany wood)",Is the game board made of mahogany wood? +113,"A polished round silver bracelet rests beside a large square game board made of rich mahogany wood. Despite its compact size, the bracelet radiates with a bright shimmer, contrasting starkly against the muted tones of the chess squares on the game board. Each chess piece is meticulously aligned, creating a visual harmony between the circular curves of the bracelet and the straight edges of the board.",,6,2,attribute,size,"attribute - size (game board, large)",Is the game board large? +113,"A polished round silver bracelet rests beside a large square game board made of rich mahogany wood. Despite its compact size, the bracelet radiates with a bright shimmer, contrasting starkly against the muted tones of the chess squares on the game board. Each chess piece is meticulously aligned, creating a visual harmony between the circular curves of the bracelet and the straight edges of the board.",,7,2,attribute,shape,"attribute - shape (game board, square)",Is the game board square? +113,"A polished round silver bracelet rests beside a large square game board made of rich mahogany wood. Despite its compact size, the bracelet radiates with a bright shimmer, contrasting starkly against the muted tones of the chess squares on the game board. Each chess piece is meticulously aligned, creating a visual harmony between the circular curves of the bracelet and the straight edges of the board.",,8,1,entity,state,"entity - state (bracelet, polished)",Is the bracelet polished? +113,"A polished round silver bracelet rests beside a large square game board made of rich mahogany wood. Despite its compact size, the bracelet radiates with a bright shimmer, contrasting starkly against the muted tones of the chess squares on the game board. Each chess piece is meticulously aligned, creating a visual harmony between the circular curves of the bracelet and the straight edges of the board.",,9,1,entity,state,"entity - state (bracelet, shimmer, bright)",Does the bracelet radiate with a bright shimmer? +113,"A polished round silver bracelet rests beside a large square game board made of rich mahogany wood. Despite its compact size, the bracelet radiates with a bright shimmer, contrasting starkly against the muted tones of the chess squares on the game board. Each chess piece is meticulously aligned, creating a visual harmony between the circular curves of the bracelet and the straight edges of the board.",,10,"1,2",relation,spatial,"relation - spatial (bracelet, game board, beside)",Is the bracelet resting beside the game board? +230,"The dresser is adorned with a vibrant pink lipstick tube that stands out against the dark wood finish. Beside it, two necklaces with glittering pendants capture the waning light of the evening, each sparkle enhancing the jewelry's intricate details. The necklaces are elegantly draped over a small stand, creating a luxurious display on the otherwise unadorned surface of the dresser.",,1,0,entity,whole,entity - whole (dresser),Is there a dresser? +230,"The dresser is adorned with a vibrant pink lipstick tube that stands out against the dark wood finish. Beside it, two necklaces with glittering pendants capture the waning light of the evening, each sparkle enhancing the jewelry's intricate details. The necklaces are elegantly draped over a small stand, creating a luxurious display on the otherwise unadorned surface of the dresser.",,2,0,entity,whole,entity - whole (lipstick tube),Is there a lipstick tube? +230,"The dresser is adorned with a vibrant pink lipstick tube that stands out against the dark wood finish. Beside it, two necklaces with glittering pendants capture the waning light of the evening, each sparkle enhancing the jewelry's intricate details. The necklaces are elegantly draped over a small stand, creating a luxurious display on the otherwise unadorned surface of the dresser.",,3,0,entity,whole,entity - whole (necklaces),Are there necklaces? +230,"The dresser is adorned with a vibrant pink lipstick tube that stands out against the dark wood finish. Beside it, two necklaces with glittering pendants capture the waning light of the evening, each sparkle enhancing the jewelry's intricate details. The necklaces are elegantly draped over a small stand, creating a luxurious display on the otherwise unadorned surface of the dresser.",,4,3,entity,part,entity - part (necklaces' pendants),Do the necklaces have pendants? +230,"The dresser is adorned with a vibrant pink lipstick tube that stands out against the dark wood finish. Beside it, two necklaces with glittering pendants capture the waning light of the evening, each sparkle enhancing the jewelry's intricate details. The necklaces are elegantly draped over a small stand, creating a luxurious display on the otherwise unadorned surface of the dresser.",,5,0,entity,whole,entity - whole (stand),Is there a stand? +230,"The dresser is adorned with a vibrant pink lipstick tube that stands out against the dark wood finish. Beside it, two necklaces with glittering pendants capture the waning light of the evening, each sparkle enhancing the jewelry's intricate details. The necklaces are elegantly draped over a small stand, creating a luxurious display on the otherwise unadorned surface of the dresser.",,6,2,attribute,color,"attribute - color (lipstick tube, vibrant pink)",Is the lipstick tube vibrant pink? +230,"The dresser is adorned with a vibrant pink lipstick tube that stands out against the dark wood finish. Beside it, two necklaces with glittering pendants capture the waning light of the evening, each sparkle enhancing the jewelry's intricate details. The necklaces are elegantly draped over a small stand, creating a luxurious display on the otherwise unadorned surface of the dresser.",,7,1,attribute,texture,"attribute - texture (dresser, dark wood finish)",Does the dresser have a dark wood finish? +230,"The dresser is adorned with a vibrant pink lipstick tube that stands out against the dark wood finish. Beside it, two necklaces with glittering pendants capture the waning light of the evening, each sparkle enhancing the jewelry's intricate details. The necklaces are elegantly draped over a small stand, creating a luxurious display on the otherwise unadorned surface of the dresser.",,8,4,attribute,texture,"attribute - texture (pendants, glittering)",Are the pendants glittering? +230,"The dresser is adorned with a vibrant pink lipstick tube that stands out against the dark wood finish. Beside it, two necklaces with glittering pendants capture the waning light of the evening, each sparkle enhancing the jewelry's intricate details. The necklaces are elegantly draped over a small stand, creating a luxurious display on the otherwise unadorned surface of the dresser.",,9,5,attribute,size,"attribute - size (stand, small)",Is the stand small? +230,"The dresser is adorned with a vibrant pink lipstick tube that stands out against the dark wood finish. Beside it, two necklaces with glittering pendants capture the waning light of the evening, each sparkle enhancing the jewelry's intricate details. The necklaces are elegantly draped over a small stand, creating a luxurious display on the otherwise unadorned surface of the dresser.",,10,"1,2",relation,spatial,"relation - spatial (lipstick tube, dresser, on)",Is the lipstick tube on the dresser? +230,"The dresser is adorned with a vibrant pink lipstick tube that stands out against the dark wood finish. Beside it, two necklaces with glittering pendants capture the waning light of the evening, each sparkle enhancing the jewelry's intricate details. The necklaces are elegantly draped over a small stand, creating a luxurious display on the otherwise unadorned surface of the dresser.",,11,"3,5",relation,spatial,"relation - spatial (necklaces, stand, draped over)",Are the necklaces draped over the stand? +230,"The dresser is adorned with a vibrant pink lipstick tube that stands out against the dark wood finish. Beside it, two necklaces with glittering pendants capture the waning light of the evening, each sparkle enhancing the jewelry's intricate details. The necklaces are elegantly draped over a small stand, creating a luxurious display on the otherwise unadorned surface of the dresser.",,12,"1,5",relation,spatial,"relation - spatial (stand, dresser, on)",Is the stand on the dresser? +75,"Two woven baskets with brown and tan hues rest gently on the vibrant green grass in a peaceful meadow. The larger basket, slightly ajar, reveals a cozy blanket peeping out, while the smaller one seems to be packed with a picnic setup. Surrounding them, a few wildflowers add specks of color to the tranquil scene, uninterrupted by the gentle breeze swaying the grass blades.",,1,0,entity,whole,entity - whole (baskets),Are there baskets? +75,"Two woven baskets with brown and tan hues rest gently on the vibrant green grass in a peaceful meadow. The larger basket, slightly ajar, reveals a cozy blanket peeping out, while the smaller one seems to be packed with a picnic setup. Surrounding them, a few wildflowers add specks of color to the tranquil scene, uninterrupted by the gentle breeze swaying the grass blades.",,2,1,other,count,"other - count (baskets, ==2)",Are there two baskets? +75,"Two woven baskets with brown and tan hues rest gently on the vibrant green grass in a peaceful meadow. The larger basket, slightly ajar, reveals a cozy blanket peeping out, while the smaller one seems to be packed with a picnic setup. Surrounding them, a few wildflowers add specks of color to the tranquil scene, uninterrupted by the gentle breeze swaying the grass blades.",,3,0,entity,whole,entity - whole (grass),Is there grass? +75,"Two woven baskets with brown and tan hues rest gently on the vibrant green grass in a peaceful meadow. The larger basket, slightly ajar, reveals a cozy blanket peeping out, while the smaller one seems to be packed with a picnic setup. Surrounding them, a few wildflowers add specks of color to the tranquil scene, uninterrupted by the gentle breeze swaying the grass blades.",,4,0,entity,whole,entity - whole (meadow),Is there a meadow? +75,"Two woven baskets with brown and tan hues rest gently on the vibrant green grass in a peaceful meadow. The larger basket, slightly ajar, reveals a cozy blanket peeping out, while the smaller one seems to be packed with a picnic setup. Surrounding them, a few wildflowers add specks of color to the tranquil scene, uninterrupted by the gentle breeze swaying the grass blades.",,5,0,entity,whole,entity - whole (blanket),Is there a blanket? +75,"Two woven baskets with brown and tan hues rest gently on the vibrant green grass in a peaceful meadow. The larger basket, slightly ajar, reveals a cozy blanket peeping out, while the smaller one seems to be packed with a picnic setup. Surrounding them, a few wildflowers add specks of color to the tranquil scene, uninterrupted by the gentle breeze swaying the grass blades.",,6,0,entity,whole,entity - whole (picnic setup),Is there a picnic setup? +75,"Two woven baskets with brown and tan hues rest gently on the vibrant green grass in a peaceful meadow. The larger basket, slightly ajar, reveals a cozy blanket peeping out, while the smaller one seems to be packed with a picnic setup. Surrounding them, a few wildflowers add specks of color to the tranquil scene, uninterrupted by the gentle breeze swaying the grass blades.",,7,0,entity,whole,entity - whole (wildflowers),Are there wildflowers? +75,"Two woven baskets with brown and tan hues rest gently on the vibrant green grass in a peaceful meadow. The larger basket, slightly ajar, reveals a cozy blanket peeping out, while the smaller one seems to be packed with a picnic setup. Surrounding them, a few wildflowers add specks of color to the tranquil scene, uninterrupted by the gentle breeze swaying the grass blades.",,8,1,attribute,color,"attribute - color (baskets, brown and tan hues)",Do the baskets have brown and tan hues? +75,"Two woven baskets with brown and tan hues rest gently on the vibrant green grass in a peaceful meadow. The larger basket, slightly ajar, reveals a cozy blanket peeping out, while the smaller one seems to be packed with a picnic setup. Surrounding them, a few wildflowers add specks of color to the tranquil scene, uninterrupted by the gentle breeze swaying the grass blades.",,9,3,attribute,color,"attribute - color (grass, vibrant green)",Is the grass vibrant green? +75,"Two woven baskets with brown and tan hues rest gently on the vibrant green grass in a peaceful meadow. The larger basket, slightly ajar, reveals a cozy blanket peeping out, while the smaller one seems to be packed with a picnic setup. Surrounding them, a few wildflowers add specks of color to the tranquil scene, uninterrupted by the gentle breeze swaying the grass blades.",,10,"1,3",relation,spatial,"relation - spatial (baskets, grass, on)",Are the baskets resting on the grass? +228,"A cozy bathroom features a pristine, white claw-foot bathtub on a backdrop of pastel green tiles. Adjacent to the tub, a tower of soft, white toilet paper is neatly stacked, glimmering gently in the diffuse glow of the afternoon sunlight streaming through a frosted window. The gentle curvature of the tub contrasts with the straight lines of the stack, creating a harmonious balance of shapes within the intimate space.",,1,0,entity,whole,entity - whole (bathroom),Is there a bathroom? +228,"A cozy bathroom features a pristine, white claw-foot bathtub on a backdrop of pastel green tiles. Adjacent to the tub, a tower of soft, white toilet paper is neatly stacked, glimmering gently in the diffuse glow of the afternoon sunlight streaming through a frosted window. The gentle curvature of the tub contrasts with the straight lines of the stack, creating a harmonious balance of shapes within the intimate space.",,2,0,entity,whole,entity - whole (bathtub),Is there a bathtub? +228,"A cozy bathroom features a pristine, white claw-foot bathtub on a backdrop of pastel green tiles. Adjacent to the tub, a tower of soft, white toilet paper is neatly stacked, glimmering gently in the diffuse glow of the afternoon sunlight streaming through a frosted window. The gentle curvature of the tub contrasts with the straight lines of the stack, creating a harmonious balance of shapes within the intimate space.",,3,0,entity,whole,entity - whole (tiles),Are there tiles? +228,"A cozy bathroom features a pristine, white claw-foot bathtub on a backdrop of pastel green tiles. Adjacent to the tub, a tower of soft, white toilet paper is neatly stacked, glimmering gently in the diffuse glow of the afternoon sunlight streaming through a frosted window. The gentle curvature of the tub contrasts with the straight lines of the stack, creating a harmonious balance of shapes within the intimate space.",,4,0,entity,whole,entity - whole (toilet paper),Is there toilet paper? +228,"A cozy bathroom features a pristine, white claw-foot bathtub on a backdrop of pastel green tiles. Adjacent to the tub, a tower of soft, white toilet paper is neatly stacked, glimmering gently in the diffuse glow of the afternoon sunlight streaming through a frosted window. The gentle curvature of the tub contrasts with the straight lines of the stack, creating a harmonious balance of shapes within the intimate space.",,5,0,entity,whole,entity - whole (window),Is there a window? +228,"A cozy bathroom features a pristine, white claw-foot bathtub on a backdrop of pastel green tiles. Adjacent to the tub, a tower of soft, white toilet paper is neatly stacked, glimmering gently in the diffuse glow of the afternoon sunlight streaming through a frosted window. The gentle curvature of the tub contrasts with the straight lines of the stack, creating a harmonious balance of shapes within the intimate space.",,6,2,attribute,color,"attribute - color (bathtub, white)",Is the bathtub white? +228,"A cozy bathroom features a pristine, white claw-foot bathtub on a backdrop of pastel green tiles. Adjacent to the tub, a tower of soft, white toilet paper is neatly stacked, glimmering gently in the diffuse glow of the afternoon sunlight streaming through a frosted window. The gentle curvature of the tub contrasts with the straight lines of the stack, creating a harmonious balance of shapes within the intimate space.",,7,3,attribute,color,"attribute - color (tiles, pastel green)",Are the tiles pastel green? +228,"A cozy bathroom features a pristine, white claw-foot bathtub on a backdrop of pastel green tiles. Adjacent to the tub, a tower of soft, white toilet paper is neatly stacked, glimmering gently in the diffuse glow of the afternoon sunlight streaming through a frosted window. The gentle curvature of the tub contrasts with the straight lines of the stack, creating a harmonious balance of shapes within the intimate space.",,8,4,attribute,color,"attribute - color (toilet paper, white)",Is the toilet paper white? +228,"A cozy bathroom features a pristine, white claw-foot bathtub on a backdrop of pastel green tiles. Adjacent to the tub, a tower of soft, white toilet paper is neatly stacked, glimmering gently in the diffuse glow of the afternoon sunlight streaming through a frosted window. The gentle curvature of the tub contrasts with the straight lines of the stack, creating a harmonious balance of shapes within the intimate space.",,9,2,attribute,shape,"attribute - shape (bathtub, claw-foot)",Does the bathtub have claw-foot? +228,"A cozy bathroom features a pristine, white claw-foot bathtub on a backdrop of pastel green tiles. Adjacent to the tub, a tower of soft, white toilet paper is neatly stacked, glimmering gently in the diffuse glow of the afternoon sunlight streaming through a frosted window. The gentle curvature of the tub contrasts with the straight lines of the stack, creating a harmonious balance of shapes within the intimate space.",,10,4,attribute,texture,"attribute - texture (toilet paper, soft)",Is the toilet paper soft? +129,"A well-organized glass display cabinet contains a collection of seven hairdryers, each boasting a sleek design and different hues. Adjacent to this assortment, three luxurious silver watches are elegantly showcased, their reflective surfaces glinting under the soft glow of the evening light filtering through a nearby window. The watches are arranged on a plush velvet stand that enhances their sophisticated appearance.",,1,0,entity,whole,entity - whole (display cabinet),Is there a display cabinet? +129,"A well-organized glass display cabinet contains a collection of seven hairdryers, each boasting a sleek design and different hues. Adjacent to this assortment, three luxurious silver watches are elegantly showcased, their reflective surfaces glinting under the soft glow of the evening light filtering through a nearby window. The watches are arranged on a plush velvet stand that enhances their sophisticated appearance.",,2,0,entity,whole,entity - whole (hairdryers),Are there hairdryers? +129,"A well-organized glass display cabinet contains a collection of seven hairdryers, each boasting a sleek design and different hues. Adjacent to this assortment, three luxurious silver watches are elegantly showcased, their reflective surfaces glinting under the soft glow of the evening light filtering through a nearby window. The watches are arranged on a plush velvet stand that enhances their sophisticated appearance.",,3,0,entity,whole,entity - whole (watches),Are there watches? +129,"A well-organized glass display cabinet contains a collection of seven hairdryers, each boasting a sleek design and different hues. Adjacent to this assortment, three luxurious silver watches are elegantly showcased, their reflective surfaces glinting under the soft glow of the evening light filtering through a nearby window. The watches are arranged on a plush velvet stand that enhances their sophisticated appearance.",,4,2,other,count,"other - count (hairdryers, ==7)",Are there seven hairdryers? +129,"A well-organized glass display cabinet contains a collection of seven hairdryers, each boasting a sleek design and different hues. Adjacent to this assortment, three luxurious silver watches are elegantly showcased, their reflective surfaces glinting under the soft glow of the evening light filtering through a nearby window. The watches are arranged on a plush velvet stand that enhances their sophisticated appearance.",,5,3,other,count,"other - count (watches, ==3)",Are there three watches? +129,"A well-organized glass display cabinet contains a collection of seven hairdryers, each boasting a sleek design and different hues. Adjacent to this assortment, three luxurious silver watches are elegantly showcased, their reflective surfaces glinting under the soft glow of the evening light filtering through a nearby window. The watches are arranged on a plush velvet stand that enhances their sophisticated appearance.",,6,1,attribute,texture,"attribute - texture (display cabinet, glass)",Is the display cabinet made of glass? +129,"A well-organized glass display cabinet contains a collection of seven hairdryers, each boasting a sleek design and different hues. Adjacent to this assortment, three luxurious silver watches are elegantly showcased, their reflective surfaces glinting under the soft glow of the evening light filtering through a nearby window. The watches are arranged on a plush velvet stand that enhances their sophisticated appearance.",,7,3,attribute,texture,"attribute - texture (watches' stand, velvet)",Is the stand for the watches made of velvet? +129,"A well-organized glass display cabinet contains a collection of seven hairdryers, each boasting a sleek design and different hues. Adjacent to this assortment, three luxurious silver watches are elegantly showcased, their reflective surfaces glinting under the soft glow of the evening light filtering through a nearby window. The watches are arranged on a plush velvet stand that enhances their sophisticated appearance.",,8,3,attribute,color,"attribute - color (watches, silver)",Are the watches silver? +129,"A well-organized glass display cabinet contains a collection of seven hairdryers, each boasting a sleek design and different hues. Adjacent to this assortment, three luxurious silver watches are elegantly showcased, their reflective surfaces glinting under the soft glow of the evening light filtering through a nearby window. The watches are arranged on a plush velvet stand that enhances their sophisticated appearance.",,9,"1,2",relation,spatial,"relation - spatial (hairdryers, display cabinet, in)",Are the hairdryers in the display cabinet? +129,"A well-organized glass display cabinet contains a collection of seven hairdryers, each boasting a sleek design and different hues. Adjacent to this assortment, three luxurious silver watches are elegantly showcased, their reflective surfaces glinting under the soft glow of the evening light filtering through a nearby window. The watches are arranged on a plush velvet stand that enhances their sophisticated appearance.",,10,"1,3",relation,spatial,"relation - spatial (watches, display cabinet, adjacent to)",Are the watches adjacent to the hairdryers in the display cabinet? +5,"An illuminated calculator with a sleek, dark casing and round, raised buttons sits flat on a wooden office table. The sun's fading light gently seeps through the window, casting a warm glow over the calculator's surface and the scattered papers around it. Shadows from nearby objects subtly play across the table, enriching the tranquil setting of a quiet study space.",,1,0,entity,whole,entity - whole (calculator),Is there a calculator? +5,"An illuminated calculator with a sleek, dark casing and round, raised buttons sits flat on a wooden office table. The sun's fading light gently seeps through the window, casting a warm glow over the calculator's surface and the scattered papers around it. Shadows from nearby objects subtly play across the table, enriching the tranquil setting of a quiet study space.",,2,0,entity,whole,entity - whole (table),Is there a table? +5,"An illuminated calculator with a sleek, dark casing and round, raised buttons sits flat on a wooden office table. The sun's fading light gently seeps through the window, casting a warm glow over the calculator's surface and the scattered papers around it. Shadows from nearby objects subtly play across the table, enriching the tranquil setting of a quiet study space.",,3,0,entity,whole,entity - whole (window),Is there a window? +5,"An illuminated calculator with a sleek, dark casing and round, raised buttons sits flat on a wooden office table. The sun's fading light gently seeps through the window, casting a warm glow over the calculator's surface and the scattered papers around it. Shadows from nearby objects subtly play across the table, enriching the tranquil setting of a quiet study space.",,4,0,entity,whole,entity - whole (papers),Are there papers? +5,"An illuminated calculator with a sleek, dark casing and round, raised buttons sits flat on a wooden office table. The sun's fading light gently seeps through the window, casting a warm glow over the calculator's surface and the scattered papers around it. Shadows from nearby objects subtly play across the table, enriching the tranquil setting of a quiet study space.",,5,1,attribute,color,"attribute - color (casing, dark)",Is the casing of the calculator dark? +5,"An illuminated calculator with a sleek, dark casing and round, raised buttons sits flat on a wooden office table. The sun's fading light gently seeps through the window, casting a warm glow over the calculator's surface and the scattered papers around it. Shadows from nearby objects subtly play across the table, enriching the tranquil setting of a quiet study space.",,6,1,attribute,shape,"attribute - shape (buttons, round, raised)",Are the buttons on the calculator round and raised? +5,"An illuminated calculator with a sleek, dark casing and round, raised buttons sits flat on a wooden office table. The sun's fading light gently seeps through the window, casting a warm glow over the calculator's surface and the scattered papers around it. Shadows from nearby objects subtly play across the table, enriching the tranquil setting of a quiet study space.",,7,2,attribute,texture,"attribute - texture (table, wood)",Is the office table made of wood? +5,"An illuminated calculator with a sleek, dark casing and round, raised buttons sits flat on a wooden office table. The sun's fading light gently seeps through the window, casting a warm glow over the calculator's surface and the scattered papers around it. Shadows from nearby objects subtly play across the table, enriching the tranquil setting of a quiet study space.",,8,1,entity,state,"entity - state (calculator, illuminated)",Is the calculator illuminated? +5,"An illuminated calculator with a sleek, dark casing and round, raised buttons sits flat on a wooden office table. The sun's fading light gently seeps through the window, casting a warm glow over the calculator's surface and the scattered papers around it. Shadows from nearby objects subtly play across the table, enriching the tranquil setting of a quiet study space.",,9,"1,2",relation,spatial,"relation - spatial (calculator, table, on)",Is the calculator sitting flat on the table? +5,"An illuminated calculator with a sleek, dark casing and round, raised buttons sits flat on a wooden office table. The sun's fading light gently seeps through the window, casting a warm glow over the calculator's surface and the scattered papers around it. Shadows from nearby objects subtly play across the table, enriching the tranquil setting of a quiet study space.",,10,"2,4",relation,spatial,"relation - spatial (papers, table, scattered around)",Are the papers scattered around on the table? +93,"A pair of striking royal blue slippers with a plush, round appearance and a cozy texture stands prominently in the foreground, drawing the eye with their vibrant color. They contrast with the muted, distant backdrop where a weathered green truck, heavy and sturdy, sits idle with traces of dust and use marking its surface. The background is bathed in the warm glow of a burnt-orange sunset that casts long shadows and highlights the outlines of other objects scattered around the faded and pebbled ground.",,1,0,entity,whole,entity - whole (slippers),Is there a pair of slippers? +93,"A pair of striking royal blue slippers with a plush, round appearance and a cozy texture stands prominently in the foreground, drawing the eye with their vibrant color. They contrast with the muted, distant backdrop where a weathered green truck, heavy and sturdy, sits idle with traces of dust and use marking its surface. The background is bathed in the warm glow of a burnt-orange sunset that casts long shadows and highlights the outlines of other objects scattered around the faded and pebbled ground.",,2,0,entity,whole,entity - whole (truck),Is there a truck? +93,"A pair of striking royal blue slippers with a plush, round appearance and a cozy texture stands prominently in the foreground, drawing the eye with their vibrant color. They contrast with the muted, distant backdrop where a weathered green truck, heavy and sturdy, sits idle with traces of dust and use marking its surface. The background is bathed in the warm glow of a burnt-orange sunset that casts long shadows and highlights the outlines of other objects scattered around the faded and pebbled ground.",,3,1,attribute,color,"attribute - color (slippers, royal blue)",Are the slippers royal blue? +93,"A pair of striking royal blue slippers with a plush, round appearance and a cozy texture stands prominently in the foreground, drawing the eye with their vibrant color. They contrast with the muted, distant backdrop where a weathered green truck, heavy and sturdy, sits idle with traces of dust and use marking its surface. The background is bathed in the warm glow of a burnt-orange sunset that casts long shadows and highlights the outlines of other objects scattered around the faded and pebbled ground.",,4,1,attribute,shape,"attribute - shape (slippers, round)",Do the slippers have a round appearance? +93,"A pair of striking royal blue slippers with a plush, round appearance and a cozy texture stands prominently in the foreground, drawing the eye with their vibrant color. They contrast with the muted, distant backdrop where a weathered green truck, heavy and sturdy, sits idle with traces of dust and use marking its surface. The background is bathed in the warm glow of a burnt-orange sunset that casts long shadows and highlights the outlines of other objects scattered around the faded and pebbled ground.",,5,1,attribute,texture,"attribute - texture (slippers, plush)",Are the slippers plush? +93,"A pair of striking royal blue slippers with a plush, round appearance and a cozy texture stands prominently in the foreground, drawing the eye with their vibrant color. They contrast with the muted, distant backdrop where a weathered green truck, heavy and sturdy, sits idle with traces of dust and use marking its surface. The background is bathed in the warm glow of a burnt-orange sunset that casts long shadows and highlights the outlines of other objects scattered around the faded and pebbled ground.",,6,2,attribute,texture,"attribute - texture (truck, weathered)",Is the truck weathered? +93,"A pair of striking royal blue slippers with a plush, round appearance and a cozy texture stands prominently in the foreground, drawing the eye with their vibrant color. They contrast with the muted, distant backdrop where a weathered green truck, heavy and sturdy, sits idle with traces of dust and use marking its surface. The background is bathed in the warm glow of a burnt-orange sunset that casts long shadows and highlights the outlines of other objects scattered around the faded and pebbled ground.",,7,2,attribute,color,"attribute - color (truck, green)",Is the truck green? +93,"A pair of striking royal blue slippers with a plush, round appearance and a cozy texture stands prominently in the foreground, drawing the eye with their vibrant color. They contrast with the muted, distant backdrop where a weathered green truck, heavy and sturdy, sits idle with traces of dust and use marking its surface. The background is bathed in the warm glow of a burnt-orange sunset that casts long shadows and highlights the outlines of other objects scattered around the faded and pebbled ground.",,8,2,entity,state,"entity - state (truck, idle)",Is the truck idle? +93,"A pair of striking royal blue slippers with a plush, round appearance and a cozy texture stands prominently in the foreground, drawing the eye with their vibrant color. They contrast with the muted, distant backdrop where a weathered green truck, heavy and sturdy, sits idle with traces of dust and use marking its surface. The background is bathed in the warm glow of a burnt-orange sunset that casts long shadows and highlights the outlines of other objects scattered around the faded and pebbled ground.",,9,1,relation,spatial,"relation - spatial (slippers, foreground, in)",Are the slippers in the foreground? +93,"A pair of striking royal blue slippers with a plush, round appearance and a cozy texture stands prominently in the foreground, drawing the eye with their vibrant color. They contrast with the muted, distant backdrop where a weathered green truck, heavy and sturdy, sits idle with traces of dust and use marking its surface. The background is bathed in the warm glow of a burnt-orange sunset that casts long shadows and highlights the outlines of other objects scattered around the faded and pebbled ground.",,10,2,relation,spatial,"relation - spatial (truck, backdrop, in)",Is the truck in the backdrop? +7,"Inside a warm room with a large window showcasing a picturesque winter landscape, three gleaming ruby red necklaces are elegantly laid out on the plush surface of a deep purple velvet jewelry box. The gentle glow from the overhead light accentuates the rich color and intricate design of the necklaces. Just beyond the glass pane, snowflakes can be seen gently falling to coat the ground outside in a blanket of white.",,1,0,entity,whole,entity - whole (room),Is there a room? +7,"Inside a warm room with a large window showcasing a picturesque winter landscape, three gleaming ruby red necklaces are elegantly laid out on the plush surface of a deep purple velvet jewelry box. The gentle glow from the overhead light accentuates the rich color and intricate design of the necklaces. Just beyond the glass pane, snowflakes can be seen gently falling to coat the ground outside in a blanket of white.",,2,0,entity,whole,entity - whole (window),Is there a window? +7,"Inside a warm room with a large window showcasing a picturesque winter landscape, three gleaming ruby red necklaces are elegantly laid out on the plush surface of a deep purple velvet jewelry box. The gentle glow from the overhead light accentuates the rich color and intricate design of the necklaces. Just beyond the glass pane, snowflakes can be seen gently falling to coat the ground outside in a blanket of white.",,3,0,entity,whole,entity - whole (necklaces),Are there necklaces? +7,"Inside a warm room with a large window showcasing a picturesque winter landscape, three gleaming ruby red necklaces are elegantly laid out on the plush surface of a deep purple velvet jewelry box. The gentle glow from the overhead light accentuates the rich color and intricate design of the necklaces. Just beyond the glass pane, snowflakes can be seen gently falling to coat the ground outside in a blanket of white.",,4,0,entity,whole,entity - whole (jewelry box),Is there a jewelry box? +7,"Inside a warm room with a large window showcasing a picturesque winter landscape, three gleaming ruby red necklaces are elegantly laid out on the plush surface of a deep purple velvet jewelry box. The gentle glow from the overhead light accentuates the rich color and intricate design of the necklaces. Just beyond the glass pane, snowflakes can be seen gently falling to coat the ground outside in a blanket of white.",,5,3,attribute,color,"attribute - color (necklaces, ruby red)",Are the necklaces ruby red? +7,"Inside a warm room with a large window showcasing a picturesque winter landscape, three gleaming ruby red necklaces are elegantly laid out on the plush surface of a deep purple velvet jewelry box. The gentle glow from the overhead light accentuates the rich color and intricate design of the necklaces. Just beyond the glass pane, snowflakes can be seen gently falling to coat the ground outside in a blanket of white.",,6,4,attribute,color,"attribute - color (jewelry box, deep purple)",Is the jewelry box deep purple? +7,"Inside a warm room with a large window showcasing a picturesque winter landscape, three gleaming ruby red necklaces are elegantly laid out on the plush surface of a deep purple velvet jewelry box. The gentle glow from the overhead light accentuates the rich color and intricate design of the necklaces. Just beyond the glass pane, snowflakes can be seen gently falling to coat the ground outside in a blanket of white.",,7,4,attribute,texture,"attribute - texture (jewelry box, velvet)",Is the jewelry box made of velvet? +7,"Inside a warm room with a large window showcasing a picturesque winter landscape, three gleaming ruby red necklaces are elegantly laid out on the plush surface of a deep purple velvet jewelry box. The gentle glow from the overhead light accentuates the rich color and intricate design of the necklaces. Just beyond the glass pane, snowflakes can be seen gently falling to coat the ground outside in a blanket of white.",,8,2,attribute,size,"attribute - size (window, large)",Is the window large? +7,"Inside a warm room with a large window showcasing a picturesque winter landscape, three gleaming ruby red necklaces are elegantly laid out on the plush surface of a deep purple velvet jewelry box. The gentle glow from the overhead light accentuates the rich color and intricate design of the necklaces. Just beyond the glass pane, snowflakes can be seen gently falling to coat the ground outside in a blanket of white.",,9,"3,4",relation,spatial,"relation - spatial (necklaces, jewelry box, on)",Are the necklaces on the jewelry box? +7,"Inside a warm room with a large window showcasing a picturesque winter landscape, three gleaming ruby red necklaces are elegantly laid out on the plush surface of a deep purple velvet jewelry box. The gentle glow from the overhead light accentuates the rich color and intricate design of the necklaces. Just beyond the glass pane, snowflakes can be seen gently falling to coat the ground outside in a blanket of white.",,10,"1,4",relation,spatial,"relation - spatial (jewelry box, room, inside)",Is the jewelry box inside the room? +259,"As the first rays of the morning sun spill over the market, a glimmer catches the eye from beneath a stark white awning, where a series of five ornate, golden cosmetic mirrors are carefully arranged. Each mirror, varying in size from small handheld to large tabletop versions, reflects the vibrant hustle and bustle of the early market goers. The stands surrounding the mirrors boast an array of colors from the goods for sale, highlighting the diverse cultural tapestry of the community.",,1,0,entity,whole,entity - whole (sun),Is there a sun? +259,"As the first rays of the morning sun spill over the market, a glimmer catches the eye from beneath a stark white awning, where a series of five ornate, golden cosmetic mirrors are carefully arranged. Each mirror, varying in size from small handheld to large tabletop versions, reflects the vibrant hustle and bustle of the early market goers. The stands surrounding the mirrors boast an array of colors from the goods for sale, highlighting the diverse cultural tapestry of the community.",,2,0,entity,whole,entity - whole (market),Is there a market? +259,"As the first rays of the morning sun spill over the market, a glimmer catches the eye from beneath a stark white awning, where a series of five ornate, golden cosmetic mirrors are carefully arranged. Each mirror, varying in size from small handheld to large tabletop versions, reflects the vibrant hustle and bustle of the early market goers. The stands surrounding the mirrors boast an array of colors from the goods for sale, highlighting the diverse cultural tapestry of the community.",,3,0,entity,whole,entity - whole (awning),Is there an awning? +259,"As the first rays of the morning sun spill over the market, a glimmer catches the eye from beneath a stark white awning, where a series of five ornate, golden cosmetic mirrors are carefully arranged. Each mirror, varying in size from small handheld to large tabletop versions, reflects the vibrant hustle and bustle of the early market goers. The stands surrounding the mirrors boast an array of colors from the goods for sale, highlighting the diverse cultural tapestry of the community.",,4,0,entity,whole,entity - whole (cosmetic mirrors),Are there cosmetic mirrors? +259,"As the first rays of the morning sun spill over the market, a glimmer catches the eye from beneath a stark white awning, where a series of five ornate, golden cosmetic mirrors are carefully arranged. Each mirror, varying in size from small handheld to large tabletop versions, reflects the vibrant hustle and bustle of the early market goers. The stands surrounding the mirrors boast an array of colors from the goods for sale, highlighting the diverse cultural tapestry of the community.",,5,0,entity,whole,entity - whole (market goers),Are there market goers? +259,"As the first rays of the morning sun spill over the market, a glimmer catches the eye from beneath a stark white awning, where a series of five ornate, golden cosmetic mirrors are carefully arranged. Each mirror, varying in size from small handheld to large tabletop versions, reflects the vibrant hustle and bustle of the early market goers. The stands surrounding the mirrors boast an array of colors from the goods for sale, highlighting the diverse cultural tapestry of the community.",,6,0,entity,whole,entity - whole (stands),Are there stands? +259,"As the first rays of the morning sun spill over the market, a glimmer catches the eye from beneath a stark white awning, where a series of five ornate, golden cosmetic mirrors are carefully arranged. Each mirror, varying in size from small handheld to large tabletop versions, reflects the vibrant hustle and bustle of the early market goers. The stands surrounding the mirrors boast an array of colors from the goods for sale, highlighting the diverse cultural tapestry of the community.",,7,4,other,count,"other - count (cosmetic mirrors, ==5)",Are there five cosmetic mirrors? +259,"As the first rays of the morning sun spill over the market, a glimmer catches the eye from beneath a stark white awning, where a series of five ornate, golden cosmetic mirrors are carefully arranged. Each mirror, varying in size from small handheld to large tabletop versions, reflects the vibrant hustle and bustle of the early market goers. The stands surrounding the mirrors boast an array of colors from the goods for sale, highlighting the diverse cultural tapestry of the community.",,8,3,attribute,color,"attribute - color (awning, white)",Is the awning white? +259,"As the first rays of the morning sun spill over the market, a glimmer catches the eye from beneath a stark white awning, where a series of five ornate, golden cosmetic mirrors are carefully arranged. Each mirror, varying in size from small handheld to large tabletop versions, reflects the vibrant hustle and bustle of the early market goers. The stands surrounding the mirrors boast an array of colors from the goods for sale, highlighting the diverse cultural tapestry of the community.",,9,4,attribute,color,"attribute - color (cosmetic mirrors, golden)",Are the cosmetic mirrors golden? +259,"As the first rays of the morning sun spill over the market, a glimmer catches the eye from beneath a stark white awning, where a series of five ornate, golden cosmetic mirrors are carefully arranged. Each mirror, varying in size from small handheld to large tabletop versions, reflects the vibrant hustle and bustle of the early market goers. The stands surrounding the mirrors boast an array of colors from the goods for sale, highlighting the diverse cultural tapestry of the community.",,10,4,attribute,size,"attribute - size (cosmetic mirrors, varying)",Do the cosmetic mirrors vary in size? +223,"Amidst the darkness of a quiet room, illuminated by the ethereal blue light of a holographic display that projects a visualization of cyberspace, sits a sleek cell phone and a modern router/modem on a polished wooden desk. The intricate patterns of the wood grain are faintly visible under the neon glow, which casts soft reflections on the devices' surfaces. The router/modem, with its blinking indicator lights, stands beside the phone, which shows a clock on its screen indicating the late hour.",,1,0,entity,whole,entity - whole (room),Is there a room? +223,"Amidst the darkness of a quiet room, illuminated by the ethereal blue light of a holographic display that projects a visualization of cyberspace, sits a sleek cell phone and a modern router/modem on a polished wooden desk. The intricate patterns of the wood grain are faintly visible under the neon glow, which casts soft reflections on the devices' surfaces. The router/modem, with its blinking indicator lights, stands beside the phone, which shows a clock on its screen indicating the late hour.",,2,0,entity,whole,entity - whole (holographic display),Is there a holographic display? +223,"Amidst the darkness of a quiet room, illuminated by the ethereal blue light of a holographic display that projects a visualization of cyberspace, sits a sleek cell phone and a modern router/modem on a polished wooden desk. The intricate patterns of the wood grain are faintly visible under the neon glow, which casts soft reflections on the devices' surfaces. The router/modem, with its blinking indicator lights, stands beside the phone, which shows a clock on its screen indicating the late hour.",,3,0,entity,whole,entity - whole (cell phone),Is there a cell phone? +223,"Amidst the darkness of a quiet room, illuminated by the ethereal blue light of a holographic display that projects a visualization of cyberspace, sits a sleek cell phone and a modern router/modem on a polished wooden desk. The intricate patterns of the wood grain are faintly visible under the neon glow, which casts soft reflections on the devices' surfaces. The router/modem, with its blinking indicator lights, stands beside the phone, which shows a clock on its screen indicating the late hour.",,4,0,entity,whole,entity - whole (router/modem),Is there a router/modem? +223,"Amidst the darkness of a quiet room, illuminated by the ethereal blue light of a holographic display that projects a visualization of cyberspace, sits a sleek cell phone and a modern router/modem on a polished wooden desk. The intricate patterns of the wood grain are faintly visible under the neon glow, which casts soft reflections on the devices' surfaces. The router/modem, with its blinking indicator lights, stands beside the phone, which shows a clock on its screen indicating the late hour.",,5,0,entity,whole,entity - whole (desk),Is there a desk? +223,"Amidst the darkness of a quiet room, illuminated by the ethereal blue light of a holographic display that projects a visualization of cyberspace, sits a sleek cell phone and a modern router/modem on a polished wooden desk. The intricate patterns of the wood grain are faintly visible under the neon glow, which casts soft reflections on the devices' surfaces. The router/modem, with its blinking indicator lights, stands beside the phone, which shows a clock on its screen indicating the late hour.",,6,2,attribute,color,"attribute - color (holographic display, ethereal blue light)",Does the holographic display emit an ethereal blue light? +223,"Amidst the darkness of a quiet room, illuminated by the ethereal blue light of a holographic display that projects a visualization of cyberspace, sits a sleek cell phone and a modern router/modem on a polished wooden desk. The intricate patterns of the wood grain are faintly visible under the neon glow, which casts soft reflections on the devices' surfaces. The router/modem, with its blinking indicator lights, stands beside the phone, which shows a clock on its screen indicating the late hour.",,7,5,attribute,texture,"attribute - texture (desk, polished wood)",Is the desk made of polished wood? +223,"Amidst the darkness of a quiet room, illuminated by the ethereal blue light of a holographic display that projects a visualization of cyberspace, sits a sleek cell phone and a modern router/modem on a polished wooden desk. The intricate patterns of the wood grain are faintly visible under the neon glow, which casts soft reflections on the devices' surfaces. The router/modem, with its blinking indicator lights, stands beside the phone, which shows a clock on its screen indicating the late hour.",,8,5,attribute,texture,"attribute - texture (wood grain, intricate patterns)",Are intricate patterns visible in the wood grain? +223,"Amidst the darkness of a quiet room, illuminated by the ethereal blue light of a holographic display that projects a visualization of cyberspace, sits a sleek cell phone and a modern router/modem on a polished wooden desk. The intricate patterns of the wood grain are faintly visible under the neon glow, which casts soft reflections on the devices' surfaces. The router/modem, with its blinking indicator lights, stands beside the phone, which shows a clock on its screen indicating the late hour.",,9,"1,2",relation,spatial,"relation - spatial (holographic display, room, in)",Is the holographic display in the room? +223,"Amidst the darkness of a quiet room, illuminated by the ethereal blue light of a holographic display that projects a visualization of cyberspace, sits a sleek cell phone and a modern router/modem on a polished wooden desk. The intricate patterns of the wood grain are faintly visible under the neon glow, which casts soft reflections on the devices' surfaces. The router/modem, with its blinking indicator lights, stands beside the phone, which shows a clock on its screen indicating the late hour.",,10,"3,5",relation,spatial,"relation - spatial (cell phone, desk, on)",Is the cell phone on the desk? +223,"Amidst the darkness of a quiet room, illuminated by the ethereal blue light of a holographic display that projects a visualization of cyberspace, sits a sleek cell phone and a modern router/modem on a polished wooden desk. The intricate patterns of the wood grain are faintly visible under the neon glow, which casts soft reflections on the devices' surfaces. The router/modem, with its blinking indicator lights, stands beside the phone, which shows a clock on its screen indicating the late hour.",,11,"4,5",relation,spatial,"relation - spatial (router/modem, desk, on)",Is the router/modem on the desk? +223,"Amidst the darkness of a quiet room, illuminated by the ethereal blue light of a holographic display that projects a visualization of cyberspace, sits a sleek cell phone and a modern router/modem on a polished wooden desk. The intricate patterns of the wood grain are faintly visible under the neon glow, which casts soft reflections on the devices' surfaces. The router/modem, with its blinking indicator lights, stands beside the phone, which shows a clock on its screen indicating the late hour.",,12,"3,4",relation,spatial,"relation - spatial (router/modem, cell phone, beside)",Is the router/modem beside the cell phone? +223,"Amidst the darkness of a quiet room, illuminated by the ethereal blue light of a holographic display that projects a visualization of cyberspace, sits a sleek cell phone and a modern router/modem on a polished wooden desk. The intricate patterns of the wood grain are faintly visible under the neon glow, which casts soft reflections on the devices' surfaces. The router/modem, with its blinking indicator lights, stands beside the phone, which shows a clock on its screen indicating the late hour.",,13,3,entity,state,"entity - state (cell phone, clock, show)",Does the cell phone show a clock on its screen? +223,"Amidst the darkness of a quiet room, illuminated by the ethereal blue light of a holographic display that projects a visualization of cyberspace, sits a sleek cell phone and a modern router/modem on a polished wooden desk. The intricate patterns of the wood grain are faintly visible under the neon glow, which casts soft reflections on the devices' surfaces. The router/modem, with its blinking indicator lights, stands beside the phone, which shows a clock on its screen indicating the late hour.",,14,13,attribute,other,"attribute - other (clock, late hour)",Does the clock indicate a late hour? +248,"The countertop hosts a vibrant red microwave that towers over a smaller, deep green coffee machine sitting beside it. The microwave has a sleek digital display, while the coffee machine features an array of buttons and a glass carafe. Behind these appliances, a white tiled backsplash completes the kitchen scene.",,1,0,entity,whole,entity - whole (countertop),Is there a countertop? +248,"The countertop hosts a vibrant red microwave that towers over a smaller, deep green coffee machine sitting beside it. The microwave has a sleek digital display, while the coffee machine features an array of buttons and a glass carafe. Behind these appliances, a white tiled backsplash completes the kitchen scene.",,2,0,entity,whole,entity - whole (microwave),Is there a microwave? +248,"The countertop hosts a vibrant red microwave that towers over a smaller, deep green coffee machine sitting beside it. The microwave has a sleek digital display, while the coffee machine features an array of buttons and a glass carafe. Behind these appliances, a white tiled backsplash completes the kitchen scene.",,3,0,entity,whole,entity - whole (coffee machine),Is there a coffee machine? +248,"The countertop hosts a vibrant red microwave that towers over a smaller, deep green coffee machine sitting beside it. The microwave has a sleek digital display, while the coffee machine features an array of buttons and a glass carafe. Behind these appliances, a white tiled backsplash completes the kitchen scene.",,4,0,entity,whole,entity - whole (backsplash),Is there a backsplash? +248,"The countertop hosts a vibrant red microwave that towers over a smaller, deep green coffee machine sitting beside it. The microwave has a sleek digital display, while the coffee machine features an array of buttons and a glass carafe. Behind these appliances, a white tiled backsplash completes the kitchen scene.",,5,2,attribute,color,"attribute - color (microwave, vibrant red)",Is the microwave vibrant red? +248,"The countertop hosts a vibrant red microwave that towers over a smaller, deep green coffee machine sitting beside it. The microwave has a sleek digital display, while the coffee machine features an array of buttons and a glass carafe. Behind these appliances, a white tiled backsplash completes the kitchen scene.",,6,3,attribute,color,"attribute - color (coffee machine, deep green)",Is the coffee machine deep green? +248,"The countertop hosts a vibrant red microwave that towers over a smaller, deep green coffee machine sitting beside it. The microwave has a sleek digital display, while the coffee machine features an array of buttons and a glass carafe. Behind these appliances, a white tiled backsplash completes the kitchen scene.",,7,4,attribute,color,"attribute - color (backsplash, white)",Is the backsplash white? +248,"The countertop hosts a vibrant red microwave that towers over a smaller, deep green coffee machine sitting beside it. The microwave has a sleek digital display, while the coffee machine features an array of buttons and a glass carafe. Behind these appliances, a white tiled backsplash completes the kitchen scene.",,8,2,attribute,size,"attribute - size (microwave, towers over)",Does the microwave tower over the coffee machine? +248,"The countertop hosts a vibrant red microwave that towers over a smaller, deep green coffee machine sitting beside it. The microwave has a sleek digital display, while the coffee machine features an array of buttons and a glass carafe. Behind these appliances, a white tiled backsplash completes the kitchen scene.",,9,3,attribute,size,"attribute - size (coffee machine, smaller)",Is the coffee machine smaller? +248,"The countertop hosts a vibrant red microwave that towers over a smaller, deep green coffee machine sitting beside it. The microwave has a sleek digital display, while the coffee machine features an array of buttons and a glass carafe. Behind these appliances, a white tiled backsplash completes the kitchen scene.",,10,2,entity,part,"entity - part (microwave's display, digital)",Does the microwave have a sleek digital display? +248,"The countertop hosts a vibrant red microwave that towers over a smaller, deep green coffee machine sitting beside it. The microwave has a sleek digital display, while the coffee machine features an array of buttons and a glass carafe. Behind these appliances, a white tiled backsplash completes the kitchen scene.",,11,3,entity,part,entity - part (coffee machine's buttons),Does the coffee machine have an array of buttons? +248,"The countertop hosts a vibrant red microwave that towers over a smaller, deep green coffee machine sitting beside it. The microwave has a sleek digital display, while the coffee machine features an array of buttons and a glass carafe. Behind these appliances, a white tiled backsplash completes the kitchen scene.",,12,3,entity,part,"entity - part (coffee machine's carafe, glass)",Does the coffee machine have a glass carafe? +248,"The countertop hosts a vibrant red microwave that towers over a smaller, deep green coffee machine sitting beside it. The microwave has a sleek digital display, while the coffee machine features an array of buttons and a glass carafe. Behind these appliances, a white tiled backsplash completes the kitchen scene.",,13,"1,2",relation,spatial,"relation - spatial (microwave, countertop, on)",Is the microwave on the countertop? +248,"The countertop hosts a vibrant red microwave that towers over a smaller, deep green coffee machine sitting beside it. The microwave has a sleek digital display, while the coffee machine features an array of buttons and a glass carafe. Behind these appliances, a white tiled backsplash completes the kitchen scene.",,14,"1,2,3",relation,spatial,"relation - spatial (coffee machine, countertop, beside microwave)",Is the coffee machine sitting beside the microwave on the countertop? +248,"The countertop hosts a vibrant red microwave that towers over a smaller, deep green coffee machine sitting beside it. The microwave has a sleek digital display, while the coffee machine features an array of buttons and a glass carafe. Behind these appliances, a white tiled backsplash completes the kitchen scene.",,15,"1,2,3,4",relation,spatial,"relation - spatial (backsplash, appliances, behind)",Is the backsplash behind the appliances? +176,"Within an expansive auditorium, a single megaphone with a metallic finish and a bold black stripe lies abandoned on a vast, textured orange carpet. Rows of empty seats surround the area, hinting at the silence of an event now passed. The natural afternoon light filters in through large windows, casting long, soft shadows across the carpet and the solitary object at rest.",,1,0,entity,whole,entity - whole (auditorium),Is there an auditorium? +176,"Within an expansive auditorium, a single megaphone with a metallic finish and a bold black stripe lies abandoned on a vast, textured orange carpet. Rows of empty seats surround the area, hinting at the silence of an event now passed. The natural afternoon light filters in through large windows, casting long, soft shadows across the carpet and the solitary object at rest.",,2,0,entity,whole,entity - whole (megaphone),Is there a megaphone? +176,"Within an expansive auditorium, a single megaphone with a metallic finish and a bold black stripe lies abandoned on a vast, textured orange carpet. Rows of empty seats surround the area, hinting at the silence of an event now passed. The natural afternoon light filters in through large windows, casting long, soft shadows across the carpet and the solitary object at rest.",,3,0,entity,whole,entity - whole (carpet),Is there a carpet? +176,"Within an expansive auditorium, a single megaphone with a metallic finish and a bold black stripe lies abandoned on a vast, textured orange carpet. Rows of empty seats surround the area, hinting at the silence of an event now passed. The natural afternoon light filters in through large windows, casting long, soft shadows across the carpet and the solitary object at rest.",,4,0,entity,whole,entity - whole (seats),Are there seats? +176,"Within an expansive auditorium, a single megaphone with a metallic finish and a bold black stripe lies abandoned on a vast, textured orange carpet. Rows of empty seats surround the area, hinting at the silence of an event now passed. The natural afternoon light filters in through large windows, casting long, soft shadows across the carpet and the solitary object at rest.",,5,0,entity,whole,entity - whole (windows),Are there windows? +176,"Within an expansive auditorium, a single megaphone with a metallic finish and a bold black stripe lies abandoned on a vast, textured orange carpet. Rows of empty seats surround the area, hinting at the silence of an event now passed. The natural afternoon light filters in through large windows, casting long, soft shadows across the carpet and the solitary object at rest.",,6,2,attribute,texture,"attribute - texture (megaphone, metallic)",Does the megaphone have a metallic finish? +176,"Within an expansive auditorium, a single megaphone with a metallic finish and a bold black stripe lies abandoned on a vast, textured orange carpet. Rows of empty seats surround the area, hinting at the silence of an event now passed. The natural afternoon light filters in through large windows, casting long, soft shadows across the carpet and the solitary object at rest.",,7,2,attribute,color,"attribute - color (stripe, black)",Is there a bold black stripe? +176,"Within an expansive auditorium, a single megaphone with a metallic finish and a bold black stripe lies abandoned on a vast, textured orange carpet. Rows of empty seats surround the area, hinting at the silence of an event now passed. The natural afternoon light filters in through large windows, casting long, soft shadows across the carpet and the solitary object at rest.",,8,3,attribute,color,"attribute - color (carpet, orange)",Is the carpet orange? +176,"Within an expansive auditorium, a single megaphone with a metallic finish and a bold black stripe lies abandoned on a vast, textured orange carpet. Rows of empty seats surround the area, hinting at the silence of an event now passed. The natural afternoon light filters in through large windows, casting long, soft shadows across the carpet and the solitary object at rest.",,9,3,attribute,texture,"attribute - texture (carpet, textured)",Is the carpet textured? +176,"Within an expansive auditorium, a single megaphone with a metallic finish and a bold black stripe lies abandoned on a vast, textured orange carpet. Rows of empty seats surround the area, hinting at the silence of an event now passed. The natural afternoon light filters in through large windows, casting long, soft shadows across the carpet and the solitary object at rest.",,10,"2,3",relation,spatial,"relation - spatial (megaphone, carpet, on)",Is the megaphone on the carpet? +112,"Scattered across the polished hardwood floor, five vibrantly yellow cobs of corn lie in a haphazard formation, untouched and contrasting with the dark grain of the wood. Nearby, a mop with a wooden handle rests against a light grey wall, its stringy head soaked and discolored from use. The room is illuminated by the subdued, monochrome light of early morning, casting soft shadows across the cobs and the floor.",,1,0,entity,whole,entity - whole (cobs of corn),Are there cobs of corn? +112,"Scattered across the polished hardwood floor, five vibrantly yellow cobs of corn lie in a haphazard formation, untouched and contrasting with the dark grain of the wood. Nearby, a mop with a wooden handle rests against a light grey wall, its stringy head soaked and discolored from use. The room is illuminated by the subdued, monochrome light of early morning, casting soft shadows across the cobs and the floor.",,2,0,entity,whole,entity - whole (hardwood floor),Is there a hardwood floor? +112,"Scattered across the polished hardwood floor, five vibrantly yellow cobs of corn lie in a haphazard formation, untouched and contrasting with the dark grain of the wood. Nearby, a mop with a wooden handle rests against a light grey wall, its stringy head soaked and discolored from use. The room is illuminated by the subdued, monochrome light of early morning, casting soft shadows across the cobs and the floor.",,3,0,entity,whole,entity - whole (mop),Is there a mop? +112,"Scattered across the polished hardwood floor, five vibrantly yellow cobs of corn lie in a haphazard formation, untouched and contrasting with the dark grain of the wood. Nearby, a mop with a wooden handle rests against a light grey wall, its stringy head soaked and discolored from use. The room is illuminated by the subdued, monochrome light of early morning, casting soft shadows across the cobs and the floor.",,4,0,entity,whole,entity - whole (wall),Is there a wall? +112,"Scattered across the polished hardwood floor, five vibrantly yellow cobs of corn lie in a haphazard formation, untouched and contrasting with the dark grain of the wood. Nearby, a mop with a wooden handle rests against a light grey wall, its stringy head soaked and discolored from use. The room is illuminated by the subdued, monochrome light of early morning, casting soft shadows across the cobs and the floor.",,5,1,other,count,"other - count (cobs of corn, ==5)",Are there five cobs of corn? +112,"Scattered across the polished hardwood floor, five vibrantly yellow cobs of corn lie in a haphazard formation, untouched and contrasting with the dark grain of the wood. Nearby, a mop with a wooden handle rests against a light grey wall, its stringy head soaked and discolored from use. The room is illuminated by the subdued, monochrome light of early morning, casting soft shadows across the cobs and the floor.",,6,1,attribute,color,"attribute - color (cobs of corn, yellow)",Are the cobs of corn vibrantly yellow? +112,"Scattered across the polished hardwood floor, five vibrantly yellow cobs of corn lie in a haphazard formation, untouched and contrasting with the dark grain of the wood. Nearby, a mop with a wooden handle rests against a light grey wall, its stringy head soaked and discolored from use. The room is illuminated by the subdued, monochrome light of early morning, casting soft shadows across the cobs and the floor.",,7,2,attribute,texture,"attribute - texture (hardwood floor, polished)",Is the hardwood floor polished? +112,"Scattered across the polished hardwood floor, five vibrantly yellow cobs of corn lie in a haphazard formation, untouched and contrasting with the dark grain of the wood. Nearby, a mop with a wooden handle rests against a light grey wall, its stringy head soaked and discolored from use. The room is illuminated by the subdued, monochrome light of early morning, casting soft shadows across the cobs and the floor.",,8,4,attribute,color,"attribute - color (wall, light grey)",Is the wall light grey? +112,"Scattered across the polished hardwood floor, five vibrantly yellow cobs of corn lie in a haphazard formation, untouched and contrasting with the dark grain of the wood. Nearby, a mop with a wooden handle rests against a light grey wall, its stringy head soaked and discolored from use. The room is illuminated by the subdued, monochrome light of early morning, casting soft shadows across the cobs and the floor.",,9,3,attribute,texture,"attribute - texture (mop's handle, wood)",Does the mop have a wooden handle? +112,"Scattered across the polished hardwood floor, five vibrantly yellow cobs of corn lie in a haphazard formation, untouched and contrasting with the dark grain of the wood. Nearby, a mop with a wooden handle rests against a light grey wall, its stringy head soaked and discolored from use. The room is illuminated by the subdued, monochrome light of early morning, casting soft shadows across the cobs and the floor.",,10,3,attribute,texture,"attribute - texture (mop's head, stringy)",Is the mop's head stringy? +121,"A rustic, vintage wooden desk sitting in the corner of an antique store, its surface aged to a warm honey color. Upon the desk lies a silver flute, its polished surface gently reflecting the soft, golden light from the late afternoon sun streaming through a nearby window. Behind the flute, an array of eclectic cleaning products, from old-fashioned feather dusters to vintage glass bottles, is artfully arranged, adding to the charm of the setting. These items catch the sunlight in a way that casts an array of subtle shadows and highlights across the desk's surface.",,1,0,entity,whole,entity - whole (desk),Is there a desk? +121,"A rustic, vintage wooden desk sitting in the corner of an antique store, its surface aged to a warm honey color. Upon the desk lies a silver flute, its polished surface gently reflecting the soft, golden light from the late afternoon sun streaming through a nearby window. Behind the flute, an array of eclectic cleaning products, from old-fashioned feather dusters to vintage glass bottles, is artfully arranged, adding to the charm of the setting. These items catch the sunlight in a way that casts an array of subtle shadows and highlights across the desk's surface.",,2,0,entity,whole,entity - whole (antique store),Is there an antique store? +121,"A rustic, vintage wooden desk sitting in the corner of an antique store, its surface aged to a warm honey color. Upon the desk lies a silver flute, its polished surface gently reflecting the soft, golden light from the late afternoon sun streaming through a nearby window. Behind the flute, an array of eclectic cleaning products, from old-fashioned feather dusters to vintage glass bottles, is artfully arranged, adding to the charm of the setting. These items catch the sunlight in a way that casts an array of subtle shadows and highlights across the desk's surface.",,3,0,entity,whole,entity - whole (flute),Is there a flute? +121,"A rustic, vintage wooden desk sitting in the corner of an antique store, its surface aged to a warm honey color. Upon the desk lies a silver flute, its polished surface gently reflecting the soft, golden light from the late afternoon sun streaming through a nearby window. Behind the flute, an array of eclectic cleaning products, from old-fashioned feather dusters to vintage glass bottles, is artfully arranged, adding to the charm of the setting. These items catch the sunlight in a way that casts an array of subtle shadows and highlights across the desk's surface.",,4,0,entity,whole,entity - whole (window),Is there a window? +121,"A rustic, vintage wooden desk sitting in the corner of an antique store, its surface aged to a warm honey color. Upon the desk lies a silver flute, its polished surface gently reflecting the soft, golden light from the late afternoon sun streaming through a nearby window. Behind the flute, an array of eclectic cleaning products, from old-fashioned feather dusters to vintage glass bottles, is artfully arranged, adding to the charm of the setting. These items catch the sunlight in a way that casts an array of subtle shadows and highlights across the desk's surface.",,5,0,entity,whole,entity - whole (cleaning products),Are there cleaning products? +121,"A rustic, vintage wooden desk sitting in the corner of an antique store, its surface aged to a warm honey color. Upon the desk lies a silver flute, its polished surface gently reflecting the soft, golden light from the late afternoon sun streaming through a nearby window. Behind the flute, an array of eclectic cleaning products, from old-fashioned feather dusters to vintage glass bottles, is artfully arranged, adding to the charm of the setting. These items catch the sunlight in a way that casts an array of subtle shadows and highlights across the desk's surface.",,6,1,attribute,texture,"attribute - texture (desk, wooden)",Is the desk made of wood? +121,"A rustic, vintage wooden desk sitting in the corner of an antique store, its surface aged to a warm honey color. Upon the desk lies a silver flute, its polished surface gently reflecting the soft, golden light from the late afternoon sun streaming through a nearby window. Behind the flute, an array of eclectic cleaning products, from old-fashioned feather dusters to vintage glass bottles, is artfully arranged, adding to the charm of the setting. These items catch the sunlight in a way that casts an array of subtle shadows and highlights across the desk's surface.",,7,1,attribute,color,"attribute - color (desk, warm honey)",Does the desk have a warm honey color? +121,"A rustic, vintage wooden desk sitting in the corner of an antique store, its surface aged to a warm honey color. Upon the desk lies a silver flute, its polished surface gently reflecting the soft, golden light from the late afternoon sun streaming through a nearby window. Behind the flute, an array of eclectic cleaning products, from old-fashioned feather dusters to vintage glass bottles, is artfully arranged, adding to the charm of the setting. These items catch the sunlight in a way that casts an array of subtle shadows and highlights across the desk's surface.",,8,3,attribute,color,"attribute - color (flute, silver)",Is the flute silver? +121,"A rustic, vintage wooden desk sitting in the corner of an antique store, its surface aged to a warm honey color. Upon the desk lies a silver flute, its polished surface gently reflecting the soft, golden light from the late afternoon sun streaming through a nearby window. Behind the flute, an array of eclectic cleaning products, from old-fashioned feather dusters to vintage glass bottles, is artfully arranged, adding to the charm of the setting. These items catch the sunlight in a way that casts an array of subtle shadows and highlights across the desk's surface.",,9,5,attribute,texture,"attribute - texture (cleaning products, eclectic)",Are the cleaning products eclectic? +121,"A rustic, vintage wooden desk sitting in the corner of an antique store, its surface aged to a warm honey color. Upon the desk lies a silver flute, its polished surface gently reflecting the soft, golden light from the late afternoon sun streaming through a nearby window. Behind the flute, an array of eclectic cleaning products, from old-fashioned feather dusters to vintage glass bottles, is artfully arranged, adding to the charm of the setting. These items catch the sunlight in a way that casts an array of subtle shadows and highlights across the desk's surface.",,10,"1,2",relation,spatial,"relation - spatial (desk, antique store, in corner)",Is the desk sitting in the corner of the antique store? +220,"Three glossy billiards balls, each distinctly colored in solid hues of red, yellow, and blue, are captured in a dynamic roll across a vibrant green felt billiards table. In stark contrast, a pair of granite curling stones with colored handles rest motionless nearby, their polished surfaces reflecting the soft, ambient lighting of the room. The billiards balls, significantly smaller in size compared to the hefty curling stones, navigate the expanse of the table with ease and precision.",,1,0,entity,whole,entity - whole (billiards balls),Are there billiards balls? +220,"Three glossy billiards balls, each distinctly colored in solid hues of red, yellow, and blue, are captured in a dynamic roll across a vibrant green felt billiards table. In stark contrast, a pair of granite curling stones with colored handles rest motionless nearby, their polished surfaces reflecting the soft, ambient lighting of the room. The billiards balls, significantly smaller in size compared to the hefty curling stones, navigate the expanse of the table with ease and precision.",,2,1,other,count,"other - count (billiards balls, ==3)",Are there three billiards balls? +220,"Three glossy billiards balls, each distinctly colored in solid hues of red, yellow, and blue, are captured in a dynamic roll across a vibrant green felt billiards table. In stark contrast, a pair of granite curling stones with colored handles rest motionless nearby, their polished surfaces reflecting the soft, ambient lighting of the room. The billiards balls, significantly smaller in size compared to the hefty curling stones, navigate the expanse of the table with ease and precision.",,3,0,entity,whole,entity - whole (curling stones),Are there curling stones? +220,"Three glossy billiards balls, each distinctly colored in solid hues of red, yellow, and blue, are captured in a dynamic roll across a vibrant green felt billiards table. In stark contrast, a pair of granite curling stones with colored handles rest motionless nearby, their polished surfaces reflecting the soft, ambient lighting of the room. The billiards balls, significantly smaller in size compared to the hefty curling stones, navigate the expanse of the table with ease and precision.",,4,3,other,count,"other - count (curling stones, ==2)",Are there two curling stones? +220,"Three glossy billiards balls, each distinctly colored in solid hues of red, yellow, and blue, are captured in a dynamic roll across a vibrant green felt billiards table. In stark contrast, a pair of granite curling stones with colored handles rest motionless nearby, their polished surfaces reflecting the soft, ambient lighting of the room. The billiards balls, significantly smaller in size compared to the hefty curling stones, navigate the expanse of the table with ease and precision.",,5,0,entity,whole,entity - whole (billiards table),Is there a billiards table? +220,"Three glossy billiards balls, each distinctly colored in solid hues of red, yellow, and blue, are captured in a dynamic roll across a vibrant green felt billiards table. In stark contrast, a pair of granite curling stones with colored handles rest motionless nearby, their polished surfaces reflecting the soft, ambient lighting of the room. The billiards balls, significantly smaller in size compared to the hefty curling stones, navigate the expanse of the table with ease and precision.",,6,1,attribute,color,"attribute - color (billiards ball_1, red)",Is one of the billiards balls red? +220,"Three glossy billiards balls, each distinctly colored in solid hues of red, yellow, and blue, are captured in a dynamic roll across a vibrant green felt billiards table. In stark contrast, a pair of granite curling stones with colored handles rest motionless nearby, their polished surfaces reflecting the soft, ambient lighting of the room. The billiards balls, significantly smaller in size compared to the hefty curling stones, navigate the expanse of the table with ease and precision.",,7,1,attribute,color,"attribute - color (billiards ball_2, yellow)",Is one of the billiards balls yellow? +220,"Three glossy billiards balls, each distinctly colored in solid hues of red, yellow, and blue, are captured in a dynamic roll across a vibrant green felt billiards table. In stark contrast, a pair of granite curling stones with colored handles rest motionless nearby, their polished surfaces reflecting the soft, ambient lighting of the room. The billiards balls, significantly smaller in size compared to the hefty curling stones, navigate the expanse of the table with ease and precision.",,8,1,attribute,color,"attribute - color (billiards ball_3, blue)",Is one of the billiards balls blue? +220,"Three glossy billiards balls, each distinctly colored in solid hues of red, yellow, and blue, are captured in a dynamic roll across a vibrant green felt billiards table. In stark contrast, a pair of granite curling stones with colored handles rest motionless nearby, their polished surfaces reflecting the soft, ambient lighting of the room. The billiards balls, significantly smaller in size compared to the hefty curling stones, navigate the expanse of the table with ease and precision.",,9,5,attribute,color,"attribute - color (billiards table, vibrant green)",Is the billiards table vibrant green? +220,"Three glossy billiards balls, each distinctly colored in solid hues of red, yellow, and blue, are captured in a dynamic roll across a vibrant green felt billiards table. In stark contrast, a pair of granite curling stones with colored handles rest motionless nearby, their polished surfaces reflecting the soft, ambient lighting of the room. The billiards balls, significantly smaller in size compared to the hefty curling stones, navigate the expanse of the table with ease and precision.",,10,3,attribute,texture,"attribute - texture (curling stones, granite)",Are the curling stones made of granite? +243,"Inside a peaceful home, the kitchen area features a stainless steel faucet, its sleek surface catching the light, towering just above a straw broom with bristles slightly frayed from use. The broom leans casually against a cream-colored wall, adjacent to the polished granite countertop that houses the sink and faucet. Around them, the kitchen is filled with other everyday utensils and appliances, creating a sense of domestic normalcy.",,1,0,entity,whole,entity - whole (home),Is there a home? +243,"Inside a peaceful home, the kitchen area features a stainless steel faucet, its sleek surface catching the light, towering just above a straw broom with bristles slightly frayed from use. The broom leans casually against a cream-colored wall, adjacent to the polished granite countertop that houses the sink and faucet. Around them, the kitchen is filled with other everyday utensils and appliances, creating a sense of domestic normalcy.",,2,1,entity,whole,entity - whole (kitchen area),Is there a kitchen area? +243,"Inside a peaceful home, the kitchen area features a stainless steel faucet, its sleek surface catching the light, towering just above a straw broom with bristles slightly frayed from use. The broom leans casually against a cream-colored wall, adjacent to the polished granite countertop that houses the sink and faucet. Around them, the kitchen is filled with other everyday utensils and appliances, creating a sense of domestic normalcy.",,3,2,entity,whole,entity - whole (faucet),Is there a faucet? +243,"Inside a peaceful home, the kitchen area features a stainless steel faucet, its sleek surface catching the light, towering just above a straw broom with bristles slightly frayed from use. The broom leans casually against a cream-colored wall, adjacent to the polished granite countertop that houses the sink and faucet. Around them, the kitchen is filled with other everyday utensils and appliances, creating a sense of domestic normalcy.",,4,2,entity,whole,entity - whole (broom),Is there a broom? +243,"Inside a peaceful home, the kitchen area features a stainless steel faucet, its sleek surface catching the light, towering just above a straw broom with bristles slightly frayed from use. The broom leans casually against a cream-colored wall, adjacent to the polished granite countertop that houses the sink and faucet. Around them, the kitchen is filled with other everyday utensils and appliances, creating a sense of domestic normalcy.",,5,2,entity,whole,entity - whole (wall),Is there a wall? +243,"Inside a peaceful home, the kitchen area features a stainless steel faucet, its sleek surface catching the light, towering just above a straw broom with bristles slightly frayed from use. The broom leans casually against a cream-colored wall, adjacent to the polished granite countertop that houses the sink and faucet. Around them, the kitchen is filled with other everyday utensils and appliances, creating a sense of domestic normalcy.",,6,2,entity,whole,entity - whole (countertop),Is there a countertop? +243,"Inside a peaceful home, the kitchen area features a stainless steel faucet, its sleek surface catching the light, towering just above a straw broom with bristles slightly frayed from use. The broom leans casually against a cream-colored wall, adjacent to the polished granite countertop that houses the sink and faucet. Around them, the kitchen is filled with other everyday utensils and appliances, creating a sense of domestic normalcy.",,7,3,attribute,texture,"attribute - texture (faucet, stainless steel)",Is the faucet made of stainless steel? +243,"Inside a peaceful home, the kitchen area features a stainless steel faucet, its sleek surface catching the light, towering just above a straw broom with bristles slightly frayed from use. The broom leans casually against a cream-colored wall, adjacent to the polished granite countertop that houses the sink and faucet. Around them, the kitchen is filled with other everyday utensils and appliances, creating a sense of domestic normalcy.",,8,6,attribute,texture,"attribute - texture (countertop, granite)",Is the countertop made of granite? +243,"Inside a peaceful home, the kitchen area features a stainless steel faucet, its sleek surface catching the light, towering just above a straw broom with bristles slightly frayed from use. The broom leans casually against a cream-colored wall, adjacent to the polished granite countertop that houses the sink and faucet. Around them, the kitchen is filled with other everyday utensils and appliances, creating a sense of domestic normalcy.",,9,5,attribute,color,"attribute - color (wall, cream-colored)",Is the wall cream-colored? +243,"Inside a peaceful home, the kitchen area features a stainless steel faucet, its sleek surface catching the light, towering just above a straw broom with bristles slightly frayed from use. The broom leans casually against a cream-colored wall, adjacent to the polished granite countertop that houses the sink and faucet. Around them, the kitchen is filled with other everyday utensils and appliances, creating a sense of domestic normalcy.",,10,"4,5",relation,spatial,"relation - spatial (broom, wall, against)",Is the broom leaning against the wall? +53,"Two cylindrical-shaped, golden lamps with a brushed metallic finish stand side by side, casting a warm glow on the dark wooden bedside table. The illumination from the lamps highlights a small stack of books and a pair of reading glasses placed next to them. In the background, the subtle outline of a neatly made bed can be seen, with the surrounding area cloaked in the soft shadows of the midnight hour.",,1,0,entity,whole,entity - whole (lamps),Are there lamps? +53,"Two cylindrical-shaped, golden lamps with a brushed metallic finish stand side by side, casting a warm glow on the dark wooden bedside table. The illumination from the lamps highlights a small stack of books and a pair of reading glasses placed next to them. In the background, the subtle outline of a neatly made bed can be seen, with the surrounding area cloaked in the soft shadows of the midnight hour.",,2,1,other,count,"other - count (lamps, ==2)",Are there two lamps? +53,"Two cylindrical-shaped, golden lamps with a brushed metallic finish stand side by side, casting a warm glow on the dark wooden bedside table. The illumination from the lamps highlights a small stack of books and a pair of reading glasses placed next to them. In the background, the subtle outline of a neatly made bed can be seen, with the surrounding area cloaked in the soft shadows of the midnight hour.",,3,1,attribute,shape,"attribute - shape (lamps, cylindrical-shaped)",Are the lamps cylindrical-shaped? +53,"Two cylindrical-shaped, golden lamps with a brushed metallic finish stand side by side, casting a warm glow on the dark wooden bedside table. The illumination from the lamps highlights a small stack of books and a pair of reading glasses placed next to them. In the background, the subtle outline of a neatly made bed can be seen, with the surrounding area cloaked in the soft shadows of the midnight hour.",,4,1,attribute,color,"attribute - color (lamps, golden)",Are the lamps golden? +53,"Two cylindrical-shaped, golden lamps with a brushed metallic finish stand side by side, casting a warm glow on the dark wooden bedside table. The illumination from the lamps highlights a small stack of books and a pair of reading glasses placed next to them. In the background, the subtle outline of a neatly made bed can be seen, with the surrounding area cloaked in the soft shadows of the midnight hour.",,5,1,attribute,texture,"attribute - texture (lamps, brushed metallic)",Do the lamps have a brushed metallic finish? +53,"Two cylindrical-shaped, golden lamps with a brushed metallic finish stand side by side, casting a warm glow on the dark wooden bedside table. The illumination from the lamps highlights a small stack of books and a pair of reading glasses placed next to them. In the background, the subtle outline of a neatly made bed can be seen, with the surrounding area cloaked in the soft shadows of the midnight hour.",,6,0,entity,whole,entity - whole (bedside table),Is there a bedside table? +53,"Two cylindrical-shaped, golden lamps with a brushed metallic finish stand side by side, casting a warm glow on the dark wooden bedside table. The illumination from the lamps highlights a small stack of books and a pair of reading glasses placed next to them. In the background, the subtle outline of a neatly made bed can be seen, with the surrounding area cloaked in the soft shadows of the midnight hour.",,7,6,attribute,color,"attribute - color (bedside table, dark)",Is the bedside table dark? +53,"Two cylindrical-shaped, golden lamps with a brushed metallic finish stand side by side, casting a warm glow on the dark wooden bedside table. The illumination from the lamps highlights a small stack of books and a pair of reading glasses placed next to them. In the background, the subtle outline of a neatly made bed can be seen, with the surrounding area cloaked in the soft shadows of the midnight hour.",,8,6,attribute,texture,"attribute - texture (bedside table, wooden)",Is the bedside table made of wood? +53,"Two cylindrical-shaped, golden lamps with a brushed metallic finish stand side by side, casting a warm glow on the dark wooden bedside table. The illumination from the lamps highlights a small stack of books and a pair of reading glasses placed next to them. In the background, the subtle outline of a neatly made bed can be seen, with the surrounding area cloaked in the soft shadows of the midnight hour.",,9,1,entity,state,"entity - state (lamps, stand, side by side)",Are the lamps standing side by side? +53,"Two cylindrical-shaped, golden lamps with a brushed metallic finish stand side by side, casting a warm glow on the dark wooden bedside table. The illumination from the lamps highlights a small stack of books and a pair of reading glasses placed next to them. In the background, the subtle outline of a neatly made bed can be seen, with the surrounding area cloaked in the soft shadows of the midnight hour.",,10,"1,6",relation,spatial,"relation - spatial (lamps, bedside table, on)",Are the lamps on the bedside table? +64,"An old wooden stool with three legs and a unique triangular seat placed by the window, bathed in the soft glow of moonlight as the clock strikes midnight. The varnish on its surface has faded, hinting at its age and the many years it has stood there. Beside it, a tall grandfather clock, its pendulum swinging steadily, marks the late hour within the quiet room.",,1,0,entity,whole,entity - whole (stool),Is there a stool? +64,"An old wooden stool with three legs and a unique triangular seat placed by the window, bathed in the soft glow of moonlight as the clock strikes midnight. The varnish on its surface has faded, hinting at its age and the many years it has stood there. Beside it, a tall grandfather clock, its pendulum swinging steadily, marks the late hour within the quiet room.",,2,0,entity,whole,entity - whole (window),Is there a window? +64,"An old wooden stool with three legs and a unique triangular seat placed by the window, bathed in the soft glow of moonlight as the clock strikes midnight. The varnish on its surface has faded, hinting at its age and the many years it has stood there. Beside it, a tall grandfather clock, its pendulum swinging steadily, marks the late hour within the quiet room.",,3,0,entity,whole,entity - whole (clock),Is there a clock? +64,"An old wooden stool with three legs and a unique triangular seat placed by the window, bathed in the soft glow of moonlight as the clock strikes midnight. The varnish on its surface has faded, hinting at its age and the many years it has stood there. Beside it, a tall grandfather clock, its pendulum swinging steadily, marks the late hour within the quiet room.",,4,1,attribute,texture,"attribute - texture (stool, wooden)",Is the stool made of wood? +64,"An old wooden stool with three legs and a unique triangular seat placed by the window, bathed in the soft glow of moonlight as the clock strikes midnight. The varnish on its surface has faded, hinting at its age and the many years it has stood there. Beside it, a tall grandfather clock, its pendulum swinging steadily, marks the late hour within the quiet room.",,5,1,attribute,other,"attribute - other (stool, old)",Is the stool old? +64,"An old wooden stool with three legs and a unique triangular seat placed by the window, bathed in the soft glow of moonlight as the clock strikes midnight. The varnish on its surface has faded, hinting at its age and the many years it has stood there. Beside it, a tall grandfather clock, its pendulum swinging steadily, marks the late hour within the quiet room.",,6,1,attribute,shape,"attribute - shape (stool's seat, triangular)",Does the stool have a triangular seat? +64,"An old wooden stool with three legs and a unique triangular seat placed by the window, bathed in the soft glow of moonlight as the clock strikes midnight. The varnish on its surface has faded, hinting at its age and the many years it has stood there. Beside it, a tall grandfather clock, its pendulum swinging steadily, marks the late hour within the quiet room.",,7,1,other,count,"other - count (stool's legs, ==3)",Does the stool have three legs? +64,"An old wooden stool with three legs and a unique triangular seat placed by the window, bathed in the soft glow of moonlight as the clock strikes midnight. The varnish on its surface has faded, hinting at its age and the many years it has stood there. Beside it, a tall grandfather clock, its pendulum swinging steadily, marks the late hour within the quiet room.",,8,3,entity,state,"entity - state (clock, pendulum, swinging)",Is the pendulum of the clock swinging? +64,"An old wooden stool with three legs and a unique triangular seat placed by the window, bathed in the soft glow of moonlight as the clock strikes midnight. The varnish on its surface has faded, hinting at its age and the many years it has stood there. Beside it, a tall grandfather clock, its pendulum swinging steadily, marks the late hour within the quiet room.",,9,3,attribute,other,"attribute - other (clock, grandfather)",Is the clock a grandfather clock? +64,"An old wooden stool with three legs and a unique triangular seat placed by the window, bathed in the soft glow of moonlight as the clock strikes midnight. The varnish on its surface has faded, hinting at its age and the many years it has stood there. Beside it, a tall grandfather clock, its pendulum swinging steadily, marks the late hour within the quiet room.",,10,"1,2",relation,spatial,"relation - spatial (stool, window, by)",Is the stool placed by the window? +64,"An old wooden stool with three legs and a unique triangular seat placed by the window, bathed in the soft glow of moonlight as the clock strikes midnight. The varnish on its surface has faded, hinting at its age and the many years it has stood there. Beside it, a tall grandfather clock, its pendulum swinging steadily, marks the late hour within the quiet room.",,11,"1,3",relation,spatial,"relation - spatial (clock, stool, beside)",Is the clock beside the stool? +165,"In a modern kitchen, a square, chrome toaster with a sleek finish sits prominently on the marble countertop, its size dwarfing the nearby red vintage rotary telephone, which is placed quaintly on a wooden dining table. The telephone's vibrant red hue contrasts with the neutral tones of the kitchen, and its cord coils gracefully beside it. The polished surfaces of both the toaster and the telephone catch the ambient light, adding a subtle shine to their respective textures.",,1,0,entity,whole,entity - whole (kitchen),Is there a kitchen? +165,"In a modern kitchen, a square, chrome toaster with a sleek finish sits prominently on the marble countertop, its size dwarfing the nearby red vintage rotary telephone, which is placed quaintly on a wooden dining table. The telephone's vibrant red hue contrasts with the neutral tones of the kitchen, and its cord coils gracefully beside it. The polished surfaces of both the toaster and the telephone catch the ambient light, adding a subtle shine to their respective textures.",,2,0,entity,whole,entity - whole (toaster),Is there a toaster? +165,"In a modern kitchen, a square, chrome toaster with a sleek finish sits prominently on the marble countertop, its size dwarfing the nearby red vintage rotary telephone, which is placed quaintly on a wooden dining table. The telephone's vibrant red hue contrasts with the neutral tones of the kitchen, and its cord coils gracefully beside it. The polished surfaces of both the toaster and the telephone catch the ambient light, adding a subtle shine to their respective textures.",,3,0,entity,whole,entity - whole (countertop),Is there a countertop? +165,"In a modern kitchen, a square, chrome toaster with a sleek finish sits prominently on the marble countertop, its size dwarfing the nearby red vintage rotary telephone, which is placed quaintly on a wooden dining table. The telephone's vibrant red hue contrasts with the neutral tones of the kitchen, and its cord coils gracefully beside it. The polished surfaces of both the toaster and the telephone catch the ambient light, adding a subtle shine to their respective textures.",,4,0,entity,whole,entity - whole (telephone),Is there a telephone? +165,"In a modern kitchen, a square, chrome toaster with a sleek finish sits prominently on the marble countertop, its size dwarfing the nearby red vintage rotary telephone, which is placed quaintly on a wooden dining table. The telephone's vibrant red hue contrasts with the neutral tones of the kitchen, and its cord coils gracefully beside it. The polished surfaces of both the toaster and the telephone catch the ambient light, adding a subtle shine to their respective textures.",,5,0,entity,whole,entity - whole (dining table),Is there a dining table? +165,"In a modern kitchen, a square, chrome toaster with a sleek finish sits prominently on the marble countertop, its size dwarfing the nearby red vintage rotary telephone, which is placed quaintly on a wooden dining table. The telephone's vibrant red hue contrasts with the neutral tones of the kitchen, and its cord coils gracefully beside it. The polished surfaces of both the toaster and the telephone catch the ambient light, adding a subtle shine to their respective textures.",,6,2,attribute,shape,"attribute - shape (toaster, square)",Is the toaster square? +165,"In a modern kitchen, a square, chrome toaster with a sleek finish sits prominently on the marble countertop, its size dwarfing the nearby red vintage rotary telephone, which is placed quaintly on a wooden dining table. The telephone's vibrant red hue contrasts with the neutral tones of the kitchen, and its cord coils gracefully beside it. The polished surfaces of both the toaster and the telephone catch the ambient light, adding a subtle shine to their respective textures.",,7,2,attribute,texture,"attribute - texture (toaster, chrome, sleek finish)",Does the toaster have a chrome and sleek finish? +165,"In a modern kitchen, a square, chrome toaster with a sleek finish sits prominently on the marble countertop, its size dwarfing the nearby red vintage rotary telephone, which is placed quaintly on a wooden dining table. The telephone's vibrant red hue contrasts with the neutral tones of the kitchen, and its cord coils gracefully beside it. The polished surfaces of both the toaster and the telephone catch the ambient light, adding a subtle shine to their respective textures.",,8,3,attribute,texture,"attribute - texture (countertop, marble)",Is the countertop made of marble? +165,"In a modern kitchen, a square, chrome toaster with a sleek finish sits prominently on the marble countertop, its size dwarfing the nearby red vintage rotary telephone, which is placed quaintly on a wooden dining table. The telephone's vibrant red hue contrasts with the neutral tones of the kitchen, and its cord coils gracefully beside it. The polished surfaces of both the toaster and the telephone catch the ambient light, adding a subtle shine to their respective textures.",,9,4,attribute,color,"attribute - color (telephone, red)",Is the telephone red? +165,"In a modern kitchen, a square, chrome toaster with a sleek finish sits prominently on the marble countertop, its size dwarfing the nearby red vintage rotary telephone, which is placed quaintly on a wooden dining table. The telephone's vibrant red hue contrasts with the neutral tones of the kitchen, and its cord coils gracefully beside it. The polished surfaces of both the toaster and the telephone catch the ambient light, adding a subtle shine to their respective textures.",,10,5,attribute,texture,"attribute - texture (dining table, wood)",Is the dining table made of wood? +272,"An aged and quaint room, lined with crinkled wallpaper, houses a row of four spherical, silver projectors resting on a weathered shelving unit at the rear. These projectors cast bright, focused beams of light toward the room's center, where an expansive antique oak desk sits solemnly. On the desk's polished surface, three electronic keyboards, each with a different design and layout, are neatly arranged, waiting to be played.",,1,0,entity,whole,entity - whole (room),Is there a room? +272,"An aged and quaint room, lined with crinkled wallpaper, houses a row of four spherical, silver projectors resting on a weathered shelving unit at the rear. These projectors cast bright, focused beams of light toward the room's center, where an expansive antique oak desk sits solemnly. On the desk's polished surface, three electronic keyboards, each with a different design and layout, are neatly arranged, waiting to be played.",,2,1,entity,whole,entity - whole (wallpaper),Is there wallpaper? +272,"An aged and quaint room, lined with crinkled wallpaper, houses a row of four spherical, silver projectors resting on a weathered shelving unit at the rear. These projectors cast bright, focused beams of light toward the room's center, where an expansive antique oak desk sits solemnly. On the desk's polished surface, three electronic keyboards, each with a different design and layout, are neatly arranged, waiting to be played.",,3,0,entity,whole,entity - whole (projectors),Are there projectors? +272,"An aged and quaint room, lined with crinkled wallpaper, houses a row of four spherical, silver projectors resting on a weathered shelving unit at the rear. These projectors cast bright, focused beams of light toward the room's center, where an expansive antique oak desk sits solemnly. On the desk's polished surface, three electronic keyboards, each with a different design and layout, are neatly arranged, waiting to be played.",,4,0,entity,whole,entity - whole (shelving unit),Is there a shelving unit? +272,"An aged and quaint room, lined with crinkled wallpaper, houses a row of four spherical, silver projectors resting on a weathered shelving unit at the rear. These projectors cast bright, focused beams of light toward the room's center, where an expansive antique oak desk sits solemnly. On the desk's polished surface, three electronic keyboards, each with a different design and layout, are neatly arranged, waiting to be played.",,5,0,entity,whole,entity - whole (desk),Is there a desk? +272,"An aged and quaint room, lined with crinkled wallpaper, houses a row of four spherical, silver projectors resting on a weathered shelving unit at the rear. These projectors cast bright, focused beams of light toward the room's center, where an expansive antique oak desk sits solemnly. On the desk's polished surface, three electronic keyboards, each with a different design and layout, are neatly arranged, waiting to be played.",,6,0,entity,whole,entity - whole (keyboards),Are there keyboards? +272,"An aged and quaint room, lined with crinkled wallpaper, houses a row of four spherical, silver projectors resting on a weathered shelving unit at the rear. These projectors cast bright, focused beams of light toward the room's center, where an expansive antique oak desk sits solemnly. On the desk's polished surface, three electronic keyboards, each with a different design and layout, are neatly arranged, waiting to be played.",,7,2,attribute,texture,"attribute - texture (wallpaper, crinkled)",Is the wallpaper crinkled? +272,"An aged and quaint room, lined with crinkled wallpaper, houses a row of four spherical, silver projectors resting on a weathered shelving unit at the rear. These projectors cast bright, focused beams of light toward the room's center, where an expansive antique oak desk sits solemnly. On the desk's polished surface, three electronic keyboards, each with a different design and layout, are neatly arranged, waiting to be played.",,8,4,attribute,texture,"attribute - texture (shelving unit, weathered)",Is the shelving unit weathered? +272,"An aged and quaint room, lined with crinkled wallpaper, houses a row of four spherical, silver projectors resting on a weathered shelving unit at the rear. These projectors cast bright, focused beams of light toward the room's center, where an expansive antique oak desk sits solemnly. On the desk's polished surface, three electronic keyboards, each with a different design and layout, are neatly arranged, waiting to be played.",,9,5,attribute,texture,"attribute - texture (desk, oak)",Is the desk made of oak? +272,"An aged and quaint room, lined with crinkled wallpaper, houses a row of four spherical, silver projectors resting on a weathered shelving unit at the rear. These projectors cast bright, focused beams of light toward the room's center, where an expansive antique oak desk sits solemnly. On the desk's polished surface, three electronic keyboards, each with a different design and layout, are neatly arranged, waiting to be played.",,10,5,attribute,other,"attribute - other (desk, antique)",Is the desk antique? +272,"An aged and quaint room, lined with crinkled wallpaper, houses a row of four spherical, silver projectors resting on a weathered shelving unit at the rear. These projectors cast bright, focused beams of light toward the room's center, where an expansive antique oak desk sits solemnly. On the desk's polished surface, three electronic keyboards, each with a different design and layout, are neatly arranged, waiting to be played.",,11,1,attribute,other,"attribute - other (room, aged and quaint)",Is the room aged and quaint? +272,"An aged and quaint room, lined with crinkled wallpaper, houses a row of four spherical, silver projectors resting on a weathered shelving unit at the rear. These projectors cast bright, focused beams of light toward the room's center, where an expansive antique oak desk sits solemnly. On the desk's polished surface, three electronic keyboards, each with a different design and layout, are neatly arranged, waiting to be played.",,12,3,attribute,color,"attribute - color (projectors, silver)",Are the projectors silver? +272,"An aged and quaint room, lined with crinkled wallpaper, houses a row of four spherical, silver projectors resting on a weathered shelving unit at the rear. These projectors cast bright, focused beams of light toward the room's center, where an expansive antique oak desk sits solemnly. On the desk's polished surface, three electronic keyboards, each with a different design and layout, are neatly arranged, waiting to be played.",,13,3,attribute,shape,"attribute - shape (projectors, spherical)",Are the projectors spherical? +272,"An aged and quaint room, lined with crinkled wallpaper, houses a row of four spherical, silver projectors resting on a weathered shelving unit at the rear. These projectors cast bright, focused beams of light toward the room's center, where an expansive antique oak desk sits solemnly. On the desk's polished surface, three electronic keyboards, each with a different design and layout, are neatly arranged, waiting to be played.",,14,3,other,count,"other - count (projectors, ==4)",Are there four projectors? +272,"An aged and quaint room, lined with crinkled wallpaper, houses a row of four spherical, silver projectors resting on a weathered shelving unit at the rear. These projectors cast bright, focused beams of light toward the room's center, where an expansive antique oak desk sits solemnly. On the desk's polished surface, three electronic keyboards, each with a different design and layout, are neatly arranged, waiting to be played.",,15,6,other,count,"other - count (keyboards, ==3)",Are there three keyboards? +272,"An aged and quaint room, lined with crinkled wallpaper, houses a row of four spherical, silver projectors resting on a weathered shelving unit at the rear. These projectors cast bright, focused beams of light toward the room's center, where an expansive antique oak desk sits solemnly. On the desk's polished surface, three electronic keyboards, each with a different design and layout, are neatly arranged, waiting to be played.",,16,"3,4",relation,spatial,"relation - spatial (projectors, shelving unit, on)",Are the projectors on the shelving unit? +272,"An aged and quaint room, lined with crinkled wallpaper, houses a row of four spherical, silver projectors resting on a weathered shelving unit at the rear. These projectors cast bright, focused beams of light toward the room's center, where an expansive antique oak desk sits solemnly. On the desk's polished surface, three electronic keyboards, each with a different design and layout, are neatly arranged, waiting to be played.",,17,"3,1",relation,spatial,"relation - spatial (projectors, room's center, cast light toward)","Do the projectors cast bright, focused beams of light toward the room's center?" +272,"An aged and quaint room, lined with crinkled wallpaper, houses a row of four spherical, silver projectors resting on a weathered shelving unit at the rear. These projectors cast bright, focused beams of light toward the room's center, where an expansive antique oak desk sits solemnly. On the desk's polished surface, three electronic keyboards, each with a different design and layout, are neatly arranged, waiting to be played.",,18,"5,1",relation,spatial,"relation - spatial (desk, room's center, in)",Is the desk in the room's center? +272,"An aged and quaint room, lined with crinkled wallpaper, houses a row of four spherical, silver projectors resting on a weathered shelving unit at the rear. These projectors cast bright, focused beams of light toward the room's center, where an expansive antique oak desk sits solemnly. On the desk's polished surface, three electronic keyboards, each with a different design and layout, are neatly arranged, waiting to be played.",,19,"6,5",relation,spatial,"relation - spatial (keyboards, desk, on)",Are the keyboards on the desk? +272,"An aged and quaint room, lined with crinkled wallpaper, houses a row of four spherical, silver projectors resting on a weathered shelving unit at the rear. These projectors cast bright, focused beams of light toward the room's center, where an expansive antique oak desk sits solemnly. On the desk's polished surface, three electronic keyboards, each with a different design and layout, are neatly arranged, waiting to be played.",,20,6,entity,state,"entity - state (keyboards, waiting to be played)",Are the keyboards waiting to be played? +272,"An aged and quaint room, lined with crinkled wallpaper, houses a row of four spherical, silver projectors resting on a weathered shelving unit at the rear. These projectors cast bright, focused beams of light toward the room's center, where an expansive antique oak desk sits solemnly. On the desk's polished surface, three electronic keyboards, each with a different design and layout, are neatly arranged, waiting to be played.",,21,6,attribute,other,"attribute - other (keyboards, electronic)",Are the keyboards electronic? +272,"An aged and quaint room, lined with crinkled wallpaper, houses a row of four spherical, silver projectors resting on a weathered shelving unit at the rear. These projectors cast bright, focused beams of light toward the room's center, where an expansive antique oak desk sits solemnly. On the desk's polished surface, three electronic keyboards, each with a different design and layout, are neatly arranged, waiting to be played.",,22,6,attribute,other,"attribute - other (keyboards, different designs and layouts)",Do the keyboards have different designs and layouts? +272,"An aged and quaint room, lined with crinkled wallpaper, houses a row of four spherical, silver projectors resting on a weathered shelving unit at the rear. These projectors cast bright, focused beams of light toward the room's center, where an expansive antique oak desk sits solemnly. On the desk's polished surface, three electronic keyboards, each with a different design and layout, are neatly arranged, waiting to be played.",,23,5,attribute,other,"attribute - other (desk's surface, polished)",Is the desk's surface polished? +222,"A well-worn traditional fire tong with a darkened, metal finish rests gently beside a contemporary stainless steel extractor on a rugged, aged wooden table. The table's surface reveals the texture of the grain and bears the marks of frequent use. Sunlight pours through a nearby window, casting a soft, warm glow that highlights the contrast between the old and the new kitchen tools.",,1,0,entity,whole,entity - whole (fire tong),Is there a fire tong? +222,"A well-worn traditional fire tong with a darkened, metal finish rests gently beside a contemporary stainless steel extractor on a rugged, aged wooden table. The table's surface reveals the texture of the grain and bears the marks of frequent use. Sunlight pours through a nearby window, casting a soft, warm glow that highlights the contrast between the old and the new kitchen tools.",,2,0,entity,whole,entity - whole (extractor),Is there an extractor? +222,"A well-worn traditional fire tong with a darkened, metal finish rests gently beside a contemporary stainless steel extractor on a rugged, aged wooden table. The table's surface reveals the texture of the grain and bears the marks of frequent use. Sunlight pours through a nearby window, casting a soft, warm glow that highlights the contrast between the old and the new kitchen tools.",,3,0,entity,whole,entity - whole (table),Is there a table? +222,"A well-worn traditional fire tong with a darkened, metal finish rests gently beside a contemporary stainless steel extractor on a rugged, aged wooden table. The table's surface reveals the texture of the grain and bears the marks of frequent use. Sunlight pours through a nearby window, casting a soft, warm glow that highlights the contrast between the old and the new kitchen tools.",,4,1,attribute,texture,"attribute - texture (fire tong, metal, darkened)",Does the fire tong have a darkened metal finish? +222,"A well-worn traditional fire tong with a darkened, metal finish rests gently beside a contemporary stainless steel extractor on a rugged, aged wooden table. The table's surface reveals the texture of the grain and bears the marks of frequent use. Sunlight pours through a nearby window, casting a soft, warm glow that highlights the contrast between the old and the new kitchen tools.",,5,2,attribute,texture,"attribute - texture (extractor, stainless steel)",Is the extractor made of stainless steel? +222,"A well-worn traditional fire tong with a darkened, metal finish rests gently beside a contemporary stainless steel extractor on a rugged, aged wooden table. The table's surface reveals the texture of the grain and bears the marks of frequent use. Sunlight pours through a nearby window, casting a soft, warm glow that highlights the contrast between the old and the new kitchen tools.",,6,3,attribute,texture,"attribute - texture (table, wood, aged)","Is the table made of rugged, aged wood?" +222,"A well-worn traditional fire tong with a darkened, metal finish rests gently beside a contemporary stainless steel extractor on a rugged, aged wooden table. The table's surface reveals the texture of the grain and bears the marks of frequent use. Sunlight pours through a nearby window, casting a soft, warm glow that highlights the contrast between the old and the new kitchen tools.",,7,3,attribute,texture,"attribute - texture (table's surface, wood grain)",Does the table's surface reveal the texture of the wood grain? +222,"A well-worn traditional fire tong with a darkened, metal finish rests gently beside a contemporary stainless steel extractor on a rugged, aged wooden table. The table's surface reveals the texture of the grain and bears the marks of frequent use. Sunlight pours through a nearby window, casting a soft, warm glow that highlights the contrast between the old and the new kitchen tools.",,8,1,entity,state,"entity - state (fire tong, rest)",Is the fire tong resting? +222,"A well-worn traditional fire tong with a darkened, metal finish rests gently beside a contemporary stainless steel extractor on a rugged, aged wooden table. The table's surface reveals the texture of the grain and bears the marks of frequent use. Sunlight pours through a nearby window, casting a soft, warm glow that highlights the contrast between the old and the new kitchen tools.",,9,2,entity,state,"entity - state (extractor, rest)",Is the extractor resting? +222,"A well-worn traditional fire tong with a darkened, metal finish rests gently beside a contemporary stainless steel extractor on a rugged, aged wooden table. The table's surface reveals the texture of the grain and bears the marks of frequent use. Sunlight pours through a nearby window, casting a soft, warm glow that highlights the contrast between the old and the new kitchen tools.",,10,"1,3",relation,spatial,"relation - spatial (fire tong, table, beside)",Is the fire tong resting beside the table? +222,"A well-worn traditional fire tong with a darkened, metal finish rests gently beside a contemporary stainless steel extractor on a rugged, aged wooden table. The table's surface reveals the texture of the grain and bears the marks of frequent use. Sunlight pours through a nearby window, casting a soft, warm glow that highlights the contrast between the old and the new kitchen tools.",,11,"2,3",relation,spatial,"relation - spatial (extractor, table, beside)",Is the extractor resting beside the table? +216,"A striking dishwasher with a glossy, rainbow-colored exterior stands out in a neatly-arranged kitchen with white marble countertops. Inside the open dishwasher, five stainless steel pots are being methodically cleaned by the powerful water jets. Surrounding the dishwasher are orderly arranged kitchen utensils and a spice rack filled with an assortment of colorful spices in clear glass jars.",,1,0,entity,whole,entity - whole (dishwasher),Is there a dishwasher? +216,"A striking dishwasher with a glossy, rainbow-colored exterior stands out in a neatly-arranged kitchen with white marble countertops. Inside the open dishwasher, five stainless steel pots are being methodically cleaned by the powerful water jets. Surrounding the dishwasher are orderly arranged kitchen utensils and a spice rack filled with an assortment of colorful spices in clear glass jars.",,2,0,entity,whole,entity - whole (kitchen),Is there a kitchen? +216,"A striking dishwasher with a glossy, rainbow-colored exterior stands out in a neatly-arranged kitchen with white marble countertops. Inside the open dishwasher, five stainless steel pots are being methodically cleaned by the powerful water jets. Surrounding the dishwasher are orderly arranged kitchen utensils and a spice rack filled with an assortment of colorful spices in clear glass jars.",,3,2,entity,whole,entity - whole (countertops),Are there countertops? +216,"A striking dishwasher with a glossy, rainbow-colored exterior stands out in a neatly-arranged kitchen with white marble countertops. Inside the open dishwasher, five stainless steel pots are being methodically cleaned by the powerful water jets. Surrounding the dishwasher are orderly arranged kitchen utensils and a spice rack filled with an assortment of colorful spices in clear glass jars.",,4,0,entity,whole,entity - whole (pots),Are there pots? +216,"A striking dishwasher with a glossy, rainbow-colored exterior stands out in a neatly-arranged kitchen with white marble countertops. Inside the open dishwasher, five stainless steel pots are being methodically cleaned by the powerful water jets. Surrounding the dishwasher are orderly arranged kitchen utensils and a spice rack filled with an assortment of colorful spices in clear glass jars.",,5,1,entity,whole,entity - whole (water jets),Are there water jets? +216,"A striking dishwasher with a glossy, rainbow-colored exterior stands out in a neatly-arranged kitchen with white marble countertops. Inside the open dishwasher, five stainless steel pots are being methodically cleaned by the powerful water jets. Surrounding the dishwasher are orderly arranged kitchen utensils and a spice rack filled with an assortment of colorful spices in clear glass jars.",,6,2,entity,whole,entity - whole (kitchen utensils),Are there kitchen utensils? +216,"A striking dishwasher with a glossy, rainbow-colored exterior stands out in a neatly-arranged kitchen with white marble countertops. Inside the open dishwasher, five stainless steel pots are being methodically cleaned by the powerful water jets. Surrounding the dishwasher are orderly arranged kitchen utensils and a spice rack filled with an assortment of colorful spices in clear glass jars.",,7,2,entity,whole,entity - whole (spice rack),Is there a spice rack? +216,"A striking dishwasher with a glossy, rainbow-colored exterior stands out in a neatly-arranged kitchen with white marble countertops. Inside the open dishwasher, five stainless steel pots are being methodically cleaned by the powerful water jets. Surrounding the dishwasher are orderly arranged kitchen utensils and a spice rack filled with an assortment of colorful spices in clear glass jars.",,8,7,entity,whole,entity - whole (spices),Are there spices? +216,"A striking dishwasher with a glossy, rainbow-colored exterior stands out in a neatly-arranged kitchen with white marble countertops. Inside the open dishwasher, five stainless steel pots are being methodically cleaned by the powerful water jets. Surrounding the dishwasher are orderly arranged kitchen utensils and a spice rack filled with an assortment of colorful spices in clear glass jars.",,9,3,attribute,texture,"attribute - texture (countertops, marble)",Are the countertops made of marble? +216,"A striking dishwasher with a glossy, rainbow-colored exterior stands out in a neatly-arranged kitchen with white marble countertops. Inside the open dishwasher, five stainless steel pots are being methodically cleaned by the powerful water jets. Surrounding the dishwasher are orderly arranged kitchen utensils and a spice rack filled with an assortment of colorful spices in clear glass jars.",,10,3,attribute,color,"attribute - color (countertops, white)",Are the countertops white? +216,"A striking dishwasher with a glossy, rainbow-colored exterior stands out in a neatly-arranged kitchen with white marble countertops. Inside the open dishwasher, five stainless steel pots are being methodically cleaned by the powerful water jets. Surrounding the dishwasher are orderly arranged kitchen utensils and a spice rack filled with an assortment of colorful spices in clear glass jars.",,11,1,attribute,color,"attribute - color (dishwasher, rainbow-colored)",Is the dishwasher rainbow-colored? +216,"A striking dishwasher with a glossy, rainbow-colored exterior stands out in a neatly-arranged kitchen with white marble countertops. Inside the open dishwasher, five stainless steel pots are being methodically cleaned by the powerful water jets. Surrounding the dishwasher are orderly arranged kitchen utensils and a spice rack filled with an assortment of colorful spices in clear glass jars.",,12,1,attribute,texture,"attribute - texture (dishwasher, glossy)",Does the dishwasher have a glossy exterior? +216,"A striking dishwasher with a glossy, rainbow-colored exterior stands out in a neatly-arranged kitchen with white marble countertops. Inside the open dishwasher, five stainless steel pots are being methodically cleaned by the powerful water jets. Surrounding the dishwasher are orderly arranged kitchen utensils and a spice rack filled with an assortment of colorful spices in clear glass jars.",,13,4,attribute,texture,"attribute - texture (pots, stainless steel)",Are the pots made of stainless steel? +216,"A striking dishwasher with a glossy, rainbow-colored exterior stands out in a neatly-arranged kitchen with white marble countertops. Inside the open dishwasher, five stainless steel pots are being methodically cleaned by the powerful water jets. Surrounding the dishwasher are orderly arranged kitchen utensils and a spice rack filled with an assortment of colorful spices in clear glass jars.",,14,4,other,count,"other - count (pots, ==5)",Are there five pots? +216,"A striking dishwasher with a glossy, rainbow-colored exterior stands out in a neatly-arranged kitchen with white marble countertops. Inside the open dishwasher, five stainless steel pots are being methodically cleaned by the powerful water jets. Surrounding the dishwasher are orderly arranged kitchen utensils and a spice rack filled with an assortment of colorful spices in clear glass jars.",,15,"1,2",relation,spatial,"relation - spatial (dishwasher, kitchen, in)",Is the dishwasher in the kitchen? +216,"A striking dishwasher with a glossy, rainbow-colored exterior stands out in a neatly-arranged kitchen with white marble countertops. Inside the open dishwasher, five stainless steel pots are being methodically cleaned by the powerful water jets. Surrounding the dishwasher are orderly arranged kitchen utensils and a spice rack filled with an assortment of colorful spices in clear glass jars.",,16,"2,3",relation,spatial,"relation - spatial (countertops, kitchen, with)",Does the kitchen have white marble countertops? +216,"A striking dishwasher with a glossy, rainbow-colored exterior stands out in a neatly-arranged kitchen with white marble countertops. Inside the open dishwasher, five stainless steel pots are being methodically cleaned by the powerful water jets. Surrounding the dishwasher are orderly arranged kitchen utensils and a spice rack filled with an assortment of colorful spices in clear glass jars.",,17,"1,4",relation,spatial,"relation - spatial (pots, dishwasher, inside)",Are the pots inside the dishwasher? +216,"A striking dishwasher with a glossy, rainbow-colored exterior stands out in a neatly-arranged kitchen with white marble countertops. Inside the open dishwasher, five stainless steel pots are being methodically cleaned by the powerful water jets. Surrounding the dishwasher are orderly arranged kitchen utensils and a spice rack filled with an assortment of colorful spices in clear glass jars.",,18,"1,6",relation,spatial,"relation - spatial (kitchen utensils, dishwasher, surrounding)",Are the kitchen utensils orderly arranged around the dishwasher? +216,"A striking dishwasher with a glossy, rainbow-colored exterior stands out in a neatly-arranged kitchen with white marble countertops. Inside the open dishwasher, five stainless steel pots are being methodically cleaned by the powerful water jets. Surrounding the dishwasher are orderly arranged kitchen utensils and a spice rack filled with an assortment of colorful spices in clear glass jars.",,19,"1,7",relation,spatial,"relation - spatial (spice rack, dishwasher, surrounding)",Is the spice rack filled with colorful spices surrounding the dishwasher? +216,"A striking dishwasher with a glossy, rainbow-colored exterior stands out in a neatly-arranged kitchen with white marble countertops. Inside the open dishwasher, five stainless steel pots are being methodically cleaned by the powerful water jets. Surrounding the dishwasher are orderly arranged kitchen utensils and a spice rack filled with an assortment of colorful spices in clear glass jars.",,20,1,entity,state,"entity - state (dishwasher, open)",Is the dishwasher open? +216,"A striking dishwasher with a glossy, rainbow-colored exterior stands out in a neatly-arranged kitchen with white marble countertops. Inside the open dishwasher, five stainless steel pots are being methodically cleaned by the powerful water jets. Surrounding the dishwasher are orderly arranged kitchen utensils and a spice rack filled with an assortment of colorful spices in clear glass jars.",,21,"1,5",entity,state,"entity - state (water jets, cleaning, methodically)",Are the water jets methodically cleaning the pots? +83,"Three cows, a mix of white and brown patches, are lazily grazing in an expansive meadow under the soft glow of the afternoon sun. Before them, stands a large blackboard, planted firmly in the grass, creating a striking contrast with the surrounding lush greenery. Above them, a few wispy clouds are scattered in the otherwise clear blue sky.",,1,0,entity,whole,entity - whole (cows),Are there cows? +83,"Three cows, a mix of white and brown patches, are lazily grazing in an expansive meadow under the soft glow of the afternoon sun. Before them, stands a large blackboard, planted firmly in the grass, creating a striking contrast with the surrounding lush greenery. Above them, a few wispy clouds are scattered in the otherwise clear blue sky.",,2,1,other,count,"other - count (cows, ==3)",Are there three cows? +83,"Three cows, a mix of white and brown patches, are lazily grazing in an expansive meadow under the soft glow of the afternoon sun. Before them, stands a large blackboard, planted firmly in the grass, creating a striking contrast with the surrounding lush greenery. Above them, a few wispy clouds are scattered in the otherwise clear blue sky.",,3,0,entity,whole,entity - whole (meadow),Is there a meadow? +83,"Three cows, a mix of white and brown patches, are lazily grazing in an expansive meadow under the soft glow of the afternoon sun. Before them, stands a large blackboard, planted firmly in the grass, creating a striking contrast with the surrounding lush greenery. Above them, a few wispy clouds are scattered in the otherwise clear blue sky.",,4,0,entity,whole,entity - whole (blackboard),Is there a blackboard? +83,"Three cows, a mix of white and brown patches, are lazily grazing in an expansive meadow under the soft glow of the afternoon sun. Before them, stands a large blackboard, planted firmly in the grass, creating a striking contrast with the surrounding lush greenery. Above them, a few wispy clouds are scattered in the otherwise clear blue sky.",,5,0,entity,whole,entity - whole (clouds),Are there clouds? +83,"Three cows, a mix of white and brown patches, are lazily grazing in an expansive meadow under the soft glow of the afternoon sun. Before them, stands a large blackboard, planted firmly in the grass, creating a striking contrast with the surrounding lush greenery. Above them, a few wispy clouds are scattered in the otherwise clear blue sky.",,6,0,entity,whole,entity - whole (sky),Is there a sky? +83,"Three cows, a mix of white and brown patches, are lazily grazing in an expansive meadow under the soft glow of the afternoon sun. Before them, stands a large blackboard, planted firmly in the grass, creating a striking contrast with the surrounding lush greenery. Above them, a few wispy clouds are scattered in the otherwise clear blue sky.",,7,1,attribute,color,"attribute - color (cows, white and brown patches)",Do the cows have a mix of white and brown patches? +83,"Three cows, a mix of white and brown patches, are lazily grazing in an expansive meadow under the soft glow of the afternoon sun. Before them, stands a large blackboard, planted firmly in the grass, creating a striking contrast with the surrounding lush greenery. Above them, a few wispy clouds are scattered in the otherwise clear blue sky.",,8,6,attribute,color,"attribute - color (sky, blue)",Is the sky blue? +83,"Three cows, a mix of white and brown patches, are lazily grazing in an expansive meadow under the soft glow of the afternoon sun. Before them, stands a large blackboard, planted firmly in the grass, creating a striking contrast with the surrounding lush greenery. Above them, a few wispy clouds are scattered in the otherwise clear blue sky.",,9,4,attribute,size,"attribute - size (blackboard, large)",Is the blackboard large? +83,"Three cows, a mix of white and brown patches, are lazily grazing in an expansive meadow under the soft glow of the afternoon sun. Before them, stands a large blackboard, planted firmly in the grass, creating a striking contrast with the surrounding lush greenery. Above them, a few wispy clouds are scattered in the otherwise clear blue sky.",,10,1,entity,state,"entity - state (cows, graze)",Are the cows grazing lazily? +260,"The scene is set on an unpolished wooden tabletop where the contrasting textures of a faded pink eraser, showing signs of frequent use, and a chrome-finished screwdriver with a glossy handle catch the eye. Both items are basked in the glow of the midday sun, highlighting the fine layer of dust that covers the table's surface. The screwdriver lies parallel to the table's edge, while the eraser is placed haphazardly near a scattering of pencil shavings.",,1,0,entity,whole,entity - whole (tabletop),Is there a tabletop? +260,"The scene is set on an unpolished wooden tabletop where the contrasting textures of a faded pink eraser, showing signs of frequent use, and a chrome-finished screwdriver with a glossy handle catch the eye. Both items are basked in the glow of the midday sun, highlighting the fine layer of dust that covers the table's surface. The screwdriver lies parallel to the table's edge, while the eraser is placed haphazardly near a scattering of pencil shavings.",,2,0,entity,whole,entity - whole (eraser),Is there an eraser? +260,"The scene is set on an unpolished wooden tabletop where the contrasting textures of a faded pink eraser, showing signs of frequent use, and a chrome-finished screwdriver with a glossy handle catch the eye. Both items are basked in the glow of the midday sun, highlighting the fine layer of dust that covers the table's surface. The screwdriver lies parallel to the table's edge, while the eraser is placed haphazardly near a scattering of pencil shavings.",,3,0,entity,whole,entity - whole (screwdriver),Is there a screwdriver? +260,"The scene is set on an unpolished wooden tabletop where the contrasting textures of a faded pink eraser, showing signs of frequent use, and a chrome-finished screwdriver with a glossy handle catch the eye. Both items are basked in the glow of the midday sun, highlighting the fine layer of dust that covers the table's surface. The screwdriver lies parallel to the table's edge, while the eraser is placed haphazardly near a scattering of pencil shavings.",,4,1,attribute,texture,"attribute - texture (tabletop, unpolished wood)",Is the tabletop made of unpolished wood? +260,"The scene is set on an unpolished wooden tabletop where the contrasting textures of a faded pink eraser, showing signs of frequent use, and a chrome-finished screwdriver with a glossy handle catch the eye. Both items are basked in the glow of the midday sun, highlighting the fine layer of dust that covers the table's surface. The screwdriver lies parallel to the table's edge, while the eraser is placed haphazardly near a scattering of pencil shavings.",,5,2,attribute,texture,"attribute - texture (eraser, faded)",Is the eraser faded? +260,"The scene is set on an unpolished wooden tabletop where the contrasting textures of a faded pink eraser, showing signs of frequent use, and a chrome-finished screwdriver with a glossy handle catch the eye. Both items are basked in the glow of the midday sun, highlighting the fine layer of dust that covers the table's surface. The screwdriver lies parallel to the table's edge, while the eraser is placed haphazardly near a scattering of pencil shavings.",,6,3,attribute,texture,"attribute - texture (screwdriver, chrome-finished)",Is the screwdriver chrome-finished? +260,"The scene is set on an unpolished wooden tabletop where the contrasting textures of a faded pink eraser, showing signs of frequent use, and a chrome-finished screwdriver with a glossy handle catch the eye. Both items are basked in the glow of the midday sun, highlighting the fine layer of dust that covers the table's surface. The screwdriver lies parallel to the table's edge, while the eraser is placed haphazardly near a scattering of pencil shavings.",,7,2,attribute,other,"attribute - other (eraser, signs of frequent use)",Does the eraser show signs of frequent use? +260,"The scene is set on an unpolished wooden tabletop where the contrasting textures of a faded pink eraser, showing signs of frequent use, and a chrome-finished screwdriver with a glossy handle catch the eye. Both items are basked in the glow of the midday sun, highlighting the fine layer of dust that covers the table's surface. The screwdriver lies parallel to the table's edge, while the eraser is placed haphazardly near a scattering of pencil shavings.",,8,3,attribute,other,"attribute - other (screwdriver, glossy handle)",Does the screwdriver have a glossy handle? +260,"The scene is set on an unpolished wooden tabletop where the contrasting textures of a faded pink eraser, showing signs of frequent use, and a chrome-finished screwdriver with a glossy handle catch the eye. Both items are basked in the glow of the midday sun, highlighting the fine layer of dust that covers the table's surface. The screwdriver lies parallel to the table's edge, while the eraser is placed haphazardly near a scattering of pencil shavings.",,9,"1,3",relation,spatial,"relation - spatial (screwdriver, tabletop, parallel to edge)",Is the screwdriver lying parallel to the table's edge? +260,"The scene is set on an unpolished wooden tabletop where the contrasting textures of a faded pink eraser, showing signs of frequent use, and a chrome-finished screwdriver with a glossy handle catch the eye. Both items are basked in the glow of the midday sun, highlighting the fine layer of dust that covers the table's surface. The screwdriver lies parallel to the table's edge, while the eraser is placed haphazardly near a scattering of pencil shavings.",,10,"1,2",relation,spatial,"relation - spatial (eraser, tabletop, haphazardly placed)",Is the eraser placed haphazardly on the tabletop? +107,"On a rich maroon stage, a quintet of grand pianos gleams under the stage lights, their polished black surfaces reflecting their surroundings. Each piano is encircled by a small scatter of walnuts, their round, brown shapes contrasting with the sleek lines of the instruments. The pianos are methodically arranged, allowing ample space for performers to maneuver around them during a recital.",,1,0,entity,whole,entity - whole (stage),Is there a stage? +107,"On a rich maroon stage, a quintet of grand pianos gleams under the stage lights, their polished black surfaces reflecting their surroundings. Each piano is encircled by a small scatter of walnuts, their round, brown shapes contrasting with the sleek lines of the instruments. The pianos are methodically arranged, allowing ample space for performers to maneuver around them during a recital.",,2,0,entity,whole,entity - whole (grand pianos),Are there grand pianos? +107,"On a rich maroon stage, a quintet of grand pianos gleams under the stage lights, their polished black surfaces reflecting their surroundings. Each piano is encircled by a small scatter of walnuts, their round, brown shapes contrasting with the sleek lines of the instruments. The pianos are methodically arranged, allowing ample space for performers to maneuver around them during a recital.",,3,0,entity,whole,entity - whole (walnuts),Are there walnuts? +107,"On a rich maroon stage, a quintet of grand pianos gleams under the stage lights, their polished black surfaces reflecting their surroundings. Each piano is encircled by a small scatter of walnuts, their round, brown shapes contrasting with the sleek lines of the instruments. The pianos are methodically arranged, allowing ample space for performers to maneuver around them during a recital.",,4,2,other,count,"other - count (grand pianos, ==5)",Are there five grand pianos? +107,"On a rich maroon stage, a quintet of grand pianos gleams under the stage lights, their polished black surfaces reflecting their surroundings. Each piano is encircled by a small scatter of walnuts, their round, brown shapes contrasting with the sleek lines of the instruments. The pianos are methodically arranged, allowing ample space for performers to maneuver around them during a recital.",,5,1,attribute,color,"attribute - color (stage, maroon)",Is the stage maroon? +107,"On a rich maroon stage, a quintet of grand pianos gleams under the stage lights, their polished black surfaces reflecting their surroundings. Each piano is encircled by a small scatter of walnuts, their round, brown shapes contrasting with the sleek lines of the instruments. The pianos are methodically arranged, allowing ample space for performers to maneuver around them during a recital.",,6,2,attribute,color,"attribute - color (grand pianos, black)",Are the grand pianos black? +107,"On a rich maroon stage, a quintet of grand pianos gleams under the stage lights, their polished black surfaces reflecting their surroundings. Each piano is encircled by a small scatter of walnuts, their round, brown shapes contrasting with the sleek lines of the instruments. The pianos are methodically arranged, allowing ample space for performers to maneuver around them during a recital.",,7,3,attribute,color,"attribute - color (walnuts, brown)",Are the walnuts brown? +107,"On a rich maroon stage, a quintet of grand pianos gleams under the stage lights, their polished black surfaces reflecting their surroundings. Each piano is encircled by a small scatter of walnuts, their round, brown shapes contrasting with the sleek lines of the instruments. The pianos are methodically arranged, allowing ample space for performers to maneuver around them during a recital.",,8,3,attribute,shape,"attribute - shape (walnuts, round)",Are the walnuts round? +107,"On a rich maroon stage, a quintet of grand pianos gleams under the stage lights, their polished black surfaces reflecting their surroundings. Each piano is encircled by a small scatter of walnuts, their round, brown shapes contrasting with the sleek lines of the instruments. The pianos are methodically arranged, allowing ample space for performers to maneuver around them during a recital.",,9,"1,2",relation,spatial,"relation - spatial (grand pianos, stage, on)",Are the grand pianos on the stage? +107,"On a rich maroon stage, a quintet of grand pianos gleams under the stage lights, their polished black surfaces reflecting their surroundings. Each piano is encircled by a small scatter of walnuts, their round, brown shapes contrasting with the sleek lines of the instruments. The pianos are methodically arranged, allowing ample space for performers to maneuver around them during a recital.",,10,"2,3",relation,spatial,"relation - spatial (walnuts, grand pianos, encircle)",Do the walnuts encircle each piano? +236,"A frisky golden retriever with a shiny, shaggy coat stands next to a life-sized penguin statue with a sleek, glossy surface in the midst of a bustling public park. The dog, with its tongue playfully hanging out, seems to be in mid-bark or mid-laugh, directed at the stoic, black and white penguin which stands in stark contrast to the dog's exuberant pose. The park is bathed in the warm glow of the afternoon sun, casting long shadows on the green lawn speckled with dandelions. Nearby, children's laughter can be heard as they play, oblivious to this charming and whimsical scene.",,1,0,entity,whole,entity - whole (golden retriever),Is there a golden retriever? +236,"A frisky golden retriever with a shiny, shaggy coat stands next to a life-sized penguin statue with a sleek, glossy surface in the midst of a bustling public park. The dog, with its tongue playfully hanging out, seems to be in mid-bark or mid-laugh, directed at the stoic, black and white penguin which stands in stark contrast to the dog's exuberant pose. The park is bathed in the warm glow of the afternoon sun, casting long shadows on the green lawn speckled with dandelions. Nearby, children's laughter can be heard as they play, oblivious to this charming and whimsical scene.",,2,0,entity,whole,entity - whole (penguin statue),Is there a penguin statue? +236,"A frisky golden retriever with a shiny, shaggy coat stands next to a life-sized penguin statue with a sleek, glossy surface in the midst of a bustling public park. The dog, with its tongue playfully hanging out, seems to be in mid-bark or mid-laugh, directed at the stoic, black and white penguin which stands in stark contrast to the dog's exuberant pose. The park is bathed in the warm glow of the afternoon sun, casting long shadows on the green lawn speckled with dandelions. Nearby, children's laughter can be heard as they play, oblivious to this charming and whimsical scene.",,3,0,entity,whole,entity - whole (public park),Is there a public park? +236,"A frisky golden retriever with a shiny, shaggy coat stands next to a life-sized penguin statue with a sleek, glossy surface in the midst of a bustling public park. The dog, with its tongue playfully hanging out, seems to be in mid-bark or mid-laugh, directed at the stoic, black and white penguin which stands in stark contrast to the dog's exuberant pose. The park is bathed in the warm glow of the afternoon sun, casting long shadows on the green lawn speckled with dandelions. Nearby, children's laughter can be heard as they play, oblivious to this charming and whimsical scene.",,4,1,attribute,color,"attribute - color (golden retriever, golden)",Is the golden retriever golden in color? +236,"A frisky golden retriever with a shiny, shaggy coat stands next to a life-sized penguin statue with a sleek, glossy surface in the midst of a bustling public park. The dog, with its tongue playfully hanging out, seems to be in mid-bark or mid-laugh, directed at the stoic, black and white penguin which stands in stark contrast to the dog's exuberant pose. The park is bathed in the warm glow of the afternoon sun, casting long shadows on the green lawn speckled with dandelions. Nearby, children's laughter can be heard as they play, oblivious to this charming and whimsical scene.",,5,1,attribute,texture,"attribute - texture (golden retriever's coat, shiny and shaggy)",Does the golden retriever have a shiny and shaggy coat? +236,"A frisky golden retriever with a shiny, shaggy coat stands next to a life-sized penguin statue with a sleek, glossy surface in the midst of a bustling public park. The dog, with its tongue playfully hanging out, seems to be in mid-bark or mid-laugh, directed at the stoic, black and white penguin which stands in stark contrast to the dog's exuberant pose. The park is bathed in the warm glow of the afternoon sun, casting long shadows on the green lawn speckled with dandelions. Nearby, children's laughter can be heard as they play, oblivious to this charming and whimsical scene.",,6,2,attribute,texture,"attribute - texture (penguin statue, sleek and glossy)",Does the penguin statue have a sleek and glossy surface? +236,"A frisky golden retriever with a shiny, shaggy coat stands next to a life-sized penguin statue with a sleek, glossy surface in the midst of a bustling public park. The dog, with its tongue playfully hanging out, seems to be in mid-bark or mid-laugh, directed at the stoic, black and white penguin which stands in stark contrast to the dog's exuberant pose. The park is bathed in the warm glow of the afternoon sun, casting long shadows on the green lawn speckled with dandelions. Nearby, children's laughter can be heard as they play, oblivious to this charming and whimsical scene.",,7,1,entity,state,"entity - state (golden retriever, frisky)",Is the golden retriever frisky? +236,"A frisky golden retriever with a shiny, shaggy coat stands next to a life-sized penguin statue with a sleek, glossy surface in the midst of a bustling public park. The dog, with its tongue playfully hanging out, seems to be in mid-bark or mid-laugh, directed at the stoic, black and white penguin which stands in stark contrast to the dog's exuberant pose. The park is bathed in the warm glow of the afternoon sun, casting long shadows on the green lawn speckled with dandelions. Nearby, children's laughter can be heard as they play, oblivious to this charming and whimsical scene.",,8,1,entity,state,"entity - state (golden retriever, tongue hanging out)",Is the golden retriever's tongue playfully hanging out? +236,"A frisky golden retriever with a shiny, shaggy coat stands next to a life-sized penguin statue with a sleek, glossy surface in the midst of a bustling public park. The dog, with its tongue playfully hanging out, seems to be in mid-bark or mid-laugh, directed at the stoic, black and white penguin which stands in stark contrast to the dog's exuberant pose. The park is bathed in the warm glow of the afternoon sun, casting long shadows on the green lawn speckled with dandelions. Nearby, children's laughter can be heard as they play, oblivious to this charming and whimsical scene.",,9,1,entity,state,"entity - state (golden retriever, mid-bark or mid-laugh)",Is the golden retriever in mid-bark or mid-laugh? +236,"A frisky golden retriever with a shiny, shaggy coat stands next to a life-sized penguin statue with a sleek, glossy surface in the midst of a bustling public park. The dog, with its tongue playfully hanging out, seems to be in mid-bark or mid-laugh, directed at the stoic, black and white penguin which stands in stark contrast to the dog's exuberant pose. The park is bathed in the warm glow of the afternoon sun, casting long shadows on the green lawn speckled with dandelions. Nearby, children's laughter can be heard as they play, oblivious to this charming and whimsical scene.",,10,"1,2",relation,spatial,"relation - spatial (golden retriever, penguin statue, next to)",Is the golden retriever standing next to the penguin statue? +168,"A whimsical scene unfolds as two pairs of spectacles rest comically on the bridge of a horse's nose, glinting slightly against the fading light of a vibrant sunset. The backdrop is a quintessential rural farm, complete with wooden fences and distant rolling hills painting the horizon in hues of orange and purple. The glasses, one with round, golden frames and the other with square, jet-black rims, add a touch of eccentricity to the tranquil pastoral setting.",,1,0,entity,whole,entity - whole (spectacles),Are there spectacles? +168,"A whimsical scene unfolds as two pairs of spectacles rest comically on the bridge of a horse's nose, glinting slightly against the fading light of a vibrant sunset. The backdrop is a quintessential rural farm, complete with wooden fences and distant rolling hills painting the horizon in hues of orange and purple. The glasses, one with round, golden frames and the other with square, jet-black rims, add a touch of eccentricity to the tranquil pastoral setting.",,2,1,other,count,"other - count (pairs of spectacles, ==2)",Are there two pairs of spectacles? +168,"A whimsical scene unfolds as two pairs of spectacles rest comically on the bridge of a horse's nose, glinting slightly against the fading light of a vibrant sunset. The backdrop is a quintessential rural farm, complete with wooden fences and distant rolling hills painting the horizon in hues of orange and purple. The glasses, one with round, golden frames and the other with square, jet-black rims, add a touch of eccentricity to the tranquil pastoral setting.",,3,0,entity,whole,entity - whole (horse),Is there a horse? +168,"A whimsical scene unfolds as two pairs of spectacles rest comically on the bridge of a horse's nose, glinting slightly against the fading light of a vibrant sunset. The backdrop is a quintessential rural farm, complete with wooden fences and distant rolling hills painting the horizon in hues of orange and purple. The glasses, one with round, golden frames and the other with square, jet-black rims, add a touch of eccentricity to the tranquil pastoral setting.",,4,0,entity,whole,entity - whole (sunset),Is there a sunset? +168,"A whimsical scene unfolds as two pairs of spectacles rest comically on the bridge of a horse's nose, glinting slightly against the fading light of a vibrant sunset. The backdrop is a quintessential rural farm, complete with wooden fences and distant rolling hills painting the horizon in hues of orange and purple. The glasses, one with round, golden frames and the other with square, jet-black rims, add a touch of eccentricity to the tranquil pastoral setting.",,5,0,entity,whole,entity - whole (farm),Is there a farm? +168,"A whimsical scene unfolds as two pairs of spectacles rest comically on the bridge of a horse's nose, glinting slightly against the fading light of a vibrant sunset. The backdrop is a quintessential rural farm, complete with wooden fences and distant rolling hills painting the horizon in hues of orange and purple. The glasses, one with round, golden frames and the other with square, jet-black rims, add a touch of eccentricity to the tranquil pastoral setting.",,6,0,entity,whole,entity - whole (fences),Are there fences? +168,"A whimsical scene unfolds as two pairs of spectacles rest comically on the bridge of a horse's nose, glinting slightly against the fading light of a vibrant sunset. The backdrop is a quintessential rural farm, complete with wooden fences and distant rolling hills painting the horizon in hues of orange and purple. The glasses, one with round, golden frames and the other with square, jet-black rims, add a touch of eccentricity to the tranquil pastoral setting.",,7,0,entity,whole,entity - whole (hills),Are there hills? +168,"A whimsical scene unfolds as two pairs of spectacles rest comically on the bridge of a horse's nose, glinting slightly against the fading light of a vibrant sunset. The backdrop is a quintessential rural farm, complete with wooden fences and distant rolling hills painting the horizon in hues of orange and purple. The glasses, one with round, golden frames and the other with square, jet-black rims, add a touch of eccentricity to the tranquil pastoral setting.",,8,4,attribute,color,"attribute - color (sunset, orange)",Is the sunset orange? +168,"A whimsical scene unfolds as two pairs of spectacles rest comically on the bridge of a horse's nose, glinting slightly against the fading light of a vibrant sunset. The backdrop is a quintessential rural farm, complete with wooden fences and distant rolling hills painting the horizon in hues of orange and purple. The glasses, one with round, golden frames and the other with square, jet-black rims, add a touch of eccentricity to the tranquil pastoral setting.",,9,4,attribute,color,"attribute - color (sunset, purple)",Is the sunset purple? +168,"A whimsical scene unfolds as two pairs of spectacles rest comically on the bridge of a horse's nose, glinting slightly against the fading light of a vibrant sunset. The backdrop is a quintessential rural farm, complete with wooden fences and distant rolling hills painting the horizon in hues of orange and purple. The glasses, one with round, golden frames and the other with square, jet-black rims, add a touch of eccentricity to the tranquil pastoral setting.",,10,1,attribute,shape,"attribute - shape (spectacle_1, round)",Are one of the spectacles round? +168,"A whimsical scene unfolds as two pairs of spectacles rest comically on the bridge of a horse's nose, glinting slightly against the fading light of a vibrant sunset. The backdrop is a quintessential rural farm, complete with wooden fences and distant rolling hills painting the horizon in hues of orange and purple. The glasses, one with round, golden frames and the other with square, jet-black rims, add a touch of eccentricity to the tranquil pastoral setting.",,11,1,attribute,color,"attribute - color (spectacle_1, golden)",Are the round spectacles golden? +168,"A whimsical scene unfolds as two pairs of spectacles rest comically on the bridge of a horse's nose, glinting slightly against the fading light of a vibrant sunset. The backdrop is a quintessential rural farm, complete with wooden fences and distant rolling hills painting the horizon in hues of orange and purple. The glasses, one with round, golden frames and the other with square, jet-black rims, add a touch of eccentricity to the tranquil pastoral setting.",,12,1,attribute,shape,"attribute - shape (spectacle_2, square)",Are one of the spectacles square? +168,"A whimsical scene unfolds as two pairs of spectacles rest comically on the bridge of a horse's nose, glinting slightly against the fading light of a vibrant sunset. The backdrop is a quintessential rural farm, complete with wooden fences and distant rolling hills painting the horizon in hues of orange and purple. The glasses, one with round, golden frames and the other with square, jet-black rims, add a touch of eccentricity to the tranquil pastoral setting.",,13,1,attribute,color,"attribute - color (spectacle_2, black)",Are the square spectacles black? +168,"A whimsical scene unfolds as two pairs of spectacles rest comically on the bridge of a horse's nose, glinting slightly against the fading light of a vibrant sunset. The backdrop is a quintessential rural farm, complete with wooden fences and distant rolling hills painting the horizon in hues of orange and purple. The glasses, one with round, golden frames and the other with square, jet-black rims, add a touch of eccentricity to the tranquil pastoral setting.",,14,"1,3",relation,spatial,"relation - spatial (spectacles, horse's nose, on)",Are the spectacles resting on the horse's nose? +168,"A whimsical scene unfolds as two pairs of spectacles rest comically on the bridge of a horse's nose, glinting slightly against the fading light of a vibrant sunset. The backdrop is a quintessential rural farm, complete with wooden fences and distant rolling hills painting the horizon in hues of orange and purple. The glasses, one with round, golden frames and the other with square, jet-black rims, add a touch of eccentricity to the tranquil pastoral setting.",,15,"5,6",relation,spatial,"relation - spatial (farm, fences, with)",Does the farm have wooden fences? +168,"A whimsical scene unfolds as two pairs of spectacles rest comically on the bridge of a horse's nose, glinting slightly against the fading light of a vibrant sunset. The backdrop is a quintessential rural farm, complete with wooden fences and distant rolling hills painting the horizon in hues of orange and purple. The glasses, one with round, golden frames and the other with square, jet-black rims, add a touch of eccentricity to the tranquil pastoral setting.",,16,"5,7",relation,spatial,"relation - spatial (hills, farm, distant)",Are the hills distant from the farm? +231,"A brightly colored hot air balloon with vibrant stripes of red, yellow, and blue hangs in the clear sky, its large round shape contrasting against the fluffy white clouds. Below it, a sleek black scooter with red accents speeds along a concrete pathway, its rider leaning forward in a hurry. The balloon moves at a leisurely pace, starkly contrasting with the frenetic energy of the scooter's rapid movement on the ground.",,1,0,entity,whole,entity - whole (hot air balloon),Is there a hot air balloon? +231,"A brightly colored hot air balloon with vibrant stripes of red, yellow, and blue hangs in the clear sky, its large round shape contrasting against the fluffy white clouds. Below it, a sleek black scooter with red accents speeds along a concrete pathway, its rider leaning forward in a hurry. The balloon moves at a leisurely pace, starkly contrasting with the frenetic energy of the scooter's rapid movement on the ground.",,2,0,entity,whole,entity - whole (scooter),Is there a scooter? +231,"A brightly colored hot air balloon with vibrant stripes of red, yellow, and blue hangs in the clear sky, its large round shape contrasting against the fluffy white clouds. Below it, a sleek black scooter with red accents speeds along a concrete pathway, its rider leaning forward in a hurry. The balloon moves at a leisurely pace, starkly contrasting with the frenetic energy of the scooter's rapid movement on the ground.",,3,0,entity,whole,entity - whole (rider),Is there a rider? +231,"A brightly colored hot air balloon with vibrant stripes of red, yellow, and blue hangs in the clear sky, its large round shape contrasting against the fluffy white clouds. Below it, a sleek black scooter with red accents speeds along a concrete pathway, its rider leaning forward in a hurry. The balloon moves at a leisurely pace, starkly contrasting with the frenetic energy of the scooter's rapid movement on the ground.",,4,0,entity,whole,entity - whole (clouds),Are there clouds? +231,"A brightly colored hot air balloon with vibrant stripes of red, yellow, and blue hangs in the clear sky, its large round shape contrasting against the fluffy white clouds. Below it, a sleek black scooter with red accents speeds along a concrete pathway, its rider leaning forward in a hurry. The balloon moves at a leisurely pace, starkly contrasting with the frenetic energy of the scooter's rapid movement on the ground.",,5,0,entity,whole,entity - whole (pathway),Is there a pathway? +231,"A brightly colored hot air balloon with vibrant stripes of red, yellow, and blue hangs in the clear sky, its large round shape contrasting against the fluffy white clouds. Below it, a sleek black scooter with red accents speeds along a concrete pathway, its rider leaning forward in a hurry. The balloon moves at a leisurely pace, starkly contrasting with the frenetic energy of the scooter's rapid movement on the ground.",,6,1,attribute,color,"attribute - color (hot air balloon, red)",Is the hot air balloon red? +231,"A brightly colored hot air balloon with vibrant stripes of red, yellow, and blue hangs in the clear sky, its large round shape contrasting against the fluffy white clouds. Below it, a sleek black scooter with red accents speeds along a concrete pathway, its rider leaning forward in a hurry. The balloon moves at a leisurely pace, starkly contrasting with the frenetic energy of the scooter's rapid movement on the ground.",,7,1,attribute,color,"attribute - color (hot air balloon, yellow)",Is the hot air balloon yellow? +231,"A brightly colored hot air balloon with vibrant stripes of red, yellow, and blue hangs in the clear sky, its large round shape contrasting against the fluffy white clouds. Below it, a sleek black scooter with red accents speeds along a concrete pathway, its rider leaning forward in a hurry. The balloon moves at a leisurely pace, starkly contrasting with the frenetic energy of the scooter's rapid movement on the ground.",,8,1,attribute,color,"attribute - color (hot air balloon, blue)",Is the hot air balloon blue? +231,"A brightly colored hot air balloon with vibrant stripes of red, yellow, and blue hangs in the clear sky, its large round shape contrasting against the fluffy white clouds. Below it, a sleek black scooter with red accents speeds along a concrete pathway, its rider leaning forward in a hurry. The balloon moves at a leisurely pace, starkly contrasting with the frenetic energy of the scooter's rapid movement on the ground.",,9,2,attribute,color,"attribute - color (scooter, black)",Is the scooter black? +231,"A brightly colored hot air balloon with vibrant stripes of red, yellow, and blue hangs in the clear sky, its large round shape contrasting against the fluffy white clouds. Below it, a sleek black scooter with red accents speeds along a concrete pathway, its rider leaning forward in a hurry. The balloon moves at a leisurely pace, starkly contrasting with the frenetic energy of the scooter's rapid movement on the ground.",,10,2,attribute,color,"attribute - color (scooter's accents, red)",Are the accents on the scooter red? +231,"A brightly colored hot air balloon with vibrant stripes of red, yellow, and blue hangs in the clear sky, its large round shape contrasting against the fluffy white clouds. Below it, a sleek black scooter with red accents speeds along a concrete pathway, its rider leaning forward in a hurry. The balloon moves at a leisurely pace, starkly contrasting with the frenetic energy of the scooter's rapid movement on the ground.",,11,1,attribute,shape,"attribute - shape (hot air balloon, round)",Is the hot air balloon round? +231,"A brightly colored hot air balloon with vibrant stripes of red, yellow, and blue hangs in the clear sky, its large round shape contrasting against the fluffy white clouds. Below it, a sleek black scooter with red accents speeds along a concrete pathway, its rider leaning forward in a hurry. The balloon moves at a leisurely pace, starkly contrasting with the frenetic energy of the scooter's rapid movement on the ground.",,12,4,attribute,texture,"attribute - texture (clouds, fluffy)",Are the clouds fluffy? +231,"A brightly colored hot air balloon with vibrant stripes of red, yellow, and blue hangs in the clear sky, its large round shape contrasting against the fluffy white clouds. Below it, a sleek black scooter with red accents speeds along a concrete pathway, its rider leaning forward in a hurry. The balloon moves at a leisurely pace, starkly contrasting with the frenetic energy of the scooter's rapid movement on the ground.",,13,5,attribute,texture,"attribute - texture (pathway, concrete)",Is the pathway made of concrete? +231,"A brightly colored hot air balloon with vibrant stripes of red, yellow, and blue hangs in the clear sky, its large round shape contrasting against the fluffy white clouds. Below it, a sleek black scooter with red accents speeds along a concrete pathway, its rider leaning forward in a hurry. The balloon moves at a leisurely pace, starkly contrasting with the frenetic energy of the scooter's rapid movement on the ground.",,14,1,entity,state,"entity - state (hot air balloon, sky, hang)",Is the hot air balloon hanging in the sky? +231,"A brightly colored hot air balloon with vibrant stripes of red, yellow, and blue hangs in the clear sky, its large round shape contrasting against the fluffy white clouds. Below it, a sleek black scooter with red accents speeds along a concrete pathway, its rider leaning forward in a hurry. The balloon moves at a leisurely pace, starkly contrasting with the frenetic energy of the scooter's rapid movement on the ground.",,15,2,entity,state,"entity - state (scooter, speed along)",Is the scooter speeding along? +231,"A brightly colored hot air balloon with vibrant stripes of red, yellow, and blue hangs in the clear sky, its large round shape contrasting against the fluffy white clouds. Below it, a sleek black scooter with red accents speeds along a concrete pathway, its rider leaning forward in a hurry. The balloon moves at a leisurely pace, starkly contrasting with the frenetic energy of the scooter's rapid movement on the ground.",,16,3,entity,state,"entity - state (rider, lean forward)",Is the rider leaning forward? +231,"A brightly colored hot air balloon with vibrant stripes of red, yellow, and blue hangs in the clear sky, its large round shape contrasting against the fluffy white clouds. Below it, a sleek black scooter with red accents speeds along a concrete pathway, its rider leaning forward in a hurry. The balloon moves at a leisurely pace, starkly contrasting with the frenetic energy of the scooter's rapid movement on the ground.",,17,"1,4",relation,spatial,"relation - spatial (hot air balloon, clouds, against)",Is the hot air balloon against the clouds? +231,"A brightly colored hot air balloon with vibrant stripes of red, yellow, and blue hangs in the clear sky, its large round shape contrasting against the fluffy white clouds. Below it, a sleek black scooter with red accents speeds along a concrete pathway, its rider leaning forward in a hurry. The balloon moves at a leisurely pace, starkly contrasting with the frenetic energy of the scooter's rapid movement on the ground.",,18,"2,5",relation,spatial,"relation - spatial (scooter, pathway, on)",Is the scooter on the pathway? +231,"A brightly colored hot air balloon with vibrant stripes of red, yellow, and blue hangs in the clear sky, its large round shape contrasting against the fluffy white clouds. Below it, a sleek black scooter with red accents speeds along a concrete pathway, its rider leaning forward in a hurry. The balloon moves at a leisurely pace, starkly contrasting with the frenetic energy of the scooter's rapid movement on the ground.",,19,"1,2",relation,spatial,"relation - non-spatial (hot air balloon, scooter, contrasting pace)",Does the hot air balloon move at a different pace compared to the scooter? +200,"A gleaming stainless steel showerhead mounted on a beige tiled wall, with beads of water steadily dripping from its nozzle onto the glossy white porcelain urinal below. The urinal is flanked by grey dividers, ensuring privacy, and the floor beneath is speckled with small, wet splashes reflecting the dim early morning light filtering through a frosted window just out of view. The metallic fixtures of the showerhead are complemented by the chrome handles and plumbing visible under the urinal, creating a cohesive and functional restroom vignette.",,1,0,entity,whole,entity - whole (showerhead),Is there a showerhead? +200,"A gleaming stainless steel showerhead mounted on a beige tiled wall, with beads of water steadily dripping from its nozzle onto the glossy white porcelain urinal below. The urinal is flanked by grey dividers, ensuring privacy, and the floor beneath is speckled with small, wet splashes reflecting the dim early morning light filtering through a frosted window just out of view. The metallic fixtures of the showerhead are complemented by the chrome handles and plumbing visible under the urinal, creating a cohesive and functional restroom vignette.",,2,0,entity,whole,entity - whole (wall),Is there a wall? +200,"A gleaming stainless steel showerhead mounted on a beige tiled wall, with beads of water steadily dripping from its nozzle onto the glossy white porcelain urinal below. The urinal is flanked by grey dividers, ensuring privacy, and the floor beneath is speckled with small, wet splashes reflecting the dim early morning light filtering through a frosted window just out of view. The metallic fixtures of the showerhead are complemented by the chrome handles and plumbing visible under the urinal, creating a cohesive and functional restroom vignette.",,3,0,entity,whole,entity - whole (urinal),Is there a urinal? +200,"A gleaming stainless steel showerhead mounted on a beige tiled wall, with beads of water steadily dripping from its nozzle onto the glossy white porcelain urinal below. The urinal is flanked by grey dividers, ensuring privacy, and the floor beneath is speckled with small, wet splashes reflecting the dim early morning light filtering through a frosted window just out of view. The metallic fixtures of the showerhead are complemented by the chrome handles and plumbing visible under the urinal, creating a cohesive and functional restroom vignette.",,4,0,entity,whole,entity - whole (dividers),Are there dividers? +200,"A gleaming stainless steel showerhead mounted on a beige tiled wall, with beads of water steadily dripping from its nozzle onto the glossy white porcelain urinal below. The urinal is flanked by grey dividers, ensuring privacy, and the floor beneath is speckled with small, wet splashes reflecting the dim early morning light filtering through a frosted window just out of view. The metallic fixtures of the showerhead are complemented by the chrome handles and plumbing visible under the urinal, creating a cohesive and functional restroom vignette.",,5,0,entity,whole,entity - whole (floor),Is there a floor? +200,"A gleaming stainless steel showerhead mounted on a beige tiled wall, with beads of water steadily dripping from its nozzle onto the glossy white porcelain urinal below. The urinal is flanked by grey dividers, ensuring privacy, and the floor beneath is speckled with small, wet splashes reflecting the dim early morning light filtering through a frosted window just out of view. The metallic fixtures of the showerhead are complemented by the chrome handles and plumbing visible under the urinal, creating a cohesive and functional restroom vignette.",,6,0,entity,whole,entity - whole (window),Is there a window? +200,"A gleaming stainless steel showerhead mounted on a beige tiled wall, with beads of water steadily dripping from its nozzle onto the glossy white porcelain urinal below. The urinal is flanked by grey dividers, ensuring privacy, and the floor beneath is speckled with small, wet splashes reflecting the dim early morning light filtering through a frosted window just out of view. The metallic fixtures of the showerhead are complemented by the chrome handles and plumbing visible under the urinal, creating a cohesive and functional restroom vignette.",,7,1,attribute,texture,"attribute - texture (showerhead, stainless steel)",Is the showerhead made of stainless steel? +200,"A gleaming stainless steel showerhead mounted on a beige tiled wall, with beads of water steadily dripping from its nozzle onto the glossy white porcelain urinal below. The urinal is flanked by grey dividers, ensuring privacy, and the floor beneath is speckled with small, wet splashes reflecting the dim early morning light filtering through a frosted window just out of view. The metallic fixtures of the showerhead are complemented by the chrome handles and plumbing visible under the urinal, creating a cohesive and functional restroom vignette.",,8,2,attribute,color,"attribute - color (wall, beige)",Is the wall beige? +200,"A gleaming stainless steel showerhead mounted on a beige tiled wall, with beads of water steadily dripping from its nozzle onto the glossy white porcelain urinal below. The urinal is flanked by grey dividers, ensuring privacy, and the floor beneath is speckled with small, wet splashes reflecting the dim early morning light filtering through a frosted window just out of view. The metallic fixtures of the showerhead are complemented by the chrome handles and plumbing visible under the urinal, creating a cohesive and functional restroom vignette.",,9,3,attribute,color,"attribute - color (urinal, white)",Is the urinal white? +200,"A gleaming stainless steel showerhead mounted on a beige tiled wall, with beads of water steadily dripping from its nozzle onto the glossy white porcelain urinal below. The urinal is flanked by grey dividers, ensuring privacy, and the floor beneath is speckled with small, wet splashes reflecting the dim early morning light filtering through a frosted window just out of view. The metallic fixtures of the showerhead are complemented by the chrome handles and plumbing visible under the urinal, creating a cohesive and functional restroom vignette.",,10,4,attribute,color,"attribute - color (dividers, grey)",Are the dividers grey? +200,"A gleaming stainless steel showerhead mounted on a beige tiled wall, with beads of water steadily dripping from its nozzle onto the glossy white porcelain urinal below. The urinal is flanked by grey dividers, ensuring privacy, and the floor beneath is speckled with small, wet splashes reflecting the dim early morning light filtering through a frosted window just out of view. The metallic fixtures of the showerhead are complemented by the chrome handles and plumbing visible under the urinal, creating a cohesive and functional restroom vignette.",,11,5,attribute,texture,"attribute - texture (floor, speckled)",Is the floor speckled? +200,"A gleaming stainless steel showerhead mounted on a beige tiled wall, with beads of water steadily dripping from its nozzle onto the glossy white porcelain urinal below. The urinal is flanked by grey dividers, ensuring privacy, and the floor beneath is speckled with small, wet splashes reflecting the dim early morning light filtering through a frosted window just out of view. The metallic fixtures of the showerhead are complemented by the chrome handles and plumbing visible under the urinal, creating a cohesive and functional restroom vignette.",,12,"1,2",relation,spatial,"relation - spatial (showerhead, wall, mounted on)",Is the showerhead mounted on the wall? +200,"A gleaming stainless steel showerhead mounted on a beige tiled wall, with beads of water steadily dripping from its nozzle onto the glossy white porcelain urinal below. The urinal is flanked by grey dividers, ensuring privacy, and the floor beneath is speckled with small, wet splashes reflecting the dim early morning light filtering through a frosted window just out of view. The metallic fixtures of the showerhead are complemented by the chrome handles and plumbing visible under the urinal, creating a cohesive and functional restroom vignette.",,13,"1,3",relation,spatial,"relation - spatial (showerhead, urinal, above)",Is the showerhead above the urinal? +200,"A gleaming stainless steel showerhead mounted on a beige tiled wall, with beads of water steadily dripping from its nozzle onto the glossy white porcelain urinal below. The urinal is flanked by grey dividers, ensuring privacy, and the floor beneath is speckled with small, wet splashes reflecting the dim early morning light filtering through a frosted window just out of view. The metallic fixtures of the showerhead are complemented by the chrome handles and plumbing visible under the urinal, creating a cohesive and functional restroom vignette.",,14,"3,4",relation,spatial,"relation - spatial (urinal, dividers, flanked by)",Is the urinal flanked by dividers? +200,"A gleaming stainless steel showerhead mounted on a beige tiled wall, with beads of water steadily dripping from its nozzle onto the glossy white porcelain urinal below. The urinal is flanked by grey dividers, ensuring privacy, and the floor beneath is speckled with small, wet splashes reflecting the dim early morning light filtering through a frosted window just out of view. The metallic fixtures of the showerhead are complemented by the chrome handles and plumbing visible under the urinal, creating a cohesive and functional restroom vignette.",,15,"3,5",relation,spatial,"relation - spatial (floor, urinal, below)",Is the floor below the urinal? +200,"A gleaming stainless steel showerhead mounted on a beige tiled wall, with beads of water steadily dripping from its nozzle onto the glossy white porcelain urinal below. The urinal is flanked by grey dividers, ensuring privacy, and the floor beneath is speckled with small, wet splashes reflecting the dim early morning light filtering through a frosted window just out of view. The metallic fixtures of the showerhead are complemented by the chrome handles and plumbing visible under the urinal, creating a cohesive and functional restroom vignette.",,16,1,entity,state,"entity - state (water, dripping)",Are beads of water steadily dripping? +200,"A gleaming stainless steel showerhead mounted on a beige tiled wall, with beads of water steadily dripping from its nozzle onto the glossy white porcelain urinal below. The urinal is flanked by grey dividers, ensuring privacy, and the floor beneath is speckled with small, wet splashes reflecting the dim early morning light filtering through a frosted window just out of view. The metallic fixtures of the showerhead are complemented by the chrome handles and plumbing visible under the urinal, creating a cohesive and functional restroom vignette.",,17,2,attribute,texture,"attribute - texture (wall, tiled)",Is the wall tiled? +200,"A gleaming stainless steel showerhead mounted on a beige tiled wall, with beads of water steadily dripping from its nozzle onto the glossy white porcelain urinal below. The urinal is flanked by grey dividers, ensuring privacy, and the floor beneath is speckled with small, wet splashes reflecting the dim early morning light filtering through a frosted window just out of view. The metallic fixtures of the showerhead are complemented by the chrome handles and plumbing visible under the urinal, creating a cohesive and functional restroom vignette.",,18,3,attribute,texture,"attribute - texture (urinal, porcelain)",Is the urinal made of glossy white porcelain? +200,"A gleaming stainless steel showerhead mounted on a beige tiled wall, with beads of water steadily dripping from its nozzle onto the glossy white porcelain urinal below. The urinal is flanked by grey dividers, ensuring privacy, and the floor beneath is speckled with small, wet splashes reflecting the dim early morning light filtering through a frosted window just out of view. The metallic fixtures of the showerhead are complemented by the chrome handles and plumbing visible under the urinal, creating a cohesive and functional restroom vignette.",,19,6,attribute,texture,"attribute - texture (window, frosted)",Is the window frosted? +137,"Amidst the serene setting of a river bank, a single, bright rectangular bar of soap sits prominently on the rough, earthy terrain. Its surface gleams under the sunlight, contrasting with the natural surroundings. Several feet away, a curious black bear with a glossy coat cautiously approaches, nostrils flaring as it investigates the unfamiliar scent. The dense evergreen forest that lines the river's edge creates a lush, green backdrop to this unusual encounter.",,1,0,entity,whole,entity - whole (river bank),Is there a river bank? +137,"Amidst the serene setting of a river bank, a single, bright rectangular bar of soap sits prominently on the rough, earthy terrain. Its surface gleams under the sunlight, contrasting with the natural surroundings. Several feet away, a curious black bear with a glossy coat cautiously approaches, nostrils flaring as it investigates the unfamiliar scent. The dense evergreen forest that lines the river's edge creates a lush, green backdrop to this unusual encounter.",,2,0,entity,whole,entity - whole (bar of soap),Is there a bar of soap? +137,"Amidst the serene setting of a river bank, a single, bright rectangular bar of soap sits prominently on the rough, earthy terrain. Its surface gleams under the sunlight, contrasting with the natural surroundings. Several feet away, a curious black bear with a glossy coat cautiously approaches, nostrils flaring as it investigates the unfamiliar scent. The dense evergreen forest that lines the river's edge creates a lush, green backdrop to this unusual encounter.",,3,0,entity,whole,entity - whole (terrain),Is there terrain? +137,"Amidst the serene setting of a river bank, a single, bright rectangular bar of soap sits prominently on the rough, earthy terrain. Its surface gleams under the sunlight, contrasting with the natural surroundings. Several feet away, a curious black bear with a glossy coat cautiously approaches, nostrils flaring as it investigates the unfamiliar scent. The dense evergreen forest that lines the river's edge creates a lush, green backdrop to this unusual encounter.",,4,0,entity,whole,entity - whole (bear),Is there a bear? +137,"Amidst the serene setting of a river bank, a single, bright rectangular bar of soap sits prominently on the rough, earthy terrain. Its surface gleams under the sunlight, contrasting with the natural surroundings. Several feet away, a curious black bear with a glossy coat cautiously approaches, nostrils flaring as it investigates the unfamiliar scent. The dense evergreen forest that lines the river's edge creates a lush, green backdrop to this unusual encounter.",,5,0,entity,whole,entity - whole (forest),Is there a forest? +137,"Amidst the serene setting of a river bank, a single, bright rectangular bar of soap sits prominently on the rough, earthy terrain. Its surface gleams under the sunlight, contrasting with the natural surroundings. Several feet away, a curious black bear with a glossy coat cautiously approaches, nostrils flaring as it investigates the unfamiliar scent. The dense evergreen forest that lines the river's edge creates a lush, green backdrop to this unusual encounter.",,6,2,attribute,color,"attribute - color (bar of soap, bright)",Is the bar of soap bright? +137,"Amidst the serene setting of a river bank, a single, bright rectangular bar of soap sits prominently on the rough, earthy terrain. Its surface gleams under the sunlight, contrasting with the natural surroundings. Several feet away, a curious black bear with a glossy coat cautiously approaches, nostrils flaring as it investigates the unfamiliar scent. The dense evergreen forest that lines the river's edge creates a lush, green backdrop to this unusual encounter.",,7,2,attribute,shape,"attribute - shape (bar of soap, rectangular)",Is the bar of soap rectangular? +137,"Amidst the serene setting of a river bank, a single, bright rectangular bar of soap sits prominently on the rough, earthy terrain. Its surface gleams under the sunlight, contrasting with the natural surroundings. Several feet away, a curious black bear with a glossy coat cautiously approaches, nostrils flaring as it investigates the unfamiliar scent. The dense evergreen forest that lines the river's edge creates a lush, green backdrop to this unusual encounter.",,8,3,attribute,texture,"attribute - texture (terrain, rough and earthy)",Is the terrain rough and earthy? +137,"Amidst the serene setting of a river bank, a single, bright rectangular bar of soap sits prominently on the rough, earthy terrain. Its surface gleams under the sunlight, contrasting with the natural surroundings. Several feet away, a curious black bear with a glossy coat cautiously approaches, nostrils flaring as it investigates the unfamiliar scent. The dense evergreen forest that lines the river's edge creates a lush, green backdrop to this unusual encounter.",,9,4,attribute,color,"attribute - color (bear, black)",Is the bear black? +137,"Amidst the serene setting of a river bank, a single, bright rectangular bar of soap sits prominently on the rough, earthy terrain. Its surface gleams under the sunlight, contrasting with the natural surroundings. Several feet away, a curious black bear with a glossy coat cautiously approaches, nostrils flaring as it investigates the unfamiliar scent. The dense evergreen forest that lines the river's edge creates a lush, green backdrop to this unusual encounter.",,10,4,attribute,texture,"attribute - texture (bear's coat, glossy)",Is the bear's coat glossy? +124,"Under the bright midday light, a sleek glass display shelf within a boutique shop showcases an array of cosmetics. Three lipsticks, each a different shade of pink, red, and burgundy, are aligned meticulously beside a pair of shining black leather shoes, reflecting the overhead lighting. The shoes boast a perfect sheen, hinting at their unworn condition, and they sit adjacent to the lipsticks, adding contrast with their sharp, polished appearance against the soft textures of the makeup.",,1,0,entity,whole,entity - whole (display shelf),Is there a display shelf? +124,"Under the bright midday light, a sleek glass display shelf within a boutique shop showcases an array of cosmetics. Three lipsticks, each a different shade of pink, red, and burgundy, are aligned meticulously beside a pair of shining black leather shoes, reflecting the overhead lighting. The shoes boast a perfect sheen, hinting at their unworn condition, and they sit adjacent to the lipsticks, adding contrast with their sharp, polished appearance against the soft textures of the makeup.",,2,0,entity,whole,entity - whole (boutique shop),Is there a boutique shop? +124,"Under the bright midday light, a sleek glass display shelf within a boutique shop showcases an array of cosmetics. Three lipsticks, each a different shade of pink, red, and burgundy, are aligned meticulously beside a pair of shining black leather shoes, reflecting the overhead lighting. The shoes boast a perfect sheen, hinting at their unworn condition, and they sit adjacent to the lipsticks, adding contrast with their sharp, polished appearance against the soft textures of the makeup.",,3,1,entity,whole,entity - whole (cosmetics),Are there cosmetics? +124,"Under the bright midday light, a sleek glass display shelf within a boutique shop showcases an array of cosmetics. Three lipsticks, each a different shade of pink, red, and burgundy, are aligned meticulously beside a pair of shining black leather shoes, reflecting the overhead lighting. The shoes boast a perfect sheen, hinting at their unworn condition, and they sit adjacent to the lipsticks, adding contrast with their sharp, polished appearance against the soft textures of the makeup.",,4,3,entity,whole,entity - whole (lipsticks),Are there lipsticks? +124,"Under the bright midday light, a sleek glass display shelf within a boutique shop showcases an array of cosmetics. Three lipsticks, each a different shade of pink, red, and burgundy, are aligned meticulously beside a pair of shining black leather shoes, reflecting the overhead lighting. The shoes boast a perfect sheen, hinting at their unworn condition, and they sit adjacent to the lipsticks, adding contrast with their sharp, polished appearance against the soft textures of the makeup.",,5,4,other,count,"other - count (lipsticks, ==3)",Are there three lipsticks? +124,"Under the bright midday light, a sleek glass display shelf within a boutique shop showcases an array of cosmetics. Three lipsticks, each a different shade of pink, red, and burgundy, are aligned meticulously beside a pair of shining black leather shoes, reflecting the overhead lighting. The shoes boast a perfect sheen, hinting at their unworn condition, and they sit adjacent to the lipsticks, adding contrast with their sharp, polished appearance against the soft textures of the makeup.",,6,1,entity,whole,entity - whole (shoes),Are there shoes? +124,"Under the bright midday light, a sleek glass display shelf within a boutique shop showcases an array of cosmetics. Three lipsticks, each a different shade of pink, red, and burgundy, are aligned meticulously beside a pair of shining black leather shoes, reflecting the overhead lighting. The shoes boast a perfect sheen, hinting at their unworn condition, and they sit adjacent to the lipsticks, adding contrast with their sharp, polished appearance against the soft textures of the makeup.",,7,4,attribute,color,"attribute - color (lipstick_1, pink)",Is one of the lipsticks pink? +124,"Under the bright midday light, a sleek glass display shelf within a boutique shop showcases an array of cosmetics. Three lipsticks, each a different shade of pink, red, and burgundy, are aligned meticulously beside a pair of shining black leather shoes, reflecting the overhead lighting. The shoes boast a perfect sheen, hinting at their unworn condition, and they sit adjacent to the lipsticks, adding contrast with their sharp, polished appearance against the soft textures of the makeup.",,8,4,attribute,color,"attribute - color (lipstick_2, red)",Is one of the lipsticks red? +124,"Under the bright midday light, a sleek glass display shelf within a boutique shop showcases an array of cosmetics. Three lipsticks, each a different shade of pink, red, and burgundy, are aligned meticulously beside a pair of shining black leather shoes, reflecting the overhead lighting. The shoes boast a perfect sheen, hinting at their unworn condition, and they sit adjacent to the lipsticks, adding contrast with their sharp, polished appearance against the soft textures of the makeup.",,9,4,attribute,color,"attribute - color (lipstick_3, burgundy)",Is one of the lipsticks burgundy? +124,"Under the bright midday light, a sleek glass display shelf within a boutique shop showcases an array of cosmetics. Three lipsticks, each a different shade of pink, red, and burgundy, are aligned meticulously beside a pair of shining black leather shoes, reflecting the overhead lighting. The shoes boast a perfect sheen, hinting at their unworn condition, and they sit adjacent to the lipsticks, adding contrast with their sharp, polished appearance against the soft textures of the makeup.",,10,6,attribute,texture,"attribute - texture (shoes, leather, shiny)",Are the shoes made of shiny black leather? +61,"A modern kitchen featuring a polished granite countertop where a square-shaped stainless steel rice cooker stands conspicuously. The appliance's surface gleams under the natural morning light that filters through the window. Behind it, the kitchen wall is clad in a vibrant orange wallpaper with subtle patterns, adding a dash of color to the culinary space.",,1,0,entity,whole,entity - whole (kitchen),Is there a kitchen? +61,"A modern kitchen featuring a polished granite countertop where a square-shaped stainless steel rice cooker stands conspicuously. The appliance's surface gleams under the natural morning light that filters through the window. Behind it, the kitchen wall is clad in a vibrant orange wallpaper with subtle patterns, adding a dash of color to the culinary space.",,2,1,entity,whole,entity - whole (countertop),Is there a countertop? +61,"A modern kitchen featuring a polished granite countertop where a square-shaped stainless steel rice cooker stands conspicuously. The appliance's surface gleams under the natural morning light that filters through the window. Behind it, the kitchen wall is clad in a vibrant orange wallpaper with subtle patterns, adding a dash of color to the culinary space.",,3,1,entity,whole,entity - whole (rice cooker),Is there a rice cooker? +61,"A modern kitchen featuring a polished granite countertop where a square-shaped stainless steel rice cooker stands conspicuously. The appliance's surface gleams under the natural morning light that filters through the window. Behind it, the kitchen wall is clad in a vibrant orange wallpaper with subtle patterns, adding a dash of color to the culinary space.",,4,1,entity,whole,entity - whole (window),Is there a window? +61,"A modern kitchen featuring a polished granite countertop where a square-shaped stainless steel rice cooker stands conspicuously. The appliance's surface gleams under the natural morning light that filters through the window. Behind it, the kitchen wall is clad in a vibrant orange wallpaper with subtle patterns, adding a dash of color to the culinary space.",,5,1,entity,whole,entity - whole (kitchen wall),Is there a kitchen wall? +61,"A modern kitchen featuring a polished granite countertop where a square-shaped stainless steel rice cooker stands conspicuously. The appliance's surface gleams under the natural morning light that filters through the window. Behind it, the kitchen wall is clad in a vibrant orange wallpaper with subtle patterns, adding a dash of color to the culinary space.",,6,5,entity,whole,entity - whole (wallpaper),Is there wallpaper? +61,"A modern kitchen featuring a polished granite countertop where a square-shaped stainless steel rice cooker stands conspicuously. The appliance's surface gleams under the natural morning light that filters through the window. Behind it, the kitchen wall is clad in a vibrant orange wallpaper with subtle patterns, adding a dash of color to the culinary space.",,7,2,attribute,texture,"attribute - texture (countertop, polished granite)",Is the countertop made of polished granite? +61,"A modern kitchen featuring a polished granite countertop where a square-shaped stainless steel rice cooker stands conspicuously. The appliance's surface gleams under the natural morning light that filters through the window. Behind it, the kitchen wall is clad in a vibrant orange wallpaper with subtle patterns, adding a dash of color to the culinary space.",,8,3,attribute,shape,"attribute - shape (rice cooker, square-shaped)",Is the rice cooker square-shaped? +61,"A modern kitchen featuring a polished granite countertop where a square-shaped stainless steel rice cooker stands conspicuously. The appliance's surface gleams under the natural morning light that filters through the window. Behind it, the kitchen wall is clad in a vibrant orange wallpaper with subtle patterns, adding a dash of color to the culinary space.",,9,3,attribute,texture,"attribute - texture (rice cooker, stainless steel)",Is the rice cooker made of stainless steel? +61,"A modern kitchen featuring a polished granite countertop where a square-shaped stainless steel rice cooker stands conspicuously. The appliance's surface gleams under the natural morning light that filters through the window. Behind it, the kitchen wall is clad in a vibrant orange wallpaper with subtle patterns, adding a dash of color to the culinary space.",,10,6,attribute,color,"attribute - color (wallpaper, vibrant orange)",Is the wallpaper a vibrant orange color? +38,"An array of delicate, wavy potato chips loosely spread across the surface of an elegant, dark mahogany table. The wood grain is prominently visible under the sporadically placed chips, with soft light accentuating their undulating texture. In the background, a muted, empty ceramic bowl hints at the recent snack session that took place.",,1,0,entity,whole,entity - whole (potato chips),Are there potato chips? +38,"An array of delicate, wavy potato chips loosely spread across the surface of an elegant, dark mahogany table. The wood grain is prominently visible under the sporadically placed chips, with soft light accentuating their undulating texture. In the background, a muted, empty ceramic bowl hints at the recent snack session that took place.",,2,0,entity,whole,entity - whole (table),Is there a table? +38,"An array of delicate, wavy potato chips loosely spread across the surface of an elegant, dark mahogany table. The wood grain is prominently visible under the sporadically placed chips, with soft light accentuating their undulating texture. In the background, a muted, empty ceramic bowl hints at the recent snack session that took place.",,3,0,entity,whole,entity - whole (bowl),Is there a bowl? +38,"An array of delicate, wavy potato chips loosely spread across the surface of an elegant, dark mahogany table. The wood grain is prominently visible under the sporadically placed chips, with soft light accentuating their undulating texture. In the background, a muted, empty ceramic bowl hints at the recent snack session that took place.",,4,1,attribute,texture,"attribute - texture (potato chips, wavy)",Are the potato chips wavy? +38,"An array of delicate, wavy potato chips loosely spread across the surface of an elegant, dark mahogany table. The wood grain is prominently visible under the sporadically placed chips, with soft light accentuating their undulating texture. In the background, a muted, empty ceramic bowl hints at the recent snack session that took place.",,5,2,attribute,texture,"attribute - texture (table, wood grain)",Is the wood grain of the table prominently visible? +38,"An array of delicate, wavy potato chips loosely spread across the surface of an elegant, dark mahogany table. The wood grain is prominently visible under the sporadically placed chips, with soft light accentuating their undulating texture. In the background, a muted, empty ceramic bowl hints at the recent snack session that took place.",,6,2,attribute,color,"attribute - color (table, dark mahogany)",Is the table dark mahogany? +38,"An array of delicate, wavy potato chips loosely spread across the surface of an elegant, dark mahogany table. The wood grain is prominently visible under the sporadically placed chips, with soft light accentuating their undulating texture. In the background, a muted, empty ceramic bowl hints at the recent snack session that took place.",,7,3,attribute,other,"attribute - other (bowl, ceramic)",Is the bowl made of ceramic? +38,"An array of delicate, wavy potato chips loosely spread across the surface of an elegant, dark mahogany table. The wood grain is prominently visible under the sporadically placed chips, with soft light accentuating their undulating texture. In the background, a muted, empty ceramic bowl hints at the recent snack session that took place.",,8,3,entity,state,"entity - state (bowl, empty)",Is the bowl empty? +38,"An array of delicate, wavy potato chips loosely spread across the surface of an elegant, dark mahogany table. The wood grain is prominently visible under the sporadically placed chips, with soft light accentuating their undulating texture. In the background, a muted, empty ceramic bowl hints at the recent snack session that took place.",,9,"1,2",relation,spatial,"relation - spatial (potato chips, table, on)",Are the potato chips on the table? +38,"An array of delicate, wavy potato chips loosely spread across the surface of an elegant, dark mahogany table. The wood grain is prominently visible under the sporadically placed chips, with soft light accentuating their undulating texture. In the background, a muted, empty ceramic bowl hints at the recent snack session that took place.",,10,3,relation,spatial,"relation - spatial (bowl, background, in)",Is the bowl in the background? +68,"An artist with fingers dusted in multicolored pigments is holding a set of five cylindrical-shaped paint brushes that sport vibrant blue handles. These brushes are gently splayed between skilled fingers, poised like a conductor's baton ready to orchestrate strokes on a pristine white canvas that awaits on an easel. The bristles of the brushes appear soft and unused, contrasting with the worn-in look of the artist's hand, evidencing countless hours of previous creations.",,1,0,entity,whole,entity - whole (artist),Is there an artist? +68,"An artist with fingers dusted in multicolored pigments is holding a set of five cylindrical-shaped paint brushes that sport vibrant blue handles. These brushes are gently splayed between skilled fingers, poised like a conductor's baton ready to orchestrate strokes on a pristine white canvas that awaits on an easel. The bristles of the brushes appear soft and unused, contrasting with the worn-in look of the artist's hand, evidencing countless hours of previous creations.",,2,1,entity,part,entity - part (artist's fingers),Does the artist have fingers? +68,"An artist with fingers dusted in multicolored pigments is holding a set of five cylindrical-shaped paint brushes that sport vibrant blue handles. These brushes are gently splayed between skilled fingers, poised like a conductor's baton ready to orchestrate strokes on a pristine white canvas that awaits on an easel. The bristles of the brushes appear soft and unused, contrasting with the worn-in look of the artist's hand, evidencing countless hours of previous creations.",,3,0,entity,whole,entity - whole (paint brushes),Are there paint brushes? +68,"An artist with fingers dusted in multicolored pigments is holding a set of five cylindrical-shaped paint brushes that sport vibrant blue handles. These brushes are gently splayed between skilled fingers, poised like a conductor's baton ready to orchestrate strokes on a pristine white canvas that awaits on an easel. The bristles of the brushes appear soft and unused, contrasting with the worn-in look of the artist's hand, evidencing countless hours of previous creations.",,4,0,entity,whole,entity - whole (canvas),Is there a canvas? +68,"An artist with fingers dusted in multicolored pigments is holding a set of five cylindrical-shaped paint brushes that sport vibrant blue handles. These brushes are gently splayed between skilled fingers, poised like a conductor's baton ready to orchestrate strokes on a pristine white canvas that awaits on an easel. The bristles of the brushes appear soft and unused, contrasting with the worn-in look of the artist's hand, evidencing countless hours of previous creations.",,5,0,entity,whole,entity - whole (easel),Is there an easel? +68,"An artist with fingers dusted in multicolored pigments is holding a set of five cylindrical-shaped paint brushes that sport vibrant blue handles. These brushes are gently splayed between skilled fingers, poised like a conductor's baton ready to orchestrate strokes on a pristine white canvas that awaits on an easel. The bristles of the brushes appear soft and unused, contrasting with the worn-in look of the artist's hand, evidencing countless hours of previous creations.",,6,3,attribute,color,"attribute - color (paint brushes' handles, vibrant blue)",Do the paint brushes have vibrant blue handles? +68,"An artist with fingers dusted in multicolored pigments is holding a set of five cylindrical-shaped paint brushes that sport vibrant blue handles. These brushes are gently splayed between skilled fingers, poised like a conductor's baton ready to orchestrate strokes on a pristine white canvas that awaits on an easel. The bristles of the brushes appear soft and unused, contrasting with the worn-in look of the artist's hand, evidencing countless hours of previous creations.",,7,2,attribute,color,"attribute - color (artist's fingers, multicolored pigments)",Are the artist's fingers dusted in multicolored pigments? +68,"An artist with fingers dusted in multicolored pigments is holding a set of five cylindrical-shaped paint brushes that sport vibrant blue handles. These brushes are gently splayed between skilled fingers, poised like a conductor's baton ready to orchestrate strokes on a pristine white canvas that awaits on an easel. The bristles of the brushes appear soft and unused, contrasting with the worn-in look of the artist's hand, evidencing countless hours of previous creations.",,8,3,attribute,shape,"attribute - shape (paint brushes, cylindrical-shaped)",Are the paint brushes cylindrical-shaped? +68,"An artist with fingers dusted in multicolored pigments is holding a set of five cylindrical-shaped paint brushes that sport vibrant blue handles. These brushes are gently splayed between skilled fingers, poised like a conductor's baton ready to orchestrate strokes on a pristine white canvas that awaits on an easel. The bristles of the brushes appear soft and unused, contrasting with the worn-in look of the artist's hand, evidencing countless hours of previous creations.",,9,3,attribute,texture,"attribute - texture (brushes' bristles, soft)",Do the brushes have soft bristles? +68,"An artist with fingers dusted in multicolored pigments is holding a set of five cylindrical-shaped paint brushes that sport vibrant blue handles. These brushes are gently splayed between skilled fingers, poised like a conductor's baton ready to orchestrate strokes on a pristine white canvas that awaits on an easel. The bristles of the brushes appear soft and unused, contrasting with the worn-in look of the artist's hand, evidencing countless hours of previous creations.",,10,4,attribute,texture,"attribute - texture (canvas, pristine white)",Is the canvas pristine white? +268,"On a rustic wooden table, a vibrant purple paintbrush, significantly larger than the standard size, lies beside a pair of silver-grey pliers with a matte finish. The bristles of the paintbrush appear soft and well-used, indicating a tool that has seen many a canvas, while the pliers show signs of wear, with slight scratches and smudges from frequent handling. The contrast between the artistic instrument and the utilitarian tool is striking against the natural grain of the wooden surface.",,1,0,entity,whole,entity - whole (table),Is there a table? +268,"On a rustic wooden table, a vibrant purple paintbrush, significantly larger than the standard size, lies beside a pair of silver-grey pliers with a matte finish. The bristles of the paintbrush appear soft and well-used, indicating a tool that has seen many a canvas, while the pliers show signs of wear, with slight scratches and smudges from frequent handling. The contrast between the artistic instrument and the utilitarian tool is striking against the natural grain of the wooden surface.",,2,0,entity,whole,entity - whole (paintbrush),Is there a paintbrush? +268,"On a rustic wooden table, a vibrant purple paintbrush, significantly larger than the standard size, lies beside a pair of silver-grey pliers with a matte finish. The bristles of the paintbrush appear soft and well-used, indicating a tool that has seen many a canvas, while the pliers show signs of wear, with slight scratches and smudges from frequent handling. The contrast between the artistic instrument and the utilitarian tool is striking against the natural grain of the wooden surface.",,3,0,entity,whole,entity - whole (pliers),Are there pliers? +268,"On a rustic wooden table, a vibrant purple paintbrush, significantly larger than the standard size, lies beside a pair of silver-grey pliers with a matte finish. The bristles of the paintbrush appear soft and well-used, indicating a tool that has seen many a canvas, while the pliers show signs of wear, with slight scratches and smudges from frequent handling. The contrast between the artistic instrument and the utilitarian tool is striking against the natural grain of the wooden surface.",,4,2,attribute,color,"attribute - color (paintbrush, vibrant purple)",Is the paintbrush vibrant purple? +268,"On a rustic wooden table, a vibrant purple paintbrush, significantly larger than the standard size, lies beside a pair of silver-grey pliers with a matte finish. The bristles of the paintbrush appear soft and well-used, indicating a tool that has seen many a canvas, while the pliers show signs of wear, with slight scratches and smudges from frequent handling. The contrast between the artistic instrument and the utilitarian tool is striking against the natural grain of the wooden surface.",,5,2,attribute,size,"attribute - size (paintbrush, significantly larger)",Is the paintbrush significantly larger than standard size? +268,"On a rustic wooden table, a vibrant purple paintbrush, significantly larger than the standard size, lies beside a pair of silver-grey pliers with a matte finish. The bristles of the paintbrush appear soft and well-used, indicating a tool that has seen many a canvas, while the pliers show signs of wear, with slight scratches and smudges from frequent handling. The contrast between the artistic instrument and the utilitarian tool is striking against the natural grain of the wooden surface.",,6,3,attribute,color,"attribute - color (pliers, silver-grey)",Are the pliers silver-grey? +268,"On a rustic wooden table, a vibrant purple paintbrush, significantly larger than the standard size, lies beside a pair of silver-grey pliers with a matte finish. The bristles of the paintbrush appear soft and well-used, indicating a tool that has seen many a canvas, while the pliers show signs of wear, with slight scratches and smudges from frequent handling. The contrast between the artistic instrument and the utilitarian tool is striking against the natural grain of the wooden surface.",,7,3,attribute,texture,"attribute - texture (pliers, matte finish)",Do the pliers have a matte finish? +268,"On a rustic wooden table, a vibrant purple paintbrush, significantly larger than the standard size, lies beside a pair of silver-grey pliers with a matte finish. The bristles of the paintbrush appear soft and well-used, indicating a tool that has seen many a canvas, while the pliers show signs of wear, with slight scratches and smudges from frequent handling. The contrast between the artistic instrument and the utilitarian tool is striking against the natural grain of the wooden surface.",,8,2,attribute,texture,"attribute - texture (paintbrush's bristles, soft)",Are the bristles of the paintbrush soft? +268,"On a rustic wooden table, a vibrant purple paintbrush, significantly larger than the standard size, lies beside a pair of silver-grey pliers with a matte finish. The bristles of the paintbrush appear soft and well-used, indicating a tool that has seen many a canvas, while the pliers show signs of wear, with slight scratches and smudges from frequent handling. The contrast between the artistic instrument and the utilitarian tool is striking against the natural grain of the wooden surface.",,9,1,attribute,texture,"attribute - texture (table, rustic wooden)",Is the table made of rustic wood? +268,"On a rustic wooden table, a vibrant purple paintbrush, significantly larger than the standard size, lies beside a pair of silver-grey pliers with a matte finish. The bristles of the paintbrush appear soft and well-used, indicating a tool that has seen many a canvas, while the pliers show signs of wear, with slight scratches and smudges from frequent handling. The contrast between the artistic instrument and the utilitarian tool is striking against the natural grain of the wooden surface.",,10,"1,2",relation,spatial,"relation - spatial (paintbrush, table, on)",Is the paintbrush on the table? +268,"On a rustic wooden table, a vibrant purple paintbrush, significantly larger than the standard size, lies beside a pair of silver-grey pliers with a matte finish. The bristles of the paintbrush appear soft and well-used, indicating a tool that has seen many a canvas, while the pliers show signs of wear, with slight scratches and smudges from frequent handling. The contrast between the artistic instrument and the utilitarian tool is striking against the natural grain of the wooden surface.",,11,"1,2,3",relation,spatial,"relation - spatial (pliers, table, beside paintbrush)",Are the pliers beside the paintbrush on the table? +253,"An interior wall is fitted with four square-shaped power outlets, uniformly aligned in a horizontal row directly above a ruby red, round stool. The wall's paint is a soft cream color, creating a contrast with the vibrant red of the stool. The stool's smooth texture and glossy finish reflect the ambient light, emphasizing its bold hue in the otherwise neutral-toned room.",,1,0,entity,whole,entity - whole (wall),Is there an interior wall? +253,"An interior wall is fitted with four square-shaped power outlets, uniformly aligned in a horizontal row directly above a ruby red, round stool. The wall's paint is a soft cream color, creating a contrast with the vibrant red of the stool. The stool's smooth texture and glossy finish reflect the ambient light, emphasizing its bold hue in the otherwise neutral-toned room.",,2,0,entity,whole,entity - whole (power outlets),Are there power outlets? +253,"An interior wall is fitted with four square-shaped power outlets, uniformly aligned in a horizontal row directly above a ruby red, round stool. The wall's paint is a soft cream color, creating a contrast with the vibrant red of the stool. The stool's smooth texture and glossy finish reflect the ambient light, emphasizing its bold hue in the otherwise neutral-toned room.",,3,0,entity,whole,entity - whole (stool),Is there a stool? +253,"An interior wall is fitted with four square-shaped power outlets, uniformly aligned in a horizontal row directly above a ruby red, round stool. The wall's paint is a soft cream color, creating a contrast with the vibrant red of the stool. The stool's smooth texture and glossy finish reflect the ambient light, emphasizing its bold hue in the otherwise neutral-toned room.",,4,2,other,count,"other - count (power outlets, ==4)",Are there four power outlets? +253,"An interior wall is fitted with four square-shaped power outlets, uniformly aligned in a horizontal row directly above a ruby red, round stool. The wall's paint is a soft cream color, creating a contrast with the vibrant red of the stool. The stool's smooth texture and glossy finish reflect the ambient light, emphasizing its bold hue in the otherwise neutral-toned room.",,5,2,attribute,shape,"attribute - shape (power outlets, square)",Are the power outlets square-shaped? +253,"An interior wall is fitted with four square-shaped power outlets, uniformly aligned in a horizontal row directly above a ruby red, round stool. The wall's paint is a soft cream color, creating a contrast with the vibrant red of the stool. The stool's smooth texture and glossy finish reflect the ambient light, emphasizing its bold hue in the otherwise neutral-toned room.",,6,1,attribute,color,"attribute - color (wall, soft cream)",Is the wall painted a soft cream color? +253,"An interior wall is fitted with four square-shaped power outlets, uniformly aligned in a horizontal row directly above a ruby red, round stool. The wall's paint is a soft cream color, creating a contrast with the vibrant red of the stool. The stool's smooth texture and glossy finish reflect the ambient light, emphasizing its bold hue in the otherwise neutral-toned room.",,7,3,attribute,color,"attribute - color (stool, ruby red)",Is the stool ruby red? +253,"An interior wall is fitted with four square-shaped power outlets, uniformly aligned in a horizontal row directly above a ruby red, round stool. The wall's paint is a soft cream color, creating a contrast with the vibrant red of the stool. The stool's smooth texture and glossy finish reflect the ambient light, emphasizing its bold hue in the otherwise neutral-toned room.",,8,3,attribute,shape,"attribute - shape (stool, round)",Is the stool round? +253,"An interior wall is fitted with four square-shaped power outlets, uniformly aligned in a horizontal row directly above a ruby red, round stool. The wall's paint is a soft cream color, creating a contrast with the vibrant red of the stool. The stool's smooth texture and glossy finish reflect the ambient light, emphasizing its bold hue in the otherwise neutral-toned room.",,9,3,attribute,texture,"attribute - texture (stool, smooth and glossy)",Does the stool have a smooth and glossy texture? +253,"An interior wall is fitted with four square-shaped power outlets, uniformly aligned in a horizontal row directly above a ruby red, round stool. The wall's paint is a soft cream color, creating a contrast with the vibrant red of the stool. The stool's smooth texture and glossy finish reflect the ambient light, emphasizing its bold hue in the otherwise neutral-toned room.",,10,"1,2",relation,spatial,"relation - spatial (power outlets, wall, on)",Are the power outlets on the wall? +253,"An interior wall is fitted with four square-shaped power outlets, uniformly aligned in a horizontal row directly above a ruby red, round stool. The wall's paint is a soft cream color, creating a contrast with the vibrant red of the stool. The stool's smooth texture and glossy finish reflect the ambient light, emphasizing its bold hue in the otherwise neutral-toned room.",,11,"2,3",relation,spatial,"relation - spatial (power outlets, stool, above)",Are the power outlets aligned in a horizontal row directly above the stool? +253,"An interior wall is fitted with four square-shaped power outlets, uniformly aligned in a horizontal row directly above a ruby red, round stool. The wall's paint is a soft cream color, creating a contrast with the vibrant red of the stool. The stool's smooth texture and glossy finish reflect the ambient light, emphasizing its bold hue in the otherwise neutral-toned room.",,12,"1,3",relation,spatial,"relation - spatial (stool, wall, against)",Is the stool against the wall? +283,"A small, silver lighter with a gentle flame flickering at its tip is placed beside a large, gleaming golden trophy on a polished wooden table. The trophy is intricately designed, with handles on each side and an engraving that signifies some kind of sporting achievement. The wooden table's surface reflects a faint glow from the lighter's flame, adding a subtle warmth to the surrounding cool metallic and wooden textures.",,1,0,entity,whole,entity - whole (lighter),Is there a lighter? +283,"A small, silver lighter with a gentle flame flickering at its tip is placed beside a large, gleaming golden trophy on a polished wooden table. The trophy is intricately designed, with handles on each side and an engraving that signifies some kind of sporting achievement. The wooden table's surface reflects a faint glow from the lighter's flame, adding a subtle warmth to the surrounding cool metallic and wooden textures.",,2,0,entity,whole,entity - whole (flame),Is there a flame? +283,"A small, silver lighter with a gentle flame flickering at its tip is placed beside a large, gleaming golden trophy on a polished wooden table. The trophy is intricately designed, with handles on each side and an engraving that signifies some kind of sporting achievement. The wooden table's surface reflects a faint glow from the lighter's flame, adding a subtle warmth to the surrounding cool metallic and wooden textures.",,3,0,entity,whole,entity - whole (trophy),Is there a trophy? +283,"A small, silver lighter with a gentle flame flickering at its tip is placed beside a large, gleaming golden trophy on a polished wooden table. The trophy is intricately designed, with handles on each side and an engraving that signifies some kind of sporting achievement. The wooden table's surface reflects a faint glow from the lighter's flame, adding a subtle warmth to the surrounding cool metallic and wooden textures.",,4,0,entity,whole,entity - whole (table),Is there a table? +283,"A small, silver lighter with a gentle flame flickering at its tip is placed beside a large, gleaming golden trophy on a polished wooden table. The trophy is intricately designed, with handles on each side and an engraving that signifies some kind of sporting achievement. The wooden table's surface reflects a faint glow from the lighter's flame, adding a subtle warmth to the surrounding cool metallic and wooden textures.",,5,1,attribute,size,"attribute - size (lighter, small)",Is the lighter small? +283,"A small, silver lighter with a gentle flame flickering at its tip is placed beside a large, gleaming golden trophy on a polished wooden table. The trophy is intricately designed, with handles on each side and an engraving that signifies some kind of sporting achievement. The wooden table's surface reflects a faint glow from the lighter's flame, adding a subtle warmth to the surrounding cool metallic and wooden textures.",,6,1,attribute,color,"attribute - color (lighter, silver)",Is the lighter silver? +283,"A small, silver lighter with a gentle flame flickering at its tip is placed beside a large, gleaming golden trophy on a polished wooden table. The trophy is intricately designed, with handles on each side and an engraving that signifies some kind of sporting achievement. The wooden table's surface reflects a faint glow from the lighter's flame, adding a subtle warmth to the surrounding cool metallic and wooden textures.",,7,3,attribute,size,"attribute - size (trophy, large)",Is the trophy large? +283,"A small, silver lighter with a gentle flame flickering at its tip is placed beside a large, gleaming golden trophy on a polished wooden table. The trophy is intricately designed, with handles on each side and an engraving that signifies some kind of sporting achievement. The wooden table's surface reflects a faint glow from the lighter's flame, adding a subtle warmth to the surrounding cool metallic and wooden textures.",,8,3,attribute,color,"attribute - color (trophy, golden)",Is the trophy golden? +283,"A small, silver lighter with a gentle flame flickering at its tip is placed beside a large, gleaming golden trophy on a polished wooden table. The trophy is intricately designed, with handles on each side and an engraving that signifies some kind of sporting achievement. The wooden table's surface reflects a faint glow from the lighter's flame, adding a subtle warmth to the surrounding cool metallic and wooden textures.",,9,4,attribute,texture,"attribute - texture (table, polished wood)",Is the table made of polished wood? +283,"A small, silver lighter with a gentle flame flickering at its tip is placed beside a large, gleaming golden trophy on a polished wooden table. The trophy is intricately designed, with handles on each side and an engraving that signifies some kind of sporting achievement. The wooden table's surface reflects a faint glow from the lighter's flame, adding a subtle warmth to the surrounding cool metallic and wooden textures.",,10,2,entity,state,"entity - state (flame, flickering)",Is the flame flickering? +283,"A small, silver lighter with a gentle flame flickering at its tip is placed beside a large, gleaming golden trophy on a polished wooden table. The trophy is intricately designed, with handles on each side and an engraving that signifies some kind of sporting achievement. The wooden table's surface reflects a faint glow from the lighter's flame, adding a subtle warmth to the surrounding cool metallic and wooden textures.",,11,"1,3",relation,spatial,"relation - spatial (lighter, trophy, beside)",Is the lighter placed beside the trophy? +283,"A small, silver lighter with a gentle flame flickering at its tip is placed beside a large, gleaming golden trophy on a polished wooden table. The trophy is intricately designed, with handles on each side and an engraving that signifies some kind of sporting achievement. The wooden table's surface reflects a faint glow from the lighter's flame, adding a subtle warmth to the surrounding cool metallic and wooden textures.",,12,"3,4",relation,spatial,"relation - spatial (trophy, table, on)",Is the trophy on the table? +283,"A small, silver lighter with a gentle flame flickering at its tip is placed beside a large, gleaming golden trophy on a polished wooden table. The trophy is intricately designed, with handles on each side and an engraving that signifies some kind of sporting achievement. The wooden table's surface reflects a faint glow from the lighter's flame, adding a subtle warmth to the surrounding cool metallic and wooden textures.",,13,"1,4",relation,spatial,"relation - spatial (lighter, table, on)",Is the lighter on the table? +283,"A small, silver lighter with a gentle flame flickering at its tip is placed beside a large, gleaming golden trophy on a polished wooden table. The trophy is intricately designed, with handles on each side and an engraving that signifies some kind of sporting achievement. The wooden table's surface reflects a faint glow from the lighter's flame, adding a subtle warmth to the surrounding cool metallic and wooden textures.",,14,3,attribute,other,"attribute - other (trophy, intricately designed)",Is the trophy intricately designed? +283,"A small, silver lighter with a gentle flame flickering at its tip is placed beside a large, gleaming golden trophy on a polished wooden table. The trophy is intricately designed, with handles on each side and an engraving that signifies some kind of sporting achievement. The wooden table's surface reflects a faint glow from the lighter's flame, adding a subtle warmth to the surrounding cool metallic and wooden textures.",,15,3,entity,part,entity - part (trophy's handles),Does the trophy have handles? +283,"A small, silver lighter with a gentle flame flickering at its tip is placed beside a large, gleaming golden trophy on a polished wooden table. The trophy is intricately designed, with handles on each side and an engraving that signifies some kind of sporting achievement. The wooden table's surface reflects a faint glow from the lighter's flame, adding a subtle warmth to the surrounding cool metallic and wooden textures.",,16,3,entity,part,entity - part (trophy's engraving),Is there an engraving on the trophy? +283,"A small, silver lighter with a gentle flame flickering at its tip is placed beside a large, gleaming golden trophy on a polished wooden table. The trophy is intricately designed, with handles on each side and an engraving that signifies some kind of sporting achievement. The wooden table's surface reflects a faint glow from the lighter's flame, adding a subtle warmth to the surrounding cool metallic and wooden textures.",,17,16,attribute,other,"attribute - other (engraving, sporting achievement)",Does the engraving signify a sporting achievement? +283,"A small, silver lighter with a gentle flame flickering at its tip is placed beside a large, gleaming golden trophy on a polished wooden table. The trophy is intricately designed, with handles on each side and an engraving that signifies some kind of sporting achievement. The wooden table's surface reflects a faint glow from the lighter's flame, adding a subtle warmth to the surrounding cool metallic and wooden textures.",,18,"2,4",entity,state,"entity - state (table's surface, reflect, faint glow)",Does the table's surface reflect a faint glow from the lighter's flame? +224,"Three exquisitely crafted violins, with their elegant F-shaped sound holes and smooth, glossy wooden surfaces, rest gently beside a grand piano. The piano's polished ebony finish reflects the soft, gentle curves of the violins that lie on a velvet-lined case. Behind them, the piano's open lid reveals its intricate strings and hammers, inviting a symphony of sounds to be played.",,1,0,entity,whole,entity - whole (violins),Are there violins? +224,"Three exquisitely crafted violins, with their elegant F-shaped sound holes and smooth, glossy wooden surfaces, rest gently beside a grand piano. The piano's polished ebony finish reflects the soft, gentle curves of the violins that lie on a velvet-lined case. Behind them, the piano's open lid reveals its intricate strings and hammers, inviting a symphony of sounds to be played.",,2,1,other,count,"other - count (violins, ==3)",Are there three violins? +224,"Three exquisitely crafted violins, with their elegant F-shaped sound holes and smooth, glossy wooden surfaces, rest gently beside a grand piano. The piano's polished ebony finish reflects the soft, gentle curves of the violins that lie on a velvet-lined case. Behind them, the piano's open lid reveals its intricate strings and hammers, inviting a symphony of sounds to be played.",,3,0,entity,whole,entity - whole (grand piano),Is there a grand piano? +224,"Three exquisitely crafted violins, with their elegant F-shaped sound holes and smooth, glossy wooden surfaces, rest gently beside a grand piano. The piano's polished ebony finish reflects the soft, gentle curves of the violins that lie on a velvet-lined case. Behind them, the piano's open lid reveals its intricate strings and hammers, inviting a symphony of sounds to be played.",,4,1,entity,part,entity - part (violins' sound holes),Do the violins have sound holes? +224,"Three exquisitely crafted violins, with their elegant F-shaped sound holes and smooth, glossy wooden surfaces, rest gently beside a grand piano. The piano's polished ebony finish reflects the soft, gentle curves of the violins that lie on a velvet-lined case. Behind them, the piano's open lid reveals its intricate strings and hammers, inviting a symphony of sounds to be played.",,5,4,attribute,shape,"attribute - shape (violins' sound holes, F-shaped)",Are the sound holes on the violins F-shaped? +224,"Three exquisitely crafted violins, with their elegant F-shaped sound holes and smooth, glossy wooden surfaces, rest gently beside a grand piano. The piano's polished ebony finish reflects the soft, gentle curves of the violins that lie on a velvet-lined case. Behind them, the piano's open lid reveals its intricate strings and hammers, inviting a symphony of sounds to be played.",,6,1,attribute,texture,"attribute - texture (violins, glossy)",Are the violins glossy? +224,"Three exquisitely crafted violins, with their elegant F-shaped sound holes and smooth, glossy wooden surfaces, rest gently beside a grand piano. The piano's polished ebony finish reflects the soft, gentle curves of the violins that lie on a velvet-lined case. Behind them, the piano's open lid reveals its intricate strings and hammers, inviting a symphony of sounds to be played.",,7,3,attribute,texture,"attribute - texture (piano, polished)",Is the piano polished? +224,"Three exquisitely crafted violins, with their elegant F-shaped sound holes and smooth, glossy wooden surfaces, rest gently beside a grand piano. The piano's polished ebony finish reflects the soft, gentle curves of the violins that lie on a velvet-lined case. Behind them, the piano's open lid reveals its intricate strings and hammers, inviting a symphony of sounds to be played.",,8,3,attribute,color,"attribute - color (piano, ebony)",Is the piano's finish ebony? +224,"Three exquisitely crafted violins, with their elegant F-shaped sound holes and smooth, glossy wooden surfaces, rest gently beside a grand piano. The piano's polished ebony finish reflects the soft, gentle curves of the violins that lie on a velvet-lined case. Behind them, the piano's open lid reveals its intricate strings and hammers, inviting a symphony of sounds to be played.",,9,3,entity,part,entity - part (piano's lid),Does the piano have a lid? +224,"Three exquisitely crafted violins, with their elegant F-shaped sound holes and smooth, glossy wooden surfaces, rest gently beside a grand piano. The piano's polished ebony finish reflects the soft, gentle curves of the violins that lie on a velvet-lined case. Behind them, the piano's open lid reveals its intricate strings and hammers, inviting a symphony of sounds to be played.",,10,9,entity,state,"entity - state (piano's lid, open)",Is the piano's lid open? +162,"A playful monkey with a chestnut coat and bright eyes is clumsily handling a crimson red heart-shaped tea pot. The monkey sits in a verdant jungle environment, surrounded by an array of glossy green leaves and suspended vines. The tea pot, with its glossy ceramic finish, reflects the dappled sunlight that filters through the dense canopy overhead.",,1,0,entity,whole,entity - whole (monkey),Is there a playful monkey? +162,"A playful monkey with a chestnut coat and bright eyes is clumsily handling a crimson red heart-shaped tea pot. The monkey sits in a verdant jungle environment, surrounded by an array of glossy green leaves and suspended vines. The tea pot, with its glossy ceramic finish, reflects the dappled sunlight that filters through the dense canopy overhead.",,2,0,entity,whole,entity - whole (tea pot),Is there a tea pot? +162,"A playful monkey with a chestnut coat and bright eyes is clumsily handling a crimson red heart-shaped tea pot. The monkey sits in a verdant jungle environment, surrounded by an array of glossy green leaves and suspended vines. The tea pot, with its glossy ceramic finish, reflects the dappled sunlight that filters through the dense canopy overhead.",,3,0,entity,whole,entity - whole (jungle environment),Is there a jungle environment? +162,"A playful monkey with a chestnut coat and bright eyes is clumsily handling a crimson red heart-shaped tea pot. The monkey sits in a verdant jungle environment, surrounded by an array of glossy green leaves and suspended vines. The tea pot, with its glossy ceramic finish, reflects the dappled sunlight that filters through the dense canopy overhead.",,4,1,entity,part,entity - part (monkey's coat),Does the monkey have a coat? +162,"A playful monkey with a chestnut coat and bright eyes is clumsily handling a crimson red heart-shaped tea pot. The monkey sits in a verdant jungle environment, surrounded by an array of glossy green leaves and suspended vines. The tea pot, with its glossy ceramic finish, reflects the dappled sunlight that filters through the dense canopy overhead.",,5,1,entity,part,entity - part (monkey's eyes),Does the monkey have bright eyes? +162,"A playful monkey with a chestnut coat and bright eyes is clumsily handling a crimson red heart-shaped tea pot. The monkey sits in a verdant jungle environment, surrounded by an array of glossy green leaves and suspended vines. The tea pot, with its glossy ceramic finish, reflects the dappled sunlight that filters through the dense canopy overhead.",,6,4,attribute,color,"attribute - color (monkey's coat, chestnut)",Is the monkey's coat chestnut in color? +162,"A playful monkey with a chestnut coat and bright eyes is clumsily handling a crimson red heart-shaped tea pot. The monkey sits in a verdant jungle environment, surrounded by an array of glossy green leaves and suspended vines. The tea pot, with its glossy ceramic finish, reflects the dappled sunlight that filters through the dense canopy overhead.",,7,2,attribute,color,"attribute - color (tea pot, crimson red)",Is the tea pot crimson red? +162,"A playful monkey with a chestnut coat and bright eyes is clumsily handling a crimson red heart-shaped tea pot. The monkey sits in a verdant jungle environment, surrounded by an array of glossy green leaves and suspended vines. The tea pot, with its glossy ceramic finish, reflects the dappled sunlight that filters through the dense canopy overhead.",,8,2,attribute,shape,"attribute - shape (tea pot, heart-shaped)",Is the tea pot heart-shaped? +162,"A playful monkey with a chestnut coat and bright eyes is clumsily handling a crimson red heart-shaped tea pot. The monkey sits in a verdant jungle environment, surrounded by an array of glossy green leaves and suspended vines. The tea pot, with its glossy ceramic finish, reflects the dappled sunlight that filters through the dense canopy overhead.",,9,2,attribute,texture,"attribute - texture (tea pot, glossy ceramic)",Does the tea pot have a glossy ceramic finish? +162,"A playful monkey with a chestnut coat and bright eyes is clumsily handling a crimson red heart-shaped tea pot. The monkey sits in a verdant jungle environment, surrounded by an array of glossy green leaves and suspended vines. The tea pot, with its glossy ceramic finish, reflects the dappled sunlight that filters through the dense canopy overhead.",,10,1,entity,state,"entity - state (monkey, sit)",Is the monkey sitting? +215,"A deep red rose with plush petals sits elegantly coiled atop an ivory, intricately patterned lace napkin. The napkin rests on a rustic wooden table that contributes to the charming garden setting. As the late evening sun casts a warm golden hue over the area, the shadows of surrounding foliage dance gently around the rose, enhancing the romantic ambiance. Nearby, the green leaves of the garden plants provide a fresh and verdant backdrop to the scene.",,1,0,entity,whole,entity - whole (rose),Is there a rose? +215,"A deep red rose with plush petals sits elegantly coiled atop an ivory, intricately patterned lace napkin. The napkin rests on a rustic wooden table that contributes to the charming garden setting. As the late evening sun casts a warm golden hue over the area, the shadows of surrounding foliage dance gently around the rose, enhancing the romantic ambiance. Nearby, the green leaves of the garden plants provide a fresh and verdant backdrop to the scene.",,2,1,entity,whole,entity - whole (petals),Are there petals? +215,"A deep red rose with plush petals sits elegantly coiled atop an ivory, intricately patterned lace napkin. The napkin rests on a rustic wooden table that contributes to the charming garden setting. As the late evening sun casts a warm golden hue over the area, the shadows of surrounding foliage dance gently around the rose, enhancing the romantic ambiance. Nearby, the green leaves of the garden plants provide a fresh and verdant backdrop to the scene.",,3,0,entity,whole,entity - whole (napkin),Is there a napkin? +215,"A deep red rose with plush petals sits elegantly coiled atop an ivory, intricately patterned lace napkin. The napkin rests on a rustic wooden table that contributes to the charming garden setting. As the late evening sun casts a warm golden hue over the area, the shadows of surrounding foliage dance gently around the rose, enhancing the romantic ambiance. Nearby, the green leaves of the garden plants provide a fresh and verdant backdrop to the scene.",,4,0,entity,whole,entity - whole (table),Is there a table? +215,"A deep red rose with plush petals sits elegantly coiled atop an ivory, intricately patterned lace napkin. The napkin rests on a rustic wooden table that contributes to the charming garden setting. As the late evening sun casts a warm golden hue over the area, the shadows of surrounding foliage dance gently around the rose, enhancing the romantic ambiance. Nearby, the green leaves of the garden plants provide a fresh and verdant backdrop to the scene.",,5,0,entity,whole,entity - whole (foliage),Is there foliage? +215,"A deep red rose with plush petals sits elegantly coiled atop an ivory, intricately patterned lace napkin. The napkin rests on a rustic wooden table that contributes to the charming garden setting. As the late evening sun casts a warm golden hue over the area, the shadows of surrounding foliage dance gently around the rose, enhancing the romantic ambiance. Nearby, the green leaves of the garden plants provide a fresh and verdant backdrop to the scene.",,6,0,entity,whole,entity - whole (garden plants),Are there garden plants? +215,"A deep red rose with plush petals sits elegantly coiled atop an ivory, intricately patterned lace napkin. The napkin rests on a rustic wooden table that contributes to the charming garden setting. As the late evening sun casts a warm golden hue over the area, the shadows of surrounding foliage dance gently around the rose, enhancing the romantic ambiance. Nearby, the green leaves of the garden plants provide a fresh and verdant backdrop to the scene.",,7,1,attribute,color,"attribute - color (rose, deep red)",Is the rose deep red? +215,"A deep red rose with plush petals sits elegantly coiled atop an ivory, intricately patterned lace napkin. The napkin rests on a rustic wooden table that contributes to the charming garden setting. As the late evening sun casts a warm golden hue over the area, the shadows of surrounding foliage dance gently around the rose, enhancing the romantic ambiance. Nearby, the green leaves of the garden plants provide a fresh and verdant backdrop to the scene.",,8,2,attribute,texture,"attribute - texture (petals, plush)",Are the petals plush? +215,"A deep red rose with plush petals sits elegantly coiled atop an ivory, intricately patterned lace napkin. The napkin rests on a rustic wooden table that contributes to the charming garden setting. As the late evening sun casts a warm golden hue over the area, the shadows of surrounding foliage dance gently around the rose, enhancing the romantic ambiance. Nearby, the green leaves of the garden plants provide a fresh and verdant backdrop to the scene.",,9,3,attribute,texture,"attribute - texture (napkin, lace)",Is the napkin made of lace? +215,"A deep red rose with plush petals sits elegantly coiled atop an ivory, intricately patterned lace napkin. The napkin rests on a rustic wooden table that contributes to the charming garden setting. As the late evening sun casts a warm golden hue over the area, the shadows of surrounding foliage dance gently around the rose, enhancing the romantic ambiance. Nearby, the green leaves of the garden plants provide a fresh and verdant backdrop to the scene.",,10,4,attribute,texture,"attribute - texture (table, wooden)",Is the table made of wood? +24,"Five red hockey sticks, each with a slender shape and a worn texture from frequent use, are propped against the frosty rink's white boards. The sky above casts a dim, featureless gray light over the area, accentuating the early morning stillness. On the icy surface of the rink, illuminated by the ambient outdoor lighting, the sticks' shadows form elongated silhouettes, showcasing their readiness for the day's practice.",,1,0,entity,whole,entity - whole (hockey sticks),Are there hockey sticks? +24,"Five red hockey sticks, each with a slender shape and a worn texture from frequent use, are propped against the frosty rink's white boards. The sky above casts a dim, featureless gray light over the area, accentuating the early morning stillness. On the icy surface of the rink, illuminated by the ambient outdoor lighting, the sticks' shadows form elongated silhouettes, showcasing their readiness for the day's practice.",,2,1,other,count,"other - count (hockey sticks, ==5)",Are there five hockey sticks? +24,"Five red hockey sticks, each with a slender shape and a worn texture from frequent use, are propped against the frosty rink's white boards. The sky above casts a dim, featureless gray light over the area, accentuating the early morning stillness. On the icy surface of the rink, illuminated by the ambient outdoor lighting, the sticks' shadows form elongated silhouettes, showcasing their readiness for the day's practice.",,3,1,attribute,color,"attribute - color (hockey sticks, red)",Are the hockey sticks red? +24,"Five red hockey sticks, each with a slender shape and a worn texture from frequent use, are propped against the frosty rink's white boards. The sky above casts a dim, featureless gray light over the area, accentuating the early morning stillness. On the icy surface of the rink, illuminated by the ambient outdoor lighting, the sticks' shadows form elongated silhouettes, showcasing their readiness for the day's practice.",,4,1,attribute,shape,"attribute - shape (hockey sticks, slender)",Do the hockey sticks have a slender shape? +24,"Five red hockey sticks, each with a slender shape and a worn texture from frequent use, are propped against the frosty rink's white boards. The sky above casts a dim, featureless gray light over the area, accentuating the early morning stillness. On the icy surface of the rink, illuminated by the ambient outdoor lighting, the sticks' shadows form elongated silhouettes, showcasing their readiness for the day's practice.",,5,1,attribute,texture,"attribute - texture (hockey sticks, worn)",Do the hockey sticks have a worn texture? +24,"Five red hockey sticks, each with a slender shape and a worn texture from frequent use, are propped against the frosty rink's white boards. The sky above casts a dim, featureless gray light over the area, accentuating the early morning stillness. On the icy surface of the rink, illuminated by the ambient outdoor lighting, the sticks' shadows form elongated silhouettes, showcasing their readiness for the day's practice.",,6,0,entity,whole,entity - whole (rink),Is there a rink? +24,"Five red hockey sticks, each with a slender shape and a worn texture from frequent use, are propped against the frosty rink's white boards. The sky above casts a dim, featureless gray light over the area, accentuating the early morning stillness. On the icy surface of the rink, illuminated by the ambient outdoor lighting, the sticks' shadows form elongated silhouettes, showcasing their readiness for the day's practice.",,7,6,attribute,texture,"attribute - texture (rink, frosty)",Is the rink frosty? +24,"Five red hockey sticks, each with a slender shape and a worn texture from frequent use, are propped against the frosty rink's white boards. The sky above casts a dim, featureless gray light over the area, accentuating the early morning stillness. On the icy surface of the rink, illuminated by the ambient outdoor lighting, the sticks' shadows form elongated silhouettes, showcasing their readiness for the day's practice.",,8,0,entity,whole,entity - whole (boards),Are there boards? +24,"Five red hockey sticks, each with a slender shape and a worn texture from frequent use, are propped against the frosty rink's white boards. The sky above casts a dim, featureless gray light over the area, accentuating the early morning stillness. On the icy surface of the rink, illuminated by the ambient outdoor lighting, the sticks' shadows form elongated silhouettes, showcasing their readiness for the day's practice.",,9,8,attribute,color,"attribute - color (boards, white)",Are the boards white? +24,"Five red hockey sticks, each with a slender shape and a worn texture from frequent use, are propped against the frosty rink's white boards. The sky above casts a dim, featureless gray light over the area, accentuating the early morning stillness. On the icy surface of the rink, illuminated by the ambient outdoor lighting, the sticks' shadows form elongated silhouettes, showcasing their readiness for the day's practice.",,10,"1,8",relation,spatial,"relation - spatial (hockey sticks, boards, propped against)",Are the hockey sticks propped against the boards? +244,"Three delicious-looking sandwiches, overflowing with fresh lettuce, crisp cucumber, and ripe avocado slices, are neatly aligned on a sleek, glass-top table. Each sandwich is encased in a golden-brown bread that has been lightly toasted to perfection. The sunlight pouring through a nearby window casts a warm glow, accentuating the vibrant colors of the vegetables and making the table's glass surface shine with reflected light.",,1,0,entity,whole,entity - whole (sandwiches),Are there sandwiches? +244,"Three delicious-looking sandwiches, overflowing with fresh lettuce, crisp cucumber, and ripe avocado slices, are neatly aligned on a sleek, glass-top table. Each sandwich is encased in a golden-brown bread that has been lightly toasted to perfection. The sunlight pouring through a nearby window casts a warm glow, accentuating the vibrant colors of the vegetables and making the table's glass surface shine with reflected light.",,2,1,other,count,"other - count (sandwiches, ==3)",Are there three sandwiches? +244,"Three delicious-looking sandwiches, overflowing with fresh lettuce, crisp cucumber, and ripe avocado slices, are neatly aligned on a sleek, glass-top table. Each sandwich is encased in a golden-brown bread that has been lightly toasted to perfection. The sunlight pouring through a nearby window casts a warm glow, accentuating the vibrant colors of the vegetables and making the table's glass surface shine with reflected light.",,3,0,entity,whole,entity - whole (lettuce),Is there lettuce in the sandwiches? +244,"Three delicious-looking sandwiches, overflowing with fresh lettuce, crisp cucumber, and ripe avocado slices, are neatly aligned on a sleek, glass-top table. Each sandwich is encased in a golden-brown bread that has been lightly toasted to perfection. The sunlight pouring through a nearby window casts a warm glow, accentuating the vibrant colors of the vegetables and making the table's glass surface shine with reflected light.",,4,0,entity,whole,entity - whole (cucumber),Is there cucumber in the sandwiches? +244,"Three delicious-looking sandwiches, overflowing with fresh lettuce, crisp cucumber, and ripe avocado slices, are neatly aligned on a sleek, glass-top table. Each sandwich is encased in a golden-brown bread that has been lightly toasted to perfection. The sunlight pouring through a nearby window casts a warm glow, accentuating the vibrant colors of the vegetables and making the table's glass surface shine with reflected light.",,5,0,entity,whole,entity - whole (avocado slices),Are there avocado slices in the sandwiches? +244,"Three delicious-looking sandwiches, overflowing with fresh lettuce, crisp cucumber, and ripe avocado slices, are neatly aligned on a sleek, glass-top table. Each sandwich is encased in a golden-brown bread that has been lightly toasted to perfection. The sunlight pouring through a nearby window casts a warm glow, accentuating the vibrant colors of the vegetables and making the table's glass surface shine with reflected light.",,6,0,entity,whole,entity - whole (table),Is there a table? +244,"Three delicious-looking sandwiches, overflowing with fresh lettuce, crisp cucumber, and ripe avocado slices, are neatly aligned on a sleek, glass-top table. Each sandwich is encased in a golden-brown bread that has been lightly toasted to perfection. The sunlight pouring through a nearby window casts a warm glow, accentuating the vibrant colors of the vegetables and making the table's glass surface shine with reflected light.",,7,6,attribute,texture,"attribute - texture (table, glass-top)",Does the table have a glass-top? +244,"Three delicious-looking sandwiches, overflowing with fresh lettuce, crisp cucumber, and ripe avocado slices, are neatly aligned on a sleek, glass-top table. Each sandwich is encased in a golden-brown bread that has been lightly toasted to perfection. The sunlight pouring through a nearby window casts a warm glow, accentuating the vibrant colors of the vegetables and making the table's glass surface shine with reflected light.",,8,1,attribute,texture,"attribute - texture (bread, golden-brown)",Is the bread of the sandwiches golden-brown? +244,"Three delicious-looking sandwiches, overflowing with fresh lettuce, crisp cucumber, and ripe avocado slices, are neatly aligned on a sleek, glass-top table. Each sandwich is encased in a golden-brown bread that has been lightly toasted to perfection. The sunlight pouring through a nearby window casts a warm glow, accentuating the vibrant colors of the vegetables and making the table's glass surface shine with reflected light.",,9,1,attribute,texture,"attribute - texture (bread, lightly toasted)",Is the bread lightly toasted? +244,"Three delicious-looking sandwiches, overflowing with fresh lettuce, crisp cucumber, and ripe avocado slices, are neatly aligned on a sleek, glass-top table. Each sandwich is encased in a golden-brown bread that has been lightly toasted to perfection. The sunlight pouring through a nearby window casts a warm glow, accentuating the vibrant colors of the vegetables and making the table's glass surface shine with reflected light.",,10,"1,6",relation,spatial,"relation - spatial (sandwiches, table, on)",Are the sandwiches on the table? +25,"A robust pigeon, with grey and white feathered plumage, sits comfortably on the sturdy branch of a venerable oak tree, replete with sprawling arms and knotted bark. Below, the mossy roots of the tree stretch out into the cobblestone paths of a charming village, where small, thatched-roof cottages neighbor each other. Sunlight dapples through the dense leaf canopy above, casting playful shadows on the scene below.",,1,0,entity,whole,entity - whole (pigeon),Is there a pigeon? +25,"A robust pigeon, with grey and white feathered plumage, sits comfortably on the sturdy branch of a venerable oak tree, replete with sprawling arms and knotted bark. Below, the mossy roots of the tree stretch out into the cobblestone paths of a charming village, where small, thatched-roof cottages neighbor each other. Sunlight dapples through the dense leaf canopy above, casting playful shadows on the scene below.",,2,1,entity,whole,entity - whole (feathered plumage),Does the pigeon have feathered plumage? +25,"A robust pigeon, with grey and white feathered plumage, sits comfortably on the sturdy branch of a venerable oak tree, replete with sprawling arms and knotted bark. Below, the mossy roots of the tree stretch out into the cobblestone paths of a charming village, where small, thatched-roof cottages neighbor each other. Sunlight dapples through the dense leaf canopy above, casting playful shadows on the scene below.",,3,0,entity,whole,entity - whole (branch),Is there a branch? +25,"A robust pigeon, with grey and white feathered plumage, sits comfortably on the sturdy branch of a venerable oak tree, replete with sprawling arms and knotted bark. Below, the mossy roots of the tree stretch out into the cobblestone paths of a charming village, where small, thatched-roof cottages neighbor each other. Sunlight dapples through the dense leaf canopy above, casting playful shadows on the scene below.",,4,0,entity,whole,entity - whole (oak tree),Is there an oak tree? +25,"A robust pigeon, with grey and white feathered plumage, sits comfortably on the sturdy branch of a venerable oak tree, replete with sprawling arms and knotted bark. Below, the mossy roots of the tree stretch out into the cobblestone paths of a charming village, where small, thatched-roof cottages neighbor each other. Sunlight dapples through the dense leaf canopy above, casting playful shadows on the scene below.",,5,4,entity,whole,entity - whole (roots),Are there roots? +25,"A robust pigeon, with grey and white feathered plumage, sits comfortably on the sturdy branch of a venerable oak tree, replete with sprawling arms and knotted bark. Below, the mossy roots of the tree stretch out into the cobblestone paths of a charming village, where small, thatched-roof cottages neighbor each other. Sunlight dapples through the dense leaf canopy above, casting playful shadows on the scene below.",,6,0,entity,whole,entity - whole (village),Is there a village? +25,"A robust pigeon, with grey and white feathered plumage, sits comfortably on the sturdy branch of a venerable oak tree, replete with sprawling arms and knotted bark. Below, the mossy roots of the tree stretch out into the cobblestone paths of a charming village, where small, thatched-roof cottages neighbor each other. Sunlight dapples through the dense leaf canopy above, casting playful shadows on the scene below.",,7,6,entity,whole,entity - whole (cottages),Are there cottages? +25,"A robust pigeon, with grey and white feathered plumage, sits comfortably on the sturdy branch of a venerable oak tree, replete with sprawling arms and knotted bark. Below, the mossy roots of the tree stretch out into the cobblestone paths of a charming village, where small, thatched-roof cottages neighbor each other. Sunlight dapples through the dense leaf canopy above, casting playful shadows on the scene below.",,8,2,attribute,color,"attribute - color (plumage, grey and white)",Is the plumage of the pigeon grey and white? +25,"A robust pigeon, with grey and white feathered plumage, sits comfortably on the sturdy branch of a venerable oak tree, replete with sprawling arms and knotted bark. Below, the mossy roots of the tree stretch out into the cobblestone paths of a charming village, where small, thatched-roof cottages neighbor each other. Sunlight dapples through the dense leaf canopy above, casting playful shadows on the scene below.",,9,4,attribute,texture,"attribute - texture (oak tree, knotted bark)",Does the oak tree have knotted bark? +25,"A robust pigeon, with grey and white feathered plumage, sits comfortably on the sturdy branch of a venerable oak tree, replete with sprawling arms and knotted bark. Below, the mossy roots of the tree stretch out into the cobblestone paths of a charming village, where small, thatched-roof cottages neighbor each other. Sunlight dapples through the dense leaf canopy above, casting playful shadows on the scene below.",,10,7,attribute,texture,"attribute - texture (cottages, thatched-roof)",Do the cottages have thatched roofs? +293,"At a bustling farmer's market stall, a ripe hamimelon with its signature netted green rind and succulent orange flesh lies beside a crisp head of lettuce, which displays vibrant green leaves. The two fresh produce items bask under the diffuse amber light of the late afternoon sun, which casts a soft glow over the array of fruits and vegetables. Around them, an assortment of seasonal goods is neatly arranged on wooden tables, inviting customers to sample the local harvest.",,1,0,entity,whole,entity - whole (farmer's market stall),Is there a farmer's market stall? +293,"At a bustling farmer's market stall, a ripe hamimelon with its signature netted green rind and succulent orange flesh lies beside a crisp head of lettuce, which displays vibrant green leaves. The two fresh produce items bask under the diffuse amber light of the late afternoon sun, which casts a soft glow over the array of fruits and vegetables. Around them, an assortment of seasonal goods is neatly arranged on wooden tables, inviting customers to sample the local harvest.",,2,0,entity,whole,entity - whole (hamimelon),Is there a hamimelon? +293,"At a bustling farmer's market stall, a ripe hamimelon with its signature netted green rind and succulent orange flesh lies beside a crisp head of lettuce, which displays vibrant green leaves. The two fresh produce items bask under the diffuse amber light of the late afternoon sun, which casts a soft glow over the array of fruits and vegetables. Around them, an assortment of seasonal goods is neatly arranged on wooden tables, inviting customers to sample the local harvest.",,3,0,entity,whole,entity - whole (lettuce),Is there a head of lettuce? +293,"At a bustling farmer's market stall, a ripe hamimelon with its signature netted green rind and succulent orange flesh lies beside a crisp head of lettuce, which displays vibrant green leaves. The two fresh produce items bask under the diffuse amber light of the late afternoon sun, which casts a soft glow over the array of fruits and vegetables. Around them, an assortment of seasonal goods is neatly arranged on wooden tables, inviting customers to sample the local harvest.",,4,0,entity,whole,entity - whole (fruits and vegetables),Are there fruits and vegetables? +293,"At a bustling farmer's market stall, a ripe hamimelon with its signature netted green rind and succulent orange flesh lies beside a crisp head of lettuce, which displays vibrant green leaves. The two fresh produce items bask under the diffuse amber light of the late afternoon sun, which casts a soft glow over the array of fruits and vegetables. Around them, an assortment of seasonal goods is neatly arranged on wooden tables, inviting customers to sample the local harvest.",,5,0,entity,whole,entity - whole (seasonal goods),Are there seasonal goods? +293,"At a bustling farmer's market stall, a ripe hamimelon with its signature netted green rind and succulent orange flesh lies beside a crisp head of lettuce, which displays vibrant green leaves. The two fresh produce items bask under the diffuse amber light of the late afternoon sun, which casts a soft glow over the array of fruits and vegetables. Around them, an assortment of seasonal goods is neatly arranged on wooden tables, inviting customers to sample the local harvest.",,6,0,entity,whole,entity - whole (wooden tables),Are there wooden tables? +293,"At a bustling farmer's market stall, a ripe hamimelon with its signature netted green rind and succulent orange flesh lies beside a crisp head of lettuce, which displays vibrant green leaves. The two fresh produce items bask under the diffuse amber light of the late afternoon sun, which casts a soft glow over the array of fruits and vegetables. Around them, an assortment of seasonal goods is neatly arranged on wooden tables, inviting customers to sample the local harvest.",,7,2,attribute,color,"attribute - color (hamimelon, green rind)",Does the hamimelon have a netted green rind? +293,"At a bustling farmer's market stall, a ripe hamimelon with its signature netted green rind and succulent orange flesh lies beside a crisp head of lettuce, which displays vibrant green leaves. The two fresh produce items bask under the diffuse amber light of the late afternoon sun, which casts a soft glow over the array of fruits and vegetables. Around them, an assortment of seasonal goods is neatly arranged on wooden tables, inviting customers to sample the local harvest.",,8,2,attribute,color,"attribute - color (hamimelon, orange flesh)",Does the hamimelon have succulent orange flesh? +293,"At a bustling farmer's market stall, a ripe hamimelon with its signature netted green rind and succulent orange flesh lies beside a crisp head of lettuce, which displays vibrant green leaves. The two fresh produce items bask under the diffuse amber light of the late afternoon sun, which casts a soft glow over the array of fruits and vegetables. Around them, an assortment of seasonal goods is neatly arranged on wooden tables, inviting customers to sample the local harvest.",,9,3,attribute,color,"attribute - color (lettuce, vibrant green leaves)",Does the lettuce display vibrant green leaves? +293,"At a bustling farmer's market stall, a ripe hamimelon with its signature netted green rind and succulent orange flesh lies beside a crisp head of lettuce, which displays vibrant green leaves. The two fresh produce items bask under the diffuse amber light of the late afternoon sun, which casts a soft glow over the array of fruits and vegetables. Around them, an assortment of seasonal goods is neatly arranged on wooden tables, inviting customers to sample the local harvest.",,10,"2,3",relation,spatial,"relation - spatial (hamimelon, lettuce, beside)",Is the hamimelon lying beside the lettuce? +192,"A curious vessel, with an architecture reminiscent of a giant green broccoli, basks in the bright sunlight, casting a shimmer across its intricate, leaf-like structures. It floats serenely in the midst of a vast ocean, the water around it sparkling as if sprinkled with diamonds due to the sun's reflection. The horizon stretches endlessly, with the clear blue sky meeting the deep azure of the sea at a distant line.",,1,0,entity,whole,entity - whole (vessel),Is there a vessel? +192,"A curious vessel, with an architecture reminiscent of a giant green broccoli, basks in the bright sunlight, casting a shimmer across its intricate, leaf-like structures. It floats serenely in the midst of a vast ocean, the water around it sparkling as if sprinkled with diamonds due to the sun's reflection. The horizon stretches endlessly, with the clear blue sky meeting the deep azure of the sea at a distant line.",,2,0,entity,whole,entity - whole (ocean),Is there an ocean? +192,"A curious vessel, with an architecture reminiscent of a giant green broccoli, basks in the bright sunlight, casting a shimmer across its intricate, leaf-like structures. It floats serenely in the midst of a vast ocean, the water around it sparkling as if sprinkled with diamonds due to the sun's reflection. The horizon stretches endlessly, with the clear blue sky meeting the deep azure of the sea at a distant line.",,3,0,entity,whole,entity - whole (sunlight),Is there bright sunlight? +192,"A curious vessel, with an architecture reminiscent of a giant green broccoli, basks in the bright sunlight, casting a shimmer across its intricate, leaf-like structures. It floats serenely in the midst of a vast ocean, the water around it sparkling as if sprinkled with diamonds due to the sun's reflection. The horizon stretches endlessly, with the clear blue sky meeting the deep azure of the sea at a distant line.",,4,1,attribute,color,"attribute - color (vessel, green)",Is the vessel green? +192,"A curious vessel, with an architecture reminiscent of a giant green broccoli, basks in the bright sunlight, casting a shimmer across its intricate, leaf-like structures. It floats serenely in the midst of a vast ocean, the water around it sparkling as if sprinkled with diamonds due to the sun's reflection. The horizon stretches endlessly, with the clear blue sky meeting the deep azure of the sea at a distant line.",,5,1,attribute,other,"attribute - other (vessel, architecture, reminiscent of broccoli)",Does the vessel's architecture remind one of a giant green broccoli? +192,"A curious vessel, with an architecture reminiscent of a giant green broccoli, basks in the bright sunlight, casting a shimmer across its intricate, leaf-like structures. It floats serenely in the midst of a vast ocean, the water around it sparkling as if sprinkled with diamonds due to the sun's reflection. The horizon stretches endlessly, with the clear blue sky meeting the deep azure of the sea at a distant line.",,6,1,entity,state,"entity - state (vessel, float)",Is the vessel floating? +192,"A curious vessel, with an architecture reminiscent of a giant green broccoli, basks in the bright sunlight, casting a shimmer across its intricate, leaf-like structures. It floats serenely in the midst of a vast ocean, the water around it sparkling as if sprinkled with diamonds due to the sun's reflection. The horizon stretches endlessly, with the clear blue sky meeting the deep azure of the sea at a distant line.",,7,2,attribute,texture,"attribute - texture (water, sparkling)",Is the water sparkling? +192,"A curious vessel, with an architecture reminiscent of a giant green broccoli, basks in the bright sunlight, casting a shimmer across its intricate, leaf-like structures. It floats serenely in the midst of a vast ocean, the water around it sparkling as if sprinkled with diamonds due to the sun's reflection. The horizon stretches endlessly, with the clear blue sky meeting the deep azure of the sea at a distant line.",,8,"1,2",relation,spatial,"relation - spatial (vessel, ocean, in)",Is the vessel in the ocean? +192,"A curious vessel, with an architecture reminiscent of a giant green broccoli, basks in the bright sunlight, casting a shimmer across its intricate, leaf-like structures. It floats serenely in the midst of a vast ocean, the water around it sparkling as if sprinkled with diamonds due to the sun's reflection. The horizon stretches endlessly, with the clear blue sky meeting the deep azure of the sea at a distant line.",,9,"3,2",relation,spatial,"relation - spatial (sunlight, ocean, reflection on)",Is the sunlight reflecting on the ocean? +192,"A curious vessel, with an architecture reminiscent of a giant green broccoli, basks in the bright sunlight, casting a shimmer across its intricate, leaf-like structures. It floats serenely in the midst of a vast ocean, the water around it sparkling as if sprinkled with diamonds due to the sun's reflection. The horizon stretches endlessly, with the clear blue sky meeting the deep azure of the sea at a distant line.",,10,0,relation,spatial,"relation - spatial (sky, sea, meeting at horizon)",Does the clear blue sky meet the deep azure of the sea at the horizon? +145,"Three brown chickens with glossy feathers are gathered around a large, metallic silver hammer lying on the ground. The hammer's handle is engraved with intricate designs, and it reflects the sunlight, drawing the birds' attention. The chickens appear to be pecking and bobbing their heads curiously, as if they are performing a dance in a circle around the tool. Nearby, blades of green grass can be seen poking through the soil, adding contrast to the scene.",,1,0,entity,whole,entity - whole (chickens),Are there chickens? +145,"Three brown chickens with glossy feathers are gathered around a large, metallic silver hammer lying on the ground. The hammer's handle is engraved with intricate designs, and it reflects the sunlight, drawing the birds' attention. The chickens appear to be pecking and bobbing their heads curiously, as if they are performing a dance in a circle around the tool. Nearby, blades of green grass can be seen poking through the soil, adding contrast to the scene.",,2,1,other,count,"other - count (chickens, ==3)",Are there three chickens? +145,"Three brown chickens with glossy feathers are gathered around a large, metallic silver hammer lying on the ground. The hammer's handle is engraved with intricate designs, and it reflects the sunlight, drawing the birds' attention. The chickens appear to be pecking and bobbing their heads curiously, as if they are performing a dance in a circle around the tool. Nearby, blades of green grass can be seen poking through the soil, adding contrast to the scene.",,3,0,entity,whole,entity - whole (hammer),Is there a hammer? +145,"Three brown chickens with glossy feathers are gathered around a large, metallic silver hammer lying on the ground. The hammer's handle is engraved with intricate designs, and it reflects the sunlight, drawing the birds' attention. The chickens appear to be pecking and bobbing their heads curiously, as if they are performing a dance in a circle around the tool. Nearby, blades of green grass can be seen poking through the soil, adding contrast to the scene.",,4,1,attribute,color,"attribute - color (chickens, brown)",Are the chickens brown? +145,"Three brown chickens with glossy feathers are gathered around a large, metallic silver hammer lying on the ground. The hammer's handle is engraved with intricate designs, and it reflects the sunlight, drawing the birds' attention. The chickens appear to be pecking and bobbing their heads curiously, as if they are performing a dance in a circle around the tool. Nearby, blades of green grass can be seen poking through the soil, adding contrast to the scene.",,5,1,attribute,texture,"attribute - texture (chickens' feathers, glossy)",Do the chickens have glossy feathers? +145,"Three brown chickens with glossy feathers are gathered around a large, metallic silver hammer lying on the ground. The hammer's handle is engraved with intricate designs, and it reflects the sunlight, drawing the birds' attention. The chickens appear to be pecking and bobbing their heads curiously, as if they are performing a dance in a circle around the tool. Nearby, blades of green grass can be seen poking through the soil, adding contrast to the scene.",,6,3,attribute,color,"attribute - color (hammer, metallic silver)",Is the hammer metallic silver? +145,"Three brown chickens with glossy feathers are gathered around a large, metallic silver hammer lying on the ground. The hammer's handle is engraved with intricate designs, and it reflects the sunlight, drawing the birds' attention. The chickens appear to be pecking and bobbing their heads curiously, as if they are performing a dance in a circle around the tool. Nearby, blades of green grass can be seen poking through the soil, adding contrast to the scene.",,7,3,attribute,other,"attribute - other (hammer's handle, engraved with intricate designs)",Is the hammer's handle engraved with intricate designs? +145,"Three brown chickens with glossy feathers are gathered around a large, metallic silver hammer lying on the ground. The hammer's handle is engraved with intricate designs, and it reflects the sunlight, drawing the birds' attention. The chickens appear to be pecking and bobbing their heads curiously, as if they are performing a dance in a circle around the tool. Nearby, blades of green grass can be seen poking through the soil, adding contrast to the scene.",,8,3,entity,state,"entity - state (hammer, lying on the ground)",Is the hammer lying on the ground? +145,"Three brown chickens with glossy feathers are gathered around a large, metallic silver hammer lying on the ground. The hammer's handle is engraved with intricate designs, and it reflects the sunlight, drawing the birds' attention. The chickens appear to be pecking and bobbing their heads curiously, as if they are performing a dance in a circle around the tool. Nearby, blades of green grass can be seen poking through the soil, adding contrast to the scene.",,9,1,entity,state,"entity - state (chickens, pecking)",Are the chickens pecking? +145,"Three brown chickens with glossy feathers are gathered around a large, metallic silver hammer lying on the ground. The hammer's handle is engraved with intricate designs, and it reflects the sunlight, drawing the birds' attention. The chickens appear to be pecking and bobbing their heads curiously, as if they are performing a dance in a circle around the tool. Nearby, blades of green grass can be seen poking through the soil, adding contrast to the scene.",,10,"1,3",relation,spatial,"relation - spatial (chickens, hammer, around)",Are the chickens gathered around the hammer? +295,"In a spacious room, three brown wooden coffee tables of varying sizes stand upon a large, ornate red carpet with intricate patterns. The tables are arranged in a semicircular fashion, supporting an array of decorative items including small potted plants and coasters. The plush texture of the carpet contrasts with the smooth, polished surface of the tables, creating a harmonious visual effect within the space.",,1,0,entity,whole,entity - whole (room),Is there a room? +295,"In a spacious room, three brown wooden coffee tables of varying sizes stand upon a large, ornate red carpet with intricate patterns. The tables are arranged in a semicircular fashion, supporting an array of decorative items including small potted plants and coasters. The plush texture of the carpet contrasts with the smooth, polished surface of the tables, creating a harmonious visual effect within the space.",,2,0,entity,whole,entity - whole (coffee tables),Are there coffee tables? +295,"In a spacious room, three brown wooden coffee tables of varying sizes stand upon a large, ornate red carpet with intricate patterns. The tables are arranged in a semicircular fashion, supporting an array of decorative items including small potted plants and coasters. The plush texture of the carpet contrasts with the smooth, polished surface of the tables, creating a harmonious visual effect within the space.",,3,0,entity,whole,entity - whole (carpet),Is there a carpet? +295,"In a spacious room, three brown wooden coffee tables of varying sizes stand upon a large, ornate red carpet with intricate patterns. The tables are arranged in a semicircular fashion, supporting an array of decorative items including small potted plants and coasters. The plush texture of the carpet contrasts with the smooth, polished surface of the tables, creating a harmonious visual effect within the space.",,4,2,other,count,"other - count (coffee tables, ==3)",Are there three coffee tables? +295,"In a spacious room, three brown wooden coffee tables of varying sizes stand upon a large, ornate red carpet with intricate patterns. The tables are arranged in a semicircular fashion, supporting an array of decorative items including small potted plants and coasters. The plush texture of the carpet contrasts with the smooth, polished surface of the tables, creating a harmonious visual effect within the space.",,5,2,attribute,color,"attribute - color (coffee tables, brown)",Are the coffee tables brown? +295,"In a spacious room, three brown wooden coffee tables of varying sizes stand upon a large, ornate red carpet with intricate patterns. The tables are arranged in a semicircular fashion, supporting an array of decorative items including small potted plants and coasters. The plush texture of the carpet contrasts with the smooth, polished surface of the tables, creating a harmonious visual effect within the space.",,6,3,attribute,color,"attribute - color (carpet, red)",Is the carpet red? +295,"In a spacious room, three brown wooden coffee tables of varying sizes stand upon a large, ornate red carpet with intricate patterns. The tables are arranged in a semicircular fashion, supporting an array of decorative items including small potted plants and coasters. The plush texture of the carpet contrasts with the smooth, polished surface of the tables, creating a harmonious visual effect within the space.",,7,3,attribute,texture,"attribute - texture (carpet, ornate)",Is the carpet ornate? +295,"In a spacious room, three brown wooden coffee tables of varying sizes stand upon a large, ornate red carpet with intricate patterns. The tables are arranged in a semicircular fashion, supporting an array of decorative items including small potted plants and coasters. The plush texture of the carpet contrasts with the smooth, polished surface of the tables, creating a harmonious visual effect within the space.",,8,3,attribute,texture,"attribute - texture (carpet, plush)",Is the carpet plush? +295,"In a spacious room, three brown wooden coffee tables of varying sizes stand upon a large, ornate red carpet with intricate patterns. The tables are arranged in a semicircular fashion, supporting an array of decorative items including small potted plants and coasters. The plush texture of the carpet contrasts with the smooth, polished surface of the tables, creating a harmonious visual effect within the space.",,9,2,attribute,texture,"attribute - texture (coffee tables, polished)",Are the coffee tables polished? +295,"In a spacious room, three brown wooden coffee tables of varying sizes stand upon a large, ornate red carpet with intricate patterns. The tables are arranged in a semicircular fashion, supporting an array of decorative items including small potted plants and coasters. The plush texture of the carpet contrasts with the smooth, polished surface of the tables, creating a harmonious visual effect within the space.",,10,"2,3",relation,spatial,"relation - spatial (coffee tables, carpet, upon)",Are the coffee tables standing upon the carpet? +208,"On the lush green field, five orange cones are neatly arranged in a line. Nearby, three brown leather American footballs are scattered, their white laces and dimpled texture visible against the vibrant grass. In the background, the white lines marking the playing field add to the sense of organization and the sport being played.",,1,0,entity,whole,entity - whole (field),Is there a field? +208,"On the lush green field, five orange cones are neatly arranged in a line. Nearby, three brown leather American footballs are scattered, their white laces and dimpled texture visible against the vibrant grass. In the background, the white lines marking the playing field add to the sense of organization and the sport being played.",,2,0,entity,whole,entity - whole (cones),Are there cones? +208,"On the lush green field, five orange cones are neatly arranged in a line. Nearby, three brown leather American footballs are scattered, their white laces and dimpled texture visible against the vibrant grass. In the background, the white lines marking the playing field add to the sense of organization and the sport being played.",,3,0,entity,whole,entity - whole (footballs),Are there footballs? +208,"On the lush green field, five orange cones are neatly arranged in a line. Nearby, three brown leather American footballs are scattered, their white laces and dimpled texture visible against the vibrant grass. In the background, the white lines marking the playing field add to the sense of organization and the sport being played.",,4,2,attribute,color,"attribute - color (cones, orange)",Are the cones orange? +208,"On the lush green field, five orange cones are neatly arranged in a line. Nearby, three brown leather American footballs are scattered, their white laces and dimpled texture visible against the vibrant grass. In the background, the white lines marking the playing field add to the sense of organization and the sport being played.",,5,2,other,count,"other - count (cones, ==5)",Are there five cones? +208,"On the lush green field, five orange cones are neatly arranged in a line. Nearby, three brown leather American footballs are scattered, their white laces and dimpled texture visible against the vibrant grass. In the background, the white lines marking the playing field add to the sense of organization and the sport being played.",,6,3,attribute,color,"attribute - color (footballs, brown)",Are the footballs brown? +208,"On the lush green field, five orange cones are neatly arranged in a line. Nearby, three brown leather American footballs are scattered, their white laces and dimpled texture visible against the vibrant grass. In the background, the white lines marking the playing field add to the sense of organization and the sport being played.",,7,3,attribute,texture,"attribute - texture (footballs, leather)",Are the footballs made of leather? +208,"On the lush green field, five orange cones are neatly arranged in a line. Nearby, three brown leather American footballs are scattered, their white laces and dimpled texture visible against the vibrant grass. In the background, the white lines marking the playing field add to the sense of organization and the sport being played.",,8,3,other,count,"other - count (footballs, ==3)",Are there three footballs? +208,"On the lush green field, five orange cones are neatly arranged in a line. Nearby, three brown leather American footballs are scattered, their white laces and dimpled texture visible against the vibrant grass. In the background, the white lines marking the playing field add to the sense of organization and the sport being played.",,9,1,attribute,color,"attribute - color (field, lush green)",Is the field lush green? +208,"On the lush green field, five orange cones are neatly arranged in a line. Nearby, three brown leather American footballs are scattered, their white laces and dimpled texture visible against the vibrant grass. In the background, the white lines marking the playing field add to the sense of organization and the sport being played.",,10,"1,2",relation,spatial,"relation - spatial (cones, field, on)",Are the cones on the field? +232,"A vividly colored balloon with hues of red and blue hovers gently above a wooden cosmetics table. The table holds a delicate synthetic bristle brush dusted with powder to one side and a sleek black eyeliner pencil lying parallel to the brush. Nearby, an open compact mirror reflects the floating balloon, adding a sense of depth to the scene.",,1,0,entity,whole,entity - whole (balloon),Is there a vividly colored balloon? +232,"A vividly colored balloon with hues of red and blue hovers gently above a wooden cosmetics table. The table holds a delicate synthetic bristle brush dusted with powder to one side and a sleek black eyeliner pencil lying parallel to the brush. Nearby, an open compact mirror reflects the floating balloon, adding a sense of depth to the scene.",,2,0,entity,whole,entity - whole (cosmetics table),Is there a cosmetics table? +232,"A vividly colored balloon with hues of red and blue hovers gently above a wooden cosmetics table. The table holds a delicate synthetic bristle brush dusted with powder to one side and a sleek black eyeliner pencil lying parallel to the brush. Nearby, an open compact mirror reflects the floating balloon, adding a sense of depth to the scene.",,3,0,entity,whole,entity - whole (brush),Is there a brush? +232,"A vividly colored balloon with hues of red and blue hovers gently above a wooden cosmetics table. The table holds a delicate synthetic bristle brush dusted with powder to one side and a sleek black eyeliner pencil lying parallel to the brush. Nearby, an open compact mirror reflects the floating balloon, adding a sense of depth to the scene.",,4,0,entity,whole,entity - whole (eyeliner pencil),Is there an eyeliner pencil? +232,"A vividly colored balloon with hues of red and blue hovers gently above a wooden cosmetics table. The table holds a delicate synthetic bristle brush dusted with powder to one side and a sleek black eyeliner pencil lying parallel to the brush. Nearby, an open compact mirror reflects the floating balloon, adding a sense of depth to the scene.",,5,0,entity,whole,entity - whole (compact mirror),Is there a compact mirror? +232,"A vividly colored balloon with hues of red and blue hovers gently above a wooden cosmetics table. The table holds a delicate synthetic bristle brush dusted with powder to one side and a sleek black eyeliner pencil lying parallel to the brush. Nearby, an open compact mirror reflects the floating balloon, adding a sense of depth to the scene.",,6,1,attribute,color,"attribute - color (balloon, red)",Does the balloon have hues of red? +232,"A vividly colored balloon with hues of red and blue hovers gently above a wooden cosmetics table. The table holds a delicate synthetic bristle brush dusted with powder to one side and a sleek black eyeliner pencil lying parallel to the brush. Nearby, an open compact mirror reflects the floating balloon, adding a sense of depth to the scene.",,7,1,attribute,color,"attribute - color (balloon, blue)",Does the balloon have hues of blue? +232,"A vividly colored balloon with hues of red and blue hovers gently above a wooden cosmetics table. The table holds a delicate synthetic bristle brush dusted with powder to one side and a sleek black eyeliner pencil lying parallel to the brush. Nearby, an open compact mirror reflects the floating balloon, adding a sense of depth to the scene.",,8,2,attribute,texture,"attribute - texture (table, wooden)",Is the cosmetics table made of wood? +232,"A vividly colored balloon with hues of red and blue hovers gently above a wooden cosmetics table. The table holds a delicate synthetic bristle brush dusted with powder to one side and a sleek black eyeliner pencil lying parallel to the brush. Nearby, an open compact mirror reflects the floating balloon, adding a sense of depth to the scene.",,9,3,attribute,texture,"attribute - texture (brush, synthetic bristle)",Is the brush made with synthetic bristles? +232,"A vividly colored balloon with hues of red and blue hovers gently above a wooden cosmetics table. The table holds a delicate synthetic bristle brush dusted with powder to one side and a sleek black eyeliner pencil lying parallel to the brush. Nearby, an open compact mirror reflects the floating balloon, adding a sense of depth to the scene.",,10,4,attribute,color,"attribute - color (eyeliner pencil, black)",Is the eyeliner pencil sleek and black? +232,"A vividly colored balloon with hues of red and blue hovers gently above a wooden cosmetics table. The table holds a delicate synthetic bristle brush dusted with powder to one side and a sleek black eyeliner pencil lying parallel to the brush. Nearby, an open compact mirror reflects the floating balloon, adding a sense of depth to the scene.",,11,"1,2",relation,spatial,"relation - spatial (balloon, table, above)",Is the balloon hovering gently above the wooden cosmetics table? +232,"A vividly colored balloon with hues of red and blue hovers gently above a wooden cosmetics table. The table holds a delicate synthetic bristle brush dusted with powder to one side and a sleek black eyeliner pencil lying parallel to the brush. Nearby, an open compact mirror reflects the floating balloon, adding a sense of depth to the scene.",,12,"3,2",relation,spatial,"relation - spatial (brush, table, on)",Is the brush on the table? +232,"A vividly colored balloon with hues of red and blue hovers gently above a wooden cosmetics table. The table holds a delicate synthetic bristle brush dusted with powder to one side and a sleek black eyeliner pencil lying parallel to the brush. Nearby, an open compact mirror reflects the floating balloon, adding a sense of depth to the scene.",,13,"4,2",relation,spatial,"relation - spatial (eyeliner pencil, table, on)",Is the eyeliner pencil on the table? +232,"A vividly colored balloon with hues of red and blue hovers gently above a wooden cosmetics table. The table holds a delicate synthetic bristle brush dusted with powder to one side and a sleek black eyeliner pencil lying parallel to the brush. Nearby, an open compact mirror reflects the floating balloon, adding a sense of depth to the scene.",,14,"5,1",relation,non-spatial,"relation - non-spatial (compact mirror, balloon, reflects)",Does the open compact mirror reflect the floating balloon? +232,"A vividly colored balloon with hues of red and blue hovers gently above a wooden cosmetics table. The table holds a delicate synthetic bristle brush dusted with powder to one side and a sleek black eyeliner pencil lying parallel to the brush. Nearby, an open compact mirror reflects the floating balloon, adding a sense of depth to the scene.",,15,3,entity,state,"entity - state (brush, dusted with powder)",Is the brush dusted with powder? +232,"A vividly colored balloon with hues of red and blue hovers gently above a wooden cosmetics table. The table holds a delicate synthetic bristle brush dusted with powder to one side and a sleek black eyeliner pencil lying parallel to the brush. Nearby, an open compact mirror reflects the floating balloon, adding a sense of depth to the scene.",,16,"4,3",entity,state,"entity - state (eyeliner pencil, lying parallel to the brush)",Is the eyeliner pencil lying parallel to the brush? +232,"A vividly colored balloon with hues of red and blue hovers gently above a wooden cosmetics table. The table holds a delicate synthetic bristle brush dusted with powder to one side and a sleek black eyeliner pencil lying parallel to the brush. Nearby, an open compact mirror reflects the floating balloon, adding a sense of depth to the scene.",,17,1,entity,state,"entity - state (balloon, hovers gently)",Does the balloon hover gently? +258,"An image captured at dusk where the warm glow of the setting sun can be seen reflecting off the stainless-steel exterior of a pan that sizzles with seven perfectly round meatballs. Adjacent to the pan, on a hot grill, two thick, marbled steaks emit an appetizing aroma as they cook to a medium-rare finish. Random drops of oil pop and dance on the heated surfaces, signifying the heat at which these meats are being prepared.",,1,0,entity,whole,entity - whole (image),Is there an image? +258,"An image captured at dusk where the warm glow of the setting sun can be seen reflecting off the stainless-steel exterior of a pan that sizzles with seven perfectly round meatballs. Adjacent to the pan, on a hot grill, two thick, marbled steaks emit an appetizing aroma as they cook to a medium-rare finish. Random drops of oil pop and dance on the heated surfaces, signifying the heat at which these meats are being prepared.",,2,0,entity,whole,entity - whole (sun),Is there a sun? +258,"An image captured at dusk where the warm glow of the setting sun can be seen reflecting off the stainless-steel exterior of a pan that sizzles with seven perfectly round meatballs. Adjacent to the pan, on a hot grill, two thick, marbled steaks emit an appetizing aroma as they cook to a medium-rare finish. Random drops of oil pop and dance on the heated surfaces, signifying the heat at which these meats are being prepared.",,3,0,entity,whole,entity - whole (pan),Is there a pan? +258,"An image captured at dusk where the warm glow of the setting sun can be seen reflecting off the stainless-steel exterior of a pan that sizzles with seven perfectly round meatballs. Adjacent to the pan, on a hot grill, two thick, marbled steaks emit an appetizing aroma as they cook to a medium-rare finish. Random drops of oil pop and dance on the heated surfaces, signifying the heat at which these meats are being prepared.",,4,0,entity,whole,entity - whole (meatballs),Are there meatballs? +258,"An image captured at dusk where the warm glow of the setting sun can be seen reflecting off the stainless-steel exterior of a pan that sizzles with seven perfectly round meatballs. Adjacent to the pan, on a hot grill, two thick, marbled steaks emit an appetizing aroma as they cook to a medium-rare finish. Random drops of oil pop and dance on the heated surfaces, signifying the heat at which these meats are being prepared.",,5,0,entity,whole,entity - whole (grill),Is there a grill? +258,"An image captured at dusk where the warm glow of the setting sun can be seen reflecting off the stainless-steel exterior of a pan that sizzles with seven perfectly round meatballs. Adjacent to the pan, on a hot grill, two thick, marbled steaks emit an appetizing aroma as they cook to a medium-rare finish. Random drops of oil pop and dance on the heated surfaces, signifying the heat at which these meats are being prepared.",,6,0,entity,whole,entity - whole (steaks),Are there steaks? +258,"An image captured at dusk where the warm glow of the setting sun can be seen reflecting off the stainless-steel exterior of a pan that sizzles with seven perfectly round meatballs. Adjacent to the pan, on a hot grill, two thick, marbled steaks emit an appetizing aroma as they cook to a medium-rare finish. Random drops of oil pop and dance on the heated surfaces, signifying the heat at which these meats are being prepared.",,7,3,attribute,texture,"attribute - texture (pan, stainless-steel)",Is the pan made of stainless-steel? +258,"An image captured at dusk where the warm glow of the setting sun can be seen reflecting off the stainless-steel exterior of a pan that sizzles with seven perfectly round meatballs. Adjacent to the pan, on a hot grill, two thick, marbled steaks emit an appetizing aroma as they cook to a medium-rare finish. Random drops of oil pop and dance on the heated surfaces, signifying the heat at which these meats are being prepared.",,8,6,attribute,texture,"attribute - texture (steaks, marbled)",Are the steaks marbled? +258,"An image captured at dusk where the warm glow of the setting sun can be seen reflecting off the stainless-steel exterior of a pan that sizzles with seven perfectly round meatballs. Adjacent to the pan, on a hot grill, two thick, marbled steaks emit an appetizing aroma as they cook to a medium-rare finish. Random drops of oil pop and dance on the heated surfaces, signifying the heat at which these meats are being prepared.",,9,4,other,count,"other - count (meatballs, ==7)",Are there seven meatballs? +258,"An image captured at dusk where the warm glow of the setting sun can be seen reflecting off the stainless-steel exterior of a pan that sizzles with seven perfectly round meatballs. Adjacent to the pan, on a hot grill, two thick, marbled steaks emit an appetizing aroma as they cook to a medium-rare finish. Random drops of oil pop and dance on the heated surfaces, signifying the heat at which these meats are being prepared.",,10,"3,5",relation,spatial,"relation - spatial (pan, grill, adjacent to)",Is the pan adjacent to the grill? +201,"In the calm and pristine setting of a forest blanketed in snow, three colorful skiboards are positioned vertically against a tree trunk, their pointed ends etched with vibrant patterns and designs standing out against the white backdrop. Beside them, two wooden hockey sticks lie, their shafts crossing over one another in a silent contest of height, both adorned with faded tape near the blade. The smooth, icy surface of a nearby frozen pond can be glimpsed through the trees, hinting at a recent winter sport rendezvous.",,1,0,entity,whole,entity - whole (forest),Is there a forest? +201,"In the calm and pristine setting of a forest blanketed in snow, three colorful skiboards are positioned vertically against a tree trunk, their pointed ends etched with vibrant patterns and designs standing out against the white backdrop. Beside them, two wooden hockey sticks lie, their shafts crossing over one another in a silent contest of height, both adorned with faded tape near the blade. The smooth, icy surface of a nearby frozen pond can be glimpsed through the trees, hinting at a recent winter sport rendezvous.",,2,0,entity,whole,entity - whole (snow),Is there snow? +201,"In the calm and pristine setting of a forest blanketed in snow, three colorful skiboards are positioned vertically against a tree trunk, their pointed ends etched with vibrant patterns and designs standing out against the white backdrop. Beside them, two wooden hockey sticks lie, their shafts crossing over one another in a silent contest of height, both adorned with faded tape near the blade. The smooth, icy surface of a nearby frozen pond can be glimpsed through the trees, hinting at a recent winter sport rendezvous.",,3,0,entity,whole,entity - whole (skiboards),Are there skiboards? +201,"In the calm and pristine setting of a forest blanketed in snow, three colorful skiboards are positioned vertically against a tree trunk, their pointed ends etched with vibrant patterns and designs standing out against the white backdrop. Beside them, two wooden hockey sticks lie, their shafts crossing over one another in a silent contest of height, both adorned with faded tape near the blade. The smooth, icy surface of a nearby frozen pond can be glimpsed through the trees, hinting at a recent winter sport rendezvous.",,4,0,entity,whole,entity - whole (tree trunk),Is there a tree trunk? +201,"In the calm and pristine setting of a forest blanketed in snow, three colorful skiboards are positioned vertically against a tree trunk, their pointed ends etched with vibrant patterns and designs standing out against the white backdrop. Beside them, two wooden hockey sticks lie, their shafts crossing over one another in a silent contest of height, both adorned with faded tape near the blade. The smooth, icy surface of a nearby frozen pond can be glimpsed through the trees, hinting at a recent winter sport rendezvous.",,5,0,entity,whole,entity - whole (hockey sticks),Are there hockey sticks? +201,"In the calm and pristine setting of a forest blanketed in snow, three colorful skiboards are positioned vertically against a tree trunk, their pointed ends etched with vibrant patterns and designs standing out against the white backdrop. Beside them, two wooden hockey sticks lie, their shafts crossing over one another in a silent contest of height, both adorned with faded tape near the blade. The smooth, icy surface of a nearby frozen pond can be glimpsed through the trees, hinting at a recent winter sport rendezvous.",,6,0,entity,whole,entity - whole (pond),Is there a pond? +201,"In the calm and pristine setting of a forest blanketed in snow, three colorful skiboards are positioned vertically against a tree trunk, their pointed ends etched with vibrant patterns and designs standing out against the white backdrop. Beside them, two wooden hockey sticks lie, their shafts crossing over one another in a silent contest of height, both adorned with faded tape near the blade. The smooth, icy surface of a nearby frozen pond can be glimpsed through the trees, hinting at a recent winter sport rendezvous.",,7,3,other,count,"other - count (skiboards, ==3)",Are there three skiboards? +201,"In the calm and pristine setting of a forest blanketed in snow, three colorful skiboards are positioned vertically against a tree trunk, their pointed ends etched with vibrant patterns and designs standing out against the white backdrop. Beside them, two wooden hockey sticks lie, their shafts crossing over one another in a silent contest of height, both adorned with faded tape near the blade. The smooth, icy surface of a nearby frozen pond can be glimpsed through the trees, hinting at a recent winter sport rendezvous.",,8,5,other,count,"other - count (hockey sticks, ==2)",Are there two hockey sticks? +201,"In the calm and pristine setting of a forest blanketed in snow, three colorful skiboards are positioned vertically against a tree trunk, their pointed ends etched with vibrant patterns and designs standing out against the white backdrop. Beside them, two wooden hockey sticks lie, their shafts crossing over one another in a silent contest of height, both adorned with faded tape near the blade. The smooth, icy surface of a nearby frozen pond can be glimpsed through the trees, hinting at a recent winter sport rendezvous.",,9,2,attribute,texture,"attribute - texture (snow, blanket)",Is the forest blanketed in snow? +201,"In the calm and pristine setting of a forest blanketed in snow, three colorful skiboards are positioned vertically against a tree trunk, their pointed ends etched with vibrant patterns and designs standing out against the white backdrop. Beside them, two wooden hockey sticks lie, their shafts crossing over one another in a silent contest of height, both adorned with faded tape near the blade. The smooth, icy surface of a nearby frozen pond can be glimpsed through the trees, hinting at a recent winter sport rendezvous.",,10,"3,4",relation,spatial,"relation - spatial (skiboards, tree trunk, against)",Are the skiboards positioned vertically against a tree trunk? +201,"In the calm and pristine setting of a forest blanketed in snow, three colorful skiboards are positioned vertically against a tree trunk, their pointed ends etched with vibrant patterns and designs standing out against the white backdrop. Beside them, two wooden hockey sticks lie, their shafts crossing over one another in a silent contest of height, both adorned with faded tape near the blade. The smooth, icy surface of a nearby frozen pond can be glimpsed through the trees, hinting at a recent winter sport rendezvous.",,11,"3,5",relation,spatial,"relation - spatial (hockey sticks, skiboards, beside)",Are the hockey sticks beside the skiboards? +201,"In the calm and pristine setting of a forest blanketed in snow, three colorful skiboards are positioned vertically against a tree trunk, their pointed ends etched with vibrant patterns and designs standing out against the white backdrop. Beside them, two wooden hockey sticks lie, their shafts crossing over one another in a silent contest of height, both adorned with faded tape near the blade. The smooth, icy surface of a nearby frozen pond can be glimpsed through the trees, hinting at a recent winter sport rendezvous.",,12,"1,6",relation,spatial,"relation - spatial (pond, trees, through)",Can the frozen pond be glimpsed through the trees? +221,"An outsized dolphin with a sleek, gray body glides through the blue waters, while a small, fluffy chicken with speckled brown and white feathers stands on the nearby sandy shore, appearing diminutive in comparison. The dolphin's fins cut through the water, creating gentle ripples, while the chicken pecks at the ground, seemingly oblivious to the vast size difference. The stark contrast between the dolphin's smooth, aquatic grace and the chicken's terrestrial, feathered form is highlighted by their proximity to one another.",,1,0,entity,whole,entity - whole (dolphin),Is there a dolphin? +221,"An outsized dolphin with a sleek, gray body glides through the blue waters, while a small, fluffy chicken with speckled brown and white feathers stands on the nearby sandy shore, appearing diminutive in comparison. The dolphin's fins cut through the water, creating gentle ripples, while the chicken pecks at the ground, seemingly oblivious to the vast size difference. The stark contrast between the dolphin's smooth, aquatic grace and the chicken's terrestrial, feathered form is highlighted by their proximity to one another.",,2,0,entity,whole,entity - whole (chicken),Is there a chicken? +221,"An outsized dolphin with a sleek, gray body glides through the blue waters, while a small, fluffy chicken with speckled brown and white feathers stands on the nearby sandy shore, appearing diminutive in comparison. The dolphin's fins cut through the water, creating gentle ripples, while the chicken pecks at the ground, seemingly oblivious to the vast size difference. The stark contrast between the dolphin's smooth, aquatic grace and the chicken's terrestrial, feathered form is highlighted by their proximity to one another.",,3,1,attribute,size,"attribute - size (dolphin, outsized)",Is the dolphin outsized? +221,"An outsized dolphin with a sleek, gray body glides through the blue waters, while a small, fluffy chicken with speckled brown and white feathers stands on the nearby sandy shore, appearing diminutive in comparison. The dolphin's fins cut through the water, creating gentle ripples, while the chicken pecks at the ground, seemingly oblivious to the vast size difference. The stark contrast between the dolphin's smooth, aquatic grace and the chicken's terrestrial, feathered form is highlighted by their proximity to one another.",,4,1,attribute,color,"attribute - color (dolphin, gray)",Is the dolphin's body sleek and gray? +221,"An outsized dolphin with a sleek, gray body glides through the blue waters, while a small, fluffy chicken with speckled brown and white feathers stands on the nearby sandy shore, appearing diminutive in comparison. The dolphin's fins cut through the water, creating gentle ripples, while the chicken pecks at the ground, seemingly oblivious to the vast size difference. The stark contrast between the dolphin's smooth, aquatic grace and the chicken's terrestrial, feathered form is highlighted by their proximity to one another.",,5,2,attribute,color,"attribute - color (chicken, speckled brown and white)",Does the chicken have speckled brown and white feathers? +221,"An outsized dolphin with a sleek, gray body glides through the blue waters, while a small, fluffy chicken with speckled brown and white feathers stands on the nearby sandy shore, appearing diminutive in comparison. The dolphin's fins cut through the water, creating gentle ripples, while the chicken pecks at the ground, seemingly oblivious to the vast size difference. The stark contrast between the dolphin's smooth, aquatic grace and the chicken's terrestrial, feathered form is highlighted by their proximity to one another.",,6,2,attribute,texture,"attribute - texture (chicken, fluffy)",Is the chicken small and fluffy? +221,"An outsized dolphin with a sleek, gray body glides through the blue waters, while a small, fluffy chicken with speckled brown and white feathers stands on the nearby sandy shore, appearing diminutive in comparison. The dolphin's fins cut through the water, creating gentle ripples, while the chicken pecks at the ground, seemingly oblivious to the vast size difference. The stark contrast between the dolphin's smooth, aquatic grace and the chicken's terrestrial, feathered form is highlighted by their proximity to one another.",,7,1,entity,state,"entity - state (dolphin, glide)",Is the dolphin gliding through the water? +221,"An outsized dolphin with a sleek, gray body glides through the blue waters, while a small, fluffy chicken with speckled brown and white feathers stands on the nearby sandy shore, appearing diminutive in comparison. The dolphin's fins cut through the water, creating gentle ripples, while the chicken pecks at the ground, seemingly oblivious to the vast size difference. The stark contrast between the dolphin's smooth, aquatic grace and the chicken's terrestrial, feathered form is highlighted by their proximity to one another.",,8,2,entity,state,"entity - state (chicken, stand)",Is the chicken standing? +221,"An outsized dolphin with a sleek, gray body glides through the blue waters, while a small, fluffy chicken with speckled brown and white feathers stands on the nearby sandy shore, appearing diminutive in comparison. The dolphin's fins cut through the water, creating gentle ripples, while the chicken pecks at the ground, seemingly oblivious to the vast size difference. The stark contrast between the dolphin's smooth, aquatic grace and the chicken's terrestrial, feathered form is highlighted by their proximity to one another.",,9,2,entity,state,"entity - state (chicken, peck)",Is the chicken pecking at the ground? +221,"An outsized dolphin with a sleek, gray body glides through the blue waters, while a small, fluffy chicken with speckled brown and white feathers stands on the nearby sandy shore, appearing diminutive in comparison. The dolphin's fins cut through the water, creating gentle ripples, while the chicken pecks at the ground, seemingly oblivious to the vast size difference. The stark contrast between the dolphin's smooth, aquatic grace and the chicken's terrestrial, feathered form is highlighted by their proximity to one another.",,10,1,relation,spatial,"relation - spatial (dolphin, water, in)",Is the dolphin in the blue waters? +221,"An outsized dolphin with a sleek, gray body glides through the blue waters, while a small, fluffy chicken with speckled brown and white feathers stands on the nearby sandy shore, appearing diminutive in comparison. The dolphin's fins cut through the water, creating gentle ripples, while the chicken pecks at the ground, seemingly oblivious to the vast size difference. The stark contrast between the dolphin's smooth, aquatic grace and the chicken's terrestrial, feathered form is highlighted by their proximity to one another.",,11,2,relation,spatial,"relation - spatial (chicken, shore, on)",Is the chicken on the nearby sandy shore? +36,"An elegant pair of glasses with a unique, gold hexagonal frame laying on a smooth, dark wooden surface. The thin metal glints in the ambient light, highlighting the craftsmanship of the frame. The clear lenses reflect a faint image of the room's ceiling lights. To the side of the glasses, a leather-bound book is partially open, its pages untouched.",,1,0,entity,whole,entity - whole (glasses),Is there a pair of glasses? +36,"An elegant pair of glasses with a unique, gold hexagonal frame laying on a smooth, dark wooden surface. The thin metal glints in the ambient light, highlighting the craftsmanship of the frame. The clear lenses reflect a faint image of the room's ceiling lights. To the side of the glasses, a leather-bound book is partially open, its pages untouched.",,2,1,entity,whole,entity - whole (frame),Is there a frame? +36,"An elegant pair of glasses with a unique, gold hexagonal frame laying on a smooth, dark wooden surface. The thin metal glints in the ambient light, highlighting the craftsmanship of the frame. The clear lenses reflect a faint image of the room's ceiling lights. To the side of the glasses, a leather-bound book is partially open, its pages untouched.",,3,0,entity,whole,entity - whole (surface),Is there a surface? +36,"An elegant pair of glasses with a unique, gold hexagonal frame laying on a smooth, dark wooden surface. The thin metal glints in the ambient light, highlighting the craftsmanship of the frame. The clear lenses reflect a faint image of the room's ceiling lights. To the side of the glasses, a leather-bound book is partially open, its pages untouched.",,4,1,entity,whole,entity - whole (lenses),Are there lenses? +36,"An elegant pair of glasses with a unique, gold hexagonal frame laying on a smooth, dark wooden surface. The thin metal glints in the ambient light, highlighting the craftsmanship of the frame. The clear lenses reflect a faint image of the room's ceiling lights. To the side of the glasses, a leather-bound book is partially open, its pages untouched.",,5,0,entity,whole,entity - whole (book),Is there a book? +36,"An elegant pair of glasses with a unique, gold hexagonal frame laying on a smooth, dark wooden surface. The thin metal glints in the ambient light, highlighting the craftsmanship of the frame. The clear lenses reflect a faint image of the room's ceiling lights. To the side of the glasses, a leather-bound book is partially open, its pages untouched.",,6,2,attribute,color,"attribute - color (frame, gold)",Is the frame gold? +36,"An elegant pair of glasses with a unique, gold hexagonal frame laying on a smooth, dark wooden surface. The thin metal glints in the ambient light, highlighting the craftsmanship of the frame. The clear lenses reflect a faint image of the room's ceiling lights. To the side of the glasses, a leather-bound book is partially open, its pages untouched.",,7,2,attribute,shape,"attribute - shape (frame, hexagonal)",Is the frame hexagonal? +36,"An elegant pair of glasses with a unique, gold hexagonal frame laying on a smooth, dark wooden surface. The thin metal glints in the ambient light, highlighting the craftsmanship of the frame. The clear lenses reflect a faint image of the room's ceiling lights. To the side of the glasses, a leather-bound book is partially open, its pages untouched.",,8,3,attribute,texture,"attribute - texture (surface, wooden, dark)",Is the surface smooth and dark wooden? +36,"An elegant pair of glasses with a unique, gold hexagonal frame laying on a smooth, dark wooden surface. The thin metal glints in the ambient light, highlighting the craftsmanship of the frame. The clear lenses reflect a faint image of the room's ceiling lights. To the side of the glasses, a leather-bound book is partially open, its pages untouched.",,9,5,attribute,texture,"attribute - texture (book, leather-bound)",Is the book leather-bound? +36,"An elegant pair of glasses with a unique, gold hexagonal frame laying on a smooth, dark wooden surface. The thin metal glints in the ambient light, highlighting the craftsmanship of the frame. The clear lenses reflect a faint image of the room's ceiling lights. To the side of the glasses, a leather-bound book is partially open, its pages untouched.",,10,"1,3",relation,spatial,"relation - spatial (glasses, surface, on)",Are the glasses laying on the surface? +263,"In the expansive grasslands, bathed in the orange hues of the setting sun, a tall giraffe gracefully bends its long neck toward a tranquil pond to sip water. Beside the pond, a small, bright red crab scuttles amongst the stones and reeds at the water's edge. The pond's surface reflects the myriad colors of twilight, while in the background, the silhouettes of acacia trees stand against the dimming sky.",,1,0,entity,whole,entity - whole (grasslands),Are there expansive grasslands? +263,"In the expansive grasslands, bathed in the orange hues of the setting sun, a tall giraffe gracefully bends its long neck toward a tranquil pond to sip water. Beside the pond, a small, bright red crab scuttles amongst the stones and reeds at the water's edge. The pond's surface reflects the myriad colors of twilight, while in the background, the silhouettes of acacia trees stand against the dimming sky.",,2,0,entity,whole,entity - whole (giraffe),Is there a giraffe? +263,"In the expansive grasslands, bathed in the orange hues of the setting sun, a tall giraffe gracefully bends its long neck toward a tranquil pond to sip water. Beside the pond, a small, bright red crab scuttles amongst the stones and reeds at the water's edge. The pond's surface reflects the myriad colors of twilight, while in the background, the silhouettes of acacia trees stand against the dimming sky.",,3,0,entity,whole,entity - whole (pond),Is there a pond? +263,"In the expansive grasslands, bathed in the orange hues of the setting sun, a tall giraffe gracefully bends its long neck toward a tranquil pond to sip water. Beside the pond, a small, bright red crab scuttles amongst the stones and reeds at the water's edge. The pond's surface reflects the myriad colors of twilight, while in the background, the silhouettes of acacia trees stand against the dimming sky.",,4,0,entity,whole,entity - whole (crab),Is there a crab? +263,"In the expansive grasslands, bathed in the orange hues of the setting sun, a tall giraffe gracefully bends its long neck toward a tranquil pond to sip water. Beside the pond, a small, bright red crab scuttles amongst the stones and reeds at the water's edge. The pond's surface reflects the myriad colors of twilight, while in the background, the silhouettes of acacia trees stand against the dimming sky.",,5,0,entity,whole,entity - whole (stones),Are there stones? +263,"In the expansive grasslands, bathed in the orange hues of the setting sun, a tall giraffe gracefully bends its long neck toward a tranquil pond to sip water. Beside the pond, a small, bright red crab scuttles amongst the stones and reeds at the water's edge. The pond's surface reflects the myriad colors of twilight, while in the background, the silhouettes of acacia trees stand against the dimming sky.",,6,0,entity,whole,entity - whole (reeds),Are there reeds? +263,"In the expansive grasslands, bathed in the orange hues of the setting sun, a tall giraffe gracefully bends its long neck toward a tranquil pond to sip water. Beside the pond, a small, bright red crab scuttles amongst the stones and reeds at the water's edge. The pond's surface reflects the myriad colors of twilight, while in the background, the silhouettes of acacia trees stand against the dimming sky.",,7,0,entity,whole,entity - whole (acacia trees),Are there acacia trees? +263,"In the expansive grasslands, bathed in the orange hues of the setting sun, a tall giraffe gracefully bends its long neck toward a tranquil pond to sip water. Beside the pond, a small, bright red crab scuttles amongst the stones and reeds at the water's edge. The pond's surface reflects the myriad colors of twilight, while in the background, the silhouettes of acacia trees stand against the dimming sky.",,8,0,attribute,color,"attribute - color (sunlight, orange hues)",Is the sunlight bathed in orange hues? +263,"In the expansive grasslands, bathed in the orange hues of the setting sun, a tall giraffe gracefully bends its long neck toward a tranquil pond to sip water. Beside the pond, a small, bright red crab scuttles amongst the stones and reeds at the water's edge. The pond's surface reflects the myriad colors of twilight, while in the background, the silhouettes of acacia trees stand against the dimming sky.",,9,4,attribute,color,"attribute - color (crab, bright red)",Is the crab bright red? +263,"In the expansive grasslands, bathed in the orange hues of the setting sun, a tall giraffe gracefully bends its long neck toward a tranquil pond to sip water. Beside the pond, a small, bright red crab scuttles amongst the stones and reeds at the water's edge. The pond's surface reflects the myriad colors of twilight, while in the background, the silhouettes of acacia trees stand against the dimming sky.",,10,2,attribute,size,"attribute - size (giraffe, tall)",Is the giraffe tall? +263,"In the expansive grasslands, bathed in the orange hues of the setting sun, a tall giraffe gracefully bends its long neck toward a tranquil pond to sip water. Beside the pond, a small, bright red crab scuttles amongst the stones and reeds at the water's edge. The pond's surface reflects the myriad colors of twilight, while in the background, the silhouettes of acacia trees stand against the dimming sky.",,11,2,entity,state,"entity - state (giraffe, bend neck)",Is the giraffe bending its neck? +263,"In the expansive grasslands, bathed in the orange hues of the setting sun, a tall giraffe gracefully bends its long neck toward a tranquil pond to sip water. Beside the pond, a small, bright red crab scuttles amongst the stones and reeds at the water's edge. The pond's surface reflects the myriad colors of twilight, while in the background, the silhouettes of acacia trees stand against the dimming sky.",,12,"2,3",entity,state,"entity - state (giraffe, sip water)",Is the giraffe sipping water? +263,"In the expansive grasslands, bathed in the orange hues of the setting sun, a tall giraffe gracefully bends its long neck toward a tranquil pond to sip water. Beside the pond, a small, bright red crab scuttles amongst the stones and reeds at the water's edge. The pond's surface reflects the myriad colors of twilight, while in the background, the silhouettes of acacia trees stand against the dimming sky.",,13,4,entity,state,"entity - state (crab, scuttle)",Is the crab scuttling? +263,"In the expansive grasslands, bathed in the orange hues of the setting sun, a tall giraffe gracefully bends its long neck toward a tranquil pond to sip water. Beside the pond, a small, bright red crab scuttles amongst the stones and reeds at the water's edge. The pond's surface reflects the myriad colors of twilight, while in the background, the silhouettes of acacia trees stand against the dimming sky.",,14,"2,3",relation,spatial,"relation - spatial (giraffe, pond, beside)",Is the giraffe beside the pond? +263,"In the expansive grasslands, bathed in the orange hues of the setting sun, a tall giraffe gracefully bends its long neck toward a tranquil pond to sip water. Beside the pond, a small, bright red crab scuttles amongst the stones and reeds at the water's edge. The pond's surface reflects the myriad colors of twilight, while in the background, the silhouettes of acacia trees stand against the dimming sky.",,15,"4,3",relation,spatial,"relation - spatial (crab, pond, beside)",Is the crab beside the pond? +263,"In the expansive grasslands, bathed in the orange hues of the setting sun, a tall giraffe gracefully bends its long neck toward a tranquil pond to sip water. Beside the pond, a small, bright red crab scuttles amongst the stones and reeds at the water's edge. The pond's surface reflects the myriad colors of twilight, while in the background, the silhouettes of acacia trees stand against the dimming sky.",,16,7,relation,spatial,"relation - spatial (acacia trees, background, in)",Are the acacia trees in the background? +170,"Amidst the subtle lighting of a storefront display as dusk sets in, three striking neon green high heels captivate the attention of passersby. Each shoe features a sleek stiletto heel and is carefully arranged in a coordinated fashion, creating an eye-catching contrast against the shop's understated backdrop. Positioned off to one side, a mop with a silver, curved metal handle leans casually against the window, its presence adding an unexpected twist to the display's overall composition.",,1,0,entity,whole,entity - whole (storefront display),Is there a storefront display? +170,"Amidst the subtle lighting of a storefront display as dusk sets in, three striking neon green high heels captivate the attention of passersby. Each shoe features a sleek stiletto heel and is carefully arranged in a coordinated fashion, creating an eye-catching contrast against the shop's understated backdrop. Positioned off to one side, a mop with a silver, curved metal handle leans casually against the window, its presence adding an unexpected twist to the display's overall composition.",,2,0,entity,whole,entity - whole (high heels),Are there high heels? +170,"Amidst the subtle lighting of a storefront display as dusk sets in, three striking neon green high heels captivate the attention of passersby. Each shoe features a sleek stiletto heel and is carefully arranged in a coordinated fashion, creating an eye-catching contrast against the shop's understated backdrop. Positioned off to one side, a mop with a silver, curved metal handle leans casually against the window, its presence adding an unexpected twist to the display's overall composition.",,3,2,other,count,"other - count (high heels, ==3)",Are there three high heels? +170,"Amidst the subtle lighting of a storefront display as dusk sets in, three striking neon green high heels captivate the attention of passersby. Each shoe features a sleek stiletto heel and is carefully arranged in a coordinated fashion, creating an eye-catching contrast against the shop's understated backdrop. Positioned off to one side, a mop with a silver, curved metal handle leans casually against the window, its presence adding an unexpected twist to the display's overall composition.",,4,0,entity,whole,entity - whole (mop),Is there a mop? +170,"Amidst the subtle lighting of a storefront display as dusk sets in, three striking neon green high heels captivate the attention of passersby. Each shoe features a sleek stiletto heel and is carefully arranged in a coordinated fashion, creating an eye-catching contrast against the shop's understated backdrop. Positioned off to one side, a mop with a silver, curved metal handle leans casually against the window, its presence adding an unexpected twist to the display's overall composition.",,5,2,attribute,color,"attribute - color (high heels, neon green)",Are the high heels neon green? +170,"Amidst the subtle lighting of a storefront display as dusk sets in, three striking neon green high heels captivate the attention of passersby. Each shoe features a sleek stiletto heel and is carefully arranged in a coordinated fashion, creating an eye-catching contrast against the shop's understated backdrop. Positioned off to one side, a mop with a silver, curved metal handle leans casually against the window, its presence adding an unexpected twist to the display's overall composition.",,6,2,attribute,other,"attribute - other (high heels, stiletto heel)",Do the high heels have stiletto heels? +170,"Amidst the subtle lighting of a storefront display as dusk sets in, three striking neon green high heels captivate the attention of passersby. Each shoe features a sleek stiletto heel and is carefully arranged in a coordinated fashion, creating an eye-catching contrast against the shop's understated backdrop. Positioned off to one side, a mop with a silver, curved metal handle leans casually against the window, its presence adding an unexpected twist to the display's overall composition.",,7,4,attribute,color,"attribute - color (mop's handle, silver)",Is the mop's handle silver? +170,"Amidst the subtle lighting of a storefront display as dusk sets in, three striking neon green high heels captivate the attention of passersby. Each shoe features a sleek stiletto heel and is carefully arranged in a coordinated fashion, creating an eye-catching contrast against the shop's understated backdrop. Positioned off to one side, a mop with a silver, curved metal handle leans casually against the window, its presence adding an unexpected twist to the display's overall composition.",,8,4,attribute,shape,"attribute - shape (mop's handle, curved)",Is the mop's handle curved? +170,"Amidst the subtle lighting of a storefront display as dusk sets in, three striking neon green high heels captivate the attention of passersby. Each shoe features a sleek stiletto heel and is carefully arranged in a coordinated fashion, creating an eye-catching contrast against the shop's understated backdrop. Positioned off to one side, a mop with a silver, curved metal handle leans casually against the window, its presence adding an unexpected twist to the display's overall composition.",,9,4,attribute,texture,"attribute - texture (mop's handle, metal)",Is the mop's handle made of metal? +170,"Amidst the subtle lighting of a storefront display as dusk sets in, three striking neon green high heels captivate the attention of passersby. Each shoe features a sleek stiletto heel and is carefully arranged in a coordinated fashion, creating an eye-catching contrast against the shop's understated backdrop. Positioned off to one side, a mop with a silver, curved metal handle leans casually against the window, its presence adding an unexpected twist to the display's overall composition.",,10,4,relation,spatial,"relation - spatial (mop, window, leans against)",Is the mop leaning against the window? +246,"A vivid crimson cuboid-shaped recorder is positioned upright beside a circular, reflective CD with a transparent tone, resting delicately on a polished mahogany surface. The layout is complemented by a collection of other musical paraphernalia scattered around, including a pair of headphones with soft, cushioned earpieces and a stack of assorted CDs in colorful cases. The pristine surface beneath them reflects the gleaming light, highlighting the contrast between the sharp angles of the recorder and the smooth, rounded edges of the CD.",,1,0,entity,whole,entity - whole (recorder),Is there a recorder? +246,"A vivid crimson cuboid-shaped recorder is positioned upright beside a circular, reflective CD with a transparent tone, resting delicately on a polished mahogany surface. The layout is complemented by a collection of other musical paraphernalia scattered around, including a pair of headphones with soft, cushioned earpieces and a stack of assorted CDs in colorful cases. The pristine surface beneath them reflects the gleaming light, highlighting the contrast between the sharp angles of the recorder and the smooth, rounded edges of the CD.",,2,0,entity,whole,entity - whole (CD),Is there a CD? +246,"A vivid crimson cuboid-shaped recorder is positioned upright beside a circular, reflective CD with a transparent tone, resting delicately on a polished mahogany surface. The layout is complemented by a collection of other musical paraphernalia scattered around, including a pair of headphones with soft, cushioned earpieces and a stack of assorted CDs in colorful cases. The pristine surface beneath them reflects the gleaming light, highlighting the contrast between the sharp angles of the recorder and the smooth, rounded edges of the CD.",,3,0,entity,whole,entity - whole (headphones),Are there headphones? +246,"A vivid crimson cuboid-shaped recorder is positioned upright beside a circular, reflective CD with a transparent tone, resting delicately on a polished mahogany surface. The layout is complemented by a collection of other musical paraphernalia scattered around, including a pair of headphones with soft, cushioned earpieces and a stack of assorted CDs in colorful cases. The pristine surface beneath them reflects the gleaming light, highlighting the contrast between the sharp angles of the recorder and the smooth, rounded edges of the CD.",,4,0,entity,whole,entity - whole (CD cases),Are there CD cases? +246,"A vivid crimson cuboid-shaped recorder is positioned upright beside a circular, reflective CD with a transparent tone, resting delicately on a polished mahogany surface. The layout is complemented by a collection of other musical paraphernalia scattered around, including a pair of headphones with soft, cushioned earpieces and a stack of assorted CDs in colorful cases. The pristine surface beneath them reflects the gleaming light, highlighting the contrast between the sharp angles of the recorder and the smooth, rounded edges of the CD.",,5,1,attribute,color,"attribute - color (recorder, crimson)",Is the recorder vivid crimson in color? +246,"A vivid crimson cuboid-shaped recorder is positioned upright beside a circular, reflective CD with a transparent tone, resting delicately on a polished mahogany surface. The layout is complemented by a collection of other musical paraphernalia scattered around, including a pair of headphones with soft, cushioned earpieces and a stack of assorted CDs in colorful cases. The pristine surface beneath them reflects the gleaming light, highlighting the contrast between the sharp angles of the recorder and the smooth, rounded edges of the CD.",,6,1,attribute,shape,"attribute - shape (recorder, cuboid-shaped)",Is the recorder cuboid-shaped? +246,"A vivid crimson cuboid-shaped recorder is positioned upright beside a circular, reflective CD with a transparent tone, resting delicately on a polished mahogany surface. The layout is complemented by a collection of other musical paraphernalia scattered around, including a pair of headphones with soft, cushioned earpieces and a stack of assorted CDs in colorful cases. The pristine surface beneath them reflects the gleaming light, highlighting the contrast between the sharp angles of the recorder and the smooth, rounded edges of the CD.",,7,2,attribute,shape,"attribute - shape (CD, circular)",Is the CD circular? +246,"A vivid crimson cuboid-shaped recorder is positioned upright beside a circular, reflective CD with a transparent tone, resting delicately on a polished mahogany surface. The layout is complemented by a collection of other musical paraphernalia scattered around, including a pair of headphones with soft, cushioned earpieces and a stack of assorted CDs in colorful cases. The pristine surface beneath them reflects the gleaming light, highlighting the contrast between the sharp angles of the recorder and the smooth, rounded edges of the CD.",,8,2,attribute,texture,"attribute - texture (CD, reflective)",Is the CD reflective? +246,"A vivid crimson cuboid-shaped recorder is positioned upright beside a circular, reflective CD with a transparent tone, resting delicately on a polished mahogany surface. The layout is complemented by a collection of other musical paraphernalia scattered around, including a pair of headphones with soft, cushioned earpieces and a stack of assorted CDs in colorful cases. The pristine surface beneath them reflects the gleaming light, highlighting the contrast between the sharp angles of the recorder and the smooth, rounded edges of the CD.",,9,3,attribute,texture,"attribute - texture (headphones' earpieces, cushioned)",Are the headphones' earpieces cushioned? +246,"A vivid crimson cuboid-shaped recorder is positioned upright beside a circular, reflective CD with a transparent tone, resting delicately on a polished mahogany surface. The layout is complemented by a collection of other musical paraphernalia scattered around, including a pair of headphones with soft, cushioned earpieces and a stack of assorted CDs in colorful cases. The pristine surface beneath them reflects the gleaming light, highlighting the contrast between the sharp angles of the recorder and the smooth, rounded edges of the CD.",,10,"1,2",relation,spatial,"relation - spatial (recorder, CD, beside)",Is the recorder positioned upright beside the CD? +246,"A vivid crimson cuboid-shaped recorder is positioned upright beside a circular, reflective CD with a transparent tone, resting delicately on a polished mahogany surface. The layout is complemented by a collection of other musical paraphernalia scattered around, including a pair of headphones with soft, cushioned earpieces and a stack of assorted CDs in colorful cases. The pristine surface beneath them reflects the gleaming light, highlighting the contrast between the sharp angles of the recorder and the smooth, rounded edges of the CD.",,11,"3,4",relation,spatial,"relation - spatial (headphones, CD cases, around)",Are the headphones scattered around the CD cases? +131,"A spherical tissue dispenser sits flush against the curved edge of a white porcelain sink, creating a harmonious visual continuity. The tissue dispenser, with its polished silver finish, reflects the soft light in the room, contrasting with the sink's matte surface. The basin itself is neatly embedded into a marble countertop, which stretches across the bathroom, punctuated by chrome faucets that gleam under the overhead lighting.",,1,0,entity,whole,entity - whole (tissue dispenser),Is there a tissue dispenser? +131,"A spherical tissue dispenser sits flush against the curved edge of a white porcelain sink, creating a harmonious visual continuity. The tissue dispenser, with its polished silver finish, reflects the soft light in the room, contrasting with the sink's matte surface. The basin itself is neatly embedded into a marble countertop, which stretches across the bathroom, punctuated by chrome faucets that gleam under the overhead lighting.",,2,0,entity,whole,entity - whole (sink),Is there a sink? +131,"A spherical tissue dispenser sits flush against the curved edge of a white porcelain sink, creating a harmonious visual continuity. The tissue dispenser, with its polished silver finish, reflects the soft light in the room, contrasting with the sink's matte surface. The basin itself is neatly embedded into a marble countertop, which stretches across the bathroom, punctuated by chrome faucets that gleam under the overhead lighting.",,3,0,entity,whole,entity - whole (countertop),Is there a countertop? +131,"A spherical tissue dispenser sits flush against the curved edge of a white porcelain sink, creating a harmonious visual continuity. The tissue dispenser, with its polished silver finish, reflects the soft light in the room, contrasting with the sink's matte surface. The basin itself is neatly embedded into a marble countertop, which stretches across the bathroom, punctuated by chrome faucets that gleam under the overhead lighting.",,4,0,entity,whole,entity - whole (faucets),Are there faucets? +131,"A spherical tissue dispenser sits flush against the curved edge of a white porcelain sink, creating a harmonious visual continuity. The tissue dispenser, with its polished silver finish, reflects the soft light in the room, contrasting with the sink's matte surface. The basin itself is neatly embedded into a marble countertop, which stretches across the bathroom, punctuated by chrome faucets that gleam under the overhead lighting.",,5,1,attribute,shape,"attribute - shape (tissue dispenser, spherical)",Is the tissue dispenser spherical? +131,"A spherical tissue dispenser sits flush against the curved edge of a white porcelain sink, creating a harmonious visual continuity. The tissue dispenser, with its polished silver finish, reflects the soft light in the room, contrasting with the sink's matte surface. The basin itself is neatly embedded into a marble countertop, which stretches across the bathroom, punctuated by chrome faucets that gleam under the overhead lighting.",,6,2,attribute,color,"attribute - color (sink, white)",Is the sink white? +131,"A spherical tissue dispenser sits flush against the curved edge of a white porcelain sink, creating a harmonious visual continuity. The tissue dispenser, with its polished silver finish, reflects the soft light in the room, contrasting with the sink's matte surface. The basin itself is neatly embedded into a marble countertop, which stretches across the bathroom, punctuated by chrome faucets that gleam under the overhead lighting.",,7,3,attribute,color,"attribute - color (countertop, marble)",Is the countertop made of marble? +131,"A spherical tissue dispenser sits flush against the curved edge of a white porcelain sink, creating a harmonious visual continuity. The tissue dispenser, with its polished silver finish, reflects the soft light in the room, contrasting with the sink's matte surface. The basin itself is neatly embedded into a marble countertop, which stretches across the bathroom, punctuated by chrome faucets that gleam under the overhead lighting.",,8,1,attribute,texture,"attribute - texture (tissue dispenser, polished silver)",Does the tissue dispenser have a polished silver finish? +131,"A spherical tissue dispenser sits flush against the curved edge of a white porcelain sink, creating a harmonious visual continuity. The tissue dispenser, with its polished silver finish, reflects the soft light in the room, contrasting with the sink's matte surface. The basin itself is neatly embedded into a marble countertop, which stretches across the bathroom, punctuated by chrome faucets that gleam under the overhead lighting.",,9,2,attribute,texture,"attribute - texture (sink, porcelain)",Is the sink made of porcelain? +131,"A spherical tissue dispenser sits flush against the curved edge of a white porcelain sink, creating a harmonious visual continuity. The tissue dispenser, with its polished silver finish, reflects the soft light in the room, contrasting with the sink's matte surface. The basin itself is neatly embedded into a marble countertop, which stretches across the bathroom, punctuated by chrome faucets that gleam under the overhead lighting.",,10,"1,2",relation,spatial,"relation - spatial (tissue dispenser, sink, flush against)",Does the tissue dispenser sit flush against the sink? +288,"In the bathroom, a sleek circular metal sink reflects the soft overhead lighting, creating a serene and clean atmosphere. Next to the sink, three cylindrical bars of green soap are meticulously lined up, each embossed with intricate patterns, waiting to be used. The soaps rest upon a white marble countertop that contrasts with the cool, brushed finish of the sink.",,1,0,entity,whole,entity - whole (bathroom),Is there a bathroom? +288,"In the bathroom, a sleek circular metal sink reflects the soft overhead lighting, creating a serene and clean atmosphere. Next to the sink, three cylindrical bars of green soap are meticulously lined up, each embossed with intricate patterns, waiting to be used. The soaps rest upon a white marble countertop that contrasts with the cool, brushed finish of the sink.",,2,1,entity,whole,entity - whole (sink),Is there a sink? +288,"In the bathroom, a sleek circular metal sink reflects the soft overhead lighting, creating a serene and clean atmosphere. Next to the sink, three cylindrical bars of green soap are meticulously lined up, each embossed with intricate patterns, waiting to be used. The soaps rest upon a white marble countertop that contrasts with the cool, brushed finish of the sink.",,3,1,entity,whole,entity - whole (lighting),Is there lighting? +288,"In the bathroom, a sleek circular metal sink reflects the soft overhead lighting, creating a serene and clean atmosphere. Next to the sink, three cylindrical bars of green soap are meticulously lined up, each embossed with intricate patterns, waiting to be used. The soaps rest upon a white marble countertop that contrasts with the cool, brushed finish of the sink.",,4,1,entity,whole,entity - whole (soap),Is there soap? +288,"In the bathroom, a sleek circular metal sink reflects the soft overhead lighting, creating a serene and clean atmosphere. Next to the sink, three cylindrical bars of green soap are meticulously lined up, each embossed with intricate patterns, waiting to be used. The soaps rest upon a white marble countertop that contrasts with the cool, brushed finish of the sink.",,5,1,entity,whole,entity - whole (countertop),Is there a countertop? +288,"In the bathroom, a sleek circular metal sink reflects the soft overhead lighting, creating a serene and clean atmosphere. Next to the sink, three cylindrical bars of green soap are meticulously lined up, each embossed with intricate patterns, waiting to be used. The soaps rest upon a white marble countertop that contrasts with the cool, brushed finish of the sink.",,6,2,attribute,shape,"attribute - shape (sink, circular)",Is the sink circular? +288,"In the bathroom, a sleek circular metal sink reflects the soft overhead lighting, creating a serene and clean atmosphere. Next to the sink, three cylindrical bars of green soap are meticulously lined up, each embossed with intricate patterns, waiting to be used. The soaps rest upon a white marble countertop that contrasts with the cool, brushed finish of the sink.",,7,2,attribute,texture,"attribute - texture (sink, metal)",Is the sink made of metal? +288,"In the bathroom, a sleek circular metal sink reflects the soft overhead lighting, creating a serene and clean atmosphere. Next to the sink, three cylindrical bars of green soap are meticulously lined up, each embossed with intricate patterns, waiting to be used. The soaps rest upon a white marble countertop that contrasts with the cool, brushed finish of the sink.",,8,4,attribute,color,"attribute - color (soap, green)",Is the soap green? +288,"In the bathroom, a sleek circular metal sink reflects the soft overhead lighting, creating a serene and clean atmosphere. Next to the sink, three cylindrical bars of green soap are meticulously lined up, each embossed with intricate patterns, waiting to be used. The soaps rest upon a white marble countertop that contrasts with the cool, brushed finish of the sink.",,9,5,attribute,texture,"attribute - texture (countertop, marble)",Is the countertop made of marble? +288,"In the bathroom, a sleek circular metal sink reflects the soft overhead lighting, creating a serene and clean atmosphere. Next to the sink, three cylindrical bars of green soap are meticulously lined up, each embossed with intricate patterns, waiting to be used. The soaps rest upon a white marble countertop that contrasts with the cool, brushed finish of the sink.",,10,"2,4",relation,spatial,"relation - spatial (soap, sink, next to)",Is the soap next to the sink? +11,"A vintage-style kitchen featuring an integrated dishwasher that's finished with a panel matching the surrounding warm wood cabinetry. Above the dishwasher, a muted stone countertop is adorned with an assortment of vintage kitchen tools and fresh green herbs in terracotta pots. The room exudes a rustic charm, with exposed ceiling beams and a classic farmhouse sink completing the homely setting.",,1,0,entity,whole,entity - whole (kitchen),Is there a kitchen? +11,"A vintage-style kitchen featuring an integrated dishwasher that's finished with a panel matching the surrounding warm wood cabinetry. Above the dishwasher, a muted stone countertop is adorned with an assortment of vintage kitchen tools and fresh green herbs in terracotta pots. The room exudes a rustic charm, with exposed ceiling beams and a classic farmhouse sink completing the homely setting.",,2,0,entity,whole,entity - whole (dishwasher),Is there a dishwasher? +11,"A vintage-style kitchen featuring an integrated dishwasher that's finished with a panel matching the surrounding warm wood cabinetry. Above the dishwasher, a muted stone countertop is adorned with an assortment of vintage kitchen tools and fresh green herbs in terracotta pots. The room exudes a rustic charm, with exposed ceiling beams and a classic farmhouse sink completing the homely setting.",,3,0,entity,whole,entity - whole (cabinetry),Is there cabinetry? +11,"A vintage-style kitchen featuring an integrated dishwasher that's finished with a panel matching the surrounding warm wood cabinetry. Above the dishwasher, a muted stone countertop is adorned with an assortment of vintage kitchen tools and fresh green herbs in terracotta pots. The room exudes a rustic charm, with exposed ceiling beams and a classic farmhouse sink completing the homely setting.",,4,0,entity,whole,entity - whole (countertop),Is there a countertop? +11,"A vintage-style kitchen featuring an integrated dishwasher that's finished with a panel matching the surrounding warm wood cabinetry. Above the dishwasher, a muted stone countertop is adorned with an assortment of vintage kitchen tools and fresh green herbs in terracotta pots. The room exudes a rustic charm, with exposed ceiling beams and a classic farmhouse sink completing the homely setting.",,5,0,entity,whole,entity - whole (kitchen tools),Are there kitchen tools? +11,"A vintage-style kitchen featuring an integrated dishwasher that's finished with a panel matching the surrounding warm wood cabinetry. Above the dishwasher, a muted stone countertop is adorned with an assortment of vintage kitchen tools and fresh green herbs in terracotta pots. The room exudes a rustic charm, with exposed ceiling beams and a classic farmhouse sink completing the homely setting.",,6,0,entity,whole,entity - whole (herbs),Are there herbs? +11,"A vintage-style kitchen featuring an integrated dishwasher that's finished with a panel matching the surrounding warm wood cabinetry. Above the dishwasher, a muted stone countertop is adorned with an assortment of vintage kitchen tools and fresh green herbs in terracotta pots. The room exudes a rustic charm, with exposed ceiling beams and a classic farmhouse sink completing the homely setting.",,7,0,entity,whole,entity - whole (pots),Are there pots? +11,"A vintage-style kitchen featuring an integrated dishwasher that's finished with a panel matching the surrounding warm wood cabinetry. Above the dishwasher, a muted stone countertop is adorned with an assortment of vintage kitchen tools and fresh green herbs in terracotta pots. The room exudes a rustic charm, with exposed ceiling beams and a classic farmhouse sink completing the homely setting.",,8,0,entity,whole,entity - whole (ceiling beams),Are there ceiling beams? +11,"A vintage-style kitchen featuring an integrated dishwasher that's finished with a panel matching the surrounding warm wood cabinetry. Above the dishwasher, a muted stone countertop is adorned with an assortment of vintage kitchen tools and fresh green herbs in terracotta pots. The room exudes a rustic charm, with exposed ceiling beams and a classic farmhouse sink completing the homely setting.",,9,0,entity,whole,entity - whole (sink),Is there a sink? +11,"A vintage-style kitchen featuring an integrated dishwasher that's finished with a panel matching the surrounding warm wood cabinetry. Above the dishwasher, a muted stone countertop is adorned with an assortment of vintage kitchen tools and fresh green herbs in terracotta pots. The room exudes a rustic charm, with exposed ceiling beams and a classic farmhouse sink completing the homely setting.",,10,3,attribute,texture,"attribute - texture (cabinetry, wood)",Is the cabinetry made of warm wood? +11,"A vintage-style kitchen featuring an integrated dishwasher that's finished with a panel matching the surrounding warm wood cabinetry. Above the dishwasher, a muted stone countertop is adorned with an assortment of vintage kitchen tools and fresh green herbs in terracotta pots. The room exudes a rustic charm, with exposed ceiling beams and a classic farmhouse sink completing the homely setting.",,11,4,attribute,texture,"attribute - texture (countertop, stone)",Is the countertop made of stone? +11,"A vintage-style kitchen featuring an integrated dishwasher that's finished with a panel matching the surrounding warm wood cabinetry. Above the dishwasher, a muted stone countertop is adorned with an assortment of vintage kitchen tools and fresh green herbs in terracotta pots. The room exudes a rustic charm, with exposed ceiling beams and a classic farmhouse sink completing the homely setting.",,12,7,attribute,color,"attribute - color (pots, terracotta)",Are the pots terracotta colored? +11,"A vintage-style kitchen featuring an integrated dishwasher that's finished with a panel matching the surrounding warm wood cabinetry. Above the dishwasher, a muted stone countertop is adorned with an assortment of vintage kitchen tools and fresh green herbs in terracotta pots. The room exudes a rustic charm, with exposed ceiling beams and a classic farmhouse sink completing the homely setting.",,13,2,attribute,other,"attribute - other (dishwasher, integrated)",Is the dishwasher integrated? +11,"A vintage-style kitchen featuring an integrated dishwasher that's finished with a panel matching the surrounding warm wood cabinetry. Above the dishwasher, a muted stone countertop is adorned with an assortment of vintage kitchen tools and fresh green herbs in terracotta pots. The room exudes a rustic charm, with exposed ceiling beams and a classic farmhouse sink completing the homely setting.",,14,"2,3",attribute,other,"attribute - other (dishwasher, panel matching)",Does the dishwasher have a panel matching the cabinetry? +11,"A vintage-style kitchen featuring an integrated dishwasher that's finished with a panel matching the surrounding warm wood cabinetry. Above the dishwasher, a muted stone countertop is adorned with an assortment of vintage kitchen tools and fresh green herbs in terracotta pots. The room exudes a rustic charm, with exposed ceiling beams and a classic farmhouse sink completing the homely setting.",,15,9,attribute,other,"attribute - other (sink, farmhouse)",Is the sink a classic farmhouse sink? +11,"A vintage-style kitchen featuring an integrated dishwasher that's finished with a panel matching the surrounding warm wood cabinetry. Above the dishwasher, a muted stone countertop is adorned with an assortment of vintage kitchen tools and fresh green herbs in terracotta pots. The room exudes a rustic charm, with exposed ceiling beams and a classic farmhouse sink completing the homely setting.",,16,"2,3",relation,spatial,"relation - spatial (dishwasher, cabinetry, surrounded by)",Is the dishwasher surrounded by cabinetry? +11,"A vintage-style kitchen featuring an integrated dishwasher that's finished with a panel matching the surrounding warm wood cabinetry. Above the dishwasher, a muted stone countertop is adorned with an assortment of vintage kitchen tools and fresh green herbs in terracotta pots. The room exudes a rustic charm, with exposed ceiling beams and a classic farmhouse sink completing the homely setting.",,17,"2,4",relation,spatial,"relation - spatial (countertop, dishwasher, above)",Is the countertop above the dishwasher? +11,"A vintage-style kitchen featuring an integrated dishwasher that's finished with a panel matching the surrounding warm wood cabinetry. Above the dishwasher, a muted stone countertop is adorned with an assortment of vintage kitchen tools and fresh green herbs in terracotta pots. The room exudes a rustic charm, with exposed ceiling beams and a classic farmhouse sink completing the homely setting.",,18,"4,5",relation,spatial,"relation - spatial (kitchen tools, countertop, on)",Are the kitchen tools on the countertop? +11,"A vintage-style kitchen featuring an integrated dishwasher that's finished with a panel matching the surrounding warm wood cabinetry. Above the dishwasher, a muted stone countertop is adorned with an assortment of vintage kitchen tools and fresh green herbs in terracotta pots. The room exudes a rustic charm, with exposed ceiling beams and a classic farmhouse sink completing the homely setting.",,19,"4,6",relation,spatial,"relation - spatial (herbs, countertop, on)",Are the herbs on the countertop? +11,"A vintage-style kitchen featuring an integrated dishwasher that's finished with a panel matching the surrounding warm wood cabinetry. Above the dishwasher, a muted stone countertop is adorned with an assortment of vintage kitchen tools and fresh green herbs in terracotta pots. The room exudes a rustic charm, with exposed ceiling beams and a classic farmhouse sink completing the homely setting.",,20,"4,7",relation,spatial,"relation - spatial (pots, countertop, on)",Are the pots on the countertop? +11,"A vintage-style kitchen featuring an integrated dishwasher that's finished with a panel matching the surrounding warm wood cabinetry. Above the dishwasher, a muted stone countertop is adorned with an assortment of vintage kitchen tools and fresh green herbs in terracotta pots. The room exudes a rustic charm, with exposed ceiling beams and a classic farmhouse sink completing the homely setting.",,21,"1,8",relation,spatial,"relation - spatial (ceiling beams, kitchen, exposed in)",Are the ceiling beams exposed in the kitchen? +11,"A vintage-style kitchen featuring an integrated dishwasher that's finished with a panel matching the surrounding warm wood cabinetry. Above the dishwasher, a muted stone countertop is adorned with an assortment of vintage kitchen tools and fresh green herbs in terracotta pots. The room exudes a rustic charm, with exposed ceiling beams and a classic farmhouse sink completing the homely setting.",,22,"1,9",relation,spatial,"relation - spatial (sink, kitchen, in)",Is the sink in the kitchen? +11,"A vintage-style kitchen featuring an integrated dishwasher that's finished with a panel matching the surrounding warm wood cabinetry. Above the dishwasher, a muted stone countertop is adorned with an assortment of vintage kitchen tools and fresh green herbs in terracotta pots. The room exudes a rustic charm, with exposed ceiling beams and a classic farmhouse sink completing the homely setting.",,23,1,global,,"global - (kitchen, vintage-style)",Is the kitchen styled in a vintage manner? +11,"A vintage-style kitchen featuring an integrated dishwasher that's finished with a panel matching the surrounding warm wood cabinetry. Above the dishwasher, a muted stone countertop is adorned with an assortment of vintage kitchen tools and fresh green herbs in terracotta pots. The room exudes a rustic charm, with exposed ceiling beams and a classic farmhouse sink completing the homely setting.",,24,1,global,,"global - (room, rustic charm)",Does the room exude a rustic charm? +78,"Two vibrant aqua blue dolphins are gracefully leaping over the mirror-like sea surface, illuminated by the warm hues of an awe-inspiring sunset. The endless sea stretches into the horizon, reflecting the oranges and pinks of the fading sun, while the waves gently lap against each other. Nearby, the calm water is disrupted by the playful splashes created by the dolphins' acrobatics, encapsulating a moment of pure joy and freedom in nature.",,1,0,entity,whole,entity - whole (dolphins),Are there dolphins? +78,"Two vibrant aqua blue dolphins are gracefully leaping over the mirror-like sea surface, illuminated by the warm hues of an awe-inspiring sunset. The endless sea stretches into the horizon, reflecting the oranges and pinks of the fading sun, while the waves gently lap against each other. Nearby, the calm water is disrupted by the playful splashes created by the dolphins' acrobatics, encapsulating a moment of pure joy and freedom in nature.",,2,1,other,count,"other - count (dolphins, ==2)",Are there two dolphins? +78,"Two vibrant aqua blue dolphins are gracefully leaping over the mirror-like sea surface, illuminated by the warm hues of an awe-inspiring sunset. The endless sea stretches into the horizon, reflecting the oranges and pinks of the fading sun, while the waves gently lap against each other. Nearby, the calm water is disrupted by the playful splashes created by the dolphins' acrobatics, encapsulating a moment of pure joy and freedom in nature.",,3,1,attribute,color,"attribute - color (dolphins, aqua blue)",Are the dolphins aqua blue? +78,"Two vibrant aqua blue dolphins are gracefully leaping over the mirror-like sea surface, illuminated by the warm hues of an awe-inspiring sunset. The endless sea stretches into the horizon, reflecting the oranges and pinks of the fading sun, while the waves gently lap against each other. Nearby, the calm water is disrupted by the playful splashes created by the dolphins' acrobatics, encapsulating a moment of pure joy and freedom in nature.",,4,1,entity,state,"entity - state (dolphins, leap)",Are the dolphins leaping? +78,"Two vibrant aqua blue dolphins are gracefully leaping over the mirror-like sea surface, illuminated by the warm hues of an awe-inspiring sunset. The endless sea stretches into the horizon, reflecting the oranges and pinks of the fading sun, while the waves gently lap against each other. Nearby, the calm water is disrupted by the playful splashes created by the dolphins' acrobatics, encapsulating a moment of pure joy and freedom in nature.",,5,0,entity,whole,entity - whole (sea surface),Is there a sea surface? +78,"Two vibrant aqua blue dolphins are gracefully leaping over the mirror-like sea surface, illuminated by the warm hues of an awe-inspiring sunset. The endless sea stretches into the horizon, reflecting the oranges and pinks of the fading sun, while the waves gently lap against each other. Nearby, the calm water is disrupted by the playful splashes created by the dolphins' acrobatics, encapsulating a moment of pure joy and freedom in nature.",,6,5,attribute,texture,"attribute - texture (sea surface, mirror-like)",Is the sea surface mirror-like? +78,"Two vibrant aqua blue dolphins are gracefully leaping over the mirror-like sea surface, illuminated by the warm hues of an awe-inspiring sunset. The endless sea stretches into the horizon, reflecting the oranges and pinks of the fading sun, while the waves gently lap against each other. Nearby, the calm water is disrupted by the playful splashes created by the dolphins' acrobatics, encapsulating a moment of pure joy and freedom in nature.",,7,0,entity,state,"entity - state (sunset, awe-inspiring)",Is the sunset awe-inspiring? +78,"Two vibrant aqua blue dolphins are gracefully leaping over the mirror-like sea surface, illuminated by the warm hues of an awe-inspiring sunset. The endless sea stretches into the horizon, reflecting the oranges and pinks of the fading sun, while the waves gently lap against each other. Nearby, the calm water is disrupted by the playful splashes created by the dolphins' acrobatics, encapsulating a moment of pure joy and freedom in nature.",,8,7,attribute,color,"attribute - color (sunset, warm hues)",Does the sunset have warm hues? +78,"Two vibrant aqua blue dolphins are gracefully leaping over the mirror-like sea surface, illuminated by the warm hues of an awe-inspiring sunset. The endless sea stretches into the horizon, reflecting the oranges and pinks of the fading sun, while the waves gently lap against each other. Nearby, the calm water is disrupted by the playful splashes created by the dolphins' acrobatics, encapsulating a moment of pure joy and freedom in nature.",,9,0,entity,whole,entity - whole (horizon),Is there a horizon? +78,"Two vibrant aqua blue dolphins are gracefully leaping over the mirror-like sea surface, illuminated by the warm hues of an awe-inspiring sunset. The endless sea stretches into the horizon, reflecting the oranges and pinks of the fading sun, while the waves gently lap against each other. Nearby, the calm water is disrupted by the playful splashes created by the dolphins' acrobatics, encapsulating a moment of pure joy and freedom in nature.",,10,"5,9",relation,spatial,"relation - spatial (sea surface, horizon, stretches into)",Does the sea surface stretch into the horizon? +254,"A gleaming red sports car with aerodynamic curves and a polished finish stands out against the backdrop of the subdued twilight. Beside it rests a sleek black bicycle, its slender frame casting a long shadow on the concrete as the day gives way to night. The street is devoid of pedestrians, offering a tranquil scene with the vehicles motionless under the fading light.",,1,0,entity,whole,entity - whole (sports car),Is there a sports car? +254,"A gleaming red sports car with aerodynamic curves and a polished finish stands out against the backdrop of the subdued twilight. Beside it rests a sleek black bicycle, its slender frame casting a long shadow on the concrete as the day gives way to night. The street is devoid of pedestrians, offering a tranquil scene with the vehicles motionless under the fading light.",,2,0,entity,whole,entity - whole (bicycle),Is there a bicycle? +254,"A gleaming red sports car with aerodynamic curves and a polished finish stands out against the backdrop of the subdued twilight. Beside it rests a sleek black bicycle, its slender frame casting a long shadow on the concrete as the day gives way to night. The street is devoid of pedestrians, offering a tranquil scene with the vehicles motionless under the fading light.",,3,1,attribute,color,"attribute - color (sports car, red)",Is the sports car red? +254,"A gleaming red sports car with aerodynamic curves and a polished finish stands out against the backdrop of the subdued twilight. Beside it rests a sleek black bicycle, its slender frame casting a long shadow on the concrete as the day gives way to night. The street is devoid of pedestrians, offering a tranquil scene with the vehicles motionless under the fading light.",,4,2,attribute,color,"attribute - color (bicycle, black)",Is the bicycle black? +254,"A gleaming red sports car with aerodynamic curves and a polished finish stands out against the backdrop of the subdued twilight. Beside it rests a sleek black bicycle, its slender frame casting a long shadow on the concrete as the day gives way to night. The street is devoid of pedestrians, offering a tranquil scene with the vehicles motionless under the fading light.",,5,1,attribute,shape,"attribute - shape (sports car, aerodynamic curves)",Does the sports car have aerodynamic curves? +254,"A gleaming red sports car with aerodynamic curves and a polished finish stands out against the backdrop of the subdued twilight. Beside it rests a sleek black bicycle, its slender frame casting a long shadow on the concrete as the day gives way to night. The street is devoid of pedestrians, offering a tranquil scene with the vehicles motionless under the fading light.",,6,1,attribute,texture,"attribute - texture (sports car, polished finish)",Does the sports car have a polished finish? +254,"A gleaming red sports car with aerodynamic curves and a polished finish stands out against the backdrop of the subdued twilight. Beside it rests a sleek black bicycle, its slender frame casting a long shadow on the concrete as the day gives way to night. The street is devoid of pedestrians, offering a tranquil scene with the vehicles motionless under the fading light.",,7,"1,2",entity,state,"entity - state (vehicles, motionless)",Are the vehicles motionless? +254,"A gleaming red sports car with aerodynamic curves and a polished finish stands out against the backdrop of the subdued twilight. Beside it rests a sleek black bicycle, its slender frame casting a long shadow on the concrete as the day gives way to night. The street is devoid of pedestrians, offering a tranquil scene with the vehicles motionless under the fading light.",,8,"1,2",relation,spatial,"relation - spatial (bicycle, sports car, beside)",Is the bicycle beside the sports car? +254,"A gleaming red sports car with aerodynamic curves and a polished finish stands out against the backdrop of the subdued twilight. Beside it rests a sleek black bicycle, its slender frame casting a long shadow on the concrete as the day gives way to night. The street is devoid of pedestrians, offering a tranquil scene with the vehicles motionless under the fading light.",,9,2,relation,spatial,"relation - spatial (bicycle, shadow, casting)",Is the bicycle casting a long shadow? +254,"A gleaming red sports car with aerodynamic curves and a polished finish stands out against the backdrop of the subdued twilight. Beside it rests a sleek black bicycle, its slender frame casting a long shadow on the concrete as the day gives way to night. The street is devoid of pedestrians, offering a tranquil scene with the vehicles motionless under the fading light.",,10,"1,2",relation,spatial,"relation - spatial (vehicles, street, on)",Are the vehicles on the street? +111,"In the dim light, five pairs of diverse shoes are gathered together on the concrete ground, near the wheel of a gleaming gold sports car. The car boasts a polished finish that rivals the sun's radiance, and its sleek curves are evident even in the shadows. The shoes, ranging from worn sneakers to shiny leather loafers, create a contrasting ensemble against the luxury vehicle's opulent appearance.",,1,0,entity,whole,entity - whole (shoes),Are there shoes? +111,"In the dim light, five pairs of diverse shoes are gathered together on the concrete ground, near the wheel of a gleaming gold sports car. The car boasts a polished finish that rivals the sun's radiance, and its sleek curves are evident even in the shadows. The shoes, ranging from worn sneakers to shiny leather loafers, create a contrasting ensemble against the luxury vehicle's opulent appearance.",,2,0,entity,whole,entity - whole (car),Is there a car? +111,"In the dim light, five pairs of diverse shoes are gathered together on the concrete ground, near the wheel of a gleaming gold sports car. The car boasts a polished finish that rivals the sun's radiance, and its sleek curves are evident even in the shadows. The shoes, ranging from worn sneakers to shiny leather loafers, create a contrasting ensemble against the luxury vehicle's opulent appearance.",,3,2,entity,whole,entity - whole (wheel),Is there a wheel? +111,"In the dim light, five pairs of diverse shoes are gathered together on the concrete ground, near the wheel of a gleaming gold sports car. The car boasts a polished finish that rivals the sun's radiance, and its sleek curves are evident even in the shadows. The shoes, ranging from worn sneakers to shiny leather loafers, create a contrasting ensemble against the luxury vehicle's opulent appearance.",,4,1,other,count,"other - count (pairs of shoes, ==5)",Are there five pairs of shoes? +111,"In the dim light, five pairs of diverse shoes are gathered together on the concrete ground, near the wheel of a gleaming gold sports car. The car boasts a polished finish that rivals the sun's radiance, and its sleek curves are evident even in the shadows. The shoes, ranging from worn sneakers to shiny leather loafers, create a contrasting ensemble against the luxury vehicle's opulent appearance.",,5,2,attribute,color,"attribute - color (car, gold)",Is the car gold? +111,"In the dim light, five pairs of diverse shoes are gathered together on the concrete ground, near the wheel of a gleaming gold sports car. The car boasts a polished finish that rivals the sun's radiance, and its sleek curves are evident even in the shadows. The shoes, ranging from worn sneakers to shiny leather loafers, create a contrasting ensemble against the luxury vehicle's opulent appearance.",,6,2,attribute,texture,"attribute - texture (car, polished finish)",Does the car have a polished finish? +111,"In the dim light, five pairs of diverse shoes are gathered together on the concrete ground, near the wheel of a gleaming gold sports car. The car boasts a polished finish that rivals the sun's radiance, and its sleek curves are evident even in the shadows. The shoes, ranging from worn sneakers to shiny leather loafers, create a contrasting ensemble against the luxury vehicle's opulent appearance.",,7,1,attribute,texture,"attribute - texture (shoes, diverse)",Are the shoes diverse? +111,"In the dim light, five pairs of diverse shoes are gathered together on the concrete ground, near the wheel of a gleaming gold sports car. The car boasts a polished finish that rivals the sun's radiance, and its sleek curves are evident even in the shadows. The shoes, ranging from worn sneakers to shiny leather loafers, create a contrasting ensemble against the luxury vehicle's opulent appearance.",,8,"1,2",relation,spatial,"relation - spatial (shoes, car, near)",Are the shoes near the car? +111,"In the dim light, five pairs of diverse shoes are gathered together on the concrete ground, near the wheel of a gleaming gold sports car. The car boasts a polished finish that rivals the sun's radiance, and its sleek curves are evident even in the shadows. The shoes, ranging from worn sneakers to shiny leather loafers, create a contrasting ensemble against the luxury vehicle's opulent appearance.",,9,"1,3",relation,spatial,"relation - spatial (shoes, wheel, near)",Are the shoes near the wheel? +111,"In the dim light, five pairs of diverse shoes are gathered together on the concrete ground, near the wheel of a gleaming gold sports car. The car boasts a polished finish that rivals the sun's radiance, and its sleek curves are evident even in the shadows. The shoes, ranging from worn sneakers to shiny leather loafers, create a contrasting ensemble against the luxury vehicle's opulent appearance.",,10,1,relation,spatial,"relation - spatial (shoes, concrete ground, on)",Are the shoes on the concrete ground? +177,"A small, red candle with a flickering flame is placed on the bathroom countertop, emitting a soft glow beside the large, square, white porcelain toilet. The candle's subtle shimmer reflects off the polished chrome fixtures of the bathroom, creating a warm ambiance. The size contrast between the tall, slender candle and the robust toilet form a unique visual pairing in the compact space.",,1,0,entity,whole,entity - whole (candle),Is there a candle? +177,"A small, red candle with a flickering flame is placed on the bathroom countertop, emitting a soft glow beside the large, square, white porcelain toilet. The candle's subtle shimmer reflects off the polished chrome fixtures of the bathroom, creating a warm ambiance. The size contrast between the tall, slender candle and the robust toilet form a unique visual pairing in the compact space.",,2,1,entity,whole,entity - whole (flame),Is there a flame? +177,"A small, red candle with a flickering flame is placed on the bathroom countertop, emitting a soft glow beside the large, square, white porcelain toilet. The candle's subtle shimmer reflects off the polished chrome fixtures of the bathroom, creating a warm ambiance. The size contrast between the tall, slender candle and the robust toilet form a unique visual pairing in the compact space.",,3,0,entity,whole,entity - whole (bathroom countertop),Is there a bathroom countertop? +177,"A small, red candle with a flickering flame is placed on the bathroom countertop, emitting a soft glow beside the large, square, white porcelain toilet. The candle's subtle shimmer reflects off the polished chrome fixtures of the bathroom, creating a warm ambiance. The size contrast between the tall, slender candle and the robust toilet form a unique visual pairing in the compact space.",,4,0,entity,whole,entity - whole (toilet),Is there a toilet? +177,"A small, red candle with a flickering flame is placed on the bathroom countertop, emitting a soft glow beside the large, square, white porcelain toilet. The candle's subtle shimmer reflects off the polished chrome fixtures of the bathroom, creating a warm ambiance. The size contrast between the tall, slender candle and the robust toilet form a unique visual pairing in the compact space.",,5,1,attribute,color,"attribute - color (candle, red)",Is the candle red? +177,"A small, red candle with a flickering flame is placed on the bathroom countertop, emitting a soft glow beside the large, square, white porcelain toilet. The candle's subtle shimmer reflects off the polished chrome fixtures of the bathroom, creating a warm ambiance. The size contrast between the tall, slender candle and the robust toilet form a unique visual pairing in the compact space.",,6,1,attribute,size,"attribute - size (candle, small)",Is the candle small? +177,"A small, red candle with a flickering flame is placed on the bathroom countertop, emitting a soft glow beside the large, square, white porcelain toilet. The candle's subtle shimmer reflects off the polished chrome fixtures of the bathroom, creating a warm ambiance. The size contrast between the tall, slender candle and the robust toilet form a unique visual pairing in the compact space.",,7,4,attribute,size,"attribute - size (toilet, large)",Is the toilet large? +177,"A small, red candle with a flickering flame is placed on the bathroom countertop, emitting a soft glow beside the large, square, white porcelain toilet. The candle's subtle shimmer reflects off the polished chrome fixtures of the bathroom, creating a warm ambiance. The size contrast between the tall, slender candle and the robust toilet form a unique visual pairing in the compact space.",,8,4,attribute,shape,"attribute - shape (toilet, square)",Is the toilet square? +177,"A small, red candle with a flickering flame is placed on the bathroom countertop, emitting a soft glow beside the large, square, white porcelain toilet. The candle's subtle shimmer reflects off the polished chrome fixtures of the bathroom, creating a warm ambiance. The size contrast between the tall, slender candle and the robust toilet form a unique visual pairing in the compact space.",,9,4,attribute,color,"attribute - color (toilet, white)",Is the toilet white? +177,"A small, red candle with a flickering flame is placed on the bathroom countertop, emitting a soft glow beside the large, square, white porcelain toilet. The candle's subtle shimmer reflects off the polished chrome fixtures of the bathroom, creating a warm ambiance. The size contrast between the tall, slender candle and the robust toilet form a unique visual pairing in the compact space.",,10,4,attribute,texture,"attribute - texture (toilet, porcelain)",Is the toilet made of porcelain? +256,"A metal ladder, silver and slightly weathered, stands against a partially-built brick wall within a construction site. Nearby, a sturdy shovel with a wooden handle and a dirt-stained blade leans against a mound of earth. Small clumps of soil spill onto the ground beside it. In the background, the silhouette of an unfinished building looms against the night sky, its shape barely visible under the faint glow of a distant street lamp.",,1,0,entity,whole,entity - whole (ladder),Is there a ladder? +256,"A metal ladder, silver and slightly weathered, stands against a partially-built brick wall within a construction site. Nearby, a sturdy shovel with a wooden handle and a dirt-stained blade leans against a mound of earth. Small clumps of soil spill onto the ground beside it. In the background, the silhouette of an unfinished building looms against the night sky, its shape barely visible under the faint glow of a distant street lamp.",,2,0,entity,whole,entity - whole (brick wall),Is there a brick wall? +256,"A metal ladder, silver and slightly weathered, stands against a partially-built brick wall within a construction site. Nearby, a sturdy shovel with a wooden handle and a dirt-stained blade leans against a mound of earth. Small clumps of soil spill onto the ground beside it. In the background, the silhouette of an unfinished building looms against the night sky, its shape barely visible under the faint glow of a distant street lamp.",,3,0,entity,whole,entity - whole (construction site),Is there a construction site? +256,"A metal ladder, silver and slightly weathered, stands against a partially-built brick wall within a construction site. Nearby, a sturdy shovel with a wooden handle and a dirt-stained blade leans against a mound of earth. Small clumps of soil spill onto the ground beside it. In the background, the silhouette of an unfinished building looms against the night sky, its shape barely visible under the faint glow of a distant street lamp.",,4,0,entity,whole,entity - whole (shovel),Is there a shovel? +256,"A metal ladder, silver and slightly weathered, stands against a partially-built brick wall within a construction site. Nearby, a sturdy shovel with a wooden handle and a dirt-stained blade leans against a mound of earth. Small clumps of soil spill onto the ground beside it. In the background, the silhouette of an unfinished building looms against the night sky, its shape barely visible under the faint glow of a distant street lamp.",,5,0,entity,whole,entity - whole (mound of earth),Is there a mound of earth? +256,"A metal ladder, silver and slightly weathered, stands against a partially-built brick wall within a construction site. Nearby, a sturdy shovel with a wooden handle and a dirt-stained blade leans against a mound of earth. Small clumps of soil spill onto the ground beside it. In the background, the silhouette of an unfinished building looms against the night sky, its shape barely visible under the faint glow of a distant street lamp.",,6,0,entity,whole,entity - whole (building),Is there a building? +256,"A metal ladder, silver and slightly weathered, stands against a partially-built brick wall within a construction site. Nearby, a sturdy shovel with a wooden handle and a dirt-stained blade leans against a mound of earth. Small clumps of soil spill onto the ground beside it. In the background, the silhouette of an unfinished building looms against the night sky, its shape barely visible under the faint glow of a distant street lamp.",,7,0,entity,whole,entity - whole (street lamp),Is there a street lamp? +256,"A metal ladder, silver and slightly weathered, stands against a partially-built brick wall within a construction site. Nearby, a sturdy shovel with a wooden handle and a dirt-stained blade leans against a mound of earth. Small clumps of soil spill onto the ground beside it. In the background, the silhouette of an unfinished building looms against the night sky, its shape barely visible under the faint glow of a distant street lamp.",,8,1,attribute,color,"attribute - color (ladder, silver)",Is the ladder silver? +256,"A metal ladder, silver and slightly weathered, stands against a partially-built brick wall within a construction site. Nearby, a sturdy shovel with a wooden handle and a dirt-stained blade leans against a mound of earth. Small clumps of soil spill onto the ground beside it. In the background, the silhouette of an unfinished building looms against the night sky, its shape barely visible under the faint glow of a distant street lamp.",,9,1,attribute,texture,"attribute - texture (ladder, slightly weathered)",Is the ladder slightly weathered? +256,"A metal ladder, silver and slightly weathered, stands against a partially-built brick wall within a construction site. Nearby, a sturdy shovel with a wooden handle and a dirt-stained blade leans against a mound of earth. Small clumps of soil spill onto the ground beside it. In the background, the silhouette of an unfinished building looms against the night sky, its shape barely visible under the faint glow of a distant street lamp.",,10,4,attribute,texture,"attribute - texture (shovel's blade, dirt-stained)",Is the shovel's blade dirt-stained? +256,"A metal ladder, silver and slightly weathered, stands against a partially-built brick wall within a construction site. Nearby, a sturdy shovel with a wooden handle and a dirt-stained blade leans against a mound of earth. Small clumps of soil spill onto the ground beside it. In the background, the silhouette of an unfinished building looms against the night sky, its shape barely visible under the faint glow of a distant street lamp.",,11,4,attribute,texture,"attribute - texture (shovel's handle, wooden)",Is the shovel's handle made of wood? +256,"A metal ladder, silver and slightly weathered, stands against a partially-built brick wall within a construction site. Nearby, a sturdy shovel with a wooden handle and a dirt-stained blade leans against a mound of earth. Small clumps of soil spill onto the ground beside it. In the background, the silhouette of an unfinished building looms against the night sky, its shape barely visible under the faint glow of a distant street lamp.",,12,"1,2",relation,spatial,"relation - spatial (ladder, brick wall, against)",Does the ladder stand against the brick wall? +256,"A metal ladder, silver and slightly weathered, stands against a partially-built brick wall within a construction site. Nearby, a sturdy shovel with a wooden handle and a dirt-stained blade leans against a mound of earth. Small clumps of soil spill onto the ground beside it. In the background, the silhouette of an unfinished building looms against the night sky, its shape barely visible under the faint glow of a distant street lamp.",,13,"1,3",relation,spatial,"relation - spatial (ladder, construction site, within)",Is the ladder within the construction site? +256,"A metal ladder, silver and slightly weathered, stands against a partially-built brick wall within a construction site. Nearby, a sturdy shovel with a wooden handle and a dirt-stained blade leans against a mound of earth. Small clumps of soil spill onto the ground beside it. In the background, the silhouette of an unfinished building looms against the night sky, its shape barely visible under the faint glow of a distant street lamp.",,14,"4,5",relation,spatial,"relation - spatial (shovel, mound of earth, against)",Does the shovel lean against the mound of earth? +256,"A metal ladder, silver and slightly weathered, stands against a partially-built brick wall within a construction site. Nearby, a sturdy shovel with a wooden handle and a dirt-stained blade leans against a mound of earth. Small clumps of soil spill onto the ground beside it. In the background, the silhouette of an unfinished building looms against the night sky, its shape barely visible under the faint glow of a distant street lamp.",,15,4,relation,spatial,"relation - spatial (shovel, ground, beside)",Is the shovel beside the ground? +256,"A metal ladder, silver and slightly weathered, stands against a partially-built brick wall within a construction site. Nearby, a sturdy shovel with a wooden handle and a dirt-stained blade leans against a mound of earth. Small clumps of soil spill onto the ground beside it. In the background, the silhouette of an unfinished building looms against the night sky, its shape barely visible under the faint glow of a distant street lamp.",,16,6,relation,spatial,"relation - spatial (building, night sky, against)",Does the silhouette of the building loom against the night sky? +256,"A metal ladder, silver and slightly weathered, stands against a partially-built brick wall within a construction site. Nearby, a sturdy shovel with a wooden handle and a dirt-stained blade leans against a mound of earth. Small clumps of soil spill onto the ground beside it. In the background, the silhouette of an unfinished building looms against the night sky, its shape barely visible under the faint glow of a distant street lamp.",,17,"6,7",relation,spatial,"relation - spatial (street lamp, building, distant)",Is the street lamp distant from the building? +152,"An array of bathroom essentials arranged neatly on a cool, gray marble countertop, consisting of a toothbrush holder, soap dispenser, and matching container, all with a metallic finish. To the side, a juicy, pink halved grapefruit rests on a delicate ceramic plate adorned with a subtle floral pattern. The toiletry set is thoughtfully placed to create an inviting and organized display next to the grapefruit.",,1,0,entity,whole,entity - whole (bathroom essentials),Are there bathroom essentials? +152,"An array of bathroom essentials arranged neatly on a cool, gray marble countertop, consisting of a toothbrush holder, soap dispenser, and matching container, all with a metallic finish. To the side, a juicy, pink halved grapefruit rests on a delicate ceramic plate adorned with a subtle floral pattern. The toiletry set is thoughtfully placed to create an inviting and organized display next to the grapefruit.",,2,0,entity,whole,entity - whole (countertop),Is there a countertop? +152,"An array of bathroom essentials arranged neatly on a cool, gray marble countertop, consisting of a toothbrush holder, soap dispenser, and matching container, all with a metallic finish. To the side, a juicy, pink halved grapefruit rests on a delicate ceramic plate adorned with a subtle floral pattern. The toiletry set is thoughtfully placed to create an inviting and organized display next to the grapefruit.",,3,0,entity,whole,entity - whole (toothbrush holder),Is there a toothbrush holder? +152,"An array of bathroom essentials arranged neatly on a cool, gray marble countertop, consisting of a toothbrush holder, soap dispenser, and matching container, all with a metallic finish. To the side, a juicy, pink halved grapefruit rests on a delicate ceramic plate adorned with a subtle floral pattern. The toiletry set is thoughtfully placed to create an inviting and organized display next to the grapefruit.",,4,0,entity,whole,entity - whole (soap dispenser),Is there a soap dispenser? +152,"An array of bathroom essentials arranged neatly on a cool, gray marble countertop, consisting of a toothbrush holder, soap dispenser, and matching container, all with a metallic finish. To the side, a juicy, pink halved grapefruit rests on a delicate ceramic plate adorned with a subtle floral pattern. The toiletry set is thoughtfully placed to create an inviting and organized display next to the grapefruit.",,5,0,entity,whole,entity - whole (container),Is there a container? +152,"An array of bathroom essentials arranged neatly on a cool, gray marble countertop, consisting of a toothbrush holder, soap dispenser, and matching container, all with a metallic finish. To the side, a juicy, pink halved grapefruit rests on a delicate ceramic plate adorned with a subtle floral pattern. The toiletry set is thoughtfully placed to create an inviting and organized display next to the grapefruit.",,6,0,entity,whole,entity - whole (grapefruit),Is there a grapefruit? +152,"An array of bathroom essentials arranged neatly on a cool, gray marble countertop, consisting of a toothbrush holder, soap dispenser, and matching container, all with a metallic finish. To the side, a juicy, pink halved grapefruit rests on a delicate ceramic plate adorned with a subtle floral pattern. The toiletry set is thoughtfully placed to create an inviting and organized display next to the grapefruit.",,7,0,entity,whole,entity - whole (plate),Is there a plate? +152,"An array of bathroom essentials arranged neatly on a cool, gray marble countertop, consisting of a toothbrush holder, soap dispenser, and matching container, all with a metallic finish. To the side, a juicy, pink halved grapefruit rests on a delicate ceramic plate adorned with a subtle floral pattern. The toiletry set is thoughtfully placed to create an inviting and organized display next to the grapefruit.",,8,2,attribute,texture,"attribute - texture (countertop, marble)",Is the countertop made of marble? +152,"An array of bathroom essentials arranged neatly on a cool, gray marble countertop, consisting of a toothbrush holder, soap dispenser, and matching container, all with a metallic finish. To the side, a juicy, pink halved grapefruit rests on a delicate ceramic plate adorned with a subtle floral pattern. The toiletry set is thoughtfully placed to create an inviting and organized display next to the grapefruit.",,9,2,attribute,color,"attribute - color (countertop, gray)",Is the countertop cool and gray? +152,"An array of bathroom essentials arranged neatly on a cool, gray marble countertop, consisting of a toothbrush holder, soap dispenser, and matching container, all with a metallic finish. To the side, a juicy, pink halved grapefruit rests on a delicate ceramic plate adorned with a subtle floral pattern. The toiletry set is thoughtfully placed to create an inviting and organized display next to the grapefruit.",,10,6,attribute,color,"attribute - color (grapefruit, pink)",Is the grapefruit pink? +152,"An array of bathroom essentials arranged neatly on a cool, gray marble countertop, consisting of a toothbrush holder, soap dispenser, and matching container, all with a metallic finish. To the side, a juicy, pink halved grapefruit rests on a delicate ceramic plate adorned with a subtle floral pattern. The toiletry set is thoughtfully placed to create an inviting and organized display next to the grapefruit.",,11,3,attribute,texture,"attribute - texture (toothbrush holder, metallic)",Does the toothbrush holder have a metallic finish? +152,"An array of bathroom essentials arranged neatly on a cool, gray marble countertop, consisting of a toothbrush holder, soap dispenser, and matching container, all with a metallic finish. To the side, a juicy, pink halved grapefruit rests on a delicate ceramic plate adorned with a subtle floral pattern. The toiletry set is thoughtfully placed to create an inviting and organized display next to the grapefruit.",,12,4,attribute,texture,"attribute - texture (soap dispenser, metallic)",Does the soap dispenser have a metallic finish? +152,"An array of bathroom essentials arranged neatly on a cool, gray marble countertop, consisting of a toothbrush holder, soap dispenser, and matching container, all with a metallic finish. To the side, a juicy, pink halved grapefruit rests on a delicate ceramic plate adorned with a subtle floral pattern. The toiletry set is thoughtfully placed to create an inviting and organized display next to the grapefruit.",,13,5,attribute,texture,"attribute - texture (container, metallic)",Does the container have a metallic finish? +152,"An array of bathroom essentials arranged neatly on a cool, gray marble countertop, consisting of a toothbrush holder, soap dispenser, and matching container, all with a metallic finish. To the side, a juicy, pink halved grapefruit rests on a delicate ceramic plate adorned with a subtle floral pattern. The toiletry set is thoughtfully placed to create an inviting and organized display next to the grapefruit.",,14,7,attribute,texture,"attribute - texture (plate, ceramic)",Is the plate made of ceramic? +152,"An array of bathroom essentials arranged neatly on a cool, gray marble countertop, consisting of a toothbrush holder, soap dispenser, and matching container, all with a metallic finish. To the side, a juicy, pink halved grapefruit rests on a delicate ceramic plate adorned with a subtle floral pattern. The toiletry set is thoughtfully placed to create an inviting and organized display next to the grapefruit.",,15,7,attribute,other,"attribute - other (plate, floral pattern)",Does the plate have a subtle floral pattern? +152,"An array of bathroom essentials arranged neatly on a cool, gray marble countertop, consisting of a toothbrush holder, soap dispenser, and matching container, all with a metallic finish. To the side, a juicy, pink halved grapefruit rests on a delicate ceramic plate adorned with a subtle floral pattern. The toiletry set is thoughtfully placed to create an inviting and organized display next to the grapefruit.",,16,"1,2",relation,spatial,"relation - spatial (bathroom essentials, countertop, on)",Are the bathroom essentials on the countertop? +152,"An array of bathroom essentials arranged neatly on a cool, gray marble countertop, consisting of a toothbrush holder, soap dispenser, and matching container, all with a metallic finish. To the side, a juicy, pink halved grapefruit rests on a delicate ceramic plate adorned with a subtle floral pattern. The toiletry set is thoughtfully placed to create an inviting and organized display next to the grapefruit.",,17,"6,7",relation,spatial,"relation - spatial (grapefruit, plate, on)",Is the grapefruit on the plate? +152,"An array of bathroom essentials arranged neatly on a cool, gray marble countertop, consisting of a toothbrush holder, soap dispenser, and matching container, all with a metallic finish. To the side, a juicy, pink halved grapefruit rests on a delicate ceramic plate adorned with a subtle floral pattern. The toiletry set is thoughtfully placed to create an inviting and organized display next to the grapefruit.",,18,"2,7",relation,spatial,"relation - spatial (plate, countertop, on)",Is the plate on the countertop? +152,"An array of bathroom essentials arranged neatly on a cool, gray marble countertop, consisting of a toothbrush holder, soap dispenser, and matching container, all with a metallic finish. To the side, a juicy, pink halved grapefruit rests on a delicate ceramic plate adorned with a subtle floral pattern. The toiletry set is thoughtfully placed to create an inviting and organized display next to the grapefruit.",,19,"3,4",relation,spatial,"relation - spatial (toothbrush holder, soap dispenser, matching)",Does the toothbrush holder match the soap dispenser? +152,"An array of bathroom essentials arranged neatly on a cool, gray marble countertop, consisting of a toothbrush holder, soap dispenser, and matching container, all with a metallic finish. To the side, a juicy, pink halved grapefruit rests on a delicate ceramic plate adorned with a subtle floral pattern. The toiletry set is thoughtfully placed to create an inviting and organized display next to the grapefruit.",,20,"3,5",relation,spatial,"relation - spatial (toothbrush holder, container, matching)",Does the toothbrush holder match the container? +152,"An array of bathroom essentials arranged neatly on a cool, gray marble countertop, consisting of a toothbrush holder, soap dispenser, and matching container, all with a metallic finish. To the side, a juicy, pink halved grapefruit rests on a delicate ceramic plate adorned with a subtle floral pattern. The toiletry set is thoughtfully placed to create an inviting and organized display next to the grapefruit.",,21,"4,5",relation,spatial,"relation - spatial (soap dispenser, container, matching)",Does the soap dispenser match the container? +152,"An array of bathroom essentials arranged neatly on a cool, gray marble countertop, consisting of a toothbrush holder, soap dispenser, and matching container, all with a metallic finish. To the side, a juicy, pink halved grapefruit rests on a delicate ceramic plate adorned with a subtle floral pattern. The toiletry set is thoughtfully placed to create an inviting and organized display next to the grapefruit.",,22,"1,6",relation,spatial,"relation - non-spatial (toiletry set, grapefruit, next to)",Is the toiletry set thoughtfully placed next to the grapefruit? +152,"An array of bathroom essentials arranged neatly on a cool, gray marble countertop, consisting of a toothbrush holder, soap dispenser, and matching container, all with a metallic finish. To the side, a juicy, pink halved grapefruit rests on a delicate ceramic plate adorned with a subtle floral pattern. The toiletry set is thoughtfully placed to create an inviting and organized display next to the grapefruit.",,23,1,entity,state,"entity - state (toiletry set, organized)",Is the toiletry set organized? +152,"An array of bathroom essentials arranged neatly on a cool, gray marble countertop, consisting of a toothbrush holder, soap dispenser, and matching container, all with a metallic finish. To the side, a juicy, pink halved grapefruit rests on a delicate ceramic plate adorned with a subtle floral pattern. The toiletry set is thoughtfully placed to create an inviting and organized display next to the grapefruit.",,24,1,entity,state,"entity - state (toiletry set, inviting)",Is the toiletry set inviting? +49,"Two emerald green briefcases, both with a finish that's smooth to the touch, rest side by side upon the polished surface of an aged oak desk. The wood grain detailing on the desk is prominently displayed in the soft, diffused light of the afternoon sun that filters through a nearby window. Each briefcase is adorned with silver clasps that catch the light, creating a subtle but striking contrast against the dark, rich tones of the wood beneath them.",,1,0,entity,whole,entity - whole (briefcases),Are there briefcases? +49,"Two emerald green briefcases, both with a finish that's smooth to the touch, rest side by side upon the polished surface of an aged oak desk. The wood grain detailing on the desk is prominently displayed in the soft, diffused light of the afternoon sun that filters through a nearby window. Each briefcase is adorned with silver clasps that catch the light, creating a subtle but striking contrast against the dark, rich tones of the wood beneath them.",,2,1,other,count,"other - count (briefcases, ==2)",Are there two briefcases? +49,"Two emerald green briefcases, both with a finish that's smooth to the touch, rest side by side upon the polished surface of an aged oak desk. The wood grain detailing on the desk is prominently displayed in the soft, diffused light of the afternoon sun that filters through a nearby window. Each briefcase is adorned with silver clasps that catch the light, creating a subtle but striking contrast against the dark, rich tones of the wood beneath them.",,3,0,entity,whole,entity - whole (desk),Is there a desk? +49,"Two emerald green briefcases, both with a finish that's smooth to the touch, rest side by side upon the polished surface of an aged oak desk. The wood grain detailing on the desk is prominently displayed in the soft, diffused light of the afternoon sun that filters through a nearby window. Each briefcase is adorned with silver clasps that catch the light, creating a subtle but striking contrast against the dark, rich tones of the wood beneath them.",,4,1,attribute,color,"attribute - color (briefcases, emerald green)",Are the briefcases emerald green? +49,"Two emerald green briefcases, both with a finish that's smooth to the touch, rest side by side upon the polished surface of an aged oak desk. The wood grain detailing on the desk is prominently displayed in the soft, diffused light of the afternoon sun that filters through a nearby window. Each briefcase is adorned with silver clasps that catch the light, creating a subtle but striking contrast against the dark, rich tones of the wood beneath them.",,5,1,attribute,texture,"attribute - texture (briefcases, smooth)",Are the briefcases smooth to the touch? +49,"Two emerald green briefcases, both with a finish that's smooth to the touch, rest side by side upon the polished surface of an aged oak desk. The wood grain detailing on the desk is prominently displayed in the soft, diffused light of the afternoon sun that filters through a nearby window. Each briefcase is adorned with silver clasps that catch the light, creating a subtle but striking contrast against the dark, rich tones of the wood beneath them.",,6,3,attribute,texture,"attribute - texture (desk, polished)",Is the desk polished? +49,"Two emerald green briefcases, both with a finish that's smooth to the touch, rest side by side upon the polished surface of an aged oak desk. The wood grain detailing on the desk is prominently displayed in the soft, diffused light of the afternoon sun that filters through a nearby window. Each briefcase is adorned with silver clasps that catch the light, creating a subtle but striking contrast against the dark, rich tones of the wood beneath them.",,7,3,attribute,texture,"attribute - texture (desk, wood grain)",Does the desk have wood grain detailing? +49,"Two emerald green briefcases, both with a finish that's smooth to the touch, rest side by side upon the polished surface of an aged oak desk. The wood grain detailing on the desk is prominently displayed in the soft, diffused light of the afternoon sun that filters through a nearby window. Each briefcase is adorned with silver clasps that catch the light, creating a subtle but striking contrast against the dark, rich tones of the wood beneath them.",,8,3,attribute,color,"attribute - color (desk, aged oak)",Is the desk made of aged oak? +49,"Two emerald green briefcases, both with a finish that's smooth to the touch, rest side by side upon the polished surface of an aged oak desk. The wood grain detailing on the desk is prominently displayed in the soft, diffused light of the afternoon sun that filters through a nearby window. Each briefcase is adorned with silver clasps that catch the light, creating a subtle but striking contrast against the dark, rich tones of the wood beneath them.",,9,1,entity,part,entity - part (briefcases' clasps),Do the briefcases have clasps? +49,"Two emerald green briefcases, both with a finish that's smooth to the touch, rest side by side upon the polished surface of an aged oak desk. The wood grain detailing on the desk is prominently displayed in the soft, diffused light of the afternoon sun that filters through a nearby window. Each briefcase is adorned with silver clasps that catch the light, creating a subtle but striking contrast against the dark, rich tones of the wood beneath them.",,10,9,attribute,color,"attribute - color (briefcases' clasps, silver)",Are the clasps silver? +266,"An old-fashioned kitchen setting with a cast-iron kettle and a ceramic teapot sitting atop a rough-hewn, wooden table that bears the marks and patina of age. The kettle's metallic surface has a dull gleam, reflecting the warm ambient light, while the teapot, adorned with a floral pattern, adds a touch of nostalgia to the setting. In the background, there is a window with curtains partially drawn, allowing for a soft natural light to fill the room. Nearby, a woven basket filled with dried flowers accentuates the rustic charm of the cozy interior.",,1,0,entity,whole,entity - whole (kitchen setting),Is there an old-fashioned kitchen setting? +266,"An old-fashioned kitchen setting with a cast-iron kettle and a ceramic teapot sitting atop a rough-hewn, wooden table that bears the marks and patina of age. The kettle's metallic surface has a dull gleam, reflecting the warm ambient light, while the teapot, adorned with a floral pattern, adds a touch of nostalgia to the setting. In the background, there is a window with curtains partially drawn, allowing for a soft natural light to fill the room. Nearby, a woven basket filled with dried flowers accentuates the rustic charm of the cozy interior.",,2,0,entity,whole,entity - whole (kettle),Is there a kettle? +266,"An old-fashioned kitchen setting with a cast-iron kettle and a ceramic teapot sitting atop a rough-hewn, wooden table that bears the marks and patina of age. The kettle's metallic surface has a dull gleam, reflecting the warm ambient light, while the teapot, adorned with a floral pattern, adds a touch of nostalgia to the setting. In the background, there is a window with curtains partially drawn, allowing for a soft natural light to fill the room. Nearby, a woven basket filled with dried flowers accentuates the rustic charm of the cozy interior.",,3,0,entity,whole,entity - whole (teapot),Is there a teapot? +266,"An old-fashioned kitchen setting with a cast-iron kettle and a ceramic teapot sitting atop a rough-hewn, wooden table that bears the marks and patina of age. The kettle's metallic surface has a dull gleam, reflecting the warm ambient light, while the teapot, adorned with a floral pattern, adds a touch of nostalgia to the setting. In the background, there is a window with curtains partially drawn, allowing for a soft natural light to fill the room. Nearby, a woven basket filled with dried flowers accentuates the rustic charm of the cozy interior.",,4,0,entity,whole,entity - whole (table),Is there a table? +266,"An old-fashioned kitchen setting with a cast-iron kettle and a ceramic teapot sitting atop a rough-hewn, wooden table that bears the marks and patina of age. The kettle's metallic surface has a dull gleam, reflecting the warm ambient light, while the teapot, adorned with a floral pattern, adds a touch of nostalgia to the setting. In the background, there is a window with curtains partially drawn, allowing for a soft natural light to fill the room. Nearby, a woven basket filled with dried flowers accentuates the rustic charm of the cozy interior.",,5,0,entity,whole,entity - whole (window),Is there a window? +266,"An old-fashioned kitchen setting with a cast-iron kettle and a ceramic teapot sitting atop a rough-hewn, wooden table that bears the marks and patina of age. The kettle's metallic surface has a dull gleam, reflecting the warm ambient light, while the teapot, adorned with a floral pattern, adds a touch of nostalgia to the setting. In the background, there is a window with curtains partially drawn, allowing for a soft natural light to fill the room. Nearby, a woven basket filled with dried flowers accentuates the rustic charm of the cozy interior.",,6,0,entity,whole,entity - whole (curtains),Are there curtains? +266,"An old-fashioned kitchen setting with a cast-iron kettle and a ceramic teapot sitting atop a rough-hewn, wooden table that bears the marks and patina of age. The kettle's metallic surface has a dull gleam, reflecting the warm ambient light, while the teapot, adorned with a floral pattern, adds a touch of nostalgia to the setting. In the background, there is a window with curtains partially drawn, allowing for a soft natural light to fill the room. Nearby, a woven basket filled with dried flowers accentuates the rustic charm of the cozy interior.",,7,0,entity,whole,entity - whole (basket),Is there a basket? +266,"An old-fashioned kitchen setting with a cast-iron kettle and a ceramic teapot sitting atop a rough-hewn, wooden table that bears the marks and patina of age. The kettle's metallic surface has a dull gleam, reflecting the warm ambient light, while the teapot, adorned with a floral pattern, adds a touch of nostalgia to the setting. In the background, there is a window with curtains partially drawn, allowing for a soft natural light to fill the room. Nearby, a woven basket filled with dried flowers accentuates the rustic charm of the cozy interior.",,8,2,attribute,texture,"attribute - texture (kettle, cast-iron)",Is the kettle made of cast-iron? +266,"An old-fashioned kitchen setting with a cast-iron kettle and a ceramic teapot sitting atop a rough-hewn, wooden table that bears the marks and patina of age. The kettle's metallic surface has a dull gleam, reflecting the warm ambient light, while the teapot, adorned with a floral pattern, adds a touch of nostalgia to the setting. In the background, there is a window with curtains partially drawn, allowing for a soft natural light to fill the room. Nearby, a woven basket filled with dried flowers accentuates the rustic charm of the cozy interior.",,9,3,attribute,texture,"attribute - texture (teapot, ceramic)",Is the teapot made of ceramic? +266,"An old-fashioned kitchen setting with a cast-iron kettle and a ceramic teapot sitting atop a rough-hewn, wooden table that bears the marks and patina of age. The kettle's metallic surface has a dull gleam, reflecting the warm ambient light, while the teapot, adorned with a floral pattern, adds a touch of nostalgia to the setting. In the background, there is a window with curtains partially drawn, allowing for a soft natural light to fill the room. Nearby, a woven basket filled with dried flowers accentuates the rustic charm of the cozy interior.",,10,4,attribute,texture,"attribute - texture (table, wooden, rough-hewn)",Is the table a rough-hewn wooden one? +59,"Three sleek, dark wooden boats are resting along the banks of a tranquil, azure blue lake. The smooth surface of the water reflects the clear sky above and the lush greenery surrounding the lake's edge. Positioned close to each other, the boats' oars are tucked neatly inside, hinting at a recent or upcoming journey across the calm waters.",,1,0,entity,whole,entity - whole (boats),Are there boats? +59,"Three sleek, dark wooden boats are resting along the banks of a tranquil, azure blue lake. The smooth surface of the water reflects the clear sky above and the lush greenery surrounding the lake's edge. Positioned close to each other, the boats' oars are tucked neatly inside, hinting at a recent or upcoming journey across the calm waters.",,2,1,other,count,"other - count (boats, ==3)",Are there three boats? +59,"Three sleek, dark wooden boats are resting along the banks of a tranquil, azure blue lake. The smooth surface of the water reflects the clear sky above and the lush greenery surrounding the lake's edge. Positioned close to each other, the boats' oars are tucked neatly inside, hinting at a recent or upcoming journey across the calm waters.",,3,0,entity,whole,entity - whole (lake),Is there a lake? +59,"Three sleek, dark wooden boats are resting along the banks of a tranquil, azure blue lake. The smooth surface of the water reflects the clear sky above and the lush greenery surrounding the lake's edge. Positioned close to each other, the boats' oars are tucked neatly inside, hinting at a recent or upcoming journey across the calm waters.",,4,3,attribute,color,"attribute - color (lake, azure blue)",Is the lake azure blue? +59,"Three sleek, dark wooden boats are resting along the banks of a tranquil, azure blue lake. The smooth surface of the water reflects the clear sky above and the lush greenery surrounding the lake's edge. Positioned close to each other, the boats' oars are tucked neatly inside, hinting at a recent or upcoming journey across the calm waters.",,5,1,attribute,texture,"attribute - texture (boats, wooden)",Are the boats made of wood? +59,"Three sleek, dark wooden boats are resting along the banks of a tranquil, azure blue lake. The smooth surface of the water reflects the clear sky above and the lush greenery surrounding the lake's edge. Positioned close to each other, the boats' oars are tucked neatly inside, hinting at a recent or upcoming journey across the calm waters.",,6,1,attribute,color,"attribute - color (boats, dark)",Are the boats dark in color? +59,"Three sleek, dark wooden boats are resting along the banks of a tranquil, azure blue lake. The smooth surface of the water reflects the clear sky above and the lush greenery surrounding the lake's edge. Positioned close to each other, the boats' oars are tucked neatly inside, hinting at a recent or upcoming journey across the calm waters.",,7,3,entity,state,"entity - state (water, smooth surface)",Does the water have a smooth surface? +59,"Three sleek, dark wooden boats are resting along the banks of a tranquil, azure blue lake. The smooth surface of the water reflects the clear sky above and the lush greenery surrounding the lake's edge. Positioned close to each other, the boats' oars are tucked neatly inside, hinting at a recent or upcoming journey across the calm waters.",,8,1,entity,state,"entity - state (boats, resting)",Are the boats resting? +59,"Three sleek, dark wooden boats are resting along the banks of a tranquil, azure blue lake. The smooth surface of the water reflects the clear sky above and the lush greenery surrounding the lake's edge. Positioned close to each other, the boats' oars are tucked neatly inside, hinting at a recent or upcoming journey across the calm waters.",,9,1,entity,part,entity - part (boats' oars),Do the boats have oars? +59,"Three sleek, dark wooden boats are resting along the banks of a tranquil, azure blue lake. The smooth surface of the water reflects the clear sky above and the lush greenery surrounding the lake's edge. Positioned close to each other, the boats' oars are tucked neatly inside, hinting at a recent or upcoming journey across the calm waters.",,10,"1,3",relation,spatial,"relation - spatial (boats, lake, along the banks)",Are the boats resting along the banks of the lake? +143,"A compact blue speaker with a sleek design sits atop the edge of a vibrant yellow bathroom sink. The sink is situated against a pristine white tiled wall, contrasting sharply with its vivid color. The texture of the speaker appears smooth and modern, clearly distinguishable from the glossy finish of the ceramic sink basin.",,1,0,entity,whole,entity - whole (speaker),Is there a speaker? +143,"A compact blue speaker with a sleek design sits atop the edge of a vibrant yellow bathroom sink. The sink is situated against a pristine white tiled wall, contrasting sharply with its vivid color. The texture of the speaker appears smooth and modern, clearly distinguishable from the glossy finish of the ceramic sink basin.",,2,0,entity,whole,entity - whole (sink),Is there a sink? +143,"A compact blue speaker with a sleek design sits atop the edge of a vibrant yellow bathroom sink. The sink is situated against a pristine white tiled wall, contrasting sharply with its vivid color. The texture of the speaker appears smooth and modern, clearly distinguishable from the glossy finish of the ceramic sink basin.",,3,0,entity,whole,entity - whole (wall),Is there a wall? +143,"A compact blue speaker with a sleek design sits atop the edge of a vibrant yellow bathroom sink. The sink is situated against a pristine white tiled wall, contrasting sharply with its vivid color. The texture of the speaker appears smooth and modern, clearly distinguishable from the glossy finish of the ceramic sink basin.",,4,1,attribute,color,"attribute - color (speaker, blue)",Is the speaker blue? +143,"A compact blue speaker with a sleek design sits atop the edge of a vibrant yellow bathroom sink. The sink is situated against a pristine white tiled wall, contrasting sharply with its vivid color. The texture of the speaker appears smooth and modern, clearly distinguishable from the glossy finish of the ceramic sink basin.",,5,2,attribute,color,"attribute - color (sink, vibrant yellow)",Is the sink vibrant yellow? +143,"A compact blue speaker with a sleek design sits atop the edge of a vibrant yellow bathroom sink. The sink is situated against a pristine white tiled wall, contrasting sharply with its vivid color. The texture of the speaker appears smooth and modern, clearly distinguishable from the glossy finish of the ceramic sink basin.",,6,3,attribute,color,"attribute - color (wall, white)",Is the wall white? +143,"A compact blue speaker with a sleek design sits atop the edge of a vibrant yellow bathroom sink. The sink is situated against a pristine white tiled wall, contrasting sharply with its vivid color. The texture of the speaker appears smooth and modern, clearly distinguishable from the glossy finish of the ceramic sink basin.",,7,1,attribute,texture,"attribute - texture (speaker, smooth)",Is the texture of the speaker smooth? +143,"A compact blue speaker with a sleek design sits atop the edge of a vibrant yellow bathroom sink. The sink is situated against a pristine white tiled wall, contrasting sharply with its vivid color. The texture of the speaker appears smooth and modern, clearly distinguishable from the glossy finish of the ceramic sink basin.",,8,2,attribute,texture,"attribute - texture (sink, glossy)",Does the sink have a glossy finish? +143,"A compact blue speaker with a sleek design sits atop the edge of a vibrant yellow bathroom sink. The sink is situated against a pristine white tiled wall, contrasting sharply with its vivid color. The texture of the speaker appears smooth and modern, clearly distinguishable from the glossy finish of the ceramic sink basin.",,9,3,attribute,texture,"attribute - texture (wall, tiled)",Is the wall tiled? +143,"A compact blue speaker with a sleek design sits atop the edge of a vibrant yellow bathroom sink. The sink is situated against a pristine white tiled wall, contrasting sharply with its vivid color. The texture of the speaker appears smooth and modern, clearly distinguishable from the glossy finish of the ceramic sink basin.",,10,"1,2",relation,spatial,"relation - spatial (speaker, sink, atop)",Is the speaker sitting atop the edge of the sink? +125,"A sizable rectangular storage box with a smooth, beige surface is positioned directly adjacent to a diminutive, round cherry with a glossy red exterior. The cherry's vibrant color contrasts sharply with the muted hue of the box. Both the box and the cherry rest on a white marble countertop that amplifies their distinct shapes and sizes.",,1,0,entity,whole,entity - whole (storage box),Is there a storage box? +125,"A sizable rectangular storage box with a smooth, beige surface is positioned directly adjacent to a diminutive, round cherry with a glossy red exterior. The cherry's vibrant color contrasts sharply with the muted hue of the box. Both the box and the cherry rest on a white marble countertop that amplifies their distinct shapes and sizes.",,2,0,entity,whole,entity - whole (cherry),Is there a cherry? +125,"A sizable rectangular storage box with a smooth, beige surface is positioned directly adjacent to a diminutive, round cherry with a glossy red exterior. The cherry's vibrant color contrasts sharply with the muted hue of the box. Both the box and the cherry rest on a white marble countertop that amplifies their distinct shapes and sizes.",,3,1,attribute,shape,"attribute - shape (storage box, rectangular)",Is the storage box rectangular? +125,"A sizable rectangular storage box with a smooth, beige surface is positioned directly adjacent to a diminutive, round cherry with a glossy red exterior. The cherry's vibrant color contrasts sharply with the muted hue of the box. Both the box and the cherry rest on a white marble countertop that amplifies their distinct shapes and sizes.",,4,1,attribute,texture,"attribute - texture (storage box, smooth)",Is the surface of the storage box smooth? +125,"A sizable rectangular storage box with a smooth, beige surface is positioned directly adjacent to a diminutive, round cherry with a glossy red exterior. The cherry's vibrant color contrasts sharply with the muted hue of the box. Both the box and the cherry rest on a white marble countertop that amplifies their distinct shapes and sizes.",,5,1,attribute,color,"attribute - color (storage box, beige)",Is the storage box beige? +125,"A sizable rectangular storage box with a smooth, beige surface is positioned directly adjacent to a diminutive, round cherry with a glossy red exterior. The cherry's vibrant color contrasts sharply with the muted hue of the box. Both the box and the cherry rest on a white marble countertop that amplifies their distinct shapes and sizes.",,6,2,attribute,shape,"attribute - shape (cherry, round)",Is the cherry round? +125,"A sizable rectangular storage box with a smooth, beige surface is positioned directly adjacent to a diminutive, round cherry with a glossy red exterior. The cherry's vibrant color contrasts sharply with the muted hue of the box. Both the box and the cherry rest on a white marble countertop that amplifies their distinct shapes and sizes.",,7,2,attribute,texture,"attribute - texture (cherry, glossy)",Does the cherry have a glossy texture? +125,"A sizable rectangular storage box with a smooth, beige surface is positioned directly adjacent to a diminutive, round cherry with a glossy red exterior. The cherry's vibrant color contrasts sharply with the muted hue of the box. Both the box and the cherry rest on a white marble countertop that amplifies their distinct shapes and sizes.",,8,2,attribute,color,"attribute - color (cherry, red)",Is the cherry red? +125,"A sizable rectangular storage box with a smooth, beige surface is positioned directly adjacent to a diminutive, round cherry with a glossy red exterior. The cherry's vibrant color contrasts sharply with the muted hue of the box. Both the box and the cherry rest on a white marble countertop that amplifies their distinct shapes and sizes.",,9,1,attribute,size,"attribute - size (storage box, sizable)",Is the storage box sizable? +125,"A sizable rectangular storage box with a smooth, beige surface is positioned directly adjacent to a diminutive, round cherry with a glossy red exterior. The cherry's vibrant color contrasts sharply with the muted hue of the box. Both the box and the cherry rest on a white marble countertop that amplifies their distinct shapes and sizes.",,10,2,attribute,size,"attribute - size (cherry, diminutive)",Is the cherry diminutive? +125,"A sizable rectangular storage box with a smooth, beige surface is positioned directly adjacent to a diminutive, round cherry with a glossy red exterior. The cherry's vibrant color contrasts sharply with the muted hue of the box. Both the box and the cherry rest on a white marble countertop that amplifies their distinct shapes and sizes.",,11,"1,2",relation,spatial,"relation - spatial (storage box, cherry, adjacent to)",Is the storage box directly adjacent to the cherry? +125,"A sizable rectangular storage box with a smooth, beige surface is positioned directly adjacent to a diminutive, round cherry with a glossy red exterior. The cherry's vibrant color contrasts sharply with the muted hue of the box. Both the box and the cherry rest on a white marble countertop that amplifies their distinct shapes and sizes.",,12,0,entity,whole,entity - whole (countertop),Is there a countertop? +125,"A sizable rectangular storage box with a smooth, beige surface is positioned directly adjacent to a diminutive, round cherry with a glossy red exterior. The cherry's vibrant color contrasts sharply with the muted hue of the box. Both the box and the cherry rest on a white marble countertop that amplifies their distinct shapes and sizes.",,13,12,attribute,color,"attribute - color (countertop, white)",Is the countertop white? +125,"A sizable rectangular storage box with a smooth, beige surface is positioned directly adjacent to a diminutive, round cherry with a glossy red exterior. The cherry's vibrant color contrasts sharply with the muted hue of the box. Both the box and the cherry rest on a white marble countertop that amplifies their distinct shapes and sizes.",,14,12,attribute,texture,"attribute - texture (countertop, marble)",Is the countertop made of marble? +125,"A sizable rectangular storage box with a smooth, beige surface is positioned directly adjacent to a diminutive, round cherry with a glossy red exterior. The cherry's vibrant color contrasts sharply with the muted hue of the box. Both the box and the cherry rest on a white marble countertop that amplifies their distinct shapes and sizes.",,15,"1,12",relation,spatial,"relation - spatial (storage box, countertop, on)",Is the storage box on the countertop? +125,"A sizable rectangular storage box with a smooth, beige surface is positioned directly adjacent to a diminutive, round cherry with a glossy red exterior. The cherry's vibrant color contrasts sharply with the muted hue of the box. Both the box and the cherry rest on a white marble countertop that amplifies their distinct shapes and sizes.",,16,"2,12",relation,spatial,"relation - spatial (cherry, countertop, on)",Is the cherry on the countertop? +2,"An elegant and modern bathroom featuring a sleek, white rectangular bathtub filled with a froth of soap bubbles. The bathtub rests upon a floor of gray, matte tiles that complement the room's minimalistic design. Against the room's far wall stands a large window that frames the warm, amber hues of a sunset, casting a tranquil glow throughout the space.",,1,0,entity,whole,entity - whole (bathroom),Is there a bathroom? +2,"An elegant and modern bathroom featuring a sleek, white rectangular bathtub filled with a froth of soap bubbles. The bathtub rests upon a floor of gray, matte tiles that complement the room's minimalistic design. Against the room's far wall stands a large window that frames the warm, amber hues of a sunset, casting a tranquil glow throughout the space.",,2,1,entity,whole,entity - whole (bathtub),Is there a bathtub? +2,"An elegant and modern bathroom featuring a sleek, white rectangular bathtub filled with a froth of soap bubbles. The bathtub rests upon a floor of gray, matte tiles that complement the room's minimalistic design. Against the room's far wall stands a large window that frames the warm, amber hues of a sunset, casting a tranquil glow throughout the space.",,3,2,entity,whole,entity - whole (soap bubbles),Are there soap bubbles? +2,"An elegant and modern bathroom featuring a sleek, white rectangular bathtub filled with a froth of soap bubbles. The bathtub rests upon a floor of gray, matte tiles that complement the room's minimalistic design. Against the room's far wall stands a large window that frames the warm, amber hues of a sunset, casting a tranquil glow throughout the space.",,4,1,entity,whole,entity - whole (floor),Is there a floor? +2,"An elegant and modern bathroom featuring a sleek, white rectangular bathtub filled with a froth of soap bubbles. The bathtub rests upon a floor of gray, matte tiles that complement the room's minimalistic design. Against the room's far wall stands a large window that frames the warm, amber hues of a sunset, casting a tranquil glow throughout the space.",,5,4,entity,whole,entity - whole (tiles),Are there tiles? +2,"An elegant and modern bathroom featuring a sleek, white rectangular bathtub filled with a froth of soap bubbles. The bathtub rests upon a floor of gray, matte tiles that complement the room's minimalistic design. Against the room's far wall stands a large window that frames the warm, amber hues of a sunset, casting a tranquil glow throughout the space.",,6,1,entity,whole,entity - whole (window),Is there a window? +2,"An elegant and modern bathroom featuring a sleek, white rectangular bathtub filled with a froth of soap bubbles. The bathtub rests upon a floor of gray, matte tiles that complement the room's minimalistic design. Against the room's far wall stands a large window that frames the warm, amber hues of a sunset, casting a tranquil glow throughout the space.",,7,2,attribute,color,"attribute - color (bathtub, white)",Is the bathtub white? +2,"An elegant and modern bathroom featuring a sleek, white rectangular bathtub filled with a froth of soap bubbles. The bathtub rests upon a floor of gray, matte tiles that complement the room's minimalistic design. Against the room's far wall stands a large window that frames the warm, amber hues of a sunset, casting a tranquil glow throughout the space.",,8,2,attribute,shape,"attribute - shape (bathtub, rectangular)",Is the bathtub rectangular? +2,"An elegant and modern bathroom featuring a sleek, white rectangular bathtub filled with a froth of soap bubbles. The bathtub rests upon a floor of gray, matte tiles that complement the room's minimalistic design. Against the room's far wall stands a large window that frames the warm, amber hues of a sunset, casting a tranquil glow throughout the space.",,9,5,attribute,color,"attribute - color (tiles, gray)",Are the tiles gray? +2,"An elegant and modern bathroom featuring a sleek, white rectangular bathtub filled with a froth of soap bubbles. The bathtub rests upon a floor of gray, matte tiles that complement the room's minimalistic design. Against the room's far wall stands a large window that frames the warm, amber hues of a sunset, casting a tranquil glow throughout the space.",,10,5,attribute,texture,"attribute - texture (tiles, matte)",Are the tiles matte? +189,"Under the warm glow of an overhead light, a shiny chrome showerhead is poised above a pristine white bathtub with clawed feet. The porcelain surface of the tub is speckled with droplets of water, ready to embrace the evening's tranquility. To the side of the bathtub, an assortment of lavender-scented bath products and fluffy towels are neatly arranged, hinting at the luxurious bath time ritual that awaits.",,1,0,entity,whole,entity - whole (light),Is there a light? +189,"Under the warm glow of an overhead light, a shiny chrome showerhead is poised above a pristine white bathtub with clawed feet. The porcelain surface of the tub is speckled with droplets of water, ready to embrace the evening's tranquility. To the side of the bathtub, an assortment of lavender-scented bath products and fluffy towels are neatly arranged, hinting at the luxurious bath time ritual that awaits.",,2,0,entity,whole,entity - whole (showerhead),Is there a showerhead? +189,"Under the warm glow of an overhead light, a shiny chrome showerhead is poised above a pristine white bathtub with clawed feet. The porcelain surface of the tub is speckled with droplets of water, ready to embrace the evening's tranquility. To the side of the bathtub, an assortment of lavender-scented bath products and fluffy towels are neatly arranged, hinting at the luxurious bath time ritual that awaits.",,3,0,entity,whole,entity - whole (bathtub),Is there a bathtub? +189,"Under the warm glow of an overhead light, a shiny chrome showerhead is poised above a pristine white bathtub with clawed feet. The porcelain surface of the tub is speckled with droplets of water, ready to embrace the evening's tranquility. To the side of the bathtub, an assortment of lavender-scented bath products and fluffy towels are neatly arranged, hinting at the luxurious bath time ritual that awaits.",,4,3,entity,part,entity - part (bathtub's feet),Does the bathtub have feet? +189,"Under the warm glow of an overhead light, a shiny chrome showerhead is poised above a pristine white bathtub with clawed feet. The porcelain surface of the tub is speckled with droplets of water, ready to embrace the evening's tranquility. To the side of the bathtub, an assortment of lavender-scented bath products and fluffy towels are neatly arranged, hinting at the luxurious bath time ritual that awaits.",,5,0,entity,whole,entity - whole (bath products),Are there bath products? +189,"Under the warm glow of an overhead light, a shiny chrome showerhead is poised above a pristine white bathtub with clawed feet. The porcelain surface of the tub is speckled with droplets of water, ready to embrace the evening's tranquility. To the side of the bathtub, an assortment of lavender-scented bath products and fluffy towels are neatly arranged, hinting at the luxurious bath time ritual that awaits.",,6,0,entity,whole,entity - whole (towels),Are there towels? +189,"Under the warm glow of an overhead light, a shiny chrome showerhead is poised above a pristine white bathtub with clawed feet. The porcelain surface of the tub is speckled with droplets of water, ready to embrace the evening's tranquility. To the side of the bathtub, an assortment of lavender-scented bath products and fluffy towels are neatly arranged, hinting at the luxurious bath time ritual that awaits.",,7,3,attribute,color,"attribute - color (bathtub, white)",Is the bathtub white? +189,"Under the warm glow of an overhead light, a shiny chrome showerhead is poised above a pristine white bathtub with clawed feet. The porcelain surface of the tub is speckled with droplets of water, ready to embrace the evening's tranquility. To the side of the bathtub, an assortment of lavender-scented bath products and fluffy towels are neatly arranged, hinting at the luxurious bath time ritual that awaits.",,8,2,attribute,texture,"attribute - texture (showerhead, chrome)",Is the showerhead made of chrome? +189,"Under the warm glow of an overhead light, a shiny chrome showerhead is poised above a pristine white bathtub with clawed feet. The porcelain surface of the tub is speckled with droplets of water, ready to embrace the evening's tranquility. To the side of the bathtub, an assortment of lavender-scented bath products and fluffy towels are neatly arranged, hinting at the luxurious bath time ritual that awaits.",,9,3,attribute,texture,"attribute - texture (bathtub, porcelain)",Is the bathtub's surface made of porcelain? +189,"Under the warm glow of an overhead light, a shiny chrome showerhead is poised above a pristine white bathtub with clawed feet. The porcelain surface of the tub is speckled with droplets of water, ready to embrace the evening's tranquility. To the side of the bathtub, an assortment of lavender-scented bath products and fluffy towels are neatly arranged, hinting at the luxurious bath time ritual that awaits.",,10,4,attribute,other,"attribute - other (bathtub's feet, clawed)",Are the bathtub's feet clawed? +109,"Adjacent to each other in a room, a large rectangular bed draped in a navy-blue comforter sits parallel to a square-shaped nightstand with a matte finish. The nightstand holds an angular lamp and a small stack of hardcover books. The two pieces of furniture are positioned on a plush beige carpet that covers the majority of the floor space.",,1,0,entity,whole,entity - whole (bed),Is there a bed? +109,"Adjacent to each other in a room, a large rectangular bed draped in a navy-blue comforter sits parallel to a square-shaped nightstand with a matte finish. The nightstand holds an angular lamp and a small stack of hardcover books. The two pieces of furniture are positioned on a plush beige carpet that covers the majority of the floor space.",,2,0,entity,whole,entity - whole (nightstand),Is there a nightstand? +109,"Adjacent to each other in a room, a large rectangular bed draped in a navy-blue comforter sits parallel to a square-shaped nightstand with a matte finish. The nightstand holds an angular lamp and a small stack of hardcover books. The two pieces of furniture are positioned on a plush beige carpet that covers the majority of the floor space.",,3,0,entity,whole,entity - whole (lamp),Is there a lamp? +109,"Adjacent to each other in a room, a large rectangular bed draped in a navy-blue comforter sits parallel to a square-shaped nightstand with a matte finish. The nightstand holds an angular lamp and a small stack of hardcover books. The two pieces of furniture are positioned on a plush beige carpet that covers the majority of the floor space.",,4,0,entity,whole,entity - whole (books),Are there books? +109,"Adjacent to each other in a room, a large rectangular bed draped in a navy-blue comforter sits parallel to a square-shaped nightstand with a matte finish. The nightstand holds an angular lamp and a small stack of hardcover books. The two pieces of furniture are positioned on a plush beige carpet that covers the majority of the floor space.",,5,0,entity,whole,entity - whole (carpet),Is there a carpet? +109,"Adjacent to each other in a room, a large rectangular bed draped in a navy-blue comforter sits parallel to a square-shaped nightstand with a matte finish. The nightstand holds an angular lamp and a small stack of hardcover books. The two pieces of furniture are positioned on a plush beige carpet that covers the majority of the floor space.",,6,1,attribute,color,"attribute - color (comforter, navy-blue)",Is the comforter navy-blue? +109,"Adjacent to each other in a room, a large rectangular bed draped in a navy-blue comforter sits parallel to a square-shaped nightstand with a matte finish. The nightstand holds an angular lamp and a small stack of hardcover books. The two pieces of furniture are positioned on a plush beige carpet that covers the majority of the floor space.",,7,1,attribute,shape,"attribute - shape (bed, rectangular)",Is the bed rectangular? +109,"Adjacent to each other in a room, a large rectangular bed draped in a navy-blue comforter sits parallel to a square-shaped nightstand with a matte finish. The nightstand holds an angular lamp and a small stack of hardcover books. The two pieces of furniture are positioned on a plush beige carpet that covers the majority of the floor space.",,8,2,attribute,shape,"attribute - shape (nightstand, square)",Is the nightstand square-shaped? +109,"Adjacent to each other in a room, a large rectangular bed draped in a navy-blue comforter sits parallel to a square-shaped nightstand with a matte finish. The nightstand holds an angular lamp and a small stack of hardcover books. The two pieces of furniture are positioned on a plush beige carpet that covers the majority of the floor space.",,9,2,attribute,texture,"attribute - texture (nightstand, matte finish)",Does the nightstand have a matte finish? +109,"Adjacent to each other in a room, a large rectangular bed draped in a navy-blue comforter sits parallel to a square-shaped nightstand with a matte finish. The nightstand holds an angular lamp and a small stack of hardcover books. The two pieces of furniture are positioned on a plush beige carpet that covers the majority of the floor space.",,10,5,attribute,texture,"attribute - texture (carpet, plush beige)",Is the carpet plush beige? +279,"Three red wine glasses, casting shimmering reflections from the morning sunlight, are evenly filled to the halfway point with a deep crimson liquid. Beside them, four matte purple plates rest unoccupied on a smooth, dark wooden dining table. The arrangement of the tableware suggests a pause in a meal, or the anticipation of company yet to arrive.",,1,0,entity,whole,entity - whole (wine glasses),Are there wine glasses? +279,"Three red wine glasses, casting shimmering reflections from the morning sunlight, are evenly filled to the halfway point with a deep crimson liquid. Beside them, four matte purple plates rest unoccupied on a smooth, dark wooden dining table. The arrangement of the tableware suggests a pause in a meal, or the anticipation of company yet to arrive.",,2,1,other,count,"other - count (wine glasses, ==3)",Are there three wine glasses? +279,"Three red wine glasses, casting shimmering reflections from the morning sunlight, are evenly filled to the halfway point with a deep crimson liquid. Beside them, four matte purple plates rest unoccupied on a smooth, dark wooden dining table. The arrangement of the tableware suggests a pause in a meal, or the anticipation of company yet to arrive.",,3,0,entity,whole,entity - whole (plates),Are there plates? +279,"Three red wine glasses, casting shimmering reflections from the morning sunlight, are evenly filled to the halfway point with a deep crimson liquid. Beside them, four matte purple plates rest unoccupied on a smooth, dark wooden dining table. The arrangement of the tableware suggests a pause in a meal, or the anticipation of company yet to arrive.",,4,3,other,count,"other - count (plates, ==4)",Are there four plates? +279,"Three red wine glasses, casting shimmering reflections from the morning sunlight, are evenly filled to the halfway point with a deep crimson liquid. Beside them, four matte purple plates rest unoccupied on a smooth, dark wooden dining table. The arrangement of the tableware suggests a pause in a meal, or the anticipation of company yet to arrive.",,5,0,entity,whole,entity - whole (dining table),Is there a dining table? +279,"Three red wine glasses, casting shimmering reflections from the morning sunlight, are evenly filled to the halfway point with a deep crimson liquid. Beside them, four matte purple plates rest unoccupied on a smooth, dark wooden dining table. The arrangement of the tableware suggests a pause in a meal, or the anticipation of company yet to arrive.",,6,1,attribute,color,"attribute - color (wine glasses, red)",Are the wine glasses red? +279,"Three red wine glasses, casting shimmering reflections from the morning sunlight, are evenly filled to the halfway point with a deep crimson liquid. Beside them, four matte purple plates rest unoccupied on a smooth, dark wooden dining table. The arrangement of the tableware suggests a pause in a meal, or the anticipation of company yet to arrive.",,7,1,attribute,color,"attribute - color (liquid, deep crimson)",Is the liquid a deep crimson color? +279,"Three red wine glasses, casting shimmering reflections from the morning sunlight, are evenly filled to the halfway point with a deep crimson liquid. Beside them, four matte purple plates rest unoccupied on a smooth, dark wooden dining table. The arrangement of the tableware suggests a pause in a meal, or the anticipation of company yet to arrive.",,8,3,attribute,color,"attribute - color (plates, matte purple)",Are the plates matte purple? +279,"Three red wine glasses, casting shimmering reflections from the morning sunlight, are evenly filled to the halfway point with a deep crimson liquid. Beside them, four matte purple plates rest unoccupied on a smooth, dark wooden dining table. The arrangement of the tableware suggests a pause in a meal, or the anticipation of company yet to arrive.",,9,5,attribute,texture,"attribute - texture (dining table, smooth, dark wood)","Is the dining table made of smooth, dark wood?" +279,"Three red wine glasses, casting shimmering reflections from the morning sunlight, are evenly filled to the halfway point with a deep crimson liquid. Beside them, four matte purple plates rest unoccupied on a smooth, dark wooden dining table. The arrangement of the tableware suggests a pause in a meal, or the anticipation of company yet to arrive.",,10,1,entity,state,"entity - state (wine glasses, filled halfway)",Are the wine glasses filled halfway? +279,"Three red wine glasses, casting shimmering reflections from the morning sunlight, are evenly filled to the halfway point with a deep crimson liquid. Beside them, four matte purple plates rest unoccupied on a smooth, dark wooden dining table. The arrangement of the tableware suggests a pause in a meal, or the anticipation of company yet to arrive.",,11,"3,5",relation,spatial,"relation - spatial (plates, dining table, on)",Are the plates resting on the dining table? +279,"Three red wine glasses, casting shimmering reflections from the morning sunlight, are evenly filled to the halfway point with a deep crimson liquid. Beside them, four matte purple plates rest unoccupied on a smooth, dark wooden dining table. The arrangement of the tableware suggests a pause in a meal, or the anticipation of company yet to arrive.",,12,"1,3,5",relation,spatial,"relation - non-spatial (tableware, meal, pause or anticipation)",Does the arrangement of the tableware suggest a pause in a meal or anticipation of company yet to arrive? +179,"An animated scene depicts a bright orange traffic cone in a playful balancing act with a small, pinkish-red hat on an imaginary, straight line. The cone's texture appears rough and rigid, in stark contrast to the soft, fabric texture of the diminutive hat. Both items are similarly hued but differ vastly in shape and size, creating a whimsical and absurd visual.",,1,0,entity,whole,entity - whole (traffic cone),Is there a traffic cone? +179,"An animated scene depicts a bright orange traffic cone in a playful balancing act with a small, pinkish-red hat on an imaginary, straight line. The cone's texture appears rough and rigid, in stark contrast to the soft, fabric texture of the diminutive hat. Both items are similarly hued but differ vastly in shape and size, creating a whimsical and absurd visual.",,2,0,entity,whole,entity - whole (hat),Is there a hat? +179,"An animated scene depicts a bright orange traffic cone in a playful balancing act with a small, pinkish-red hat on an imaginary, straight line. The cone's texture appears rough and rigid, in stark contrast to the soft, fabric texture of the diminutive hat. Both items are similarly hued but differ vastly in shape and size, creating a whimsical and absurd visual.",,3,1,attribute,color,"attribute - color (traffic cone, bright orange)",Is the traffic cone bright orange? +179,"An animated scene depicts a bright orange traffic cone in a playful balancing act with a small, pinkish-red hat on an imaginary, straight line. The cone's texture appears rough and rigid, in stark contrast to the soft, fabric texture of the diminutive hat. Both items are similarly hued but differ vastly in shape and size, creating a whimsical and absurd visual.",,4,2,attribute,color,"attribute - color (hat, pinkish-red)",Is the hat pinkish-red? +179,"An animated scene depicts a bright orange traffic cone in a playful balancing act with a small, pinkish-red hat on an imaginary, straight line. The cone's texture appears rough and rigid, in stark contrast to the soft, fabric texture of the diminutive hat. Both items are similarly hued but differ vastly in shape and size, creating a whimsical and absurd visual.",,5,1,attribute,texture,"attribute - texture (traffic cone, rough and rigid)",Does the traffic cone have a rough and rigid texture? +179,"An animated scene depicts a bright orange traffic cone in a playful balancing act with a small, pinkish-red hat on an imaginary, straight line. The cone's texture appears rough and rigid, in stark contrast to the soft, fabric texture of the diminutive hat. Both items are similarly hued but differ vastly in shape and size, creating a whimsical and absurd visual.",,6,2,attribute,texture,"attribute - texture (hat, soft and fabric)","Does the hat have a soft, fabric texture?" +179,"An animated scene depicts a bright orange traffic cone in a playful balancing act with a small, pinkish-red hat on an imaginary, straight line. The cone's texture appears rough and rigid, in stark contrast to the soft, fabric texture of the diminutive hat. Both items are similarly hued but differ vastly in shape and size, creating a whimsical and absurd visual.",,7,1,attribute,shape,"attribute - shape (traffic cone, cone-shaped)",Is the traffic cone cone-shaped? +179,"An animated scene depicts a bright orange traffic cone in a playful balancing act with a small, pinkish-red hat on an imaginary, straight line. The cone's texture appears rough and rigid, in stark contrast to the soft, fabric texture of the diminutive hat. Both items are similarly hued but differ vastly in shape and size, creating a whimsical and absurd visual.",,8,2,attribute,shape,"attribute - shape (hat, small)",Is the hat small? +179,"An animated scene depicts a bright orange traffic cone in a playful balancing act with a small, pinkish-red hat on an imaginary, straight line. The cone's texture appears rough and rigid, in stark contrast to the soft, fabric texture of the diminutive hat. Both items are similarly hued but differ vastly in shape and size, creating a whimsical and absurd visual.",,9,"1,2",relation,spatial,"relation - non-spatial (traffic cone, hat, balancing act)",Are the traffic cone and the hat in a balancing act? +179,"An animated scene depicts a bright orange traffic cone in a playful balancing act with a small, pinkish-red hat on an imaginary, straight line. The cone's texture appears rough and rigid, in stark contrast to the soft, fabric texture of the diminutive hat. Both items are similarly hued but differ vastly in shape and size, creating a whimsical and absurd visual.",,10,0,global,,"global - (scene, animated)",Is the scene animated? +151,"In a dimly lit room, a sleek, black projector casts a bright image onto a large white screen for an evening presentation. Beside the bed, a small nightstand made of polished dark wood carries a solitary leather wallet, lying undisturbed amidst the quietude of the space. The wallet's smooth surface reflects the faint glow emanating from the projector, subtly highlighting its details and the meticulous stitching along its edges.",,1,0,entity,whole,entity - whole (room),Is there a room? +151,"In a dimly lit room, a sleek, black projector casts a bright image onto a large white screen for an evening presentation. Beside the bed, a small nightstand made of polished dark wood carries a solitary leather wallet, lying undisturbed amidst the quietude of the space. The wallet's smooth surface reflects the faint glow emanating from the projector, subtly highlighting its details and the meticulous stitching along its edges.",,2,0,entity,whole,entity - whole (projector),Is there a projector? +151,"In a dimly lit room, a sleek, black projector casts a bright image onto a large white screen for an evening presentation. Beside the bed, a small nightstand made of polished dark wood carries a solitary leather wallet, lying undisturbed amidst the quietude of the space. The wallet's smooth surface reflects the faint glow emanating from the projector, subtly highlighting its details and the meticulous stitching along its edges.",,3,0,entity,whole,entity - whole (image),Is there an image? +151,"In a dimly lit room, a sleek, black projector casts a bright image onto a large white screen for an evening presentation. Beside the bed, a small nightstand made of polished dark wood carries a solitary leather wallet, lying undisturbed amidst the quietude of the space. The wallet's smooth surface reflects the faint glow emanating from the projector, subtly highlighting its details and the meticulous stitching along its edges.",,4,0,entity,whole,entity - whole (screen),Is there a screen? +151,"In a dimly lit room, a sleek, black projector casts a bright image onto a large white screen for an evening presentation. Beside the bed, a small nightstand made of polished dark wood carries a solitary leather wallet, lying undisturbed amidst the quietude of the space. The wallet's smooth surface reflects the faint glow emanating from the projector, subtly highlighting its details and the meticulous stitching along its edges.",,5,0,entity,whole,entity - whole (nightstand),Is there a nightstand? +151,"In a dimly lit room, a sleek, black projector casts a bright image onto a large white screen for an evening presentation. Beside the bed, a small nightstand made of polished dark wood carries a solitary leather wallet, lying undisturbed amidst the quietude of the space. The wallet's smooth surface reflects the faint glow emanating from the projector, subtly highlighting its details and the meticulous stitching along its edges.",,6,0,entity,whole,entity - whole (wallet),Is there a wallet? +151,"In a dimly lit room, a sleek, black projector casts a bright image onto a large white screen for an evening presentation. Beside the bed, a small nightstand made of polished dark wood carries a solitary leather wallet, lying undisturbed amidst the quietude of the space. The wallet's smooth surface reflects the faint glow emanating from the projector, subtly highlighting its details and the meticulous stitching along its edges.",,7,2,attribute,color,"attribute - color (projector, black)",Is the projector sleek and black? +151,"In a dimly lit room, a sleek, black projector casts a bright image onto a large white screen for an evening presentation. Beside the bed, a small nightstand made of polished dark wood carries a solitary leather wallet, lying undisturbed amidst the quietude of the space. The wallet's smooth surface reflects the faint glow emanating from the projector, subtly highlighting its details and the meticulous stitching along its edges.",,8,4,attribute,color,"attribute - color (screen, white)",Is the screen white? +151,"In a dimly lit room, a sleek, black projector casts a bright image onto a large white screen for an evening presentation. Beside the bed, a small nightstand made of polished dark wood carries a solitary leather wallet, lying undisturbed amidst the quietude of the space. The wallet's smooth surface reflects the faint glow emanating from the projector, subtly highlighting its details and the meticulous stitching along its edges.",,9,4,attribute,size,"attribute - size (screen, large)",Is the screen large? +151,"In a dimly lit room, a sleek, black projector casts a bright image onto a large white screen for an evening presentation. Beside the bed, a small nightstand made of polished dark wood carries a solitary leather wallet, lying undisturbed amidst the quietude of the space. The wallet's smooth surface reflects the faint glow emanating from the projector, subtly highlighting its details and the meticulous stitching along its edges.",,10,6,attribute,texture,"attribute - texture (wallet, leather)",Is the wallet made of leather? +167,"Three sleek remotes are aligned perfectly next to a simple black picture frame, which encloses a monochrome photograph. These objects rest on the glossy surface of a rich mahogany coffee table. Surrounding them, the soft glow of a nearby lamp illuminates the living room's plush, earth-toned furniture, casting subtle shadows that contribute to a peaceful evening ambiance.",,1,0,entity,whole,entity - whole (remotes),Are there remotes? +167,"Three sleek remotes are aligned perfectly next to a simple black picture frame, which encloses a monochrome photograph. These objects rest on the glossy surface of a rich mahogany coffee table. Surrounding them, the soft glow of a nearby lamp illuminates the living room's plush, earth-toned furniture, casting subtle shadows that contribute to a peaceful evening ambiance.",,2,1,other,count,"other - count (remotes, ==3)",Are there three remotes? +167,"Three sleek remotes are aligned perfectly next to a simple black picture frame, which encloses a monochrome photograph. These objects rest on the glossy surface of a rich mahogany coffee table. Surrounding them, the soft glow of a nearby lamp illuminates the living room's plush, earth-toned furniture, casting subtle shadows that contribute to a peaceful evening ambiance.",,3,0,entity,whole,entity - whole (picture frame),Is there a picture frame? +167,"Three sleek remotes are aligned perfectly next to a simple black picture frame, which encloses a monochrome photograph. These objects rest on the glossy surface of a rich mahogany coffee table. Surrounding them, the soft glow of a nearby lamp illuminates the living room's plush, earth-toned furniture, casting subtle shadows that contribute to a peaceful evening ambiance.",,4,0,entity,whole,entity - whole (photograph),Is there a photograph? +167,"Three sleek remotes are aligned perfectly next to a simple black picture frame, which encloses a monochrome photograph. These objects rest on the glossy surface of a rich mahogany coffee table. Surrounding them, the soft glow of a nearby lamp illuminates the living room's plush, earth-toned furniture, casting subtle shadows that contribute to a peaceful evening ambiance.",,5,0,entity,whole,entity - whole (coffee table),Is there a coffee table? +167,"Three sleek remotes are aligned perfectly next to a simple black picture frame, which encloses a monochrome photograph. These objects rest on the glossy surface of a rich mahogany coffee table. Surrounding them, the soft glow of a nearby lamp illuminates the living room's plush, earth-toned furniture, casting subtle shadows that contribute to a peaceful evening ambiance.",,6,0,entity,whole,entity - whole (lamp),Is there a lamp? +167,"Three sleek remotes are aligned perfectly next to a simple black picture frame, which encloses a monochrome photograph. These objects rest on the glossy surface of a rich mahogany coffee table. Surrounding them, the soft glow of a nearby lamp illuminates the living room's plush, earth-toned furniture, casting subtle shadows that contribute to a peaceful evening ambiance.",,7,0,entity,whole,entity - whole (furniture),Is there furniture? +167,"Three sleek remotes are aligned perfectly next to a simple black picture frame, which encloses a monochrome photograph. These objects rest on the glossy surface of a rich mahogany coffee table. Surrounding them, the soft glow of a nearby lamp illuminates the living room's plush, earth-toned furniture, casting subtle shadows that contribute to a peaceful evening ambiance.",,8,3,attribute,color,"attribute - color (picture frame, black)",Is the picture frame black? +167,"Three sleek remotes are aligned perfectly next to a simple black picture frame, which encloses a monochrome photograph. These objects rest on the glossy surface of a rich mahogany coffee table. Surrounding them, the soft glow of a nearby lamp illuminates the living room's plush, earth-toned furniture, casting subtle shadows that contribute to a peaceful evening ambiance.",,9,5,attribute,texture,"attribute - texture (coffee table, mahogany, glossy)",Is the coffee table made of glossy mahogany? +167,"Three sleek remotes are aligned perfectly next to a simple black picture frame, which encloses a monochrome photograph. These objects rest on the glossy surface of a rich mahogany coffee table. Surrounding them, the soft glow of a nearby lamp illuminates the living room's plush, earth-toned furniture, casting subtle shadows that contribute to a peaceful evening ambiance.",,10,7,attribute,texture,"attribute - texture (furniture, plush, earth-toned)",Is the furniture plush and earth-toned? +164,"In an open outdoor setting, a decorative coffee table with elaborate wood carvings and curved legs is positioned under the expansive blue sky of a clear afternoon. On the surface of the table, an out-of-place toothbrush with white and blue bristles sits alone. The table stands on a patch of vibrant green grass, and no other items or furniture are immediately visible in the vicinity.",,1,0,entity,whole,entity - whole (coffee table),Is there a decorative coffee table? +164,"In an open outdoor setting, a decorative coffee table with elaborate wood carvings and curved legs is positioned under the expansive blue sky of a clear afternoon. On the surface of the table, an out-of-place toothbrush with white and blue bristles sits alone. The table stands on a patch of vibrant green grass, and no other items or furniture are immediately visible in the vicinity.",,2,0,entity,whole,entity - whole (toothbrush),Is there a toothbrush? +164,"In an open outdoor setting, a decorative coffee table with elaborate wood carvings and curved legs is positioned under the expansive blue sky of a clear afternoon. On the surface of the table, an out-of-place toothbrush with white and blue bristles sits alone. The table stands on a patch of vibrant green grass, and no other items or furniture are immediately visible in the vicinity.",,3,0,entity,whole,entity - whole (sky),Is there a sky? +164,"In an open outdoor setting, a decorative coffee table with elaborate wood carvings and curved legs is positioned under the expansive blue sky of a clear afternoon. On the surface of the table, an out-of-place toothbrush with white and blue bristles sits alone. The table stands on a patch of vibrant green grass, and no other items or furniture are immediately visible in the vicinity.",,4,0,entity,whole,entity - whole (grass),Is there grass? +164,"In an open outdoor setting, a decorative coffee table with elaborate wood carvings and curved legs is positioned under the expansive blue sky of a clear afternoon. On the surface of the table, an out-of-place toothbrush with white and blue bristles sits alone. The table stands on a patch of vibrant green grass, and no other items or furniture are immediately visible in the vicinity.",,5,3,attribute,color,"attribute - color (sky, blue)",Is the sky blue? +164,"In an open outdoor setting, a decorative coffee table with elaborate wood carvings and curved legs is positioned under the expansive blue sky of a clear afternoon. On the surface of the table, an out-of-place toothbrush with white and blue bristles sits alone. The table stands on a patch of vibrant green grass, and no other items or furniture are immediately visible in the vicinity.",,6,2,attribute,color,"attribute - color (toothbrush's bristles, white and blue)",Are the toothbrush's bristles white and blue? +164,"In an open outdoor setting, a decorative coffee table with elaborate wood carvings and curved legs is positioned under the expansive blue sky of a clear afternoon. On the surface of the table, an out-of-place toothbrush with white and blue bristles sits alone. The table stands on a patch of vibrant green grass, and no other items or furniture are immediately visible in the vicinity.",,7,4,attribute,color,"attribute - color (grass, vibrant green)",Is the grass vibrant green? +164,"In an open outdoor setting, a decorative coffee table with elaborate wood carvings and curved legs is positioned under the expansive blue sky of a clear afternoon. On the surface of the table, an out-of-place toothbrush with white and blue bristles sits alone. The table stands on a patch of vibrant green grass, and no other items or furniture are immediately visible in the vicinity.",,8,1,attribute,texture,"attribute - texture (coffee table, wood carvings)",Does the coffee table have elaborate wood carvings? +164,"In an open outdoor setting, a decorative coffee table with elaborate wood carvings and curved legs is positioned under the expansive blue sky of a clear afternoon. On the surface of the table, an out-of-place toothbrush with white and blue bristles sits alone. The table stands on a patch of vibrant green grass, and no other items or furniture are immediately visible in the vicinity.",,9,1,attribute,shape,"attribute - shape (coffee table's legs, curved)",Are the coffee table's legs curved? +164,"In an open outdoor setting, a decorative coffee table with elaborate wood carvings and curved legs is positioned under the expansive blue sky of a clear afternoon. On the surface of the table, an out-of-place toothbrush with white and blue bristles sits alone. The table stands on a patch of vibrant green grass, and no other items or furniture are immediately visible in the vicinity.",,10,"1,3",relation,spatial,"relation - spatial (coffee table, sky, under)",Is the coffee table positioned under the expansive blue sky? +164,"In an open outdoor setting, a decorative coffee table with elaborate wood carvings and curved legs is positioned under the expansive blue sky of a clear afternoon. On the surface of the table, an out-of-place toothbrush with white and blue bristles sits alone. The table stands on a patch of vibrant green grass, and no other items or furniture are immediately visible in the vicinity.",,11,"2,1",relation,spatial,"relation - spatial (toothbrush, coffee table, on)",Is the toothbrush on the surface of the table? +164,"In an open outdoor setting, a decorative coffee table with elaborate wood carvings and curved legs is positioned under the expansive blue sky of a clear afternoon. On the surface of the table, an out-of-place toothbrush with white and blue bristles sits alone. The table stands on a patch of vibrant green grass, and no other items or furniture are immediately visible in the vicinity.",,12,"1,4",relation,spatial,"relation - spatial (coffee table, grass, on)",Does the table stand on a patch of vibrant green grass? +74,"Four square potted plants, each nestled in vibrant yellow pots, are aligned neatly on a gray concrete surface outside. They are being gently watered, with droplets of water glistening on their lush green leaves as the sun begins to set in the background. The surrounding area is quiet, and the soft light of the early evening casts a warm glow on the scene.",,1,0,entity,whole,entity - whole (potted plants),Are there potted plants? +74,"Four square potted plants, each nestled in vibrant yellow pots, are aligned neatly on a gray concrete surface outside. They are being gently watered, with droplets of water glistening on their lush green leaves as the sun begins to set in the background. The surrounding area is quiet, and the soft light of the early evening casts a warm glow on the scene.",,2,1,other,count,"other - count (potted plants, ==4)",Are there four square potted plants? +74,"Four square potted plants, each nestled in vibrant yellow pots, are aligned neatly on a gray concrete surface outside. They are being gently watered, with droplets of water glistening on their lush green leaves as the sun begins to set in the background. The surrounding area is quiet, and the soft light of the early evening casts a warm glow on the scene.",,3,0,entity,whole,entity - whole (pots),Are there pots? +74,"Four square potted plants, each nestled in vibrant yellow pots, are aligned neatly on a gray concrete surface outside. They are being gently watered, with droplets of water glistening on their lush green leaves as the sun begins to set in the background. The surrounding area is quiet, and the soft light of the early evening casts a warm glow on the scene.",,4,3,attribute,color,"attribute - color (pots, vibrant yellow)",Are the pots vibrant yellow? +74,"Four square potted plants, each nestled in vibrant yellow pots, are aligned neatly on a gray concrete surface outside. They are being gently watered, with droplets of water glistening on their lush green leaves as the sun begins to set in the background. The surrounding area is quiet, and the soft light of the early evening casts a warm glow on the scene.",,5,0,entity,whole,entity - whole (concrete surface),Is there a concrete surface? +74,"Four square potted plants, each nestled in vibrant yellow pots, are aligned neatly on a gray concrete surface outside. They are being gently watered, with droplets of water glistening on their lush green leaves as the sun begins to set in the background. The surrounding area is quiet, and the soft light of the early evening casts a warm glow on the scene.",,6,5,attribute,color,"attribute - color (concrete surface, gray)",Is the concrete surface gray? +74,"Four square potted plants, each nestled in vibrant yellow pots, are aligned neatly on a gray concrete surface outside. They are being gently watered, with droplets of water glistening on their lush green leaves as the sun begins to set in the background. The surrounding area is quiet, and the soft light of the early evening casts a warm glow on the scene.",,7,1,entity,state,"entity - state (potted plants, watered)",Are the potted plants being watered? +74,"Four square potted plants, each nestled in vibrant yellow pots, are aligned neatly on a gray concrete surface outside. They are being gently watered, with droplets of water glistening on their lush green leaves as the sun begins to set in the background. The surrounding area is quiet, and the soft light of the early evening casts a warm glow on the scene.",,8,1,attribute,color,"attribute - color (leaves, lush green)",Are the leaves lush green? +74,"Four square potted plants, each nestled in vibrant yellow pots, are aligned neatly on a gray concrete surface outside. They are being gently watered, with droplets of water glistening on their lush green leaves as the sun begins to set in the background. The surrounding area is quiet, and the soft light of the early evening casts a warm glow on the scene.",,9,"1,5",relation,spatial,"relation - spatial (potted plants, concrete surface, on)",Are the potted plants on the concrete surface? +74,"Four square potted plants, each nestled in vibrant yellow pots, are aligned neatly on a gray concrete surface outside. They are being gently watered, with droplets of water glistening on their lush green leaves as the sun begins to set in the background. The surrounding area is quiet, and the soft light of the early evening casts a warm glow on the scene.",,10,"1,3",relation,spatial,"relation - spatial (potted plants, pots, nestled in)",Are the potted plants nestled in the pots? +39,"On a clear warm day, the sun radiates down on a sandy beach where a close-up of a wafer cone reveals chocolate ice cream beginning to melt down its textured sides. In the background, the sea glistens and reflects the sunlight, with gentle waves lapping at the shore. The ice cream's rich brown tones contrast sharply with the blue and turquoise hues of the ocean, creating a striking visual. Nearby, a few colorful beach umbrellas are dotted along the water's edge, offering shade to beachgoers.",,1,0,entity,whole,entity - whole (sun),Is there a sun? +39,"On a clear warm day, the sun radiates down on a sandy beach where a close-up of a wafer cone reveals chocolate ice cream beginning to melt down its textured sides. In the background, the sea glistens and reflects the sunlight, with gentle waves lapping at the shore. The ice cream's rich brown tones contrast sharply with the blue and turquoise hues of the ocean, creating a striking visual. Nearby, a few colorful beach umbrellas are dotted along the water's edge, offering shade to beachgoers.",,2,0,entity,whole,entity - whole (beach),Is there a beach? +39,"On a clear warm day, the sun radiates down on a sandy beach where a close-up of a wafer cone reveals chocolate ice cream beginning to melt down its textured sides. In the background, the sea glistens and reflects the sunlight, with gentle waves lapping at the shore. The ice cream's rich brown tones contrast sharply with the blue and turquoise hues of the ocean, creating a striking visual. Nearby, a few colorful beach umbrellas are dotted along the water's edge, offering shade to beachgoers.",,3,0,entity,whole,entity - whole (wafer cone),Is there a wafer cone? +39,"On a clear warm day, the sun radiates down on a sandy beach where a close-up of a wafer cone reveals chocolate ice cream beginning to melt down its textured sides. In the background, the sea glistens and reflects the sunlight, with gentle waves lapping at the shore. The ice cream's rich brown tones contrast sharply with the blue and turquoise hues of the ocean, creating a striking visual. Nearby, a few colorful beach umbrellas are dotted along the water's edge, offering shade to beachgoers.",,4,0,entity,whole,entity - whole (ice cream),Is there ice cream? +39,"On a clear warm day, the sun radiates down on a sandy beach where a close-up of a wafer cone reveals chocolate ice cream beginning to melt down its textured sides. In the background, the sea glistens and reflects the sunlight, with gentle waves lapping at the shore. The ice cream's rich brown tones contrast sharply with the blue and turquoise hues of the ocean, creating a striking visual. Nearby, a few colorful beach umbrellas are dotted along the water's edge, offering shade to beachgoers.",,5,0,entity,whole,entity - whole (sea),Is there a sea? +39,"On a clear warm day, the sun radiates down on a sandy beach where a close-up of a wafer cone reveals chocolate ice cream beginning to melt down its textured sides. In the background, the sea glistens and reflects the sunlight, with gentle waves lapping at the shore. The ice cream's rich brown tones contrast sharply with the blue and turquoise hues of the ocean, creating a striking visual. Nearby, a few colorful beach umbrellas are dotted along the water's edge, offering shade to beachgoers.",,6,3,attribute,texture,"attribute - texture (wafer cone, textured)",Does the wafer cone have textured sides? +39,"On a clear warm day, the sun radiates down on a sandy beach where a close-up of a wafer cone reveals chocolate ice cream beginning to melt down its textured sides. In the background, the sea glistens and reflects the sunlight, with gentle waves lapping at the shore. The ice cream's rich brown tones contrast sharply with the blue and turquoise hues of the ocean, creating a striking visual. Nearby, a few colorful beach umbrellas are dotted along the water's edge, offering shade to beachgoers.",,7,4,attribute,texture,"attribute - texture (ice cream, melting)",Is the ice cream melting? +39,"On a clear warm day, the sun radiates down on a sandy beach where a close-up of a wafer cone reveals chocolate ice cream beginning to melt down its textured sides. In the background, the sea glistens and reflects the sunlight, with gentle waves lapping at the shore. The ice cream's rich brown tones contrast sharply with the blue and turquoise hues of the ocean, creating a striking visual. Nearby, a few colorful beach umbrellas are dotted along the water's edge, offering shade to beachgoers.",,8,4,attribute,color,"attribute - color (ice cream, chocolate, rich brown)",Is the ice cream chocolate with rich brown tones? +39,"On a clear warm day, the sun radiates down on a sandy beach where a close-up of a wafer cone reveals chocolate ice cream beginning to melt down its textured sides. In the background, the sea glistens and reflects the sunlight, with gentle waves lapping at the shore. The ice cream's rich brown tones contrast sharply with the blue and turquoise hues of the ocean, creating a striking visual. Nearby, a few colorful beach umbrellas are dotted along the water's edge, offering shade to beachgoers.",,9,5,attribute,color,"attribute - color (sea, blue and turquoise)",Does the sea have blue and turquoise hues? +39,"On a clear warm day, the sun radiates down on a sandy beach where a close-up of a wafer cone reveals chocolate ice cream beginning to melt down its textured sides. In the background, the sea glistens and reflects the sunlight, with gentle waves lapping at the shore. The ice cream's rich brown tones contrast sharply with the blue and turquoise hues of the ocean, creating a striking visual. Nearby, a few colorful beach umbrellas are dotted along the water's edge, offering shade to beachgoers.",,10,0,entity,whole,entity - whole (beach umbrellas),Are there colorful beach umbrellas? +160,"As the sky transitions into hues of orange and purple during twilight, a sleek silver sailboat cuts through the calm waters. On the deck of the boat, a small makeshift kitchen setup can be seen, where someone is carefully preparing long, string-like noodles. The gleaming surface of the boat reflects the fading sunlight, and the gentle ripples on the water create a tranquil scene. Nearby, the silhouette of the coastline is just barely visible against the evening sky.",,1,0,entity,whole,entity - whole (sky),Is there a sky? +160,"As the sky transitions into hues of orange and purple during twilight, a sleek silver sailboat cuts through the calm waters. On the deck of the boat, a small makeshift kitchen setup can be seen, where someone is carefully preparing long, string-like noodles. The gleaming surface of the boat reflects the fading sunlight, and the gentle ripples on the water create a tranquil scene. Nearby, the silhouette of the coastline is just barely visible against the evening sky.",,2,0,entity,whole,entity - whole (sailboat),Is there a sailboat? +160,"As the sky transitions into hues of orange and purple during twilight, a sleek silver sailboat cuts through the calm waters. On the deck of the boat, a small makeshift kitchen setup can be seen, where someone is carefully preparing long, string-like noodles. The gleaming surface of the boat reflects the fading sunlight, and the gentle ripples on the water create a tranquil scene. Nearby, the silhouette of the coastline is just barely visible against the evening sky.",,3,0,entity,whole,entity - whole (waters),Are there waters? +160,"As the sky transitions into hues of orange and purple during twilight, a sleek silver sailboat cuts through the calm waters. On the deck of the boat, a small makeshift kitchen setup can be seen, where someone is carefully preparing long, string-like noodles. The gleaming surface of the boat reflects the fading sunlight, and the gentle ripples on the water create a tranquil scene. Nearby, the silhouette of the coastline is just barely visible against the evening sky.",,4,0,entity,whole,entity - whole (kitchen setup),Is there a kitchen setup? +160,"As the sky transitions into hues of orange and purple during twilight, a sleek silver sailboat cuts through the calm waters. On the deck of the boat, a small makeshift kitchen setup can be seen, where someone is carefully preparing long, string-like noodles. The gleaming surface of the boat reflects the fading sunlight, and the gentle ripples on the water create a tranquil scene. Nearby, the silhouette of the coastline is just barely visible against the evening sky.",,5,0,entity,whole,entity - whole (noodles),Are there noodles? +160,"As the sky transitions into hues of orange and purple during twilight, a sleek silver sailboat cuts through the calm waters. On the deck of the boat, a small makeshift kitchen setup can be seen, where someone is carefully preparing long, string-like noodles. The gleaming surface of the boat reflects the fading sunlight, and the gentle ripples on the water create a tranquil scene. Nearby, the silhouette of the coastline is just barely visible against the evening sky.",,6,0,entity,whole,entity - whole (sunlight),Is there sunlight? +160,"As the sky transitions into hues of orange and purple during twilight, a sleek silver sailboat cuts through the calm waters. On the deck of the boat, a small makeshift kitchen setup can be seen, where someone is carefully preparing long, string-like noodles. The gleaming surface of the boat reflects the fading sunlight, and the gentle ripples on the water create a tranquil scene. Nearby, the silhouette of the coastline is just barely visible against the evening sky.",,7,0,entity,whole,entity - whole (ripples),Are there ripples? +160,"As the sky transitions into hues of orange and purple during twilight, a sleek silver sailboat cuts through the calm waters. On the deck of the boat, a small makeshift kitchen setup can be seen, where someone is carefully preparing long, string-like noodles. The gleaming surface of the boat reflects the fading sunlight, and the gentle ripples on the water create a tranquil scene. Nearby, the silhouette of the coastline is just barely visible against the evening sky.",,8,0,entity,whole,entity - whole (coastline),Is there a coastline? +160,"As the sky transitions into hues of orange and purple during twilight, a sleek silver sailboat cuts through the calm waters. On the deck of the boat, a small makeshift kitchen setup can be seen, where someone is carefully preparing long, string-like noodles. The gleaming surface of the boat reflects the fading sunlight, and the gentle ripples on the water create a tranquil scene. Nearby, the silhouette of the coastline is just barely visible against the evening sky.",,9,1,attribute,color,"attribute - color (sky, orange)",Is the sky transitioning into hues of orange? +160,"As the sky transitions into hues of orange and purple during twilight, a sleek silver sailboat cuts through the calm waters. On the deck of the boat, a small makeshift kitchen setup can be seen, where someone is carefully preparing long, string-like noodles. The gleaming surface of the boat reflects the fading sunlight, and the gentle ripples on the water create a tranquil scene. Nearby, the silhouette of the coastline is just barely visible against the evening sky.",,10,1,attribute,color,"attribute - color (sky, purple)",Is the sky transitioning into hues of purple? +160,"As the sky transitions into hues of orange and purple during twilight, a sleek silver sailboat cuts through the calm waters. On the deck of the boat, a small makeshift kitchen setup can be seen, where someone is carefully preparing long, string-like noodles. The gleaming surface of the boat reflects the fading sunlight, and the gentle ripples on the water create a tranquil scene. Nearby, the silhouette of the coastline is just barely visible against the evening sky.",,11,2,attribute,color,"attribute - color (sailboat, silver)",Is the sailboat silver? +160,"As the sky transitions into hues of orange and purple during twilight, a sleek silver sailboat cuts through the calm waters. On the deck of the boat, a small makeshift kitchen setup can be seen, where someone is carefully preparing long, string-like noodles. The gleaming surface of the boat reflects the fading sunlight, and the gentle ripples on the water create a tranquil scene. Nearby, the silhouette of the coastline is just barely visible against the evening sky.",,12,4,attribute,size,"attribute - size (kitchen setup, small)",Is the kitchen setup small? +160,"As the sky transitions into hues of orange and purple during twilight, a sleek silver sailboat cuts through the calm waters. On the deck of the boat, a small makeshift kitchen setup can be seen, where someone is carefully preparing long, string-like noodles. The gleaming surface of the boat reflects the fading sunlight, and the gentle ripples on the water create a tranquil scene. Nearby, the silhouette of the coastline is just barely visible against the evening sky.",,13,5,attribute,size,"attribute - size (noodles, long)",Are the noodles long? +160,"As the sky transitions into hues of orange and purple during twilight, a sleek silver sailboat cuts through the calm waters. On the deck of the boat, a small makeshift kitchen setup can be seen, where someone is carefully preparing long, string-like noodles. The gleaming surface of the boat reflects the fading sunlight, and the gentle ripples on the water create a tranquil scene. Nearby, the silhouette of the coastline is just barely visible against the evening sky.",,14,5,attribute,texture,"attribute - texture (noodles, string-like)",Are the noodles string-like? +160,"As the sky transitions into hues of orange and purple during twilight, a sleek silver sailboat cuts through the calm waters. On the deck of the boat, a small makeshift kitchen setup can be seen, where someone is carefully preparing long, string-like noodles. The gleaming surface of the boat reflects the fading sunlight, and the gentle ripples on the water create a tranquil scene. Nearby, the silhouette of the coastline is just barely visible against the evening sky.",,15,"2,3",entity,state,"entity - state (sailboat, cuts through)",Is the sailboat cutting through something? +160,"As the sky transitions into hues of orange and purple during twilight, a sleek silver sailboat cuts through the calm waters. On the deck of the boat, a small makeshift kitchen setup can be seen, where someone is carefully preparing long, string-like noodles. The gleaming surface of the boat reflects the fading sunlight, and the gentle ripples on the water create a tranquil scene. Nearby, the silhouette of the coastline is just barely visible against the evening sky.",,16,4,entity,state,"entity - state (someone, preparing)",Is someone preparing something? +160,"As the sky transitions into hues of orange and purple during twilight, a sleek silver sailboat cuts through the calm waters. On the deck of the boat, a small makeshift kitchen setup can be seen, where someone is carefully preparing long, string-like noodles. The gleaming surface of the boat reflects the fading sunlight, and the gentle ripples on the water create a tranquil scene. Nearby, the silhouette of the coastline is just barely visible against the evening sky.",,17,"2,3",relation,spatial,"relation - spatial (sailboat, waters, on)",Is the sailboat on the waters? +160,"As the sky transitions into hues of orange and purple during twilight, a sleek silver sailboat cuts through the calm waters. On the deck of the boat, a small makeshift kitchen setup can be seen, where someone is carefully preparing long, string-like noodles. The gleaming surface of the boat reflects the fading sunlight, and the gentle ripples on the water create a tranquil scene. Nearby, the silhouette of the coastline is just barely visible against the evening sky.",,18,"2,4",relation,spatial,"relation - spatial (kitchen setup, deck of the boat, on)",Is the kitchen setup on the deck of the boat? +160,"As the sky transitions into hues of orange and purple during twilight, a sleek silver sailboat cuts through the calm waters. On the deck of the boat, a small makeshift kitchen setup can be seen, where someone is carefully preparing long, string-like noodles. The gleaming surface of the boat reflects the fading sunlight, and the gentle ripples on the water create a tranquil scene. Nearby, the silhouette of the coastline is just barely visible against the evening sky.",,19,8,relation,spatial,"relation - spatial (coastline, against the evening sky, barely visible)",Is the coastline barely visible against the evening sky? +160,"As the sky transitions into hues of orange and purple during twilight, a sleek silver sailboat cuts through the calm waters. On the deck of the boat, a small makeshift kitchen setup can be seen, where someone is carefully preparing long, string-like noodles. The gleaming surface of the boat reflects the fading sunlight, and the gentle ripples on the water create a tranquil scene. Nearby, the silhouette of the coastline is just barely visible against the evening sky.",,20,"2,6",relation,spatial,"relation - non-spatial (sunlight, boat, reflects)",Does the sunlight reflect off the boat? +160,"As the sky transitions into hues of orange and purple during twilight, a sleek silver sailboat cuts through the calm waters. On the deck of the boat, a small makeshift kitchen setup can be seen, where someone is carefully preparing long, string-like noodles. The gleaming surface of the boat reflects the fading sunlight, and the gentle ripples on the water create a tranquil scene. Nearby, the silhouette of the coastline is just barely visible against the evening sky.",,21,"3,7",relation,spatial,"relation - non-spatial (ripples, water, create)",Do the ripples on the water create a tranquil scene? +219,"A vibrant green calculator rests neatly beside a trio of pristine white board erasers, neatly organized on a spacious, uncluttered wooden desk surface. The desk's polished finish reflects the soft, ambient light of the room, highlighting the contrast between the calculator's buttons and its body. To the right of the calculator and erasers, there is ample space for writing materials or additional office supplies, suggesting an environment conducive to productivity and order.",,1,0,entity,whole,entity - whole (calculator),Is there a calculator? +219,"A vibrant green calculator rests neatly beside a trio of pristine white board erasers, neatly organized on a spacious, uncluttered wooden desk surface. The desk's polished finish reflects the soft, ambient light of the room, highlighting the contrast between the calculator's buttons and its body. To the right of the calculator and erasers, there is ample space for writing materials or additional office supplies, suggesting an environment conducive to productivity and order.",,2,0,entity,whole,entity - whole (board erasers),Are there board erasers? +219,"A vibrant green calculator rests neatly beside a trio of pristine white board erasers, neatly organized on a spacious, uncluttered wooden desk surface. The desk's polished finish reflects the soft, ambient light of the room, highlighting the contrast between the calculator's buttons and its body. To the right of the calculator and erasers, there is ample space for writing materials or additional office supplies, suggesting an environment conducive to productivity and order.",,3,0,entity,whole,entity - whole (desk),Is there a desk? +219,"A vibrant green calculator rests neatly beside a trio of pristine white board erasers, neatly organized on a spacious, uncluttered wooden desk surface. The desk's polished finish reflects the soft, ambient light of the room, highlighting the contrast between the calculator's buttons and its body. To the right of the calculator and erasers, there is ample space for writing materials or additional office supplies, suggesting an environment conducive to productivity and order.",,4,1,attribute,color,"attribute - color (calculator, vibrant green)",Is the calculator vibrant green? +219,"A vibrant green calculator rests neatly beside a trio of pristine white board erasers, neatly organized on a spacious, uncluttered wooden desk surface. The desk's polished finish reflects the soft, ambient light of the room, highlighting the contrast between the calculator's buttons and its body. To the right of the calculator and erasers, there is ample space for writing materials or additional office supplies, suggesting an environment conducive to productivity and order.",,5,2,attribute,color,"attribute - color (board erasers, pristine white)",Are the board erasers pristine white? +219,"A vibrant green calculator rests neatly beside a trio of pristine white board erasers, neatly organized on a spacious, uncluttered wooden desk surface. The desk's polished finish reflects the soft, ambient light of the room, highlighting the contrast between the calculator's buttons and its body. To the right of the calculator and erasers, there is ample space for writing materials or additional office supplies, suggesting an environment conducive to productivity and order.",,6,3,attribute,texture,"attribute - texture (desk, wooden)",Is the desk made of wood? +219,"A vibrant green calculator rests neatly beside a trio of pristine white board erasers, neatly organized on a spacious, uncluttered wooden desk surface. The desk's polished finish reflects the soft, ambient light of the room, highlighting the contrast between the calculator's buttons and its body. To the right of the calculator and erasers, there is ample space for writing materials or additional office supplies, suggesting an environment conducive to productivity and order.",,7,3,attribute,texture,"attribute - texture (desk, polished)",Is the desk's finish polished? +219,"A vibrant green calculator rests neatly beside a trio of pristine white board erasers, neatly organized on a spacious, uncluttered wooden desk surface. The desk's polished finish reflects the soft, ambient light of the room, highlighting the contrast between the calculator's buttons and its body. To the right of the calculator and erasers, there is ample space for writing materials or additional office supplies, suggesting an environment conducive to productivity and order.",,8,2,other,count,"other - count (board erasers, ==3)",Are there three board erasers? +219,"A vibrant green calculator rests neatly beside a trio of pristine white board erasers, neatly organized on a spacious, uncluttered wooden desk surface. The desk's polished finish reflects the soft, ambient light of the room, highlighting the contrast between the calculator's buttons and its body. To the right of the calculator and erasers, there is ample space for writing materials or additional office supplies, suggesting an environment conducive to productivity and order.",,9,1,entity,state,"entity - state (calculator, rest)",Is the calculator resting? +219,"A vibrant green calculator rests neatly beside a trio of pristine white board erasers, neatly organized on a spacious, uncluttered wooden desk surface. The desk's polished finish reflects the soft, ambient light of the room, highlighting the contrast between the calculator's buttons and its body. To the right of the calculator and erasers, there is ample space for writing materials or additional office supplies, suggesting an environment conducive to productivity and order.",,10,"1,3",relation,spatial,"relation - spatial (calculator, desk, on)",Is the calculator on the desk? +219,"A vibrant green calculator rests neatly beside a trio of pristine white board erasers, neatly organized on a spacious, uncluttered wooden desk surface. The desk's polished finish reflects the soft, ambient light of the room, highlighting the contrast between the calculator's buttons and its body. To the right of the calculator and erasers, there is ample space for writing materials or additional office supplies, suggesting an environment conducive to productivity and order.",,11,"2,3",relation,spatial,"relation - spatial (board erasers, desk, on)",Are the board erasers on the desk? +219,"A vibrant green calculator rests neatly beside a trio of pristine white board erasers, neatly organized on a spacious, uncluttered wooden desk surface. The desk's polished finish reflects the soft, ambient light of the room, highlighting the contrast between the calculator's buttons and its body. To the right of the calculator and erasers, there is ample space for writing materials or additional office supplies, suggesting an environment conducive to productivity and order.",,12,"1,2",relation,spatial,"relation - spatial (calculator, board erasers, beside)",Is the calculator beside the board erasers? +150,"In a dimly lit room during twilight, a sleek, white toothbrush with angular bristles rests against the curvature of a modern, black computer monitor. The soft glow of the screen illuminates the bristles, casting long shadows on the desk. Nearby, the monitor's base reflects a faint shimmer, hinting at the gradual transition from day to night outside the window.",,1,0,entity,whole,entity - whole (room),Is there a room? +150,"In a dimly lit room during twilight, a sleek, white toothbrush with angular bristles rests against the curvature of a modern, black computer monitor. The soft glow of the screen illuminates the bristles, casting long shadows on the desk. Nearby, the monitor's base reflects a faint shimmer, hinting at the gradual transition from day to night outside the window.",,2,0,entity,whole,entity - whole (toothbrush),Is there a toothbrush? +150,"In a dimly lit room during twilight, a sleek, white toothbrush with angular bristles rests against the curvature of a modern, black computer monitor. The soft glow of the screen illuminates the bristles, casting long shadows on the desk. Nearby, the monitor's base reflects a faint shimmer, hinting at the gradual transition from day to night outside the window.",,3,2,entity,whole,entity - whole (bristles),Are there bristles? +150,"In a dimly lit room during twilight, a sleek, white toothbrush with angular bristles rests against the curvature of a modern, black computer monitor. The soft glow of the screen illuminates the bristles, casting long shadows on the desk. Nearby, the monitor's base reflects a faint shimmer, hinting at the gradual transition from day to night outside the window.",,4,0,entity,whole,entity - whole (computer monitor),Is there a computer monitor? +150,"In a dimly lit room during twilight, a sleek, white toothbrush with angular bristles rests against the curvature of a modern, black computer monitor. The soft glow of the screen illuminates the bristles, casting long shadows on the desk. Nearby, the monitor's base reflects a faint shimmer, hinting at the gradual transition from day to night outside the window.",,5,4,entity,whole,entity - whole (screen),Is there a screen? +150,"In a dimly lit room during twilight, a sleek, white toothbrush with angular bristles rests against the curvature of a modern, black computer monitor. The soft glow of the screen illuminates the bristles, casting long shadows on the desk. Nearby, the monitor's base reflects a faint shimmer, hinting at the gradual transition from day to night outside the window.",,6,0,entity,whole,entity - whole (desk),Is there a desk? +150,"In a dimly lit room during twilight, a sleek, white toothbrush with angular bristles rests against the curvature of a modern, black computer monitor. The soft glow of the screen illuminates the bristles, casting long shadows on the desk. Nearby, the monitor's base reflects a faint shimmer, hinting at the gradual transition from day to night outside the window.",,7,4,entity,whole,entity - whole (monitor's base),Is there a base for the monitor? +150,"In a dimly lit room during twilight, a sleek, white toothbrush with angular bristles rests against the curvature of a modern, black computer monitor. The soft glow of the screen illuminates the bristles, casting long shadows on the desk. Nearby, the monitor's base reflects a faint shimmer, hinting at the gradual transition from day to night outside the window.",,8,0,entity,whole,entity - whole (window),Is there a window? +150,"In a dimly lit room during twilight, a sleek, white toothbrush with angular bristles rests against the curvature of a modern, black computer monitor. The soft glow of the screen illuminates the bristles, casting long shadows on the desk. Nearby, the monitor's base reflects a faint shimmer, hinting at the gradual transition from day to night outside the window.",,9,2,attribute,color,"attribute - color (toothbrush, white)",Is the toothbrush white? +150,"In a dimly lit room during twilight, a sleek, white toothbrush with angular bristles rests against the curvature of a modern, black computer monitor. The soft glow of the screen illuminates the bristles, casting long shadows on the desk. Nearby, the monitor's base reflects a faint shimmer, hinting at the gradual transition from day to night outside the window.",,10,4,attribute,color,"attribute - color (computer monitor, black)",Is the computer monitor black? +150,"In a dimly lit room during twilight, a sleek, white toothbrush with angular bristles rests against the curvature of a modern, black computer monitor. The soft glow of the screen illuminates the bristles, casting long shadows on the desk. Nearby, the monitor's base reflects a faint shimmer, hinting at the gradual transition from day to night outside the window.",,11,3,attribute,shape,"attribute - shape (bristles, angular)",Are the bristles angular? +150,"In a dimly lit room during twilight, a sleek, white toothbrush with angular bristles rests against the curvature of a modern, black computer monitor. The soft glow of the screen illuminates the bristles, casting long shadows on the desk. Nearby, the monitor's base reflects a faint shimmer, hinting at the gradual transition from day to night outside the window.",,12,4,attribute,shape,"attribute - shape (computer monitor, curvature)",Does the computer monitor have a curvature? +150,"In a dimly lit room during twilight, a sleek, white toothbrush with angular bristles rests against the curvature of a modern, black computer monitor. The soft glow of the screen illuminates the bristles, casting long shadows on the desk. Nearby, the monitor's base reflects a faint shimmer, hinting at the gradual transition from day to night outside the window.",,13,5,attribute,texture,"attribute - texture (screen, soft glow)",Does the screen have a soft glow? +150,"In a dimly lit room during twilight, a sleek, white toothbrush with angular bristles rests against the curvature of a modern, black computer monitor. The soft glow of the screen illuminates the bristles, casting long shadows on the desk. Nearby, the monitor's base reflects a faint shimmer, hinting at the gradual transition from day to night outside the window.",,14,"2,4",relation,spatial,"relation - spatial (toothbrush, computer monitor, against)",Is the toothbrush resting against the computer monitor? +150,"In a dimly lit room during twilight, a sleek, white toothbrush with angular bristles rests against the curvature of a modern, black computer monitor. The soft glow of the screen illuminates the bristles, casting long shadows on the desk. Nearby, the monitor's base reflects a faint shimmer, hinting at the gradual transition from day to night outside the window.",,15,"3,5",relation,non-spatial,"relation - non-spatial (bristles, screen, illuminates)",Do the bristles illuminate by the screen? +150,"In a dimly lit room during twilight, a sleek, white toothbrush with angular bristles rests against the curvature of a modern, black computer monitor. The soft glow of the screen illuminates the bristles, casting long shadows on the desk. Nearby, the monitor's base reflects a faint shimmer, hinting at the gradual transition from day to night outside the window.",,16,6,relation,spatial,"relation - spatial (long shadows, desk, on)",Are there long shadows on the desk? +150,"In a dimly lit room during twilight, a sleek, white toothbrush with angular bristles rests against the curvature of a modern, black computer monitor. The soft glow of the screen illuminates the bristles, casting long shadows on the desk. Nearby, the monitor's base reflects a faint shimmer, hinting at the gradual transition from day to night outside the window.",,17,7,relation,non-spatial,"relation - non-spatial (monitor's base, shimmer, reflects)",Does the monitor's base reflect a shimmer? +150,"In a dimly lit room during twilight, a sleek, white toothbrush with angular bristles rests against the curvature of a modern, black computer monitor. The soft glow of the screen illuminates the bristles, casting long shadows on the desk. Nearby, the monitor's base reflects a faint shimmer, hinting at the gradual transition from day to night outside the window.",,18,1,entity,state,"entity - state (room, dimly lit)",Is the room dimly lit? +150,"In a dimly lit room during twilight, a sleek, white toothbrush with angular bristles rests against the curvature of a modern, black computer monitor. The soft glow of the screen illuminates the bristles, casting long shadows on the desk. Nearby, the monitor's base reflects a faint shimmer, hinting at the gradual transition from day to night outside the window.",,19,8,entity,state,"entity - state (twilight, outside, transition from day to night)",Is there a transition from day to night outside during twilight? +120,"In an otherwise silent room, the melodic rhythm of a recorder being played gently reverberates throughout the space. A single lantern with a hexagonal frame and intricate metalwork sits nearby, emitting a soft, warm light that flickers subtly, illuminating the immediate vicinity. The walls, which are painted a muted cream color, catch the lantern's glow, creating a cozy ambiance around the musician.",,1,0,entity,whole,entity - whole (room),Is there a room? +120,"In an otherwise silent room, the melodic rhythm of a recorder being played gently reverberates throughout the space. A single lantern with a hexagonal frame and intricate metalwork sits nearby, emitting a soft, warm light that flickers subtly, illuminating the immediate vicinity. The walls, which are painted a muted cream color, catch the lantern's glow, creating a cozy ambiance around the musician.",,2,0,entity,whole,entity - whole (recorder),Is there a recorder? +120,"In an otherwise silent room, the melodic rhythm of a recorder being played gently reverberates throughout the space. A single lantern with a hexagonal frame and intricate metalwork sits nearby, emitting a soft, warm light that flickers subtly, illuminating the immediate vicinity. The walls, which are painted a muted cream color, catch the lantern's glow, creating a cozy ambiance around the musician.",,3,0,entity,whole,entity - whole (lantern),Is there a lantern? +120,"In an otherwise silent room, the melodic rhythm of a recorder being played gently reverberates throughout the space. A single lantern with a hexagonal frame and intricate metalwork sits nearby, emitting a soft, warm light that flickers subtly, illuminating the immediate vicinity. The walls, which are painted a muted cream color, catch the lantern's glow, creating a cozy ambiance around the musician.",,4,0,entity,whole,entity - whole (musician),Is there a musician? +120,"In an otherwise silent room, the melodic rhythm of a recorder being played gently reverberates throughout the space. A single lantern with a hexagonal frame and intricate metalwork sits nearby, emitting a soft, warm light that flickers subtly, illuminating the immediate vicinity. The walls, which are painted a muted cream color, catch the lantern's glow, creating a cozy ambiance around the musician.",,5,1,attribute,color,"attribute - color (walls, muted cream)",Are the walls painted a muted cream color? +120,"In an otherwise silent room, the melodic rhythm of a recorder being played gently reverberates throughout the space. A single lantern with a hexagonal frame and intricate metalwork sits nearby, emitting a soft, warm light that flickers subtly, illuminating the immediate vicinity. The walls, which are painted a muted cream color, catch the lantern's glow, creating a cozy ambiance around the musician.",,6,3,attribute,texture,"attribute - texture (lantern, intricate metalwork)",Does the lantern have intricate metalwork? +120,"In an otherwise silent room, the melodic rhythm of a recorder being played gently reverberates throughout the space. A single lantern with a hexagonal frame and intricate metalwork sits nearby, emitting a soft, warm light that flickers subtly, illuminating the immediate vicinity. The walls, which are painted a muted cream color, catch the lantern's glow, creating a cozy ambiance around the musician.",,7,3,attribute,shape,"attribute - shape (lantern, hexagonal frame)",Does the lantern have a hexagonal frame? +120,"In an otherwise silent room, the melodic rhythm of a recorder being played gently reverberates throughout the space. A single lantern with a hexagonal frame and intricate metalwork sits nearby, emitting a soft, warm light that flickers subtly, illuminating the immediate vicinity. The walls, which are painted a muted cream color, catch the lantern's glow, creating a cozy ambiance around the musician.",,8,2,entity,state,"entity - state (recorder, played gently)",Is the recorder being played gently? +120,"In an otherwise silent room, the melodic rhythm of a recorder being played gently reverberates throughout the space. A single lantern with a hexagonal frame and intricate metalwork sits nearby, emitting a soft, warm light that flickers subtly, illuminating the immediate vicinity. The walls, which are painted a muted cream color, catch the lantern's glow, creating a cozy ambiance around the musician.",,9,3,entity,state,"entity - state (lantern, emitting soft warm light)","Is the lantern emitting a soft, warm light?" +120,"In an otherwise silent room, the melodic rhythm of a recorder being played gently reverberates throughout the space. A single lantern with a hexagonal frame and intricate metalwork sits nearby, emitting a soft, warm light that flickers subtly, illuminating the immediate vicinity. The walls, which are painted a muted cream color, catch the lantern's glow, creating a cozy ambiance around the musician.",,10,"3,4",relation,spatial,"relation - spatial (lantern, musician, nearby)",Is the lantern nearby the musician? +194,"At a playground, there are two colorful plushie toys, fashioned to resemble cheerful little characters, securely riding on the backs of small mechanical sheep. These sheep are on a circular track, endlessly circling beneath the warm glow of an orange sunset that blankets the sky. The surrounding play area is dotted with other equipment, but these plushie toys, with their exaggerated smiles and bright button eyes, stand out against the fading daylight.",,1,0,entity,whole,entity - whole (playground),Is there a playground? +194,"At a playground, there are two colorful plushie toys, fashioned to resemble cheerful little characters, securely riding on the backs of small mechanical sheep. These sheep are on a circular track, endlessly circling beneath the warm glow of an orange sunset that blankets the sky. The surrounding play area is dotted with other equipment, but these plushie toys, with their exaggerated smiles and bright button eyes, stand out against the fading daylight.",,2,0,entity,whole,entity - whole (plushie toys),Are there plushie toys? +194,"At a playground, there are two colorful plushie toys, fashioned to resemble cheerful little characters, securely riding on the backs of small mechanical sheep. These sheep are on a circular track, endlessly circling beneath the warm glow of an orange sunset that blankets the sky. The surrounding play area is dotted with other equipment, but these plushie toys, with their exaggerated smiles and bright button eyes, stand out against the fading daylight.",,3,2,other,count,"other - count (plushie toys, ==2)",Are there two plushie toys? +194,"At a playground, there are two colorful plushie toys, fashioned to resemble cheerful little characters, securely riding on the backs of small mechanical sheep. These sheep are on a circular track, endlessly circling beneath the warm glow of an orange sunset that blankets the sky. The surrounding play area is dotted with other equipment, but these plushie toys, with their exaggerated smiles and bright button eyes, stand out against the fading daylight.",,4,0,entity,whole,entity - whole (mechanical sheep),Are there mechanical sheep? +194,"At a playground, there are two colorful plushie toys, fashioned to resemble cheerful little characters, securely riding on the backs of small mechanical sheep. These sheep are on a circular track, endlessly circling beneath the warm glow of an orange sunset that blankets the sky. The surrounding play area is dotted with other equipment, but these plushie toys, with their exaggerated smiles and bright button eyes, stand out against the fading daylight.",,5,0,entity,whole,entity - whole (track),Is there a track? +194,"At a playground, there are two colorful plushie toys, fashioned to resemble cheerful little characters, securely riding on the backs of small mechanical sheep. These sheep are on a circular track, endlessly circling beneath the warm glow of an orange sunset that blankets the sky. The surrounding play area is dotted with other equipment, but these plushie toys, with their exaggerated smiles and bright button eyes, stand out against the fading daylight.",,6,0,entity,whole,entity - whole (sunset),Is there a sunset? +194,"At a playground, there are two colorful plushie toys, fashioned to resemble cheerful little characters, securely riding on the backs of small mechanical sheep. These sheep are on a circular track, endlessly circling beneath the warm glow of an orange sunset that blankets the sky. The surrounding play area is dotted with other equipment, but these plushie toys, with their exaggerated smiles and bright button eyes, stand out against the fading daylight.",,7,0,entity,whole,entity - whole (play equipment),Is there play equipment? +194,"At a playground, there are two colorful plushie toys, fashioned to resemble cheerful little characters, securely riding on the backs of small mechanical sheep. These sheep are on a circular track, endlessly circling beneath the warm glow of an orange sunset that blankets the sky. The surrounding play area is dotted with other equipment, but these plushie toys, with their exaggerated smiles and bright button eyes, stand out against the fading daylight.",,8,6,attribute,color,"attribute - color (sunset, orange)",Is the sunset orange? +194,"At a playground, there are two colorful plushie toys, fashioned to resemble cheerful little characters, securely riding on the backs of small mechanical sheep. These sheep are on a circular track, endlessly circling beneath the warm glow of an orange sunset that blankets the sky. The surrounding play area is dotted with other equipment, but these plushie toys, with their exaggerated smiles and bright button eyes, stand out against the fading daylight.",,9,5,attribute,other,"attribute - other (track, circular)",Is the track circular? +194,"At a playground, there are two colorful plushie toys, fashioned to resemble cheerful little characters, securely riding on the backs of small mechanical sheep. These sheep are on a circular track, endlessly circling beneath the warm glow of an orange sunset that blankets the sky. The surrounding play area is dotted with other equipment, but these plushie toys, with their exaggerated smiles and bright button eyes, stand out against the fading daylight.",,10,"4,5",relation,spatial,"relation - spatial (mechanical sheep, track, on)",Are the mechanical sheep on the track? +267,"A vintage rectangular carriage, with intricate metalwork and wooden panels, occupies the foreground, resting on the uneven cobblestone street. Above it, the sky is overcast with dark, billowing clouds that seem to loom ominously. Nearby, a sleek, rounded hoverboard with a glossy finish gracefully glides in circles around the carriage, its futuristic design contrasting sharply with the historical vehicle.",,1,0,entity,whole,entity - whole (carriage),Is there a carriage? +267,"A vintage rectangular carriage, with intricate metalwork and wooden panels, occupies the foreground, resting on the uneven cobblestone street. Above it, the sky is overcast with dark, billowing clouds that seem to loom ominously. Nearby, a sleek, rounded hoverboard with a glossy finish gracefully glides in circles around the carriage, its futuristic design contrasting sharply with the historical vehicle.",,2,1,entity,whole,entity - whole (metalwork),Is there intricate metalwork? +267,"A vintage rectangular carriage, with intricate metalwork and wooden panels, occupies the foreground, resting on the uneven cobblestone street. Above it, the sky is overcast with dark, billowing clouds that seem to loom ominously. Nearby, a sleek, rounded hoverboard with a glossy finish gracefully glides in circles around the carriage, its futuristic design contrasting sharply with the historical vehicle.",,3,1,entity,whole,entity - whole (wooden panels),Are there wooden panels? +267,"A vintage rectangular carriage, with intricate metalwork and wooden panels, occupies the foreground, resting on the uneven cobblestone street. Above it, the sky is overcast with dark, billowing clouds that seem to loom ominously. Nearby, a sleek, rounded hoverboard with a glossy finish gracefully glides in circles around the carriage, its futuristic design contrasting sharply with the historical vehicle.",,4,0,entity,whole,entity - whole (street),Is there a street? +267,"A vintage rectangular carriage, with intricate metalwork and wooden panels, occupies the foreground, resting on the uneven cobblestone street. Above it, the sky is overcast with dark, billowing clouds that seem to loom ominously. Nearby, a sleek, rounded hoverboard with a glossy finish gracefully glides in circles around the carriage, its futuristic design contrasting sharply with the historical vehicle.",,5,0,entity,whole,entity - whole (hoverboard),Is there a hoverboard? +267,"A vintage rectangular carriage, with intricate metalwork and wooden panels, occupies the foreground, resting on the uneven cobblestone street. Above it, the sky is overcast with dark, billowing clouds that seem to loom ominously. Nearby, a sleek, rounded hoverboard with a glossy finish gracefully glides in circles around the carriage, its futuristic design contrasting sharply with the historical vehicle.",,6,1,attribute,shape,"attribute - shape (carriage, rectangular)",Is the carriage rectangular? +267,"A vintage rectangular carriage, with intricate metalwork and wooden panels, occupies the foreground, resting on the uneven cobblestone street. Above it, the sky is overcast with dark, billowing clouds that seem to loom ominously. Nearby, a sleek, rounded hoverboard with a glossy finish gracefully glides in circles around the carriage, its futuristic design contrasting sharply with the historical vehicle.",,7,4,attribute,texture,"attribute - texture (street, cobblestone)",Is the street made of cobblestone? +267,"A vintage rectangular carriage, with intricate metalwork and wooden panels, occupies the foreground, resting on the uneven cobblestone street. Above it, the sky is overcast with dark, billowing clouds that seem to loom ominously. Nearby, a sleek, rounded hoverboard with a glossy finish gracefully glides in circles around the carriage, its futuristic design contrasting sharply with the historical vehicle.",,8,5,attribute,texture,"attribute - texture (hoverboard, glossy)",Does the hoverboard have a glossy finish? +267,"A vintage rectangular carriage, with intricate metalwork and wooden panels, occupies the foreground, resting on the uneven cobblestone street. Above it, the sky is overcast with dark, billowing clouds that seem to loom ominously. Nearby, a sleek, rounded hoverboard with a glossy finish gracefully glides in circles around the carriage, its futuristic design contrasting sharply with the historical vehicle.",,9,"1,4",relation,spatial,"relation - spatial (carriage, street, on)",Is the carriage on the street? +267,"A vintage rectangular carriage, with intricate metalwork and wooden panels, occupies the foreground, resting on the uneven cobblestone street. Above it, the sky is overcast with dark, billowing clouds that seem to loom ominously. Nearby, a sleek, rounded hoverboard with a glossy finish gracefully glides in circles around the carriage, its futuristic design contrasting sharply with the historical vehicle.",,10,"5,1",relation,spatial,"relation - spatial (hoverboard, carriage, around)",Is the hoverboard gliding in circles around the carriage? +212,"In a spacious room, an ornate vintage clock with a large, circular face and roman numerals stands prominently against a pastel-colored wall, its intricate hands pointing to the time. Beside it, a small, oval-shaped mirror with an elegant antique frame hangs neatly, reflecting a portion of the room's interior. The contrast in size between the commanding presence of the clock and the modest mirror creates a unique focal point in the space.",,1,0,entity,whole,entity - whole (room),Is there a room? +212,"In a spacious room, an ornate vintage clock with a large, circular face and roman numerals stands prominently against a pastel-colored wall, its intricate hands pointing to the time. Beside it, a small, oval-shaped mirror with an elegant antique frame hangs neatly, reflecting a portion of the room's interior. The contrast in size between the commanding presence of the clock and the modest mirror creates a unique focal point in the space.",,2,0,entity,whole,entity - whole (clock),Is there a clock? +212,"In a spacious room, an ornate vintage clock with a large, circular face and roman numerals stands prominently against a pastel-colored wall, its intricate hands pointing to the time. Beside it, a small, oval-shaped mirror with an elegant antique frame hangs neatly, reflecting a portion of the room's interior. The contrast in size between the commanding presence of the clock and the modest mirror creates a unique focal point in the space.",,3,0,entity,whole,entity - whole (wall),Is there a wall? +212,"In a spacious room, an ornate vintage clock with a large, circular face and roman numerals stands prominently against a pastel-colored wall, its intricate hands pointing to the time. Beside it, a small, oval-shaped mirror with an elegant antique frame hangs neatly, reflecting a portion of the room's interior. The contrast in size between the commanding presence of the clock and the modest mirror creates a unique focal point in the space.",,4,0,entity,whole,entity - whole (mirror),Is there a mirror? +212,"In a spacious room, an ornate vintage clock with a large, circular face and roman numerals stands prominently against a pastel-colored wall, its intricate hands pointing to the time. Beside it, a small, oval-shaped mirror with an elegant antique frame hangs neatly, reflecting a portion of the room's interior. The contrast in size between the commanding presence of the clock and the modest mirror creates a unique focal point in the space.",,5,1,attribute,size,"attribute - size (room, spacious)",Is the room spacious? +212,"In a spacious room, an ornate vintage clock with a large, circular face and roman numerals stands prominently against a pastel-colored wall, its intricate hands pointing to the time. Beside it, a small, oval-shaped mirror with an elegant antique frame hangs neatly, reflecting a portion of the room's interior. The contrast in size between the commanding presence of the clock and the modest mirror creates a unique focal point in the space.",,6,2,attribute,shape,"attribute - shape (clock's face, circular)","Does the clock have a large, circular face?" +212,"In a spacious room, an ornate vintage clock with a large, circular face and roman numerals stands prominently against a pastel-colored wall, its intricate hands pointing to the time. Beside it, a small, oval-shaped mirror with an elegant antique frame hangs neatly, reflecting a portion of the room's interior. The contrast in size between the commanding presence of the clock and the modest mirror creates a unique focal point in the space.",,7,4,attribute,shape,"attribute - shape (mirror, oval-shaped)",Is the mirror oval-shaped? +212,"In a spacious room, an ornate vintage clock with a large, circular face and roman numerals stands prominently against a pastel-colored wall, its intricate hands pointing to the time. Beside it, a small, oval-shaped mirror with an elegant antique frame hangs neatly, reflecting a portion of the room's interior. The contrast in size between the commanding presence of the clock and the modest mirror creates a unique focal point in the space.",,8,3,attribute,color,"attribute - color (wall, pastel-colored)",Is the wall pastel-colored? +212,"In a spacious room, an ornate vintage clock with a large, circular face and roman numerals stands prominently against a pastel-colored wall, its intricate hands pointing to the time. Beside it, a small, oval-shaped mirror with an elegant antique frame hangs neatly, reflecting a portion of the room's interior. The contrast in size between the commanding presence of the clock and the modest mirror creates a unique focal point in the space.",,9,2,attribute,other,"attribute - other (clock, vintage)",Is the clock vintage? +212,"In a spacious room, an ornate vintage clock with a large, circular face and roman numerals stands prominently against a pastel-colored wall, its intricate hands pointing to the time. Beside it, a small, oval-shaped mirror with an elegant antique frame hangs neatly, reflecting a portion of the room's interior. The contrast in size between the commanding presence of the clock and the modest mirror creates a unique focal point in the space.",,10,2,attribute,other,"attribute - other (clock, ornate)",Is the clock ornate? +212,"In a spacious room, an ornate vintage clock with a large, circular face and roman numerals stands prominently against a pastel-colored wall, its intricate hands pointing to the time. Beside it, a small, oval-shaped mirror with an elegant antique frame hangs neatly, reflecting a portion of the room's interior. The contrast in size between the commanding presence of the clock and the modest mirror creates a unique focal point in the space.",,11,4,attribute,other,"attribute - other (mirror, antique frame)",Does the mirror have an elegant antique frame? +212,"In a spacious room, an ornate vintage clock with a large, circular face and roman numerals stands prominently against a pastel-colored wall, its intricate hands pointing to the time. Beside it, a small, oval-shaped mirror with an elegant antique frame hangs neatly, reflecting a portion of the room's interior. The contrast in size between the commanding presence of the clock and the modest mirror creates a unique focal point in the space.",,12,"2,3",relation,spatial,"relation - spatial (clock, wall, against)",Is the clock against the wall? +212,"In a spacious room, an ornate vintage clock with a large, circular face and roman numerals stands prominently against a pastel-colored wall, its intricate hands pointing to the time. Beside it, a small, oval-shaped mirror with an elegant antique frame hangs neatly, reflecting a portion of the room's interior. The contrast in size between the commanding presence of the clock and the modest mirror creates a unique focal point in the space.",,13,"4,3",relation,spatial,"relation - spatial (mirror, wall, hangs on)",Does the mirror hang on the wall? +212,"In a spacious room, an ornate vintage clock with a large, circular face and roman numerals stands prominently against a pastel-colored wall, its intricate hands pointing to the time. Beside it, a small, oval-shaped mirror with an elegant antique frame hangs neatly, reflecting a portion of the room's interior. The contrast in size between the commanding presence of the clock and the modest mirror creates a unique focal point in the space.",,14,"2,4",relation,spatial,"relation - non-spatial (clock, mirror, size contrast)",Is there a size contrast between the clock and the mirror? +212,"In a spacious room, an ornate vintage clock with a large, circular face and roman numerals stands prominently against a pastel-colored wall, its intricate hands pointing to the time. Beside it, a small, oval-shaped mirror with an elegant antique frame hangs neatly, reflecting a portion of the room's interior. The contrast in size between the commanding presence of the clock and the modest mirror creates a unique focal point in the space.",,15,2,entity,state,"entity - state (clock, time, pointing to)",Are the clock's hands pointing to the time? +212,"In a spacious room, an ornate vintage clock with a large, circular face and roman numerals stands prominently against a pastel-colored wall, its intricate hands pointing to the time. Beside it, a small, oval-shaped mirror with an elegant antique frame hangs neatly, reflecting a portion of the room's interior. The contrast in size between the commanding presence of the clock and the modest mirror creates a unique focal point in the space.",,16,"4,1",relation,non-spatial,"relation - non-spatial (mirror, room, reflecting a portion of)",Is the mirror reflecting a portion of the room's interior? +52,"Three juicy, vibrant red strawberries, each dotted with tiny yellow seeds, lying in contrast against a pristine white ceramic plate. The berries are clustered closely together, positioned near the center of the smooth, reflective surface. The glossy texture of the fruit is highlighted by the bright natural light illuminating the clean, simplistic setup.",,1,0,entity,whole,entity - whole (strawberries),Are there strawberries? +52,"Three juicy, vibrant red strawberries, each dotted with tiny yellow seeds, lying in contrast against a pristine white ceramic plate. The berries are clustered closely together, positioned near the center of the smooth, reflective surface. The glossy texture of the fruit is highlighted by the bright natural light illuminating the clean, simplistic setup.",,2,1,other,count,"other - count (strawberries, ==3)",Are there three strawberries? +52,"Three juicy, vibrant red strawberries, each dotted with tiny yellow seeds, lying in contrast against a pristine white ceramic plate. The berries are clustered closely together, positioned near the center of the smooth, reflective surface. The glossy texture of the fruit is highlighted by the bright natural light illuminating the clean, simplistic setup.",,3,0,entity,whole,entity - whole (plate),Is there a plate? +52,"Three juicy, vibrant red strawberries, each dotted with tiny yellow seeds, lying in contrast against a pristine white ceramic plate. The berries are clustered closely together, positioned near the center of the smooth, reflective surface. The glossy texture of the fruit is highlighted by the bright natural light illuminating the clean, simplistic setup.",,4,1,attribute,color,"attribute - color (strawberries, red)",Are the strawberries vibrant red? +52,"Three juicy, vibrant red strawberries, each dotted with tiny yellow seeds, lying in contrast against a pristine white ceramic plate. The berries are clustered closely together, positioned near the center of the smooth, reflective surface. The glossy texture of the fruit is highlighted by the bright natural light illuminating the clean, simplistic setup.",,5,1,attribute,color,"attribute - color (seeds, yellow)",Are the seeds yellow? +52,"Three juicy, vibrant red strawberries, each dotted with tiny yellow seeds, lying in contrast against a pristine white ceramic plate. The berries are clustered closely together, positioned near the center of the smooth, reflective surface. The glossy texture of the fruit is highlighted by the bright natural light illuminating the clean, simplistic setup.",,6,3,attribute,color,"attribute - color (plate, white)",Is the plate white? +52,"Three juicy, vibrant red strawberries, each dotted with tiny yellow seeds, lying in contrast against a pristine white ceramic plate. The berries are clustered closely together, positioned near the center of the smooth, reflective surface. The glossy texture of the fruit is highlighted by the bright natural light illuminating the clean, simplistic setup.",,7,3,attribute,texture,"attribute - texture (plate, ceramic)",Is the plate made of ceramic? +52,"Three juicy, vibrant red strawberries, each dotted with tiny yellow seeds, lying in contrast against a pristine white ceramic plate. The berries are clustered closely together, positioned near the center of the smooth, reflective surface. The glossy texture of the fruit is highlighted by the bright natural light illuminating the clean, simplistic setup.",,8,1,attribute,texture,"attribute - texture (strawberries, glossy)",Do the strawberries have a glossy texture? +52,"Three juicy, vibrant red strawberries, each dotted with tiny yellow seeds, lying in contrast against a pristine white ceramic plate. The berries are clustered closely together, positioned near the center of the smooth, reflective surface. The glossy texture of the fruit is highlighted by the bright natural light illuminating the clean, simplistic setup.",,9,"1,3",relation,spatial,"relation - spatial (strawberries, plate, on)",Are the strawberries on the plate? +52,"Three juicy, vibrant red strawberries, each dotted with tiny yellow seeds, lying in contrast against a pristine white ceramic plate. The berries are clustered closely together, positioned near the center of the smooth, reflective surface. The glossy texture of the fruit is highlighted by the bright natural light illuminating the clean, simplistic setup.",,10,"1,3",relation,spatial,"relation - spatial (strawberries, center of plate, near)",Are the strawberries positioned near the center of the plate? +110,"A single, long green onion with its pristine white root end and vibrant green top stands upright in a tall, thin, clear glass vase. The delicate onion contrasts with the smooth and solid form of the vase which rests upon the speckled granite kitchen countertop. The morning light filters through a nearby window, bathing the onion and vase in a gentle, diffused glow that highlights their subtle textures and colors.",,1,0,entity,whole,entity - whole (green onion),Is there a green onion? +110,"A single, long green onion with its pristine white root end and vibrant green top stands upright in a tall, thin, clear glass vase. The delicate onion contrasts with the smooth and solid form of the vase which rests upon the speckled granite kitchen countertop. The morning light filters through a nearby window, bathing the onion and vase in a gentle, diffused glow that highlights their subtle textures and colors.",,2,1,entity,whole,entity - whole (root end),Is there a root end? +110,"A single, long green onion with its pristine white root end and vibrant green top stands upright in a tall, thin, clear glass vase. The delicate onion contrasts with the smooth and solid form of the vase which rests upon the speckled granite kitchen countertop. The morning light filters through a nearby window, bathing the onion and vase in a gentle, diffused glow that highlights their subtle textures and colors.",,3,1,entity,whole,entity - whole (top),Is there a top? +110,"A single, long green onion with its pristine white root end and vibrant green top stands upright in a tall, thin, clear glass vase. The delicate onion contrasts with the smooth and solid form of the vase which rests upon the speckled granite kitchen countertop. The morning light filters through a nearby window, bathing the onion and vase in a gentle, diffused glow that highlights their subtle textures and colors.",,4,0,entity,whole,entity - whole (vase),Is there a vase? +110,"A single, long green onion with its pristine white root end and vibrant green top stands upright in a tall, thin, clear glass vase. The delicate onion contrasts with the smooth and solid form of the vase which rests upon the speckled granite kitchen countertop. The morning light filters through a nearby window, bathing the onion and vase in a gentle, diffused glow that highlights their subtle textures and colors.",,5,0,entity,whole,entity - whole (countertop),Is there a countertop? +110,"A single, long green onion with its pristine white root end and vibrant green top stands upright in a tall, thin, clear glass vase. The delicate onion contrasts with the smooth and solid form of the vase which rests upon the speckled granite kitchen countertop. The morning light filters through a nearby window, bathing the onion and vase in a gentle, diffused glow that highlights their subtle textures and colors.",,6,2,attribute,color,"attribute - color (root end, white)",Is the root end of the green onion white? +110,"A single, long green onion with its pristine white root end and vibrant green top stands upright in a tall, thin, clear glass vase. The delicate onion contrasts with the smooth and solid form of the vase which rests upon the speckled granite kitchen countertop. The morning light filters through a nearby window, bathing the onion and vase in a gentle, diffused glow that highlights their subtle textures and colors.",,7,3,attribute,color,"attribute - color (top, vibrant green)",Is the top of the green onion vibrant green? +110,"A single, long green onion with its pristine white root end and vibrant green top stands upright in a tall, thin, clear glass vase. The delicate onion contrasts with the smooth and solid form of the vase which rests upon the speckled granite kitchen countertop. The morning light filters through a nearby window, bathing the onion and vase in a gentle, diffused glow that highlights their subtle textures and colors.",,8,4,attribute,texture,"attribute - texture (vase, clear glass)",Is the vase made of clear glass? +110,"A single, long green onion with its pristine white root end and vibrant green top stands upright in a tall, thin, clear glass vase. The delicate onion contrasts with the smooth and solid form of the vase which rests upon the speckled granite kitchen countertop. The morning light filters through a nearby window, bathing the onion and vase in a gentle, diffused glow that highlights their subtle textures and colors.",,9,5,attribute,texture,"attribute - texture (countertop, speckled granite)",Is the countertop made of speckled granite? +110,"A single, long green onion with its pristine white root end and vibrant green top stands upright in a tall, thin, clear glass vase. The delicate onion contrasts with the smooth and solid form of the vase which rests upon the speckled granite kitchen countertop. The morning light filters through a nearby window, bathing the onion and vase in a gentle, diffused glow that highlights their subtle textures and colors.",,10,"4,5",relation,spatial,"relation - spatial (vase, countertop, upon)",Is the vase resting upon the countertop? +14,"Three vibrant green lettuce leaves gently float on the surface of crystal-clear water in a shallow white porcelain basin. The sunlight catches the delicate veins of the leaves, highlighting their fresh, crisp texture. Nearby, tiny air bubbles cling to the edges of the leaves and the smooth inner surface of the basin.",,1,0,entity,whole,entity - whole (lettuce leaves),Are there lettuce leaves? +14,"Three vibrant green lettuce leaves gently float on the surface of crystal-clear water in a shallow white porcelain basin. The sunlight catches the delicate veins of the leaves, highlighting their fresh, crisp texture. Nearby, tiny air bubbles cling to the edges of the leaves and the smooth inner surface of the basin.",,2,1,other,count,"other - count (lettuce leaves, ==3)",Are there three lettuce leaves? +14,"Three vibrant green lettuce leaves gently float on the surface of crystal-clear water in a shallow white porcelain basin. The sunlight catches the delicate veins of the leaves, highlighting their fresh, crisp texture. Nearby, tiny air bubbles cling to the edges of the leaves and the smooth inner surface of the basin.",,3,0,entity,whole,entity - whole (water),Is there water? +14,"Three vibrant green lettuce leaves gently float on the surface of crystal-clear water in a shallow white porcelain basin. The sunlight catches the delicate veins of the leaves, highlighting their fresh, crisp texture. Nearby, tiny air bubbles cling to the edges of the leaves and the smooth inner surface of the basin.",,4,0,entity,whole,entity - whole (basin),Is there a basin? +14,"Three vibrant green lettuce leaves gently float on the surface of crystal-clear water in a shallow white porcelain basin. The sunlight catches the delicate veins of the leaves, highlighting their fresh, crisp texture. Nearby, tiny air bubbles cling to the edges of the leaves and the smooth inner surface of the basin.",,5,1,attribute,color,"attribute - color (lettuce leaves, vibrant green)",Are the lettuce leaves vibrant green? +14,"Three vibrant green lettuce leaves gently float on the surface of crystal-clear water in a shallow white porcelain basin. The sunlight catches the delicate veins of the leaves, highlighting their fresh, crisp texture. Nearby, tiny air bubbles cling to the edges of the leaves and the smooth inner surface of the basin.",,6,1,attribute,texture,"attribute - texture (lettuce leaves, crisp)",Do the lettuce leaves have a crisp texture? +14,"Three vibrant green lettuce leaves gently float on the surface of crystal-clear water in a shallow white porcelain basin. The sunlight catches the delicate veins of the leaves, highlighting their fresh, crisp texture. Nearby, tiny air bubbles cling to the edges of the leaves and the smooth inner surface of the basin.",,7,4,attribute,color,"attribute - color (basin, white)",Is the basin white? +14,"Three vibrant green lettuce leaves gently float on the surface of crystal-clear water in a shallow white porcelain basin. The sunlight catches the delicate veins of the leaves, highlighting their fresh, crisp texture. Nearby, tiny air bubbles cling to the edges of the leaves and the smooth inner surface of the basin.",,8,4,attribute,texture,"attribute - texture (basin, porcelain)",Is the basin made of porcelain? +14,"Three vibrant green lettuce leaves gently float on the surface of crystal-clear water in a shallow white porcelain basin. The sunlight catches the delicate veins of the leaves, highlighting their fresh, crisp texture. Nearby, tiny air bubbles cling to the edges of the leaves and the smooth inner surface of the basin.",,9,1,entity,state,"entity - state (lettuce leaves, float)",Are the lettuce leaves floating? +14,"Three vibrant green lettuce leaves gently float on the surface of crystal-clear water in a shallow white porcelain basin. The sunlight catches the delicate veins of the leaves, highlighting their fresh, crisp texture. Nearby, tiny air bubbles cling to the edges of the leaves and the smooth inner surface of the basin.",,10,"1,3",relation,spatial,"relation - spatial (lettuce leaves, water, on)",Are the lettuce leaves floating on the water? +103,"In a spacious loft with high ceilings and exposed brick walls, the morning light filters through large windows, casting a soft glow on a pair of trendy, high-top sneakers. These sneakers, made of rugged leather with bold laces, contrast sharply with the ornate, metallic vintage coffee machine standing next to them. The coffee machine, with its intricate details and polished finish, reflects the light beautifully, setting a striking juxtaposition against the practical, street-style footwear on the polished concrete floor.",,1,0,entity,whole,entity - whole (loft),Is there a loft? +103,"In a spacious loft with high ceilings and exposed brick walls, the morning light filters through large windows, casting a soft glow on a pair of trendy, high-top sneakers. These sneakers, made of rugged leather with bold laces, contrast sharply with the ornate, metallic vintage coffee machine standing next to them. The coffee machine, with its intricate details and polished finish, reflects the light beautifully, setting a striking juxtaposition against the practical, street-style footwear on the polished concrete floor.",,2,0,entity,whole,entity - whole (sneakers),Are there sneakers? +103,"In a spacious loft with high ceilings and exposed brick walls, the morning light filters through large windows, casting a soft glow on a pair of trendy, high-top sneakers. These sneakers, made of rugged leather with bold laces, contrast sharply with the ornate, metallic vintage coffee machine standing next to them. The coffee machine, with its intricate details and polished finish, reflects the light beautifully, setting a striking juxtaposition against the practical, street-style footwear on the polished concrete floor.",,3,0,entity,whole,entity - whole (coffee machine),Is there a coffee machine? +103,"In a spacious loft with high ceilings and exposed brick walls, the morning light filters through large windows, casting a soft glow on a pair of trendy, high-top sneakers. These sneakers, made of rugged leather with bold laces, contrast sharply with the ornate, metallic vintage coffee machine standing next to them. The coffee machine, with its intricate details and polished finish, reflects the light beautifully, setting a striking juxtaposition against the practical, street-style footwear on the polished concrete floor.",,4,1,attribute,size,"attribute - size (loft, spacious)",Is the loft spacious? +103,"In a spacious loft with high ceilings and exposed brick walls, the morning light filters through large windows, casting a soft glow on a pair of trendy, high-top sneakers. These sneakers, made of rugged leather with bold laces, contrast sharply with the ornate, metallic vintage coffee machine standing next to them. The coffee machine, with its intricate details and polished finish, reflects the light beautifully, setting a striking juxtaposition against the practical, street-style footwear on the polished concrete floor.",,5,1,attribute,other,"attribute - other (loft, high ceilings)",Does the loft have high ceilings? +103,"In a spacious loft with high ceilings and exposed brick walls, the morning light filters through large windows, casting a soft glow on a pair of trendy, high-top sneakers. These sneakers, made of rugged leather with bold laces, contrast sharply with the ornate, metallic vintage coffee machine standing next to them. The coffee machine, with its intricate details and polished finish, reflects the light beautifully, setting a striking juxtaposition against the practical, street-style footwear on the polished concrete floor.",,6,1,attribute,texture,"attribute - texture (loft walls, exposed brick)",Are the loft walls made of exposed brick? +103,"In a spacious loft with high ceilings and exposed brick walls, the morning light filters through large windows, casting a soft glow on a pair of trendy, high-top sneakers. These sneakers, made of rugged leather with bold laces, contrast sharply with the ornate, metallic vintage coffee machine standing next to them. The coffee machine, with its intricate details and polished finish, reflects the light beautifully, setting a striking juxtaposition against the practical, street-style footwear on the polished concrete floor.",,7,2,attribute,texture,"attribute - texture (sneakers, rugged leather)",Are the sneakers made of rugged leather? +103,"In a spacious loft with high ceilings and exposed brick walls, the morning light filters through large windows, casting a soft glow on a pair of trendy, high-top sneakers. These sneakers, made of rugged leather with bold laces, contrast sharply with the ornate, metallic vintage coffee machine standing next to them. The coffee machine, with its intricate details and polished finish, reflects the light beautifully, setting a striking juxtaposition against the practical, street-style footwear on the polished concrete floor.",,8,3,attribute,texture,"attribute - texture (coffee machine, metallic)",Is the coffee machine metallic? +103,"In a spacious loft with high ceilings and exposed brick walls, the morning light filters through large windows, casting a soft glow on a pair of trendy, high-top sneakers. These sneakers, made of rugged leather with bold laces, contrast sharply with the ornate, metallic vintage coffee machine standing next to them. The coffee machine, with its intricate details and polished finish, reflects the light beautifully, setting a striking juxtaposition against the practical, street-style footwear on the polished concrete floor.",,9,1,attribute,texture,"attribute - texture (floor, polished concrete)",Is the floor made of polished concrete? +103,"In a spacious loft with high ceilings and exposed brick walls, the morning light filters through large windows, casting a soft glow on a pair of trendy, high-top sneakers. These sneakers, made of rugged leather with bold laces, contrast sharply with the ornate, metallic vintage coffee machine standing next to them. The coffee machine, with its intricate details and polished finish, reflects the light beautifully, setting a striking juxtaposition against the practical, street-style footwear on the polished concrete floor.",,10,"2,3",relation,spatial,"relation - spatial (sneakers, coffee machine, next to)",Are the sneakers next to the coffee machine? +173,"In the dim light of twilight, a room is visible with a backpack resting against the wall; the backpack is a deep blue with hints of grey and sports several small pockets along its exterior. Next to it, a neon green toothbrush stands upright, propped against a clear drinking glass on a wooden nightstand. Outside the window behind them, the sky transitions to a deep navy hue, dotted with twinkling stars that create a tranquil backdrop.",,1,0,entity,whole,entity - whole (room),Is there a room? +173,"In the dim light of twilight, a room is visible with a backpack resting against the wall; the backpack is a deep blue with hints of grey and sports several small pockets along its exterior. Next to it, a neon green toothbrush stands upright, propped against a clear drinking glass on a wooden nightstand. Outside the window behind them, the sky transitions to a deep navy hue, dotted with twinkling stars that create a tranquil backdrop.",,2,0,entity,whole,entity - whole (backpack),Is there a backpack? +173,"In the dim light of twilight, a room is visible with a backpack resting against the wall; the backpack is a deep blue with hints of grey and sports several small pockets along its exterior. Next to it, a neon green toothbrush stands upright, propped against a clear drinking glass on a wooden nightstand. Outside the window behind them, the sky transitions to a deep navy hue, dotted with twinkling stars that create a tranquil backdrop.",,3,0,entity,whole,entity - whole (toothbrush),Is there a toothbrush? +173,"In the dim light of twilight, a room is visible with a backpack resting against the wall; the backpack is a deep blue with hints of grey and sports several small pockets along its exterior. Next to it, a neon green toothbrush stands upright, propped against a clear drinking glass on a wooden nightstand. Outside the window behind them, the sky transitions to a deep navy hue, dotted with twinkling stars that create a tranquil backdrop.",,4,0,entity,whole,entity - whole (drinking glass),Is there a drinking glass? +173,"In the dim light of twilight, a room is visible with a backpack resting against the wall; the backpack is a deep blue with hints of grey and sports several small pockets along its exterior. Next to it, a neon green toothbrush stands upright, propped against a clear drinking glass on a wooden nightstand. Outside the window behind them, the sky transitions to a deep navy hue, dotted with twinkling stars that create a tranquil backdrop.",,5,0,entity,whole,entity - whole (nightstand),Is there a nightstand? +173,"In the dim light of twilight, a room is visible with a backpack resting against the wall; the backpack is a deep blue with hints of grey and sports several small pockets along its exterior. Next to it, a neon green toothbrush stands upright, propped against a clear drinking glass on a wooden nightstand. Outside the window behind them, the sky transitions to a deep navy hue, dotted with twinkling stars that create a tranquil backdrop.",,6,0,entity,whole,entity - whole (window),Is there a window? +173,"In the dim light of twilight, a room is visible with a backpack resting against the wall; the backpack is a deep blue with hints of grey and sports several small pockets along its exterior. Next to it, a neon green toothbrush stands upright, propped against a clear drinking glass on a wooden nightstand. Outside the window behind them, the sky transitions to a deep navy hue, dotted with twinkling stars that create a tranquil backdrop.",,7,0,entity,whole,entity - whole (sky),Is there a sky? +173,"In the dim light of twilight, a room is visible with a backpack resting against the wall; the backpack is a deep blue with hints of grey and sports several small pockets along its exterior. Next to it, a neon green toothbrush stands upright, propped against a clear drinking glass on a wooden nightstand. Outside the window behind them, the sky transitions to a deep navy hue, dotted with twinkling stars that create a tranquil backdrop.",,8,2,attribute,color,"attribute - color (backpack, deep blue)",Is the backpack deep blue? +173,"In the dim light of twilight, a room is visible with a backpack resting against the wall; the backpack is a deep blue with hints of grey and sports several small pockets along its exterior. Next to it, a neon green toothbrush stands upright, propped against a clear drinking glass on a wooden nightstand. Outside the window behind them, the sky transitions to a deep navy hue, dotted with twinkling stars that create a tranquil backdrop.",,9,2,attribute,color,"attribute - color (backpack, hints of grey)",Does the backpack have hints of grey? +173,"In the dim light of twilight, a room is visible with a backpack resting against the wall; the backpack is a deep blue with hints of grey and sports several small pockets along its exterior. Next to it, a neon green toothbrush stands upright, propped against a clear drinking glass on a wooden nightstand. Outside the window behind them, the sky transitions to a deep navy hue, dotted with twinkling stars that create a tranquil backdrop.",,10,3,attribute,color,"attribute - color (toothbrush, neon green)",Is the toothbrush neon green? +173,"In the dim light of twilight, a room is visible with a backpack resting against the wall; the backpack is a deep blue with hints of grey and sports several small pockets along its exterior. Next to it, a neon green toothbrush stands upright, propped against a clear drinking glass on a wooden nightstand. Outside the window behind them, the sky transitions to a deep navy hue, dotted with twinkling stars that create a tranquil backdrop.",,11,5,attribute,texture,"attribute - texture (nightstand, wooden)",Is the nightstand made of wood? +173,"In the dim light of twilight, a room is visible with a backpack resting against the wall; the backpack is a deep blue with hints of grey and sports several small pockets along its exterior. Next to it, a neon green toothbrush stands upright, propped against a clear drinking glass on a wooden nightstand. Outside the window behind them, the sky transitions to a deep navy hue, dotted with twinkling stars that create a tranquil backdrop.",,12,2,relation,spatial,"relation - spatial (backpack, wall, against)",Is the backpack resting against the wall? +173,"In the dim light of twilight, a room is visible with a backpack resting against the wall; the backpack is a deep blue with hints of grey and sports several small pockets along its exterior. Next to it, a neon green toothbrush stands upright, propped against a clear drinking glass on a wooden nightstand. Outside the window behind them, the sky transitions to a deep navy hue, dotted with twinkling stars that create a tranquil backdrop.",,13,"3,4",relation,spatial,"relation - spatial (toothbrush, drinking glass, propped against)",Is the toothbrush propped against the drinking glass? +173,"In the dim light of twilight, a room is visible with a backpack resting against the wall; the backpack is a deep blue with hints of grey and sports several small pockets along its exterior. Next to it, a neon green toothbrush stands upright, propped against a clear drinking glass on a wooden nightstand. Outside the window behind them, the sky transitions to a deep navy hue, dotted with twinkling stars that create a tranquil backdrop.",,14,"3,5",relation,spatial,"relation - spatial (toothbrush, nightstand, on)",Is the toothbrush on the nightstand? +173,"In the dim light of twilight, a room is visible with a backpack resting against the wall; the backpack is a deep blue with hints of grey and sports several small pockets along its exterior. Next to it, a neon green toothbrush stands upright, propped against a clear drinking glass on a wooden nightstand. Outside the window behind them, the sky transitions to a deep navy hue, dotted with twinkling stars that create a tranquil backdrop.",,15,"4,5",relation,spatial,"relation - spatial (drinking glass, nightstand, on)",Is the drinking glass on the nightstand? +173,"In the dim light of twilight, a room is visible with a backpack resting against the wall; the backpack is a deep blue with hints of grey and sports several small pockets along its exterior. Next to it, a neon green toothbrush stands upright, propped against a clear drinking glass on a wooden nightstand. Outside the window behind them, the sky transitions to a deep navy hue, dotted with twinkling stars that create a tranquil backdrop.",,16,"6,7",relation,spatial,"relation - spatial (window, sky, behind)",Is the window behind the sky? +173,"In the dim light of twilight, a room is visible with a backpack resting against the wall; the backpack is a deep blue with hints of grey and sports several small pockets along its exterior. Next to it, a neon green toothbrush stands upright, propped against a clear drinking glass on a wooden nightstand. Outside the window behind them, the sky transitions to a deep navy hue, dotted with twinkling stars that create a tranquil backdrop.",,17,7,attribute,color,"attribute - color (sky, deep navy)",Is the sky a deep navy hue? +173,"In the dim light of twilight, a room is visible with a backpack resting against the wall; the backpack is a deep blue with hints of grey and sports several small pockets along its exterior. Next to it, a neon green toothbrush stands upright, propped against a clear drinking glass on a wooden nightstand. Outside the window behind them, the sky transitions to a deep navy hue, dotted with twinkling stars that create a tranquil backdrop.",,18,7,entity,state,"entity - state (sky, stars, dotted with)",Is the sky dotted with twinkling stars? +84,"On a reflective metallic table, there is a brightly colored handbag featuring a floral pattern next to a freshly sliced avocado, its green flesh and brown pit providing a natural contrast to the industrial surface. The table is set for lunch, with silverware and a clear glass water bottle positioned neatly beside the avocado. The juxtaposition of the colorful fashion accessory and the rich texture of the avocado creates a striking visual amidst the midday meal setting.",,1,0,entity,whole,entity - whole (table),Is there a table? +84,"On a reflective metallic table, there is a brightly colored handbag featuring a floral pattern next to a freshly sliced avocado, its green flesh and brown pit providing a natural contrast to the industrial surface. The table is set for lunch, with silverware and a clear glass water bottle positioned neatly beside the avocado. The juxtaposition of the colorful fashion accessory and the rich texture of the avocado creates a striking visual amidst the midday meal setting.",,2,0,entity,whole,entity - whole (handbag),Is there a handbag? +84,"On a reflective metallic table, there is a brightly colored handbag featuring a floral pattern next to a freshly sliced avocado, its green flesh and brown pit providing a natural contrast to the industrial surface. The table is set for lunch, with silverware and a clear glass water bottle positioned neatly beside the avocado. The juxtaposition of the colorful fashion accessory and the rich texture of the avocado creates a striking visual amidst the midday meal setting.",,3,0,entity,whole,entity - whole (avocado),Is there an avocado? +84,"On a reflective metallic table, there is a brightly colored handbag featuring a floral pattern next to a freshly sliced avocado, its green flesh and brown pit providing a natural contrast to the industrial surface. The table is set for lunch, with silverware and a clear glass water bottle positioned neatly beside the avocado. The juxtaposition of the colorful fashion accessory and the rich texture of the avocado creates a striking visual amidst the midday meal setting.",,4,0,entity,whole,entity - whole (silverware),Is there silverware? +84,"On a reflective metallic table, there is a brightly colored handbag featuring a floral pattern next to a freshly sliced avocado, its green flesh and brown pit providing a natural contrast to the industrial surface. The table is set for lunch, with silverware and a clear glass water bottle positioned neatly beside the avocado. The juxtaposition of the colorful fashion accessory and the rich texture of the avocado creates a striking visual amidst the midday meal setting.",,5,0,entity,whole,entity - whole (water bottle),Is there a water bottle? +84,"On a reflective metallic table, there is a brightly colored handbag featuring a floral pattern next to a freshly sliced avocado, its green flesh and brown pit providing a natural contrast to the industrial surface. The table is set for lunch, with silverware and a clear glass water bottle positioned neatly beside the avocado. The juxtaposition of the colorful fashion accessory and the rich texture of the avocado creates a striking visual amidst the midday meal setting.",,6,1,attribute,texture,"attribute - texture (table, metallic)",Is the table reflective and metallic? +84,"On a reflective metallic table, there is a brightly colored handbag featuring a floral pattern next to a freshly sliced avocado, its green flesh and brown pit providing a natural contrast to the industrial surface. The table is set for lunch, with silverware and a clear glass water bottle positioned neatly beside the avocado. The juxtaposition of the colorful fashion accessory and the rich texture of the avocado creates a striking visual amidst the midday meal setting.",,7,2,attribute,texture,"attribute - texture (handbag, floral pattern)",Does the handbag feature a floral pattern? +84,"On a reflective metallic table, there is a brightly colored handbag featuring a floral pattern next to a freshly sliced avocado, its green flesh and brown pit providing a natural contrast to the industrial surface. The table is set for lunch, with silverware and a clear glass water bottle positioned neatly beside the avocado. The juxtaposition of the colorful fashion accessory and the rich texture of the avocado creates a striking visual amidst the midday meal setting.",,8,3,attribute,color,"attribute - color (avocado flesh, green)",Is the flesh of the avocado green? +84,"On a reflective metallic table, there is a brightly colored handbag featuring a floral pattern next to a freshly sliced avocado, its green flesh and brown pit providing a natural contrast to the industrial surface. The table is set for lunch, with silverware and a clear glass water bottle positioned neatly beside the avocado. The juxtaposition of the colorful fashion accessory and the rich texture of the avocado creates a striking visual amidst the midday meal setting.",,9,3,attribute,color,"attribute - color (avocado pit, brown)",Is the pit of the avocado brown? +84,"On a reflective metallic table, there is a brightly colored handbag featuring a floral pattern next to a freshly sliced avocado, its green flesh and brown pit providing a natural contrast to the industrial surface. The table is set for lunch, with silverware and a clear glass water bottle positioned neatly beside the avocado. The juxtaposition of the colorful fashion accessory and the rich texture of the avocado creates a striking visual amidst the midday meal setting.",,10,"1,2",relation,spatial,"relation - spatial (handbag, table, on)",Is the handbag on the table? +84,"On a reflective metallic table, there is a brightly colored handbag featuring a floral pattern next to a freshly sliced avocado, its green flesh and brown pit providing a natural contrast to the industrial surface. The table is set for lunch, with silverware and a clear glass water bottle positioned neatly beside the avocado. The juxtaposition of the colorful fashion accessory and the rich texture of the avocado creates a striking visual amidst the midday meal setting.",,11,"1,3",relation,spatial,"relation - spatial (avocado, table, on)",Is the avocado on the table? +84,"On a reflective metallic table, there is a brightly colored handbag featuring a floral pattern next to a freshly sliced avocado, its green flesh and brown pit providing a natural contrast to the industrial surface. The table is set for lunch, with silverware and a clear glass water bottle positioned neatly beside the avocado. The juxtaposition of the colorful fashion accessory and the rich texture of the avocado creates a striking visual amidst the midday meal setting.",,12,"1,4",relation,spatial,"relation - spatial (silverware, table, on)",Is the silverware on the table? +84,"On a reflective metallic table, there is a brightly colored handbag featuring a floral pattern next to a freshly sliced avocado, its green flesh and brown pit providing a natural contrast to the industrial surface. The table is set for lunch, with silverware and a clear glass water bottle positioned neatly beside the avocado. The juxtaposition of the colorful fashion accessory and the rich texture of the avocado creates a striking visual amidst the midday meal setting.",,13,"1,5",relation,spatial,"relation - spatial (water bottle, table, on)",Is the water bottle on the table? +84,"On a reflective metallic table, there is a brightly colored handbag featuring a floral pattern next to a freshly sliced avocado, its green flesh and brown pit providing a natural contrast to the industrial surface. The table is set for lunch, with silverware and a clear glass water bottle positioned neatly beside the avocado. The juxtaposition of the colorful fashion accessory and the rich texture of the avocado creates a striking visual amidst the midday meal setting.",,14,"2,3",relation,spatial,"relation - spatial (handbag, avocado, next to)",Is the handbag next to the avocado? +84,"On a reflective metallic table, there is a brightly colored handbag featuring a floral pattern next to a freshly sliced avocado, its green flesh and brown pit providing a natural contrast to the industrial surface. The table is set for lunch, with silverware and a clear glass water bottle positioned neatly beside the avocado. The juxtaposition of the colorful fashion accessory and the rich texture of the avocado creates a striking visual amidst the midday meal setting.",,15,1,entity,state,"entity - state (table, set for lunch)",Is the table set for lunch? +21,"An elegant, lustrous emerald green necktie is carelessly strewn across the slick, polished surface of a dark mahogany dining table. The fine silk texture of the tie contrasts with the wood's deep, rich grain. Beside the tie, a scattering of loose papers and a silver pen give an impression of a hasty departure, perhaps after a morning of work or a formal event.",,1,0,entity,whole,entity - whole (necktie),Is there a necktie? +21,"An elegant, lustrous emerald green necktie is carelessly strewn across the slick, polished surface of a dark mahogany dining table. The fine silk texture of the tie contrasts with the wood's deep, rich grain. Beside the tie, a scattering of loose papers and a silver pen give an impression of a hasty departure, perhaps after a morning of work or a formal event.",,2,0,entity,whole,entity - whole (dining table),Is there a dining table? +21,"An elegant, lustrous emerald green necktie is carelessly strewn across the slick, polished surface of a dark mahogany dining table. The fine silk texture of the tie contrasts with the wood's deep, rich grain. Beside the tie, a scattering of loose papers and a silver pen give an impression of a hasty departure, perhaps after a morning of work or a formal event.",,3,1,attribute,color,"attribute - color (necktie, emerald green)",Is the necktie emerald green? +21,"An elegant, lustrous emerald green necktie is carelessly strewn across the slick, polished surface of a dark mahogany dining table. The fine silk texture of the tie contrasts with the wood's deep, rich grain. Beside the tie, a scattering of loose papers and a silver pen give an impression of a hasty departure, perhaps after a morning of work or a formal event.",,4,1,attribute,texture,"attribute - texture (necktie, silk)",Is the necktie made of silk? +21,"An elegant, lustrous emerald green necktie is carelessly strewn across the slick, polished surface of a dark mahogany dining table. The fine silk texture of the tie contrasts with the wood's deep, rich grain. Beside the tie, a scattering of loose papers and a silver pen give an impression of a hasty departure, perhaps after a morning of work or a formal event.",,5,2,attribute,texture,"attribute - texture (dining table, mahogany)",Is the dining table made of mahogany? +21,"An elegant, lustrous emerald green necktie is carelessly strewn across the slick, polished surface of a dark mahogany dining table. The fine silk texture of the tie contrasts with the wood's deep, rich grain. Beside the tie, a scattering of loose papers and a silver pen give an impression of a hasty departure, perhaps after a morning of work or a formal event.",,6,2,attribute,texture,"attribute - texture (dining table, polished)",Is the dining table polished? +21,"An elegant, lustrous emerald green necktie is carelessly strewn across the slick, polished surface of a dark mahogany dining table. The fine silk texture of the tie contrasts with the wood's deep, rich grain. Beside the tie, a scattering of loose papers and a silver pen give an impression of a hasty departure, perhaps after a morning of work or a formal event.",,7,0,entity,part,entity - part (papers),Are there papers? +21,"An elegant, lustrous emerald green necktie is carelessly strewn across the slick, polished surface of a dark mahogany dining table. The fine silk texture of the tie contrasts with the wood's deep, rich grain. Beside the tie, a scattering of loose papers and a silver pen give an impression of a hasty departure, perhaps after a morning of work or a formal event.",,8,0,entity,whole,entity - whole (pen),Is there a pen? +21,"An elegant, lustrous emerald green necktie is carelessly strewn across the slick, polished surface of a dark mahogany dining table. The fine silk texture of the tie contrasts with the wood's deep, rich grain. Beside the tie, a scattering of loose papers and a silver pen give an impression of a hasty departure, perhaps after a morning of work or a formal event.",,9,8,attribute,color,"attribute - color (pen, silver)",Is the pen silver? +21,"An elegant, lustrous emerald green necktie is carelessly strewn across the slick, polished surface of a dark mahogany dining table. The fine silk texture of the tie contrasts with the wood's deep, rich grain. Beside the tie, a scattering of loose papers and a silver pen give an impression of a hasty departure, perhaps after a morning of work or a formal event.",,10,"1,2",relation,spatial,"relation - spatial (necktie, dining table, on)",Is the necktie on the dining table? +46,"A vivid scene unfolds where several deep red, perfectly round tomatoes spill from a woven brown basket onto a rustic wooden tabletop. The basket lies on its side as the plump tomatoes scatter across the surface, some touching the dark green leaves of a nearby herb plant. In the background, the blurred outline of an open kitchen window lets in soft, natural light, casting gentle shadows around the fallen produce.",,1,0,entity,whole,entity - whole (scene),Is there a scene? +46,"A vivid scene unfolds where several deep red, perfectly round tomatoes spill from a woven brown basket onto a rustic wooden tabletop. The basket lies on its side as the plump tomatoes scatter across the surface, some touching the dark green leaves of a nearby herb plant. In the background, the blurred outline of an open kitchen window lets in soft, natural light, casting gentle shadows around the fallen produce.",,2,0,entity,whole,entity - whole (tomatoes),Are there tomatoes? +46,"A vivid scene unfolds where several deep red, perfectly round tomatoes spill from a woven brown basket onto a rustic wooden tabletop. The basket lies on its side as the plump tomatoes scatter across the surface, some touching the dark green leaves of a nearby herb plant. In the background, the blurred outline of an open kitchen window lets in soft, natural light, casting gentle shadows around the fallen produce.",,3,0,entity,whole,entity - whole (basket),Is there a basket? +46,"A vivid scene unfolds where several deep red, perfectly round tomatoes spill from a woven brown basket onto a rustic wooden tabletop. The basket lies on its side as the plump tomatoes scatter across the surface, some touching the dark green leaves of a nearby herb plant. In the background, the blurred outline of an open kitchen window lets in soft, natural light, casting gentle shadows around the fallen produce.",,4,0,entity,whole,entity - whole (tabletop),Is there a tabletop? +46,"A vivid scene unfolds where several deep red, perfectly round tomatoes spill from a woven brown basket onto a rustic wooden tabletop. The basket lies on its side as the plump tomatoes scatter across the surface, some touching the dark green leaves of a nearby herb plant. In the background, the blurred outline of an open kitchen window lets in soft, natural light, casting gentle shadows around the fallen produce.",,5,0,entity,whole,entity - whole (herb plant),Is there an herb plant? +46,"A vivid scene unfolds where several deep red, perfectly round tomatoes spill from a woven brown basket onto a rustic wooden tabletop. The basket lies on its side as the plump tomatoes scatter across the surface, some touching the dark green leaves of a nearby herb plant. In the background, the blurred outline of an open kitchen window lets in soft, natural light, casting gentle shadows around the fallen produce.",,6,0,entity,whole,entity - whole (kitchen window),Is there a kitchen window? +46,"A vivid scene unfolds where several deep red, perfectly round tomatoes spill from a woven brown basket onto a rustic wooden tabletop. The basket lies on its side as the plump tomatoes scatter across the surface, some touching the dark green leaves of a nearby herb plant. In the background, the blurred outline of an open kitchen window lets in soft, natural light, casting gentle shadows around the fallen produce.",,7,2,attribute,color,"attribute - color (tomatoes, deep red)",Are the tomatoes deep red? +46,"A vivid scene unfolds where several deep red, perfectly round tomatoes spill from a woven brown basket onto a rustic wooden tabletop. The basket lies on its side as the plump tomatoes scatter across the surface, some touching the dark green leaves of a nearby herb plant. In the background, the blurred outline of an open kitchen window lets in soft, natural light, casting gentle shadows around the fallen produce.",,8,2,attribute,shape,"attribute - shape (tomatoes, round)",Are the tomatoes perfectly round? +46,"A vivid scene unfolds where several deep red, perfectly round tomatoes spill from a woven brown basket onto a rustic wooden tabletop. The basket lies on its side as the plump tomatoes scatter across the surface, some touching the dark green leaves of a nearby herb plant. In the background, the blurred outline of an open kitchen window lets in soft, natural light, casting gentle shadows around the fallen produce.",,9,3,attribute,texture,"attribute - texture (basket, woven)",Is the basket woven? +46,"A vivid scene unfolds where several deep red, perfectly round tomatoes spill from a woven brown basket onto a rustic wooden tabletop. The basket lies on its side as the plump tomatoes scatter across the surface, some touching the dark green leaves of a nearby herb plant. In the background, the blurred outline of an open kitchen window lets in soft, natural light, casting gentle shadows around the fallen produce.",,10,3,attribute,color,"attribute - color (basket, brown)",Is the basket brown? +46,"A vivid scene unfolds where several deep red, perfectly round tomatoes spill from a woven brown basket onto a rustic wooden tabletop. The basket lies on its side as the plump tomatoes scatter across the surface, some touching the dark green leaves of a nearby herb plant. In the background, the blurred outline of an open kitchen window lets in soft, natural light, casting gentle shadows around the fallen produce.",,11,4,attribute,texture,"attribute - texture (tabletop, rustic wooden)",Is the tabletop rustic wooden? +46,"A vivid scene unfolds where several deep red, perfectly round tomatoes spill from a woven brown basket onto a rustic wooden tabletop. The basket lies on its side as the plump tomatoes scatter across the surface, some touching the dark green leaves of a nearby herb plant. In the background, the blurred outline of an open kitchen window lets in soft, natural light, casting gentle shadows around the fallen produce.",,12,5,attribute,color,"attribute - color (herb plant, dark green)",Are the leaves of the herb plant dark green? +46,"A vivid scene unfolds where several deep red, perfectly round tomatoes spill from a woven brown basket onto a rustic wooden tabletop. The basket lies on its side as the plump tomatoes scatter across the surface, some touching the dark green leaves of a nearby herb plant. In the background, the blurred outline of an open kitchen window lets in soft, natural light, casting gentle shadows around the fallen produce.",,13,"3,4",relation,spatial,"relation - spatial (basket, tabletop, on)",Is the basket on the tabletop? +46,"A vivid scene unfolds where several deep red, perfectly round tomatoes spill from a woven brown basket onto a rustic wooden tabletop. The basket lies on its side as the plump tomatoes scatter across the surface, some touching the dark green leaves of a nearby herb plant. In the background, the blurred outline of an open kitchen window lets in soft, natural light, casting gentle shadows around the fallen produce.",,14,3,relation,spatial,"relation - spatial (basket, side, on table)",Is the basket lying on table's side? +46,"A vivid scene unfolds where several deep red, perfectly round tomatoes spill from a woven brown basket onto a rustic wooden tabletop. The basket lies on its side as the plump tomatoes scatter across the surface, some touching the dark green leaves of a nearby herb plant. In the background, the blurred outline of an open kitchen window lets in soft, natural light, casting gentle shadows around the fallen produce.",,15,"2,4",relation,spatial,"relation - spatial (tomatoes, tabletop, scatter across)",Are the tomatoes scattered across the tabletop? +46,"A vivid scene unfolds where several deep red, perfectly round tomatoes spill from a woven brown basket onto a rustic wooden tabletop. The basket lies on its side as the plump tomatoes scatter across the surface, some touching the dark green leaves of a nearby herb plant. In the background, the blurred outline of an open kitchen window lets in soft, natural light, casting gentle shadows around the fallen produce.",,16,"2,5",relation,spatial,"relation - spatial (herb plant, tomatoes, near)",Is the herb plant near the tomatoes? +46,"A vivid scene unfolds where several deep red, perfectly round tomatoes spill from a woven brown basket onto a rustic wooden tabletop. The basket lies on its side as the plump tomatoes scatter across the surface, some touching the dark green leaves of a nearby herb plant. In the background, the blurred outline of an open kitchen window lets in soft, natural light, casting gentle shadows around the fallen produce.",,17,"1,6",relation,spatial,"relation - spatial (kitchen window, scene, background)",Is the kitchen window in the background? +46,"A vivid scene unfolds where several deep red, perfectly round tomatoes spill from a woven brown basket onto a rustic wooden tabletop. The basket lies on its side as the plump tomatoes scatter across the surface, some touching the dark green leaves of a nearby herb plant. In the background, the blurred outline of an open kitchen window lets in soft, natural light, casting gentle shadows around the fallen produce.",,18,6,entity,state,"entity - state (kitchen window, open)",Is the kitchen window open? +46,"A vivid scene unfolds where several deep red, perfectly round tomatoes spill from a woven brown basket onto a rustic wooden tabletop. The basket lies on its side as the plump tomatoes scatter across the surface, some touching the dark green leaves of a nearby herb plant. In the background, the blurred outline of an open kitchen window lets in soft, natural light, casting gentle shadows around the fallen produce.",,19,0,global,,"global - (light, soft natural)",Is the light soft and natural? +46,"A vivid scene unfolds where several deep red, perfectly round tomatoes spill from a woven brown basket onto a rustic wooden tabletop. The basket lies on its side as the plump tomatoes scatter across the surface, some touching the dark green leaves of a nearby herb plant. In the background, the blurred outline of an open kitchen window lets in soft, natural light, casting gentle shadows around the fallen produce.",,20,19,entity,state,"entity - state (shadows, gentle, cast around)",Are gentle shadows being cast around the fallen produce? +202,"An industrial scene featuring a large, rusty orange excavator with a weathered appearance and a mechanical arm extended. It is in the process of lifting heavy, metallic cubes with a patina of age, loading them into the bed of a weathered dark green pickup truck. The backdrop consists of a dilapidated factory with fading paint and broken windows, evidence of a once-thriving industrial era.",,1,0,entity,whole,entity - whole (excavator),Is there an excavator? +202,"An industrial scene featuring a large, rusty orange excavator with a weathered appearance and a mechanical arm extended. It is in the process of lifting heavy, metallic cubes with a patina of age, loading them into the bed of a weathered dark green pickup truck. The backdrop consists of a dilapidated factory with fading paint and broken windows, evidence of a once-thriving industrial era.",,2,1,entity,whole,entity - whole (mechanical arm),Is there a mechanical arm? +202,"An industrial scene featuring a large, rusty orange excavator with a weathered appearance and a mechanical arm extended. It is in the process of lifting heavy, metallic cubes with a patina of age, loading them into the bed of a weathered dark green pickup truck. The backdrop consists of a dilapidated factory with fading paint and broken windows, evidence of a once-thriving industrial era.",,3,0,entity,whole,entity - whole (cubes),Are there cubes? +202,"An industrial scene featuring a large, rusty orange excavator with a weathered appearance and a mechanical arm extended. It is in the process of lifting heavy, metallic cubes with a patina of age, loading them into the bed of a weathered dark green pickup truck. The backdrop consists of a dilapidated factory with fading paint and broken windows, evidence of a once-thriving industrial era.",,4,0,entity,whole,entity - whole (pickup truck),Is there a pickup truck? +202,"An industrial scene featuring a large, rusty orange excavator with a weathered appearance and a mechanical arm extended. It is in the process of lifting heavy, metallic cubes with a patina of age, loading them into the bed of a weathered dark green pickup truck. The backdrop consists of a dilapidated factory with fading paint and broken windows, evidence of a once-thriving industrial era.",,5,0,entity,whole,entity - whole (factory),Is there a factory? +202,"An industrial scene featuring a large, rusty orange excavator with a weathered appearance and a mechanical arm extended. It is in the process of lifting heavy, metallic cubes with a patina of age, loading them into the bed of a weathered dark green pickup truck. The backdrop consists of a dilapidated factory with fading paint and broken windows, evidence of a once-thriving industrial era.",,6,1,attribute,color,"attribute - color (excavator, rusty orange)",Is the excavator rusty orange? +202,"An industrial scene featuring a large, rusty orange excavator with a weathered appearance and a mechanical arm extended. It is in the process of lifting heavy, metallic cubes with a patina of age, loading them into the bed of a weathered dark green pickup truck. The backdrop consists of a dilapidated factory with fading paint and broken windows, evidence of a once-thriving industrial era.",,7,4,attribute,color,"attribute - color (pickup truck, dark green)",Is the pickup truck dark green? +202,"An industrial scene featuring a large, rusty orange excavator with a weathered appearance and a mechanical arm extended. It is in the process of lifting heavy, metallic cubes with a patina of age, loading them into the bed of a weathered dark green pickup truck. The backdrop consists of a dilapidated factory with fading paint and broken windows, evidence of a once-thriving industrial era.",,8,1,attribute,texture,"attribute - texture (excavator, weathered)",Does the excavator have a weathered appearance? +202,"An industrial scene featuring a large, rusty orange excavator with a weathered appearance and a mechanical arm extended. It is in the process of lifting heavy, metallic cubes with a patina of age, loading them into the bed of a weathered dark green pickup truck. The backdrop consists of a dilapidated factory with fading paint and broken windows, evidence of a once-thriving industrial era.",,9,3,attribute,texture,"attribute - texture (cubes, metallic with patina of age)",Are the cubes metallic with a patina of age? +202,"An industrial scene featuring a large, rusty orange excavator with a weathered appearance and a mechanical arm extended. It is in the process of lifting heavy, metallic cubes with a patina of age, loading them into the bed of a weathered dark green pickup truck. The backdrop consists of a dilapidated factory with fading paint and broken windows, evidence of a once-thriving industrial era.",,10,5,attribute,texture,"attribute - texture (factory, dilapidated with fading paint and broken windows)",Is the factory dilapidated with fading paint and broken windows? +202,"An industrial scene featuring a large, rusty orange excavator with a weathered appearance and a mechanical arm extended. It is in the process of lifting heavy, metallic cubes with a patina of age, loading them into the bed of a weathered dark green pickup truck. The backdrop consists of a dilapidated factory with fading paint and broken windows, evidence of a once-thriving industrial era.",,11,1,entity,state,"entity - state (excavator, lifting)",Is the excavator lifting something? +202,"An industrial scene featuring a large, rusty orange excavator with a weathered appearance and a mechanical arm extended. It is in the process of lifting heavy, metallic cubes with a patina of age, loading them into the bed of a weathered dark green pickup truck. The backdrop consists of a dilapidated factory with fading paint and broken windows, evidence of a once-thriving industrial era.",,12,"2,3",relation,spatial,"relation - spatial (mechanical arm, cubes, lifting)",Is the mechanical arm lifting the cubes? +202,"An industrial scene featuring a large, rusty orange excavator with a weathered appearance and a mechanical arm extended. It is in the process of lifting heavy, metallic cubes with a patina of age, loading them into the bed of a weathered dark green pickup truck. The backdrop consists of a dilapidated factory with fading paint and broken windows, evidence of a once-thriving industrial era.",,13,"3,4",relation,spatial,"relation - spatial (cubes, pickup truck, loading into)",Are the cubes being loaded into the pickup truck? +202,"An industrial scene featuring a large, rusty orange excavator with a weathered appearance and a mechanical arm extended. It is in the process of lifting heavy, metallic cubes with a patina of age, loading them into the bed of a weathered dark green pickup truck. The backdrop consists of a dilapidated factory with fading paint and broken windows, evidence of a once-thriving industrial era.",,14,"4,5",relation,spatial,"relation - spatial (pickup truck, factory, backdrop)",Is the pickup truck in front of the factory backdrop? +154,"A bright white air conditioner, its sleek rectangular form protruding slightly, is mounted high on a beige wall above eye level. Directly below, on the tiled kitchen floor, stands a vintage round gas stove, painted in a vibrant shade of red and featuring classic white knobs. The contrast between the modernity of the air conditioner and the rustic charm of the gas stove creates a distinctive look in the room.",,1,0,entity,whole,entity - whole (air conditioner),Is there an air conditioner? +154,"A bright white air conditioner, its sleek rectangular form protruding slightly, is mounted high on a beige wall above eye level. Directly below, on the tiled kitchen floor, stands a vintage round gas stove, painted in a vibrant shade of red and featuring classic white knobs. The contrast between the modernity of the air conditioner and the rustic charm of the gas stove creates a distinctive look in the room.",,2,0,entity,whole,entity - whole (wall),Is there a wall? +154,"A bright white air conditioner, its sleek rectangular form protruding slightly, is mounted high on a beige wall above eye level. Directly below, on the tiled kitchen floor, stands a vintage round gas stove, painted in a vibrant shade of red and featuring classic white knobs. The contrast between the modernity of the air conditioner and the rustic charm of the gas stove creates a distinctive look in the room.",,3,0,entity,whole,entity - whole (kitchen floor),Is there a kitchen floor? +154,"A bright white air conditioner, its sleek rectangular form protruding slightly, is mounted high on a beige wall above eye level. Directly below, on the tiled kitchen floor, stands a vintage round gas stove, painted in a vibrant shade of red and featuring classic white knobs. The contrast between the modernity of the air conditioner and the rustic charm of the gas stove creates a distinctive look in the room.",,4,0,entity,whole,entity - whole (gas stove),Is there a gas stove? +154,"A bright white air conditioner, its sleek rectangular form protruding slightly, is mounted high on a beige wall above eye level. Directly below, on the tiled kitchen floor, stands a vintage round gas stove, painted in a vibrant shade of red and featuring classic white knobs. The contrast between the modernity of the air conditioner and the rustic charm of the gas stove creates a distinctive look in the room.",,5,1,attribute,color,"attribute - color (air conditioner, bright white)",Is the air conditioner bright white? +154,"A bright white air conditioner, its sleek rectangular form protruding slightly, is mounted high on a beige wall above eye level. Directly below, on the tiled kitchen floor, stands a vintage round gas stove, painted in a vibrant shade of red and featuring classic white knobs. The contrast between the modernity of the air conditioner and the rustic charm of the gas stove creates a distinctive look in the room.",,6,2,attribute,color,"attribute - color (wall, beige)",Is the wall beige? +154,"A bright white air conditioner, its sleek rectangular form protruding slightly, is mounted high on a beige wall above eye level. Directly below, on the tiled kitchen floor, stands a vintage round gas stove, painted in a vibrant shade of red and featuring classic white knobs. The contrast between the modernity of the air conditioner and the rustic charm of the gas stove creates a distinctive look in the room.",,7,4,attribute,color,"attribute - color (gas stove, vibrant red)",Is the gas stove painted in a vibrant shade of red? +154,"A bright white air conditioner, its sleek rectangular form protruding slightly, is mounted high on a beige wall above eye level. Directly below, on the tiled kitchen floor, stands a vintage round gas stove, painted in a vibrant shade of red and featuring classic white knobs. The contrast between the modernity of the air conditioner and the rustic charm of the gas stove creates a distinctive look in the room.",,8,1,attribute,shape,"attribute - shape (air conditioner, sleek rectangular)",Does the air conditioner have a sleek rectangular form? +154,"A bright white air conditioner, its sleek rectangular form protruding slightly, is mounted high on a beige wall above eye level. Directly below, on the tiled kitchen floor, stands a vintage round gas stove, painted in a vibrant shade of red and featuring classic white knobs. The contrast between the modernity of the air conditioner and the rustic charm of the gas stove creates a distinctive look in the room.",,9,4,attribute,shape,"attribute - shape (gas stove, round)",Is the gas stove round? +154,"A bright white air conditioner, its sleek rectangular form protruding slightly, is mounted high on a beige wall above eye level. Directly below, on the tiled kitchen floor, stands a vintage round gas stove, painted in a vibrant shade of red and featuring classic white knobs. The contrast between the modernity of the air conditioner and the rustic charm of the gas stove creates a distinctive look in the room.",,10,"1,2",relation,spatial,"relation - spatial (air conditioner, wall, mounted on)",Is the air conditioner mounted on the wall? +154,"A bright white air conditioner, its sleek rectangular form protruding slightly, is mounted high on a beige wall above eye level. Directly below, on the tiled kitchen floor, stands a vintage round gas stove, painted in a vibrant shade of red and featuring classic white knobs. The contrast between the modernity of the air conditioner and the rustic charm of the gas stove creates a distinctive look in the room.",,11,"1,3",relation,spatial,"relation - spatial (air conditioner, kitchen floor, above)",Is the air conditioner above the kitchen floor? +154,"A bright white air conditioner, its sleek rectangular form protruding slightly, is mounted high on a beige wall above eye level. Directly below, on the tiled kitchen floor, stands a vintage round gas stove, painted in a vibrant shade of red and featuring classic white knobs. The contrast between the modernity of the air conditioner and the rustic charm of the gas stove creates a distinctive look in the room.",,12,"3,4",relation,spatial,"relation - spatial (gas stove, kitchen floor, on)",Is the gas stove on the kitchen floor? +154,"A bright white air conditioner, its sleek rectangular form protruding slightly, is mounted high on a beige wall above eye level. Directly below, on the tiled kitchen floor, stands a vintage round gas stove, painted in a vibrant shade of red and featuring classic white knobs. The contrast between the modernity of the air conditioner and the rustic charm of the gas stove creates a distinctive look in the room.",,13,"1,4",relation,spatial,"relation - spatial (gas stove, air conditioner, directly below)",Is the gas stove directly below the air conditioner? +154,"A bright white air conditioner, its sleek rectangular form protruding slightly, is mounted high on a beige wall above eye level. Directly below, on the tiled kitchen floor, stands a vintage round gas stove, painted in a vibrant shade of red and featuring classic white knobs. The contrast between the modernity of the air conditioner and the rustic charm of the gas stove creates a distinctive look in the room.",,14,4,attribute,other,"attribute - other (gas stove knobs, classic white)",Are the knobs on the gas stove classic white? +154,"A bright white air conditioner, its sleek rectangular form protruding slightly, is mounted high on a beige wall above eye level. Directly below, on the tiled kitchen floor, stands a vintage round gas stove, painted in a vibrant shade of red and featuring classic white knobs. The contrast between the modernity of the air conditioner and the rustic charm of the gas stove creates a distinctive look in the room.",,15,4,entity,state,"entity - state (gas stove, vintage)",Is the gas stove vintage? +154,"A bright white air conditioner, its sleek rectangular form protruding slightly, is mounted high on a beige wall above eye level. Directly below, on the tiled kitchen floor, stands a vintage round gas stove, painted in a vibrant shade of red and featuring classic white knobs. The contrast between the modernity of the air conditioner and the rustic charm of the gas stove creates a distinctive look in the room.",,16,"1,4",relation,spatial,"relation - non-spatial (air conditioner, gas stove, contrast between modernity and rustic charm)",Is there a contrast between the modernity of the air conditioner and the rustic charm of the gas stove? +106,"During the twilight hour, an individual can be seen extending an arm towards the sky, pointing at a trio of wild birds gliding through the rich deep blue of the early evening sky. The birds' silhouettes contrast distinctly against the fading light, their wings spread wide as they soar. The person is silhouetted against the dusky sky, creating a peaceful scene of human connection with nature.",,1,0,entity,whole,entity - whole (individual),Is there an individual? +106,"During the twilight hour, an individual can be seen extending an arm towards the sky, pointing at a trio of wild birds gliding through the rich deep blue of the early evening sky. The birds' silhouettes contrast distinctly against the fading light, their wings spread wide as they soar. The person is silhouetted against the dusky sky, creating a peaceful scene of human connection with nature.",,2,0,entity,whole,entity - whole (birds),Are there birds? +106,"During the twilight hour, an individual can be seen extending an arm towards the sky, pointing at a trio of wild birds gliding through the rich deep blue of the early evening sky. The birds' silhouettes contrast distinctly against the fading light, their wings spread wide as they soar. The person is silhouetted against the dusky sky, creating a peaceful scene of human connection with nature.",,3,2,other,count,"other - count (birds, ==3)",Are there three birds? +106,"During the twilight hour, an individual can be seen extending an arm towards the sky, pointing at a trio of wild birds gliding through the rich deep blue of the early evening sky. The birds' silhouettes contrast distinctly against the fading light, their wings spread wide as they soar. The person is silhouetted against the dusky sky, creating a peaceful scene of human connection with nature.",,4,1,entity,state,"entity - state (individual, arm, extend)",Is the individual extending an arm? +106,"During the twilight hour, an individual can be seen extending an arm towards the sky, pointing at a trio of wild birds gliding through the rich deep blue of the early evening sky. The birds' silhouettes contrast distinctly against the fading light, their wings spread wide as they soar. The person is silhouetted against the dusky sky, creating a peaceful scene of human connection with nature.",,5,2,entity,state,"entity - state (birds, glide)",Are the birds gliding? +106,"During the twilight hour, an individual can be seen extending an arm towards the sky, pointing at a trio of wild birds gliding through the rich deep blue of the early evening sky. The birds' silhouettes contrast distinctly against the fading light, their wings spread wide as they soar. The person is silhouetted against the dusky sky, creating a peaceful scene of human connection with nature.",,6,0,attribute,color,"attribute - color (sky, deep blue)",Is the sky a rich deep blue? +106,"During the twilight hour, an individual can be seen extending an arm towards the sky, pointing at a trio of wild birds gliding through the rich deep blue of the early evening sky. The birds' silhouettes contrast distinctly against the fading light, their wings spread wide as they soar. The person is silhouetted against the dusky sky, creating a peaceful scene of human connection with nature.",,7,0,attribute,color,"attribute - color (sky, twilight)",Is it the twilight hour? +106,"During the twilight hour, an individual can be seen extending an arm towards the sky, pointing at a trio of wild birds gliding through the rich deep blue of the early evening sky. The birds' silhouettes contrast distinctly against the fading light, their wings spread wide as they soar. The person is silhouetted against the dusky sky, creating a peaceful scene of human connection with nature.",,8,2,entity,state,"entity - state (birds, wings, spread wide)",Are the birds' wings spread wide? +106,"During the twilight hour, an individual can be seen extending an arm towards the sky, pointing at a trio of wild birds gliding through the rich deep blue of the early evening sky. The birds' silhouettes contrast distinctly against the fading light, their wings spread wide as they soar. The person is silhouetted against the dusky sky, creating a peaceful scene of human connection with nature.",,9,1,entity,state,"entity - state (individual, silhouette)",Is the individual silhouetted? +106,"During the twilight hour, an individual can be seen extending an arm towards the sky, pointing at a trio of wild birds gliding through the rich deep blue of the early evening sky. The birds' silhouettes contrast distinctly against the fading light, their wings spread wide as they soar. The person is silhouetted against the dusky sky, creating a peaceful scene of human connection with nature.",,10,1,relation,spatial,"relation - spatial (individual, sky, against)",Is the individual silhouetted against the sky? +27,"Three sleek silver wheelchairs, each featuring square-shaped seats and metallic frames, are arranged in a tidy row. The wheelchairs, with their black cushioned seats and shiny armrests, sit on a smooth gray concrete floor. The background reveals a soft beige wall, suggesting the setting may be a clinical or therapeutic environment.",,1,0,entity,whole,entity - whole (wheelchairs),Are there wheelchairs? +27,"Three sleek silver wheelchairs, each featuring square-shaped seats and metallic frames, are arranged in a tidy row. The wheelchairs, with their black cushioned seats and shiny armrests, sit on a smooth gray concrete floor. The background reveals a soft beige wall, suggesting the setting may be a clinical or therapeutic environment.",,2,1,other,count,"other - count (wheelchairs, ==3)",Are there three wheelchairs? +27,"Three sleek silver wheelchairs, each featuring square-shaped seats and metallic frames, are arranged in a tidy row. The wheelchairs, with their black cushioned seats and shiny armrests, sit on a smooth gray concrete floor. The background reveals a soft beige wall, suggesting the setting may be a clinical or therapeutic environment.",,3,1,entity,part,entity - part (wheelchair seats),Do the wheelchairs have seats? +27,"Three sleek silver wheelchairs, each featuring square-shaped seats and metallic frames, are arranged in a tidy row. The wheelchairs, with their black cushioned seats and shiny armrests, sit on a smooth gray concrete floor. The background reveals a soft beige wall, suggesting the setting may be a clinical or therapeutic environment.",,4,1,entity,part,entity - part (wheelchair frames),Do the wheelchairs have frames? +27,"Three sleek silver wheelchairs, each featuring square-shaped seats and metallic frames, are arranged in a tidy row. The wheelchairs, with their black cushioned seats and shiny armrests, sit on a smooth gray concrete floor. The background reveals a soft beige wall, suggesting the setting may be a clinical or therapeutic environment.",,5,1,attribute,color,"attribute - color (wheelchairs, silver)",Are the wheelchairs silver? +27,"Three sleek silver wheelchairs, each featuring square-shaped seats and metallic frames, are arranged in a tidy row. The wheelchairs, with their black cushioned seats and shiny armrests, sit on a smooth gray concrete floor. The background reveals a soft beige wall, suggesting the setting may be a clinical or therapeutic environment.",,6,3,attribute,shape,"attribute - shape (wheelchair seats, square-shaped)",Are the seats square-shaped? +27,"Three sleek silver wheelchairs, each featuring square-shaped seats and metallic frames, are arranged in a tidy row. The wheelchairs, with their black cushioned seats and shiny armrests, sit on a smooth gray concrete floor. The background reveals a soft beige wall, suggesting the setting may be a clinical or therapeutic environment.",,7,4,attribute,texture,"attribute - texture (wheelchair frames, metallic)",Are the frames metallic? +27,"Three sleek silver wheelchairs, each featuring square-shaped seats and metallic frames, are arranged in a tidy row. The wheelchairs, with their black cushioned seats and shiny armrests, sit on a smooth gray concrete floor. The background reveals a soft beige wall, suggesting the setting may be a clinical or therapeutic environment.",,8,3,attribute,color,"attribute - color (wheelchair seats, black)",Are the seats cushioned black? +27,"Three sleek silver wheelchairs, each featuring square-shaped seats and metallic frames, are arranged in a tidy row. The wheelchairs, with their black cushioned seats and shiny armrests, sit on a smooth gray concrete floor. The background reveals a soft beige wall, suggesting the setting may be a clinical or therapeutic environment.",,9,0,attribute,texture,"attribute - texture (floor, concrete, smooth)",Is the floor made of smooth gray concrete? +27,"Three sleek silver wheelchairs, each featuring square-shaped seats and metallic frames, are arranged in a tidy row. The wheelchairs, with their black cushioned seats and shiny armrests, sit on a smooth gray concrete floor. The background reveals a soft beige wall, suggesting the setting may be a clinical or therapeutic environment.",,10,0,attribute,color,"attribute - color (wall, beige)",Is the wall soft beige? +249,"A pristine white baseball with red stitching is captured mid-air, as it's forcefully struck against a backdrop of a dusky evening sky showing hues of orange and purple. Below, a geometrically intriguing hexagonal game board with multicolored spaces rests atop the dark wood of an antique desk. The elegant desk shows the patina of age and is intricately carved, lending a sense of history and dignity to the scene.",,1,0,entity,whole,entity - whole (baseball),Is there a baseball? +249,"A pristine white baseball with red stitching is captured mid-air, as it's forcefully struck against a backdrop of a dusky evening sky showing hues of orange and purple. Below, a geometrically intriguing hexagonal game board with multicolored spaces rests atop the dark wood of an antique desk. The elegant desk shows the patina of age and is intricately carved, lending a sense of history and dignity to the scene.",,2,0,entity,whole,entity - whole (sky),Is there a sky? +249,"A pristine white baseball with red stitching is captured mid-air, as it's forcefully struck against a backdrop of a dusky evening sky showing hues of orange and purple. Below, a geometrically intriguing hexagonal game board with multicolored spaces rests atop the dark wood of an antique desk. The elegant desk shows the patina of age and is intricately carved, lending a sense of history and dignity to the scene.",,3,0,entity,whole,entity - whole (game board),Is there a game board? +249,"A pristine white baseball with red stitching is captured mid-air, as it's forcefully struck against a backdrop of a dusky evening sky showing hues of orange and purple. Below, a geometrically intriguing hexagonal game board with multicolored spaces rests atop the dark wood of an antique desk. The elegant desk shows the patina of age and is intricately carved, lending a sense of history and dignity to the scene.",,4,0,entity,whole,entity - whole (desk),Is there a desk? +249,"A pristine white baseball with red stitching is captured mid-air, as it's forcefully struck against a backdrop of a dusky evening sky showing hues of orange and purple. Below, a geometrically intriguing hexagonal game board with multicolored spaces rests atop the dark wood of an antique desk. The elegant desk shows the patina of age and is intricately carved, lending a sense of history and dignity to the scene.",,5,1,attribute,color,"attribute - color (baseball, white)",Is the baseball white? +249,"A pristine white baseball with red stitching is captured mid-air, as it's forcefully struck against a backdrop of a dusky evening sky showing hues of orange and purple. Below, a geometrically intriguing hexagonal game board with multicolored spaces rests atop the dark wood of an antique desk. The elegant desk shows the patina of age and is intricately carved, lending a sense of history and dignity to the scene.",,6,1,attribute,color,"attribute - color (stitching, red)",Is the stitching on the baseball red? +249,"A pristine white baseball with red stitching is captured mid-air, as it's forcefully struck against a backdrop of a dusky evening sky showing hues of orange and purple. Below, a geometrically intriguing hexagonal game board with multicolored spaces rests atop the dark wood of an antique desk. The elegant desk shows the patina of age and is intricately carved, lending a sense of history and dignity to the scene.",,7,2,attribute,color,"attribute - color (sky, orange)",Are there hues of orange in the sky? +249,"A pristine white baseball with red stitching is captured mid-air, as it's forcefully struck against a backdrop of a dusky evening sky showing hues of orange and purple. Below, a geometrically intriguing hexagonal game board with multicolored spaces rests atop the dark wood of an antique desk. The elegant desk shows the patina of age and is intricately carved, lending a sense of history and dignity to the scene.",,8,2,attribute,color,"attribute - color (sky, purple)",Are there hues of purple in the sky? +249,"A pristine white baseball with red stitching is captured mid-air, as it's forcefully struck against a backdrop of a dusky evening sky showing hues of orange and purple. Below, a geometrically intriguing hexagonal game board with multicolored spaces rests atop the dark wood of an antique desk. The elegant desk shows the patina of age and is intricately carved, lending a sense of history and dignity to the scene.",,9,4,attribute,texture,"attribute - texture (desk, wood)",Is the desk made of dark wood? +249,"A pristine white baseball with red stitching is captured mid-air, as it's forcefully struck against a backdrop of a dusky evening sky showing hues of orange and purple. Below, a geometrically intriguing hexagonal game board with multicolored spaces rests atop the dark wood of an antique desk. The elegant desk shows the patina of age and is intricately carved, lending a sense of history and dignity to the scene.",,10,4,attribute,texture,"attribute - texture (desk, antique)",Is the desk antique? +18,"In the illumination of the evening, a trio of square-shaped white induction cookers sit neatly arranged on a large central cooking island with a smooth, marbled countertop. Around them are scattered various cooking utensils, a cutting board hosting a half-chopped onion, and a crystal-clear glass bowl filled with ripe cherry tomatoes. The overhead lights cast a soft glow on the metallic surface of the kitchen vent hood above the island, reflecting the cookers below.",,1,0,entity,whole,entity - whole (induction cookers),Are there induction cookers? +18,"In the illumination of the evening, a trio of square-shaped white induction cookers sit neatly arranged on a large central cooking island with a smooth, marbled countertop. Around them are scattered various cooking utensils, a cutting board hosting a half-chopped onion, and a crystal-clear glass bowl filled with ripe cherry tomatoes. The overhead lights cast a soft glow on the metallic surface of the kitchen vent hood above the island, reflecting the cookers below.",,2,1,other,count,"other - count (induction cookers, ==3)",Are there three induction cookers? +18,"In the illumination of the evening, a trio of square-shaped white induction cookers sit neatly arranged on a large central cooking island with a smooth, marbled countertop. Around them are scattered various cooking utensils, a cutting board hosting a half-chopped onion, and a crystal-clear glass bowl filled with ripe cherry tomatoes. The overhead lights cast a soft glow on the metallic surface of the kitchen vent hood above the island, reflecting the cookers below.",,3,0,entity,whole,entity - whole (cooking island),Is there a cooking island? +18,"In the illumination of the evening, a trio of square-shaped white induction cookers sit neatly arranged on a large central cooking island with a smooth, marbled countertop. Around them are scattered various cooking utensils, a cutting board hosting a half-chopped onion, and a crystal-clear glass bowl filled with ripe cherry tomatoes. The overhead lights cast a soft glow on the metallic surface of the kitchen vent hood above the island, reflecting the cookers below.",,4,3,entity,whole,entity - whole (countertop),Is there a countertop? +18,"In the illumination of the evening, a trio of square-shaped white induction cookers sit neatly arranged on a large central cooking island with a smooth, marbled countertop. Around them are scattered various cooking utensils, a cutting board hosting a half-chopped onion, and a crystal-clear glass bowl filled with ripe cherry tomatoes. The overhead lights cast a soft glow on the metallic surface of the kitchen vent hood above the island, reflecting the cookers below.",,5,0,entity,whole,entity - whole (cooking utensils),Are there cooking utensils? +18,"In the illumination of the evening, a trio of square-shaped white induction cookers sit neatly arranged on a large central cooking island with a smooth, marbled countertop. Around them are scattered various cooking utensils, a cutting board hosting a half-chopped onion, and a crystal-clear glass bowl filled with ripe cherry tomatoes. The overhead lights cast a soft glow on the metallic surface of the kitchen vent hood above the island, reflecting the cookers below.",,6,0,entity,whole,entity - whole (cutting board),Is there a cutting board? +18,"In the illumination of the evening, a trio of square-shaped white induction cookers sit neatly arranged on a large central cooking island with a smooth, marbled countertop. Around them are scattered various cooking utensils, a cutting board hosting a half-chopped onion, and a crystal-clear glass bowl filled with ripe cherry tomatoes. The overhead lights cast a soft glow on the metallic surface of the kitchen vent hood above the island, reflecting the cookers below.",,7,0,entity,whole,entity - whole (onion),Is there an onion? +18,"In the illumination of the evening, a trio of square-shaped white induction cookers sit neatly arranged on a large central cooking island with a smooth, marbled countertop. Around them are scattered various cooking utensils, a cutting board hosting a half-chopped onion, and a crystal-clear glass bowl filled with ripe cherry tomatoes. The overhead lights cast a soft glow on the metallic surface of the kitchen vent hood above the island, reflecting the cookers below.",,8,0,entity,whole,entity - whole (bowl),Is there a bowl? +18,"In the illumination of the evening, a trio of square-shaped white induction cookers sit neatly arranged on a large central cooking island with a smooth, marbled countertop. Around them are scattered various cooking utensils, a cutting board hosting a half-chopped onion, and a crystal-clear glass bowl filled with ripe cherry tomatoes. The overhead lights cast a soft glow on the metallic surface of the kitchen vent hood above the island, reflecting the cookers below.",,9,0,entity,whole,entity - whole (cherry tomatoes),Are there cherry tomatoes? +18,"In the illumination of the evening, a trio of square-shaped white induction cookers sit neatly arranged on a large central cooking island with a smooth, marbled countertop. Around them are scattered various cooking utensils, a cutting board hosting a half-chopped onion, and a crystal-clear glass bowl filled with ripe cherry tomatoes. The overhead lights cast a soft glow on the metallic surface of the kitchen vent hood above the island, reflecting the cookers below.",,10,0,entity,whole,entity - whole (vent hood),Is there a vent hood? +18,"In the illumination of the evening, a trio of square-shaped white induction cookers sit neatly arranged on a large central cooking island with a smooth, marbled countertop. Around them are scattered various cooking utensils, a cutting board hosting a half-chopped onion, and a crystal-clear glass bowl filled with ripe cherry tomatoes. The overhead lights cast a soft glow on the metallic surface of the kitchen vent hood above the island, reflecting the cookers below.",,11,1,attribute,shape,"attribute - shape (induction cookers, square-shaped)",Are the induction cookers square-shaped? +18,"In the illumination of the evening, a trio of square-shaped white induction cookers sit neatly arranged on a large central cooking island with a smooth, marbled countertop. Around them are scattered various cooking utensils, a cutting board hosting a half-chopped onion, and a crystal-clear glass bowl filled with ripe cherry tomatoes. The overhead lights cast a soft glow on the metallic surface of the kitchen vent hood above the island, reflecting the cookers below.",,12,1,attribute,color,"attribute - color (induction cookers, white)",Are the induction cookers white? +18,"In the illumination of the evening, a trio of square-shaped white induction cookers sit neatly arranged on a large central cooking island with a smooth, marbled countertop. Around them are scattered various cooking utensils, a cutting board hosting a half-chopped onion, and a crystal-clear glass bowl filled with ripe cherry tomatoes. The overhead lights cast a soft glow on the metallic surface of the kitchen vent hood above the island, reflecting the cookers below.",,13,4,attribute,texture,"attribute - texture (countertop, marbled)",Is the countertop marbled? +18,"In the illumination of the evening, a trio of square-shaped white induction cookers sit neatly arranged on a large central cooking island with a smooth, marbled countertop. Around them are scattered various cooking utensils, a cutting board hosting a half-chopped onion, and a crystal-clear glass bowl filled with ripe cherry tomatoes. The overhead lights cast a soft glow on the metallic surface of the kitchen vent hood above the island, reflecting the cookers below.",,14,3,attribute,size,"attribute - size (cooking island, large)",Is the cooking island large? +18,"In the illumination of the evening, a trio of square-shaped white induction cookers sit neatly arranged on a large central cooking island with a smooth, marbled countertop. Around them are scattered various cooking utensils, a cutting board hosting a half-chopped onion, and a crystal-clear glass bowl filled with ripe cherry tomatoes. The overhead lights cast a soft glow on the metallic surface of the kitchen vent hood above the island, reflecting the cookers below.",,15,7,entity,state,"entity - state (onion, half-chopped)",Is the onion half-chopped? +18,"In the illumination of the evening, a trio of square-shaped white induction cookers sit neatly arranged on a large central cooking island with a smooth, marbled countertop. Around them are scattered various cooking utensils, a cutting board hosting a half-chopped onion, and a crystal-clear glass bowl filled with ripe cherry tomatoes. The overhead lights cast a soft glow on the metallic surface of the kitchen vent hood above the island, reflecting the cookers below.",,16,8,attribute,texture,"attribute - texture (bowl, crystal-clear)",Is the bowl crystal-clear? +18,"In the illumination of the evening, a trio of square-shaped white induction cookers sit neatly arranged on a large central cooking island with a smooth, marbled countertop. Around them are scattered various cooking utensils, a cutting board hosting a half-chopped onion, and a crystal-clear glass bowl filled with ripe cherry tomatoes. The overhead lights cast a soft glow on the metallic surface of the kitchen vent hood above the island, reflecting the cookers below.",,17,9,attribute,color,"attribute - color (cherry tomatoes, ripe)",Are the cherry tomatoes ripe? +18,"In the illumination of the evening, a trio of square-shaped white induction cookers sit neatly arranged on a large central cooking island with a smooth, marbled countertop. Around them are scattered various cooking utensils, a cutting board hosting a half-chopped onion, and a crystal-clear glass bowl filled with ripe cherry tomatoes. The overhead lights cast a soft glow on the metallic surface of the kitchen vent hood above the island, reflecting the cookers below.",,18,"1,3",relation,spatial,"relation - spatial (induction cookers, cooking island, on)",Are the induction cookers on the cooking island? +18,"In the illumination of the evening, a trio of square-shaped white induction cookers sit neatly arranged on a large central cooking island with a smooth, marbled countertop. Around them are scattered various cooking utensils, a cutting board hosting a half-chopped onion, and a crystal-clear glass bowl filled with ripe cherry tomatoes. The overhead lights cast a soft glow on the metallic surface of the kitchen vent hood above the island, reflecting the cookers below.",,19,"3,5",relation,spatial,"relation - spatial (cooking utensils, cooking island, scattered around)",Are the cooking utensils scattered around the cooking island? +18,"In the illumination of the evening, a trio of square-shaped white induction cookers sit neatly arranged on a large central cooking island with a smooth, marbled countertop. Around them are scattered various cooking utensils, a cutting board hosting a half-chopped onion, and a crystal-clear glass bowl filled with ripe cherry tomatoes. The overhead lights cast a soft glow on the metallic surface of the kitchen vent hood above the island, reflecting the cookers below.",,20,"3,6",relation,spatial,"relation - spatial (cutting board, cooking island, on)",Is the cutting board on the cooking island? +18,"In the illumination of the evening, a trio of square-shaped white induction cookers sit neatly arranged on a large central cooking island with a smooth, marbled countertop. Around them are scattered various cooking utensils, a cutting board hosting a half-chopped onion, and a crystal-clear glass bowl filled with ripe cherry tomatoes. The overhead lights cast a soft glow on the metallic surface of the kitchen vent hood above the island, reflecting the cookers below.",,21,"6,7",relation,spatial,"relation - spatial (onion, cutting board, on)",Is the onion on the cutting board? +18,"In the illumination of the evening, a trio of square-shaped white induction cookers sit neatly arranged on a large central cooking island with a smooth, marbled countertop. Around them are scattered various cooking utensils, a cutting board hosting a half-chopped onion, and a crystal-clear glass bowl filled with ripe cherry tomatoes. The overhead lights cast a soft glow on the metallic surface of the kitchen vent hood above the island, reflecting the cookers below.",,22,"3,8",relation,spatial,"relation - spatial (bowl, cooking island, on)",Is the bowl on the cooking island? +18,"In the illumination of the evening, a trio of square-shaped white induction cookers sit neatly arranged on a large central cooking island with a smooth, marbled countertop. Around them are scattered various cooking utensils, a cutting board hosting a half-chopped onion, and a crystal-clear glass bowl filled with ripe cherry tomatoes. The overhead lights cast a soft glow on the metallic surface of the kitchen vent hood above the island, reflecting the cookers below.",,23,"8,9",relation,spatial,"relation - spatial (cherry tomatoes, bowl, in)",Are the cherry tomatoes in the bowl? +18,"In the illumination of the evening, a trio of square-shaped white induction cookers sit neatly arranged on a large central cooking island with a smooth, marbled countertop. Around them are scattered various cooking utensils, a cutting board hosting a half-chopped onion, and a crystal-clear glass bowl filled with ripe cherry tomatoes. The overhead lights cast a soft glow on the metallic surface of the kitchen vent hood above the island, reflecting the cookers below.",,24,"3,10",relation,spatial,"relation - spatial (vent hood, cooking island, above)",Is the vent hood above the cooking island? +34,"An assortment of artisanal cheese wheels, each exhibiting a distinct texture and color palette, ranging from pale creamy whites to rich oranges, are spread across a rough-hewn wooden table brimming with character. The warm rays of the early morning sun filter through a window to the side, lending a natural illumination that highlights the subtle hues of the cheeses. In the background, the soft shadows cast by the window frame accentuate the contours of the rustic table, contributing to the inviting display of dairy delights.",,1,0,entity,whole,entity - whole (cheese wheels),Are there cheese wheels? +34,"An assortment of artisanal cheese wheels, each exhibiting a distinct texture and color palette, ranging from pale creamy whites to rich oranges, are spread across a rough-hewn wooden table brimming with character. The warm rays of the early morning sun filter through a window to the side, lending a natural illumination that highlights the subtle hues of the cheeses. In the background, the soft shadows cast by the window frame accentuate the contours of the rustic table, contributing to the inviting display of dairy delights.",,2,0,entity,whole,entity - whole (table),Is there a table? +34,"An assortment of artisanal cheese wheels, each exhibiting a distinct texture and color palette, ranging from pale creamy whites to rich oranges, are spread across a rough-hewn wooden table brimming with character. The warm rays of the early morning sun filter through a window to the side, lending a natural illumination that highlights the subtle hues of the cheeses. In the background, the soft shadows cast by the window frame accentuate the contours of the rustic table, contributing to the inviting display of dairy delights.",,3,1,attribute,texture,"attribute - texture (cheese wheels, distinct)",Do the cheese wheels exhibit distinct textures? +34,"An assortment of artisanal cheese wheels, each exhibiting a distinct texture and color palette, ranging from pale creamy whites to rich oranges, are spread across a rough-hewn wooden table brimming with character. The warm rays of the early morning sun filter through a window to the side, lending a natural illumination that highlights the subtle hues of the cheeses. In the background, the soft shadows cast by the window frame accentuate the contours of the rustic table, contributing to the inviting display of dairy delights.",,4,1,attribute,color,"attribute - color (cheese wheels, range of colors)",Do the cheese wheels have a range of colors from pale creamy whites to rich oranges? +34,"An assortment of artisanal cheese wheels, each exhibiting a distinct texture and color palette, ranging from pale creamy whites to rich oranges, are spread across a rough-hewn wooden table brimming with character. The warm rays of the early morning sun filter through a window to the side, lending a natural illumination that highlights the subtle hues of the cheeses. In the background, the soft shadows cast by the window frame accentuate the contours of the rustic table, contributing to the inviting display of dairy delights.",,5,2,attribute,texture,"attribute - texture (table, rough-hewn wood)",Is the table made of rough-hewn wood? +34,"An assortment of artisanal cheese wheels, each exhibiting a distinct texture and color palette, ranging from pale creamy whites to rich oranges, are spread across a rough-hewn wooden table brimming with character. The warm rays of the early morning sun filter through a window to the side, lending a natural illumination that highlights the subtle hues of the cheeses. In the background, the soft shadows cast by the window frame accentuate the contours of the rustic table, contributing to the inviting display of dairy delights.",,6,2,attribute,other,"attribute - other (table, character, brimming with)",Is the wooden table brimming with character? +34,"An assortment of artisanal cheese wheels, each exhibiting a distinct texture and color palette, ranging from pale creamy whites to rich oranges, are spread across a rough-hewn wooden table brimming with character. The warm rays of the early morning sun filter through a window to the side, lending a natural illumination that highlights the subtle hues of the cheeses. In the background, the soft shadows cast by the window frame accentuate the contours of the rustic table, contributing to the inviting display of dairy delights.",,7,0,entity,state,"entity - state (sun, early morning)",Is it early morning sun? +34,"An assortment of artisanal cheese wheels, each exhibiting a distinct texture and color palette, ranging from pale creamy whites to rich oranges, are spread across a rough-hewn wooden table brimming with character. The warm rays of the early morning sun filter through a window to the side, lending a natural illumination that highlights the subtle hues of the cheeses. In the background, the soft shadows cast by the window frame accentuate the contours of the rustic table, contributing to the inviting display of dairy delights.",,8,0,entity,state,"entity - state (light, natural illumination)",Is there natural illumination highlighting the cheeses? +34,"An assortment of artisanal cheese wheels, each exhibiting a distinct texture and color palette, ranging from pale creamy whites to rich oranges, are spread across a rough-hewn wooden table brimming with character. The warm rays of the early morning sun filter through a window to the side, lending a natural illumination that highlights the subtle hues of the cheeses. In the background, the soft shadows cast by the window frame accentuate the contours of the rustic table, contributing to the inviting display of dairy delights.",,9,"1,2",relation,spatial,"relation - spatial (cheese wheels, table, on)",Are the cheese wheels spread across the table? +34,"An assortment of artisanal cheese wheels, each exhibiting a distinct texture and color palette, ranging from pale creamy whites to rich oranges, are spread across a rough-hewn wooden table brimming with character. The warm rays of the early morning sun filter through a window to the side, lending a natural illumination that highlights the subtle hues of the cheeses. In the background, the soft shadows cast by the window frame accentuate the contours of the rustic table, contributing to the inviting display of dairy delights.",,10,7,relation,spatial,"relation - spatial (sun, window, filter through)",Are the warm rays of the sun filtering through a window? +287,"In an expansive field, a chestnut horse with a flowing mane is captured in the midst of a powerful buck, its hooves churning up tufts of green grass. Adjacent to the field, a playful seal can be seen in a clear blue pond, its slick body arcing gracefully as it performs an energetic flip, splashing water droplets into the air. The surrounding area is dotted with wildflowers and a wooden fence encloses the field, maintaining a boundary between the terrestrial exuberance of the horse and the aquatic acrobatics of the seal.",,1,0,entity,whole,entity - whole (field),Is there a field? +287,"In an expansive field, a chestnut horse with a flowing mane is captured in the midst of a powerful buck, its hooves churning up tufts of green grass. Adjacent to the field, a playful seal can be seen in a clear blue pond, its slick body arcing gracefully as it performs an energetic flip, splashing water droplets into the air. The surrounding area is dotted with wildflowers and a wooden fence encloses the field, maintaining a boundary between the terrestrial exuberance of the horse and the aquatic acrobatics of the seal.",,2,0,entity,whole,entity - whole (horse),Is there a horse? +287,"In an expansive field, a chestnut horse with a flowing mane is captured in the midst of a powerful buck, its hooves churning up tufts of green grass. Adjacent to the field, a playful seal can be seen in a clear blue pond, its slick body arcing gracefully as it performs an energetic flip, splashing water droplets into the air. The surrounding area is dotted with wildflowers and a wooden fence encloses the field, maintaining a boundary between the terrestrial exuberance of the horse and the aquatic acrobatics of the seal.",,3,2,entity,whole,entity - whole (mane),Is there a mane? +287,"In an expansive field, a chestnut horse with a flowing mane is captured in the midst of a powerful buck, its hooves churning up tufts of green grass. Adjacent to the field, a playful seal can be seen in a clear blue pond, its slick body arcing gracefully as it performs an energetic flip, splashing water droplets into the air. The surrounding area is dotted with wildflowers and a wooden fence encloses the field, maintaining a boundary between the terrestrial exuberance of the horse and the aquatic acrobatics of the seal.",,4,2,entity,whole,entity - whole (hooves),Are there hooves? +287,"In an expansive field, a chestnut horse with a flowing mane is captured in the midst of a powerful buck, its hooves churning up tufts of green grass. Adjacent to the field, a playful seal can be seen in a clear blue pond, its slick body arcing gracefully as it performs an energetic flip, splashing water droplets into the air. The surrounding area is dotted with wildflowers and a wooden fence encloses the field, maintaining a boundary between the terrestrial exuberance of the horse and the aquatic acrobatics of the seal.",,5,0,entity,whole,entity - whole (grass),Is there grass? +287,"In an expansive field, a chestnut horse with a flowing mane is captured in the midst of a powerful buck, its hooves churning up tufts of green grass. Adjacent to the field, a playful seal can be seen in a clear blue pond, its slick body arcing gracefully as it performs an energetic flip, splashing water droplets into the air. The surrounding area is dotted with wildflowers and a wooden fence encloses the field, maintaining a boundary between the terrestrial exuberance of the horse and the aquatic acrobatics of the seal.",,6,0,entity,whole,entity - whole (seal),Is there a seal? +287,"In an expansive field, a chestnut horse with a flowing mane is captured in the midst of a powerful buck, its hooves churning up tufts of green grass. Adjacent to the field, a playful seal can be seen in a clear blue pond, its slick body arcing gracefully as it performs an energetic flip, splashing water droplets into the air. The surrounding area is dotted with wildflowers and a wooden fence encloses the field, maintaining a boundary between the terrestrial exuberance of the horse and the aquatic acrobatics of the seal.",,7,0,entity,whole,entity - whole (pond),Is there a pond? +287,"In an expansive field, a chestnut horse with a flowing mane is captured in the midst of a powerful buck, its hooves churning up tufts of green grass. Adjacent to the field, a playful seal can be seen in a clear blue pond, its slick body arcing gracefully as it performs an energetic flip, splashing water droplets into the air. The surrounding area is dotted with wildflowers and a wooden fence encloses the field, maintaining a boundary between the terrestrial exuberance of the horse and the aquatic acrobatics of the seal.",,8,0,entity,whole,entity - whole (wildflowers),Are there wildflowers? +287,"In an expansive field, a chestnut horse with a flowing mane is captured in the midst of a powerful buck, its hooves churning up tufts of green grass. Adjacent to the field, a playful seal can be seen in a clear blue pond, its slick body arcing gracefully as it performs an energetic flip, splashing water droplets into the air. The surrounding area is dotted with wildflowers and a wooden fence encloses the field, maintaining a boundary between the terrestrial exuberance of the horse and the aquatic acrobatics of the seal.",,9,0,entity,whole,entity - whole (fence),Is there a fence? +287,"In an expansive field, a chestnut horse with a flowing mane is captured in the midst of a powerful buck, its hooves churning up tufts of green grass. Adjacent to the field, a playful seal can be seen in a clear blue pond, its slick body arcing gracefully as it performs an energetic flip, splashing water droplets into the air. The surrounding area is dotted with wildflowers and a wooden fence encloses the field, maintaining a boundary between the terrestrial exuberance of the horse and the aquatic acrobatics of the seal.",,10,2,attribute,color,"attribute - color (horse, chestnut)",Is the horse chestnut in color? +287,"In an expansive field, a chestnut horse with a flowing mane is captured in the midst of a powerful buck, its hooves churning up tufts of green grass. Adjacent to the field, a playful seal can be seen in a clear blue pond, its slick body arcing gracefully as it performs an energetic flip, splashing water droplets into the air. The surrounding area is dotted with wildflowers and a wooden fence encloses the field, maintaining a boundary between the terrestrial exuberance of the horse and the aquatic acrobatics of the seal.",,11,3,attribute,texture,"attribute - texture (mane, flowing)",Does the horse have a flowing mane? +287,"In an expansive field, a chestnut horse with a flowing mane is captured in the midst of a powerful buck, its hooves churning up tufts of green grass. Adjacent to the field, a playful seal can be seen in a clear blue pond, its slick body arcing gracefully as it performs an energetic flip, splashing water droplets into the air. The surrounding area is dotted with wildflowers and a wooden fence encloses the field, maintaining a boundary between the terrestrial exuberance of the horse and the aquatic acrobatics of the seal.",,12,2,entity,state,"entity - state (horse, buck, powerful)",Is the horse performing a powerful buck? +287,"In an expansive field, a chestnut horse with a flowing mane is captured in the midst of a powerful buck, its hooves churning up tufts of green grass. Adjacent to the field, a playful seal can be seen in a clear blue pond, its slick body arcing gracefully as it performs an energetic flip, splashing water droplets into the air. The surrounding area is dotted with wildflowers and a wooden fence encloses the field, maintaining a boundary between the terrestrial exuberance of the horse and the aquatic acrobatics of the seal.",,13,7,attribute,color,"attribute - color (pond, clear blue)",Is the pond clear blue? +287,"In an expansive field, a chestnut horse with a flowing mane is captured in the midst of a powerful buck, its hooves churning up tufts of green grass. Adjacent to the field, a playful seal can be seen in a clear blue pond, its slick body arcing gracefully as it performs an energetic flip, splashing water droplets into the air. The surrounding area is dotted with wildflowers and a wooden fence encloses the field, maintaining a boundary between the terrestrial exuberance of the horse and the aquatic acrobatics of the seal.",,14,6,entity,state,"entity - state (seal, flip, energetic)",Is the seal performing an energetic flip? +287,"In an expansive field, a chestnut horse with a flowing mane is captured in the midst of a powerful buck, its hooves churning up tufts of green grass. Adjacent to the field, a playful seal can be seen in a clear blue pond, its slick body arcing gracefully as it performs an energetic flip, splashing water droplets into the air. The surrounding area is dotted with wildflowers and a wooden fence encloses the field, maintaining a boundary between the terrestrial exuberance of the horse and the aquatic acrobatics of the seal.",,15,"6,7",relation,spatial,"relation - spatial (seal, pond, in)",Is the seal in the pond? +287,"In an expansive field, a chestnut horse with a flowing mane is captured in the midst of a powerful buck, its hooves churning up tufts of green grass. Adjacent to the field, a playful seal can be seen in a clear blue pond, its slick body arcing gracefully as it performs an energetic flip, splashing water droplets into the air. The surrounding area is dotted with wildflowers and a wooden fence encloses the field, maintaining a boundary between the terrestrial exuberance of the horse and the aquatic acrobatics of the seal.",,16,"1,2",relation,spatial,"relation - spatial (horse, field, in)",Is the horse in the field? +287,"In an expansive field, a chestnut horse with a flowing mane is captured in the midst of a powerful buck, its hooves churning up tufts of green grass. Adjacent to the field, a playful seal can be seen in a clear blue pond, its slick body arcing gracefully as it performs an energetic flip, splashing water droplets into the air. The surrounding area is dotted with wildflowers and a wooden fence encloses the field, maintaining a boundary between the terrestrial exuberance of the horse and the aquatic acrobatics of the seal.",,17,"1,8",relation,spatial,"relation - spatial (wildflowers, field, dotted around)",Are the wildflowers dotted around the field? +287,"In an expansive field, a chestnut horse with a flowing mane is captured in the midst of a powerful buck, its hooves churning up tufts of green grass. Adjacent to the field, a playful seal can be seen in a clear blue pond, its slick body arcing gracefully as it performs an energetic flip, splashing water droplets into the air. The surrounding area is dotted with wildflowers and a wooden fence encloses the field, maintaining a boundary between the terrestrial exuberance of the horse and the aquatic acrobatics of the seal.",,18,"1,9",relation,spatial,"relation - spatial (fence, field, encloses)",Does the fence enclose the field? +287,"In an expansive field, a chestnut horse with a flowing mane is captured in the midst of a powerful buck, its hooves churning up tufts of green grass. Adjacent to the field, a playful seal can be seen in a clear blue pond, its slick body arcing gracefully as it performs an energetic flip, splashing water droplets into the air. The surrounding area is dotted with wildflowers and a wooden fence encloses the field, maintaining a boundary between the terrestrial exuberance of the horse and the aquatic acrobatics of the seal.",,19,"1,7",relation,spatial,"relation - spatial (pond, field, adjacent to)",Is the pond adjacent to the field? +237,"A quiet scene is set within a busy commercial kitchen, where stainless steel surfaces are bustling with activity. In one corner, a gleaming white porcelain cup sits beside a large stainless steel basin, both impeccably clean and ready for their next purpose. The walls, clad in white subway tiles, reflect the glimmer of overhead lights, giving the room a bright, active atmosphere. In the background, the hum of ovens and stovetops blend with the rhythmic chopping of diligent cooks preparing for the morning rush.",,1,0,entity,whole,entity - whole (commercial kitchen),Is there a commercial kitchen? +237,"A quiet scene is set within a busy commercial kitchen, where stainless steel surfaces are bustling with activity. In one corner, a gleaming white porcelain cup sits beside a large stainless steel basin, both impeccably clean and ready for their next purpose. The walls, clad in white subway tiles, reflect the glimmer of overhead lights, giving the room a bright, active atmosphere. In the background, the hum of ovens and stovetops blend with the rhythmic chopping of diligent cooks preparing for the morning rush.",,2,0,entity,whole,entity - whole (cup),Is there a cup? +237,"A quiet scene is set within a busy commercial kitchen, where stainless steel surfaces are bustling with activity. In one corner, a gleaming white porcelain cup sits beside a large stainless steel basin, both impeccably clean and ready for their next purpose. The walls, clad in white subway tiles, reflect the glimmer of overhead lights, giving the room a bright, active atmosphere. In the background, the hum of ovens and stovetops blend with the rhythmic chopping of diligent cooks preparing for the morning rush.",,3,0,entity,whole,entity - whole (basin),Is there a basin? +237,"A quiet scene is set within a busy commercial kitchen, where stainless steel surfaces are bustling with activity. In one corner, a gleaming white porcelain cup sits beside a large stainless steel basin, both impeccably clean and ready for their next purpose. The walls, clad in white subway tiles, reflect the glimmer of overhead lights, giving the room a bright, active atmosphere. In the background, the hum of ovens and stovetops blend with the rhythmic chopping of diligent cooks preparing for the morning rush.",,4,0,entity,whole,entity - whole (walls),Are there walls? +237,"A quiet scene is set within a busy commercial kitchen, where stainless steel surfaces are bustling with activity. In one corner, a gleaming white porcelain cup sits beside a large stainless steel basin, both impeccably clean and ready for their next purpose. The walls, clad in white subway tiles, reflect the glimmer of overhead lights, giving the room a bright, active atmosphere. In the background, the hum of ovens and stovetops blend with the rhythmic chopping of diligent cooks preparing for the morning rush.",,5,0,entity,whole,entity - whole (ovens),Are there ovens? +237,"A quiet scene is set within a busy commercial kitchen, where stainless steel surfaces are bustling with activity. In one corner, a gleaming white porcelain cup sits beside a large stainless steel basin, both impeccably clean and ready for their next purpose. The walls, clad in white subway tiles, reflect the glimmer of overhead lights, giving the room a bright, active atmosphere. In the background, the hum of ovens and stovetops blend with the rhythmic chopping of diligent cooks preparing for the morning rush.",,6,0,entity,whole,entity - whole (stovetops),Are there stovetops? +237,"A quiet scene is set within a busy commercial kitchen, where stainless steel surfaces are bustling with activity. In one corner, a gleaming white porcelain cup sits beside a large stainless steel basin, both impeccably clean and ready for their next purpose. The walls, clad in white subway tiles, reflect the glimmer of overhead lights, giving the room a bright, active atmosphere. In the background, the hum of ovens and stovetops blend with the rhythmic chopping of diligent cooks preparing for the morning rush.",,7,1,attribute,texture,"attribute - texture (surfaces, stainless steel)",Are the surfaces made of stainless steel? +237,"A quiet scene is set within a busy commercial kitchen, where stainless steel surfaces are bustling with activity. In one corner, a gleaming white porcelain cup sits beside a large stainless steel basin, both impeccably clean and ready for their next purpose. The walls, clad in white subway tiles, reflect the glimmer of overhead lights, giving the room a bright, active atmosphere. In the background, the hum of ovens and stovetops blend with the rhythmic chopping of diligent cooks preparing for the morning rush.",,8,2,attribute,color,"attribute - color (cup, white)",Is the cup white? +237,"A quiet scene is set within a busy commercial kitchen, where stainless steel surfaces are bustling with activity. In one corner, a gleaming white porcelain cup sits beside a large stainless steel basin, both impeccably clean and ready for their next purpose. The walls, clad in white subway tiles, reflect the glimmer of overhead lights, giving the room a bright, active atmosphere. In the background, the hum of ovens and stovetops blend with the rhythmic chopping of diligent cooks preparing for the morning rush.",,9,4,attribute,color,"attribute - color (walls, white)",Are the walls white? +237,"A quiet scene is set within a busy commercial kitchen, where stainless steel surfaces are bustling with activity. In one corner, a gleaming white porcelain cup sits beside a large stainless steel basin, both impeccably clean and ready for their next purpose. The walls, clad in white subway tiles, reflect the glimmer of overhead lights, giving the room a bright, active atmosphere. In the background, the hum of ovens and stovetops blend with the rhythmic chopping of diligent cooks preparing for the morning rush.",,10,4,attribute,texture,"attribute - texture (walls, subway tiles)",Are the walls clad in subway tiles? +6,"A majestic parrot with vibrant green, red, and blue feathers glides effortlessly across the bright blue sky. Its impressive wingspan is fully outstretched, catching the warm sunlight as it soars high above the tree line. Below, the landscape features rolling hills and patches of dense forest.",,1,0,entity,whole,entity - whole (parrot),Is there a parrot? +6,"A majestic parrot with vibrant green, red, and blue feathers glides effortlessly across the bright blue sky. Its impressive wingspan is fully outstretched, catching the warm sunlight as it soars high above the tree line. Below, the landscape features rolling hills and patches of dense forest.",,2,0,entity,whole,entity - whole (sky),Is there a sky? +6,"A majestic parrot with vibrant green, red, and blue feathers glides effortlessly across the bright blue sky. Its impressive wingspan is fully outstretched, catching the warm sunlight as it soars high above the tree line. Below, the landscape features rolling hills and patches of dense forest.",,3,1,entity,whole,entity - whole (wingspan),Does the parrot have a wingspan? +6,"A majestic parrot with vibrant green, red, and blue feathers glides effortlessly across the bright blue sky. Its impressive wingspan is fully outstretched, catching the warm sunlight as it soars high above the tree line. Below, the landscape features rolling hills and patches of dense forest.",,4,0,entity,whole,entity - whole (landscape),Is there a landscape? +6,"A majestic parrot with vibrant green, red, and blue feathers glides effortlessly across the bright blue sky. Its impressive wingspan is fully outstretched, catching the warm sunlight as it soars high above the tree line. Below, the landscape features rolling hills and patches of dense forest.",,5,1,attribute,color,"attribute - color (parrot's feathers, vibrant green)",Does the parrot have vibrant green feathers? +6,"A majestic parrot with vibrant green, red, and blue feathers glides effortlessly across the bright blue sky. Its impressive wingspan is fully outstretched, catching the warm sunlight as it soars high above the tree line. Below, the landscape features rolling hills and patches of dense forest.",,6,1,attribute,color,"attribute - color (parrot's feathers, red)",Does the parrot have red feathers? +6,"A majestic parrot with vibrant green, red, and blue feathers glides effortlessly across the bright blue sky. Its impressive wingspan is fully outstretched, catching the warm sunlight as it soars high above the tree line. Below, the landscape features rolling hills and patches of dense forest.",,7,1,attribute,color,"attribute - color (parrot's feathers, blue)",Does the parrot have blue feathers? +6,"A majestic parrot with vibrant green, red, and blue feathers glides effortlessly across the bright blue sky. Its impressive wingspan is fully outstretched, catching the warm sunlight as it soars high above the tree line. Below, the landscape features rolling hills and patches of dense forest.",,8,2,attribute,color,"attribute - color (sky, bright blue)",Is the sky bright blue? +6,"A majestic parrot with vibrant green, red, and blue feathers glides effortlessly across the bright blue sky. Its impressive wingspan is fully outstretched, catching the warm sunlight as it soars high above the tree line. Below, the landscape features rolling hills and patches of dense forest.",,9,1,entity,state,"entity - state (parrot, glide)",Is the parrot gliding? +6,"A majestic parrot with vibrant green, red, and blue feathers glides effortlessly across the bright blue sky. Its impressive wingspan is fully outstretched, catching the warm sunlight as it soars high above the tree line. Below, the landscape features rolling hills and patches of dense forest.",,10,"1,2",relation,spatial,"relation - spatial (parrot, sky, across)",Is the parrot gliding across the sky? +290,"A home office scene reveals a cylindrical, light-gray extension cord neatly coiled around the base of a sleek, black printer. The intricate texture of the cord contrasts with the printer's smooth, glossy surface. Near the printer, an array of paperwork is scattered, and the faint moonlight streaming through the window casts a soft glow on the scene at midnight.",,1,0,entity,whole,entity - whole (extension cord),Is there an extension cord? +290,"A home office scene reveals a cylindrical, light-gray extension cord neatly coiled around the base of a sleek, black printer. The intricate texture of the cord contrasts with the printer's smooth, glossy surface. Near the printer, an array of paperwork is scattered, and the faint moonlight streaming through the window casts a soft glow on the scene at midnight.",,2,0,entity,whole,entity - whole (printer),Is there a printer? +290,"A home office scene reveals a cylindrical, light-gray extension cord neatly coiled around the base of a sleek, black printer. The intricate texture of the cord contrasts with the printer's smooth, glossy surface. Near the printer, an array of paperwork is scattered, and the faint moonlight streaming through the window casts a soft glow on the scene at midnight.",,3,0,entity,whole,entity - whole (paperwork),Is there paperwork? +290,"A home office scene reveals a cylindrical, light-gray extension cord neatly coiled around the base of a sleek, black printer. The intricate texture of the cord contrasts with the printer's smooth, glossy surface. Near the printer, an array of paperwork is scattered, and the faint moonlight streaming through the window casts a soft glow on the scene at midnight.",,4,0,entity,whole,entity - whole (window),Is there a window? +290,"A home office scene reveals a cylindrical, light-gray extension cord neatly coiled around the base of a sleek, black printer. The intricate texture of the cord contrasts with the printer's smooth, glossy surface. Near the printer, an array of paperwork is scattered, and the faint moonlight streaming through the window casts a soft glow on the scene at midnight.",,5,1,attribute,shape,"attribute - shape (extension cord, cylindrical)",Is the extension cord cylindrical? +290,"A home office scene reveals a cylindrical, light-gray extension cord neatly coiled around the base of a sleek, black printer. The intricate texture of the cord contrasts with the printer's smooth, glossy surface. Near the printer, an array of paperwork is scattered, and the faint moonlight streaming through the window casts a soft glow on the scene at midnight.",,6,1,attribute,color,"attribute - color (extension cord, light-gray)",Is the extension cord light-gray? +290,"A home office scene reveals a cylindrical, light-gray extension cord neatly coiled around the base of a sleek, black printer. The intricate texture of the cord contrasts with the printer's smooth, glossy surface. Near the printer, an array of paperwork is scattered, and the faint moonlight streaming through the window casts a soft glow on the scene at midnight.",,7,2,attribute,color,"attribute - color (printer, black)",Is the printer black? +290,"A home office scene reveals a cylindrical, light-gray extension cord neatly coiled around the base of a sleek, black printer. The intricate texture of the cord contrasts with the printer's smooth, glossy surface. Near the printer, an array of paperwork is scattered, and the faint moonlight streaming through the window casts a soft glow on the scene at midnight.",,8,1,attribute,texture,"attribute - texture (cord, intricate)",Does the cord have an intricate texture? +290,"A home office scene reveals a cylindrical, light-gray extension cord neatly coiled around the base of a sleek, black printer. The intricate texture of the cord contrasts with the printer's smooth, glossy surface. Near the printer, an array of paperwork is scattered, and the faint moonlight streaming through the window casts a soft glow on the scene at midnight.",,9,2,attribute,texture,"attribute - texture (printer, smooth and glossy)",Is the printer's surface smooth and glossy? +290,"A home office scene reveals a cylindrical, light-gray extension cord neatly coiled around the base of a sleek, black printer. The intricate texture of the cord contrasts with the printer's smooth, glossy surface. Near the printer, an array of paperwork is scattered, and the faint moonlight streaming through the window casts a soft glow on the scene at midnight.",,10,"1,2",relation,spatial,"relation - spatial (extension cord, printer, around base of)",Is the extension cord neatly coiled around the base of the printer? +282,"Two slender bamboo-colored chopsticks lie diagonally atop a smooth, round wooden cutting board with a rich grain pattern. The chopsticks, tapered to fine points, create a striking contrast against the cutting board's more robust and circular form. Around the board, there are flecks of freshly chopped green herbs and a small pile of julienned carrots, adding a touch of color to the scene.",,1,0,entity,whole,entity - whole (chopsticks),Are there chopsticks? +282,"Two slender bamboo-colored chopsticks lie diagonally atop a smooth, round wooden cutting board with a rich grain pattern. The chopsticks, tapered to fine points, create a striking contrast against the cutting board's more robust and circular form. Around the board, there are flecks of freshly chopped green herbs and a small pile of julienned carrots, adding a touch of color to the scene.",,2,0,entity,whole,entity - whole (cutting board),Is there a cutting board? +282,"Two slender bamboo-colored chopsticks lie diagonally atop a smooth, round wooden cutting board with a rich grain pattern. The chopsticks, tapered to fine points, create a striking contrast against the cutting board's more robust and circular form. Around the board, there are flecks of freshly chopped green herbs and a small pile of julienned carrots, adding a touch of color to the scene.",,3,1,attribute,color,"attribute - color (chopsticks, bamboo-colored)",Are the chopsticks bamboo-colored? +282,"Two slender bamboo-colored chopsticks lie diagonally atop a smooth, round wooden cutting board with a rich grain pattern. The chopsticks, tapered to fine points, create a striking contrast against the cutting board's more robust and circular form. Around the board, there are flecks of freshly chopped green herbs and a small pile of julienned carrots, adding a touch of color to the scene.",,4,2,attribute,shape,"attribute - shape (cutting board, round)",Is the cutting board round? +282,"Two slender bamboo-colored chopsticks lie diagonally atop a smooth, round wooden cutting board with a rich grain pattern. The chopsticks, tapered to fine points, create a striking contrast against the cutting board's more robust and circular form. Around the board, there are flecks of freshly chopped green herbs and a small pile of julienned carrots, adding a touch of color to the scene.",,5,2,attribute,texture,"attribute - texture (cutting board, smooth)",Is the cutting board smooth? +282,"Two slender bamboo-colored chopsticks lie diagonally atop a smooth, round wooden cutting board with a rich grain pattern. The chopsticks, tapered to fine points, create a striking contrast against the cutting board's more robust and circular form. Around the board, there are flecks of freshly chopped green herbs and a small pile of julienned carrots, adding a touch of color to the scene.",,6,2,attribute,texture,"attribute - texture (cutting board, rich grain pattern)",Does the cutting board have a rich grain pattern? +282,"Two slender bamboo-colored chopsticks lie diagonally atop a smooth, round wooden cutting board with a rich grain pattern. The chopsticks, tapered to fine points, create a striking contrast against the cutting board's more robust and circular form. Around the board, there are flecks of freshly chopped green herbs and a small pile of julienned carrots, adding a touch of color to the scene.",,7,1,entity,part,entity - part (chopsticks' points),Do the chopsticks have points? +282,"Two slender bamboo-colored chopsticks lie diagonally atop a smooth, round wooden cutting board with a rich grain pattern. The chopsticks, tapered to fine points, create a striking contrast against the cutting board's more robust and circular form. Around the board, there are flecks of freshly chopped green herbs and a small pile of julienned carrots, adding a touch of color to the scene.",,8,1,attribute,shape,"attribute - shape (chopsticks, slender)",Are the chopsticks slender? +282,"Two slender bamboo-colored chopsticks lie diagonally atop a smooth, round wooden cutting board with a rich grain pattern. The chopsticks, tapered to fine points, create a striking contrast against the cutting board's more robust and circular form. Around the board, there are flecks of freshly chopped green herbs and a small pile of julienned carrots, adding a touch of color to the scene.",,9,7,attribute,shape,"attribute - shape (chopsticks' points, tapered to fine)",Are the chopsticks' points tapered to fine? +282,"Two slender bamboo-colored chopsticks lie diagonally atop a smooth, round wooden cutting board with a rich grain pattern. The chopsticks, tapered to fine points, create a striking contrast against the cutting board's more robust and circular form. Around the board, there are flecks of freshly chopped green herbs and a small pile of julienned carrots, adding a touch of color to the scene.",,10,"1,2",relation,spatial,"relation - spatial (chopsticks, cutting board, atop)",Are the chopsticks lying atop the cutting board? +69,"A group of five unique fish with deep blue, almost iridescent bodies, glide gracefully just above the sandy seabed. These aquatic creatures resemble delicate sea bubbles, with their round and translucent appearances. The surrounding waters are a calm shade of blue, casting a serene light on the ocean floor where patches of coral and seashells can be glimpsed.",,1,0,entity,whole,entity - whole (fish),Are there fish? +69,"A group of five unique fish with deep blue, almost iridescent bodies, glide gracefully just above the sandy seabed. These aquatic creatures resemble delicate sea bubbles, with their round and translucent appearances. The surrounding waters are a calm shade of blue, casting a serene light on the ocean floor where patches of coral and seashells can be glimpsed.",,2,1,other,count,"other - count (fish, ==5)",Are there five fish? +69,"A group of five unique fish with deep blue, almost iridescent bodies, glide gracefully just above the sandy seabed. These aquatic creatures resemble delicate sea bubbles, with their round and translucent appearances. The surrounding waters are a calm shade of blue, casting a serene light on the ocean floor where patches of coral and seashells can be glimpsed.",,3,0,entity,whole,entity - whole (seabed),Is there a seabed? +69,"A group of five unique fish with deep blue, almost iridescent bodies, glide gracefully just above the sandy seabed. These aquatic creatures resemble delicate sea bubbles, with their round and translucent appearances. The surrounding waters are a calm shade of blue, casting a serene light on the ocean floor where patches of coral and seashells can be glimpsed.",,4,0,entity,whole,entity - whole (coral),Is there coral? +69,"A group of five unique fish with deep blue, almost iridescent bodies, glide gracefully just above the sandy seabed. These aquatic creatures resemble delicate sea bubbles, with their round and translucent appearances. The surrounding waters are a calm shade of blue, casting a serene light on the ocean floor where patches of coral and seashells can be glimpsed.",,5,0,entity,whole,entity - whole (seashells),Are there seashells? +69,"A group of five unique fish with deep blue, almost iridescent bodies, glide gracefully just above the sandy seabed. These aquatic creatures resemble delicate sea bubbles, with their round and translucent appearances. The surrounding waters are a calm shade of blue, casting a serene light on the ocean floor where patches of coral and seashells can be glimpsed.",,6,1,attribute,color,"attribute - color (fish, deep blue)",Do the fish have deep blue bodies? +69,"A group of five unique fish with deep blue, almost iridescent bodies, glide gracefully just above the sandy seabed. These aquatic creatures resemble delicate sea bubbles, with their round and translucent appearances. The surrounding waters are a calm shade of blue, casting a serene light on the ocean floor where patches of coral and seashells can be glimpsed.",,7,0,attribute,color,"attribute - color (water, calm shade of blue)",Is the water a calm shade of blue? +69,"A group of five unique fish with deep blue, almost iridescent bodies, glide gracefully just above the sandy seabed. These aquatic creatures resemble delicate sea bubbles, with their round and translucent appearances. The surrounding waters are a calm shade of blue, casting a serene light on the ocean floor where patches of coral and seashells can be glimpsed.",,8,1,attribute,texture,"attribute - texture (fish, iridescent)",Are the fish bodies almost iridescent? +69,"A group of five unique fish with deep blue, almost iridescent bodies, glide gracefully just above the sandy seabed. These aquatic creatures resemble delicate sea bubbles, with their round and translucent appearances. The surrounding waters are a calm shade of blue, casting a serene light on the ocean floor where patches of coral and seashells can be glimpsed.",,9,1,attribute,texture,"attribute - texture (fish, translucent)",Do the fish resemble delicate sea bubbles with their round and translucent appearances? +69,"A group of five unique fish with deep blue, almost iridescent bodies, glide gracefully just above the sandy seabed. These aquatic creatures resemble delicate sea bubbles, with their round and translucent appearances. The surrounding waters are a calm shade of blue, casting a serene light on the ocean floor where patches of coral and seashells can be glimpsed.",,10,1,entity,state,"entity - state (fish, glide gracefully)",Are the fish gliding gracefully just above the sandy seabed? +104,"Two sleek blue showerheads, mounted against a backdrop of white ceramic tiles, release a steady stream of water. The water cascades down onto a vivid, crisp green pear that is centrally positioned directly beneath them. The pear's smooth and shiny surface gleams as the water droplets rhythmically bounce off, creating a tranquil, almost rhythmic sound in the otherwise silent bathroom.",,1,0,entity,whole,entity - whole (showerheads),Are there showerheads? +104,"Two sleek blue showerheads, mounted against a backdrop of white ceramic tiles, release a steady stream of water. The water cascades down onto a vivid, crisp green pear that is centrally positioned directly beneath them. The pear's smooth and shiny surface gleams as the water droplets rhythmically bounce off, creating a tranquil, almost rhythmic sound in the otherwise silent bathroom.",,2,1,other,count,"other - count (showerheads, ==2)",Are there two showerheads? +104,"Two sleek blue showerheads, mounted against a backdrop of white ceramic tiles, release a steady stream of water. The water cascades down onto a vivid, crisp green pear that is centrally positioned directly beneath them. The pear's smooth and shiny surface gleams as the water droplets rhythmically bounce off, creating a tranquil, almost rhythmic sound in the otherwise silent bathroom.",,3,1,attribute,color,"attribute - color (showerheads, blue)",Are the showerheads blue? +104,"Two sleek blue showerheads, mounted against a backdrop of white ceramic tiles, release a steady stream of water. The water cascades down onto a vivid, crisp green pear that is centrally positioned directly beneath them. The pear's smooth and shiny surface gleams as the water droplets rhythmically bounce off, creating a tranquil, almost rhythmic sound in the otherwise silent bathroom.",,4,0,entity,whole,entity - whole (ceramic tiles),Are there ceramic tiles? +104,"Two sleek blue showerheads, mounted against a backdrop of white ceramic tiles, release a steady stream of water. The water cascades down onto a vivid, crisp green pear that is centrally positioned directly beneath them. The pear's smooth and shiny surface gleams as the water droplets rhythmically bounce off, creating a tranquil, almost rhythmic sound in the otherwise silent bathroom.",,5,4,attribute,color,"attribute - color (ceramic tiles, white)",Are the ceramic tiles white? +104,"Two sleek blue showerheads, mounted against a backdrop of white ceramic tiles, release a steady stream of water. The water cascades down onto a vivid, crisp green pear that is centrally positioned directly beneath them. The pear's smooth and shiny surface gleams as the water droplets rhythmically bounce off, creating a tranquil, almost rhythmic sound in the otherwise silent bathroom.",,6,0,entity,whole,entity - whole (water),Is there water? +104,"Two sleek blue showerheads, mounted against a backdrop of white ceramic tiles, release a steady stream of water. The water cascades down onto a vivid, crisp green pear that is centrally positioned directly beneath them. The pear's smooth and shiny surface gleams as the water droplets rhythmically bounce off, creating a tranquil, almost rhythmic sound in the otherwise silent bathroom.",,7,6,entity,state,"entity - state (water, steady stream)",Is the water flowing in a steady stream? +104,"Two sleek blue showerheads, mounted against a backdrop of white ceramic tiles, release a steady stream of water. The water cascades down onto a vivid, crisp green pear that is centrally positioned directly beneath them. The pear's smooth and shiny surface gleams as the water droplets rhythmically bounce off, creating a tranquil, almost rhythmic sound in the otherwise silent bathroom.",,8,0,entity,whole,entity - whole (pear),Is there a pear? +104,"Two sleek blue showerheads, mounted against a backdrop of white ceramic tiles, release a steady stream of water. The water cascades down onto a vivid, crisp green pear that is centrally positioned directly beneath them. The pear's smooth and shiny surface gleams as the water droplets rhythmically bounce off, creating a tranquil, almost rhythmic sound in the otherwise silent bathroom.",,9,8,attribute,color,"attribute - color (pear, green)",Is the pear green? +104,"Two sleek blue showerheads, mounted against a backdrop of white ceramic tiles, release a steady stream of water. The water cascades down onto a vivid, crisp green pear that is centrally positioned directly beneath them. The pear's smooth and shiny surface gleams as the water droplets rhythmically bounce off, creating a tranquil, almost rhythmic sound in the otherwise silent bathroom.",,10,8,attribute,texture,"attribute - texture (pear, smooth and shiny)",Is the pear's surface smooth and shiny? +136,"As the dawn breaks, two personal care items, a toothbrush with white and blue bristles alongside a tube of toothpaste, are methodically placed under the protective cover of an awning adorned with a geometric hexagonal pattern. The soft morning light gently illuminates the scene, casting subtle shadows beneath the items on the reflective glass surface they rest upon. The awning's shade provides a tranquil, organized backdrop to the start of the day.",,1,0,entity,whole,entity - whole (dawn),Has the dawn broken? +136,"As the dawn breaks, two personal care items, a toothbrush with white and blue bristles alongside a tube of toothpaste, are methodically placed under the protective cover of an awning adorned with a geometric hexagonal pattern. The soft morning light gently illuminates the scene, casting subtle shadows beneath the items on the reflective glass surface they rest upon. The awning's shade provides a tranquil, organized backdrop to the start of the day.",,2,0,entity,whole,entity - whole (personal care items),Are there personal care items? +136,"As the dawn breaks, two personal care items, a toothbrush with white and blue bristles alongside a tube of toothpaste, are methodically placed under the protective cover of an awning adorned with a geometric hexagonal pattern. The soft morning light gently illuminates the scene, casting subtle shadows beneath the items on the reflective glass surface they rest upon. The awning's shade provides a tranquil, organized backdrop to the start of the day.",,3,0,entity,whole,entity - whole (toothbrush),Is there a toothbrush? +136,"As the dawn breaks, two personal care items, a toothbrush with white and blue bristles alongside a tube of toothpaste, are methodically placed under the protective cover of an awning adorned with a geometric hexagonal pattern. The soft morning light gently illuminates the scene, casting subtle shadows beneath the items on the reflective glass surface they rest upon. The awning's shade provides a tranquil, organized backdrop to the start of the day.",,4,0,entity,whole,entity - whole (toothpaste),Is there a tube of toothpaste? +136,"As the dawn breaks, two personal care items, a toothbrush with white and blue bristles alongside a tube of toothpaste, are methodically placed under the protective cover of an awning adorned with a geometric hexagonal pattern. The soft morning light gently illuminates the scene, casting subtle shadows beneath the items on the reflective glass surface they rest upon. The awning's shade provides a tranquil, organized backdrop to the start of the day.",,5,0,entity,whole,entity - whole (awning),Is there an awning? +136,"As the dawn breaks, two personal care items, a toothbrush with white and blue bristles alongside a tube of toothpaste, are methodically placed under the protective cover of an awning adorned with a geometric hexagonal pattern. The soft morning light gently illuminates the scene, casting subtle shadows beneath the items on the reflective glass surface they rest upon. The awning's shade provides a tranquil, organized backdrop to the start of the day.",,6,3,attribute,color,"attribute - color (toothbrush bristles, white and blue)",Are the toothbrush bristles white and blue? +136,"As the dawn breaks, two personal care items, a toothbrush with white and blue bristles alongside a tube of toothpaste, are methodically placed under the protective cover of an awning adorned with a geometric hexagonal pattern. The soft morning light gently illuminates the scene, casting subtle shadows beneath the items on the reflective glass surface they rest upon. The awning's shade provides a tranquil, organized backdrop to the start of the day.",,7,5,attribute,texture,"attribute - texture (awning, geometric hexagonal pattern)",Does the awning have a geometric hexagonal pattern? +136,"As the dawn breaks, two personal care items, a toothbrush with white and blue bristles alongside a tube of toothpaste, are methodically placed under the protective cover of an awning adorned with a geometric hexagonal pattern. The soft morning light gently illuminates the scene, casting subtle shadows beneath the items on the reflective glass surface they rest upon. The awning's shade provides a tranquil, organized backdrop to the start of the day.",,8,"2,5",relation,spatial,"relation - spatial (personal care items, awning, under)",Are the personal care items under the awning? +136,"As the dawn breaks, two personal care items, a toothbrush with white and blue bristles alongside a tube of toothpaste, are methodically placed under the protective cover of an awning adorned with a geometric hexagonal pattern. The soft morning light gently illuminates the scene, casting subtle shadows beneath the items on the reflective glass surface they rest upon. The awning's shade provides a tranquil, organized backdrop to the start of the day.",,9,"3,4",relation,spatial,"relation - spatial (toothbrush, toothpaste, alongside)",Is the toothbrush alongside the toothpaste? +136,"As the dawn breaks, two personal care items, a toothbrush with white and blue bristles alongside a tube of toothpaste, are methodically placed under the protective cover of an awning adorned with a geometric hexagonal pattern. The soft morning light gently illuminates the scene, casting subtle shadows beneath the items on the reflective glass surface they rest upon. The awning's shade provides a tranquil, organized backdrop to the start of the day.",,10,2,relation,spatial,"relation - spatial (personal care items, glass surface, on)",Are the personal care items on a reflective glass surface? +90,"A worn piece of luggage placed beside a metal spoon, both lying atop an aged, dusty table. The dim light of the moon barely illuminates the objects, revealing their outlines in the quiet darkness of midnight. Shadows stretch across the table's surface, enhancing the stillness of the nocturnal scene.",,1,0,entity,whole,entity - whole (luggage),Is there a piece of luggage? +90,"A worn piece of luggage placed beside a metal spoon, both lying atop an aged, dusty table. The dim light of the moon barely illuminates the objects, revealing their outlines in the quiet darkness of midnight. Shadows stretch across the table's surface, enhancing the stillness of the nocturnal scene.",,2,0,entity,whole,entity - whole (spoon),Is there a spoon? +90,"A worn piece of luggage placed beside a metal spoon, both lying atop an aged, dusty table. The dim light of the moon barely illuminates the objects, revealing their outlines in the quiet darkness of midnight. Shadows stretch across the table's surface, enhancing the stillness of the nocturnal scene.",,3,0,entity,whole,entity - whole (table),Is there a table? +90,"A worn piece of luggage placed beside a metal spoon, both lying atop an aged, dusty table. The dim light of the moon barely illuminates the objects, revealing their outlines in the quiet darkness of midnight. Shadows stretch across the table's surface, enhancing the stillness of the nocturnal scene.",,4,1,attribute,texture,"attribute - texture (luggage, worn)",Is the luggage worn? +90,"A worn piece of luggage placed beside a metal spoon, both lying atop an aged, dusty table. The dim light of the moon barely illuminates the objects, revealing their outlines in the quiet darkness of midnight. Shadows stretch across the table's surface, enhancing the stillness of the nocturnal scene.",,5,3,attribute,texture,"attribute - texture (table, aged)",Is the table aged? +90,"A worn piece of luggage placed beside a metal spoon, both lying atop an aged, dusty table. The dim light of the moon barely illuminates the objects, revealing their outlines in the quiet darkness of midnight. Shadows stretch across the table's surface, enhancing the stillness of the nocturnal scene.",,6,3,attribute,texture,"attribute - texture (table, dusty)",Is the table dusty? +90,"A worn piece of luggage placed beside a metal spoon, both lying atop an aged, dusty table. The dim light of the moon barely illuminates the objects, revealing their outlines in the quiet darkness of midnight. Shadows stretch across the table's surface, enhancing the stillness of the nocturnal scene.",,7,2,attribute,texture,"attribute - texture (spoon, metal)",Is the spoon made of metal? +90,"A worn piece of luggage placed beside a metal spoon, both lying atop an aged, dusty table. The dim light of the moon barely illuminates the objects, revealing their outlines in the quiet darkness of midnight. Shadows stretch across the table's surface, enhancing the stillness of the nocturnal scene.",,8,"1,2",relation,spatial,"relation - spatial (luggage, spoon, beside)",Is the luggage placed beside the spoon? +90,"A worn piece of luggage placed beside a metal spoon, both lying atop an aged, dusty table. The dim light of the moon barely illuminates the objects, revealing their outlines in the quiet darkness of midnight. Shadows stretch across the table's surface, enhancing the stillness of the nocturnal scene.",,9,"1,3",relation,spatial,"relation - spatial (luggage, table, on)",Is the luggage lying on the table? +90,"A worn piece of luggage placed beside a metal spoon, both lying atop an aged, dusty table. The dim light of the moon barely illuminates the objects, revealing their outlines in the quiet darkness of midnight. Shadows stretch across the table's surface, enhancing the stillness of the nocturnal scene.",,10,"2,3",relation,spatial,"relation - spatial (spoon, table, on)",Is the spoon lying on the table? +42,"As the amber hues of dusk blanket the sky, a sleek Formula 1 car, emblazoned with vibrant colors and sponsorship logos, races around the asphalt track, its engine thundering defiantly against the quieting day. The powerful headlights cut through the dimming light, illuminating the course ahead while the car's aerodynamic shape slices through the cool evening air. The grandstands, now silhouetted by the setting sun, are filled with a blurred sea of spectators, their cheers muffled by the roar of high-performance engines vying for the lead. The racing circuit is lined with bright white track limits and colored curbstones, highlighting the boundaries as the car expertly navigates each turn.",,1,0,entity,whole,entity - whole (Formula 1 car),Is there a Formula 1 car? +42,"As the amber hues of dusk blanket the sky, a sleek Formula 1 car, emblazoned with vibrant colors and sponsorship logos, races around the asphalt track, its engine thundering defiantly against the quieting day. The powerful headlights cut through the dimming light, illuminating the course ahead while the car's aerodynamic shape slices through the cool evening air. The grandstands, now silhouetted by the setting sun, are filled with a blurred sea of spectators, their cheers muffled by the roar of high-performance engines vying for the lead. The racing circuit is lined with bright white track limits and colored curbstones, highlighting the boundaries as the car expertly navigates each turn.",,2,0,entity,whole,entity - whole (track),Is there a track? +42,"As the amber hues of dusk blanket the sky, a sleek Formula 1 car, emblazoned with vibrant colors and sponsorship logos, races around the asphalt track, its engine thundering defiantly against the quieting day. The powerful headlights cut through the dimming light, illuminating the course ahead while the car's aerodynamic shape slices through the cool evening air. The grandstands, now silhouetted by the setting sun, are filled with a blurred sea of spectators, their cheers muffled by the roar of high-performance engines vying for the lead. The racing circuit is lined with bright white track limits and colored curbstones, highlighting the boundaries as the car expertly navigates each turn.",,3,1,entity,whole,entity - whole (headlights),Are there headlights? +42,"As the amber hues of dusk blanket the sky, a sleek Formula 1 car, emblazoned with vibrant colors and sponsorship logos, races around the asphalt track, its engine thundering defiantly against the quieting day. The powerful headlights cut through the dimming light, illuminating the course ahead while the car's aerodynamic shape slices through the cool evening air. The grandstands, now silhouetted by the setting sun, are filled with a blurred sea of spectators, their cheers muffled by the roar of high-performance engines vying for the lead. The racing circuit is lined with bright white track limits and colored curbstones, highlighting the boundaries as the car expertly navigates each turn.",,4,0,entity,whole,entity - whole (grandstands),Are there grandstands? +42,"As the amber hues of dusk blanket the sky, a sleek Formula 1 car, emblazoned with vibrant colors and sponsorship logos, races around the asphalt track, its engine thundering defiantly against the quieting day. The powerful headlights cut through the dimming light, illuminating the course ahead while the car's aerodynamic shape slices through the cool evening air. The grandstands, now silhouetted by the setting sun, are filled with a blurred sea of spectators, their cheers muffled by the roar of high-performance engines vying for the lead. The racing circuit is lined with bright white track limits and colored curbstones, highlighting the boundaries as the car expertly navigates each turn.",,5,0,entity,whole,entity - whole (spectators),Are there spectators? +42,"As the amber hues of dusk blanket the sky, a sleek Formula 1 car, emblazoned with vibrant colors and sponsorship logos, races around the asphalt track, its engine thundering defiantly against the quieting day. The powerful headlights cut through the dimming light, illuminating the course ahead while the car's aerodynamic shape slices through the cool evening air. The grandstands, now silhouetted by the setting sun, are filled with a blurred sea of spectators, their cheers muffled by the roar of high-performance engines vying for the lead. The racing circuit is lined with bright white track limits and colored curbstones, highlighting the boundaries as the car expertly navigates each turn.",,6,2,entity,whole,entity - whole (track limits),Are there track limits? +42,"As the amber hues of dusk blanket the sky, a sleek Formula 1 car, emblazoned with vibrant colors and sponsorship logos, races around the asphalt track, its engine thundering defiantly against the quieting day. The powerful headlights cut through the dimming light, illuminating the course ahead while the car's aerodynamic shape slices through the cool evening air. The grandstands, now silhouetted by the setting sun, are filled with a blurred sea of spectators, their cheers muffled by the roar of high-performance engines vying for the lead. The racing circuit is lined with bright white track limits and colored curbstones, highlighting the boundaries as the car expertly navigates each turn.",,7,2,entity,whole,entity - whole (curbstones),Are there curbstones? +42,"As the amber hues of dusk blanket the sky, a sleek Formula 1 car, emblazoned with vibrant colors and sponsorship logos, races around the asphalt track, its engine thundering defiantly against the quieting day. The powerful headlights cut through the dimming light, illuminating the course ahead while the car's aerodynamic shape slices through the cool evening air. The grandstands, now silhouetted by the setting sun, are filled with a blurred sea of spectators, their cheers muffled by the roar of high-performance engines vying for the lead. The racing circuit is lined with bright white track limits and colored curbstones, highlighting the boundaries as the car expertly navigates each turn.",,8,1,attribute,color,"attribute - color (Formula 1 car, vibrant colors)",Is the Formula 1 car emblazoned with vibrant colors? +42,"As the amber hues of dusk blanket the sky, a sleek Formula 1 car, emblazoned with vibrant colors and sponsorship logos, races around the asphalt track, its engine thundering defiantly against the quieting day. The powerful headlights cut through the dimming light, illuminating the course ahead while the car's aerodynamic shape slices through the cool evening air. The grandstands, now silhouetted by the setting sun, are filled with a blurred sea of spectators, their cheers muffled by the roar of high-performance engines vying for the lead. The racing circuit is lined with bright white track limits and colored curbstones, highlighting the boundaries as the car expertly navigates each turn.",,9,1,attribute,other,"attribute - other (Formula 1 car, sponsorship logos)",Does the Formula 1 car have sponsorship logos? +42,"As the amber hues of dusk blanket the sky, a sleek Formula 1 car, emblazoned with vibrant colors and sponsorship logos, races around the asphalt track, its engine thundering defiantly against the quieting day. The powerful headlights cut through the dimming light, illuminating the course ahead while the car's aerodynamic shape slices through the cool evening air. The grandstands, now silhouetted by the setting sun, are filled with a blurred sea of spectators, their cheers muffled by the roar of high-performance engines vying for the lead. The racing circuit is lined with bright white track limits and colored curbstones, highlighting the boundaries as the car expertly navigates each turn.",,10,1,attribute,shape,"attribute - shape (Formula 1 car, aerodynamic)",Is the Formula 1 car aerodynamically shaped? +29,"A picturesque bridge bathed in the warm glow of the early morning sun, flanked by two tall antique street lights. The street lights, with their ornate metalwork and frosted glass, cast elongated shadows across the weathered stone pathway of the bridge. The tranquil scene is further accentuated by the absence of pedestrians, giving the impression of a moment frozen in time just after dawn.",,1,0,entity,whole,entity - whole (bridge),Is there a bridge? +29,"A picturesque bridge bathed in the warm glow of the early morning sun, flanked by two tall antique street lights. The street lights, with their ornate metalwork and frosted glass, cast elongated shadows across the weathered stone pathway of the bridge. The tranquil scene is further accentuated by the absence of pedestrians, giving the impression of a moment frozen in time just after dawn.",,2,0,entity,whole,entity - whole (sun),Is there a sun? +29,"A picturesque bridge bathed in the warm glow of the early morning sun, flanked by two tall antique street lights. The street lights, with their ornate metalwork and frosted glass, cast elongated shadows across the weathered stone pathway of the bridge. The tranquil scene is further accentuated by the absence of pedestrians, giving the impression of a moment frozen in time just after dawn.",,3,0,entity,whole,entity - whole (street lights),Are there street lights? +29,"A picturesque bridge bathed in the warm glow of the early morning sun, flanked by two tall antique street lights. The street lights, with their ornate metalwork and frosted glass, cast elongated shadows across the weathered stone pathway of the bridge. The tranquil scene is further accentuated by the absence of pedestrians, giving the impression of a moment frozen in time just after dawn.",,4,3,attribute,texture,"attribute - texture (street lights, ornate metalwork)",Do the street lights have ornate metalwork? +29,"A picturesque bridge bathed in the warm glow of the early morning sun, flanked by two tall antique street lights. The street lights, with their ornate metalwork and frosted glass, cast elongated shadows across the weathered stone pathway of the bridge. The tranquil scene is further accentuated by the absence of pedestrians, giving the impression of a moment frozen in time just after dawn.",,5,3,attribute,texture,"attribute - texture (street lights, frosted glass)",Do the street lights have frosted glass? +29,"A picturesque bridge bathed in the warm glow of the early morning sun, flanked by two tall antique street lights. The street lights, with their ornate metalwork and frosted glass, cast elongated shadows across the weathered stone pathway of the bridge. The tranquil scene is further accentuated by the absence of pedestrians, giving the impression of a moment frozen in time just after dawn.",,6,1,attribute,texture,"attribute - texture (pathway, weathered stone)",Is the pathway made of weathered stone? +29,"A picturesque bridge bathed in the warm glow of the early morning sun, flanked by two tall antique street lights. The street lights, with their ornate metalwork and frosted glass, cast elongated shadows across the weathered stone pathway of the bridge. The tranquil scene is further accentuated by the absence of pedestrians, giving the impression of a moment frozen in time just after dawn.",,7,0,global,,global - (picturesque),Is the scene picturesque? +29,"A picturesque bridge bathed in the warm glow of the early morning sun, flanked by two tall antique street lights. The street lights, with their ornate metalwork and frosted glass, cast elongated shadows across the weathered stone pathway of the bridge. The tranquil scene is further accentuated by the absence of pedestrians, giving the impression of a moment frozen in time just after dawn.",,8,2,entity,state,"entity - state (sun, early morning, warm glow)",Is the bridge bathed in the warm glow of the early morning sun? +29,"A picturesque bridge bathed in the warm glow of the early morning sun, flanked by two tall antique street lights. The street lights, with their ornate metalwork and frosted glass, cast elongated shadows across the weathered stone pathway of the bridge. The tranquil scene is further accentuated by the absence of pedestrians, giving the impression of a moment frozen in time just after dawn.",,9,"1,3",relation,spatial,"relation - spatial (street lights, bridge, flank)",Are the street lights flanking the bridge? +29,"A picturesque bridge bathed in the warm glow of the early morning sun, flanked by two tall antique street lights. The street lights, with their ornate metalwork and frosted glass, cast elongated shadows across the weathered stone pathway of the bridge. The tranquil scene is further accentuated by the absence of pedestrians, giving the impression of a moment frozen in time just after dawn.",,10,"3,6",relation,spatial,"relation - spatial (shadows, pathway, across)",Are there elongated shadows cast across the pathway? +235,"Amidst the soft hues of twilight, two towering traffic lights preside over a bustling intersection, casting a brilliant scarlet glow that demands the attention of all nearby. Beneath their authoritative presence, a modest yellow crosswalk sign attempts to assert its own importance, though its illumination is meek in comparison. The red lights reflect faintly on the glossy hoods of cars waiting patiently for the signal to change, while the pedestrian lines lay painted starkly on the dark asphalt below.",,1,0,entity,whole,entity - whole (traffic lights),Are there traffic lights? +235,"Amidst the soft hues of twilight, two towering traffic lights preside over a bustling intersection, casting a brilliant scarlet glow that demands the attention of all nearby. Beneath their authoritative presence, a modest yellow crosswalk sign attempts to assert its own importance, though its illumination is meek in comparison. The red lights reflect faintly on the glossy hoods of cars waiting patiently for the signal to change, while the pedestrian lines lay painted starkly on the dark asphalt below.",,2,0,entity,whole,entity - whole (intersection),Is there an intersection? +235,"Amidst the soft hues of twilight, two towering traffic lights preside over a bustling intersection, casting a brilliant scarlet glow that demands the attention of all nearby. Beneath their authoritative presence, a modest yellow crosswalk sign attempts to assert its own importance, though its illumination is meek in comparison. The red lights reflect faintly on the glossy hoods of cars waiting patiently for the signal to change, while the pedestrian lines lay painted starkly on the dark asphalt below.",,3,0,entity,whole,entity - whole (crosswalk sign),Is there a crosswalk sign? +235,"Amidst the soft hues of twilight, two towering traffic lights preside over a bustling intersection, casting a brilliant scarlet glow that demands the attention of all nearby. Beneath their authoritative presence, a modest yellow crosswalk sign attempts to assert its own importance, though its illumination is meek in comparison. The red lights reflect faintly on the glossy hoods of cars waiting patiently for the signal to change, while the pedestrian lines lay painted starkly on the dark asphalt below.",,4,0,entity,whole,entity - whole (cars),Are there cars? +235,"Amidst the soft hues of twilight, two towering traffic lights preside over a bustling intersection, casting a brilliant scarlet glow that demands the attention of all nearby. Beneath their authoritative presence, a modest yellow crosswalk sign attempts to assert its own importance, though its illumination is meek in comparison. The red lights reflect faintly on the glossy hoods of cars waiting patiently for the signal to change, while the pedestrian lines lay painted starkly on the dark asphalt below.",,5,0,entity,whole,entity - whole (pedestrian lines),Are there pedestrian lines? +235,"Amidst the soft hues of twilight, two towering traffic lights preside over a bustling intersection, casting a brilliant scarlet glow that demands the attention of all nearby. Beneath their authoritative presence, a modest yellow crosswalk sign attempts to assert its own importance, though its illumination is meek in comparison. The red lights reflect faintly on the glossy hoods of cars waiting patiently for the signal to change, while the pedestrian lines lay painted starkly on the dark asphalt below.",,6,0,entity,whole,entity - whole (asphalt),Is there asphalt? +235,"Amidst the soft hues of twilight, two towering traffic lights preside over a bustling intersection, casting a brilliant scarlet glow that demands the attention of all nearby. Beneath their authoritative presence, a modest yellow crosswalk sign attempts to assert its own importance, though its illumination is meek in comparison. The red lights reflect faintly on the glossy hoods of cars waiting patiently for the signal to change, while the pedestrian lines lay painted starkly on the dark asphalt below.",,7,1,attribute,color,"attribute - color (traffic lights, scarlet)",Do the traffic lights cast a scarlet glow? +235,"Amidst the soft hues of twilight, two towering traffic lights preside over a bustling intersection, casting a brilliant scarlet glow that demands the attention of all nearby. Beneath their authoritative presence, a modest yellow crosswalk sign attempts to assert its own importance, though its illumination is meek in comparison. The red lights reflect faintly on the glossy hoods of cars waiting patiently for the signal to change, while the pedestrian lines lay painted starkly on the dark asphalt below.",,8,3,attribute,color,"attribute - color (crosswalk sign, yellow)",Is the crosswalk sign yellow? +235,"Amidst the soft hues of twilight, two towering traffic lights preside over a bustling intersection, casting a brilliant scarlet glow that demands the attention of all nearby. Beneath their authoritative presence, a modest yellow crosswalk sign attempts to assert its own importance, though its illumination is meek in comparison. The red lights reflect faintly on the glossy hoods of cars waiting patiently for the signal to change, while the pedestrian lines lay painted starkly on the dark asphalt below.",,9,5,attribute,color,"attribute - color (pedestrian lines, stark)",Are the pedestrian lines starkly painted? +235,"Amidst the soft hues of twilight, two towering traffic lights preside over a bustling intersection, casting a brilliant scarlet glow that demands the attention of all nearby. Beneath their authoritative presence, a modest yellow crosswalk sign attempts to assert its own importance, though its illumination is meek in comparison. The red lights reflect faintly on the glossy hoods of cars waiting patiently for the signal to change, while the pedestrian lines lay painted starkly on the dark asphalt below.",,10,6,attribute,texture,"attribute - texture (asphalt, dark)",Is the asphalt dark? +186,"During the warm glow of a dwindling summer evening, a particular fussy feline with distinctive calico markings is perched atop a garden table. The cat, seemingly indifferent to its surroundings, sports a pair of large, reflective aviator sunglasses that sit comically upon its small, furry face. Around the cat, there are scattered pots of blooming flowers, contributing to the charm of the scene, and in the background, hints of orange and pink skies are visible through the foliage.",,1,0,entity,whole,entity - whole (feline),Is there a feline? +186,"During the warm glow of a dwindling summer evening, a particular fussy feline with distinctive calico markings is perched atop a garden table. The cat, seemingly indifferent to its surroundings, sports a pair of large, reflective aviator sunglasses that sit comically upon its small, furry face. Around the cat, there are scattered pots of blooming flowers, contributing to the charm of the scene, and in the background, hints of orange and pink skies are visible through the foliage.",,2,0,entity,whole,entity - whole (garden table),Is there a garden table? +186,"During the warm glow of a dwindling summer evening, a particular fussy feline with distinctive calico markings is perched atop a garden table. The cat, seemingly indifferent to its surroundings, sports a pair of large, reflective aviator sunglasses that sit comically upon its small, furry face. Around the cat, there are scattered pots of blooming flowers, contributing to the charm of the scene, and in the background, hints of orange and pink skies are visible through the foliage.",,3,0,entity,whole,entity - whole (sunglasses),Are there sunglasses? +186,"During the warm glow of a dwindling summer evening, a particular fussy feline with distinctive calico markings is perched atop a garden table. The cat, seemingly indifferent to its surroundings, sports a pair of large, reflective aviator sunglasses that sit comically upon its small, furry face. Around the cat, there are scattered pots of blooming flowers, contributing to the charm of the scene, and in the background, hints of orange and pink skies are visible through the foliage.",,4,0,entity,whole,entity - whole (flower pots),Are there flower pots? +186,"During the warm glow of a dwindling summer evening, a particular fussy feline with distinctive calico markings is perched atop a garden table. The cat, seemingly indifferent to its surroundings, sports a pair of large, reflective aviator sunglasses that sit comically upon its small, furry face. Around the cat, there are scattered pots of blooming flowers, contributing to the charm of the scene, and in the background, hints of orange and pink skies are visible through the foliage.",,5,0,entity,whole,entity - whole (skies),Are there skies? +186,"During the warm glow of a dwindling summer evening, a particular fussy feline with distinctive calico markings is perched atop a garden table. The cat, seemingly indifferent to its surroundings, sports a pair of large, reflective aviator sunglasses that sit comically upon its small, furry face. Around the cat, there are scattered pots of blooming flowers, contributing to the charm of the scene, and in the background, hints of orange and pink skies are visible through the foliage.",,6,1,attribute,color,"attribute - color (feline, calico markings)",Does the feline have distinctive calico markings? +186,"During the warm glow of a dwindling summer evening, a particular fussy feline with distinctive calico markings is perched atop a garden table. The cat, seemingly indifferent to its surroundings, sports a pair of large, reflective aviator sunglasses that sit comically upon its small, furry face. Around the cat, there are scattered pots of blooming flowers, contributing to the charm of the scene, and in the background, hints of orange and pink skies are visible through the foliage.",,7,5,attribute,color,"attribute - color (skies, orange and pink)",Are the skies orange and pink? +186,"During the warm glow of a dwindling summer evening, a particular fussy feline with distinctive calico markings is perched atop a garden table. The cat, seemingly indifferent to its surroundings, sports a pair of large, reflective aviator sunglasses that sit comically upon its small, furry face. Around the cat, there are scattered pots of blooming flowers, contributing to the charm of the scene, and in the background, hints of orange and pink skies are visible through the foliage.",,8,1,entity,state,"entity - state (feline, perched)",Is the feline perched? +186,"During the warm glow of a dwindling summer evening, a particular fussy feline with distinctive calico markings is perched atop a garden table. The cat, seemingly indifferent to its surroundings, sports a pair of large, reflective aviator sunglasses that sit comically upon its small, furry face. Around the cat, there are scattered pots of blooming flowers, contributing to the charm of the scene, and in the background, hints of orange and pink skies are visible through the foliage.",,9,3,entity,state,"entity - state (sunglasses, large and reflective)",Are the sunglasses large and reflective? +186,"During the warm glow of a dwindling summer evening, a particular fussy feline with distinctive calico markings is perched atop a garden table. The cat, seemingly indifferent to its surroundings, sports a pair of large, reflective aviator sunglasses that sit comically upon its small, furry face. Around the cat, there are scattered pots of blooming flowers, contributing to the charm of the scene, and in the background, hints of orange and pink skies are visible through the foliage.",,10,"1,2",relation,spatial,"relation - spatial (feline, garden table, atop)",Is the feline perched atop the garden table? +71,"In a contemporary office with minimalist design elements, five square-shaped, black printers are arranged in a row along a white countertop. They are humming with activity as they produce documents, with sheets of white paper steadily emerging from their feed trays. Their glossy surfaces reflect the soft light coming from the overhead fixtures, and each printer displays a small, glowing screen indicating its current status. Surrounding the printers, swivel chairs with ergonomic designs and translucent glass partitions contribute to the overall sleek and professional ambiance of the workspace.",,1,0,entity,whole,entity - whole (office),Is there an office? +71,"In a contemporary office with minimalist design elements, five square-shaped, black printers are arranged in a row along a white countertop. They are humming with activity as they produce documents, with sheets of white paper steadily emerging from their feed trays. Their glossy surfaces reflect the soft light coming from the overhead fixtures, and each printer displays a small, glowing screen indicating its current status. Surrounding the printers, swivel chairs with ergonomic designs and translucent glass partitions contribute to the overall sleek and professional ambiance of the workspace.",,2,0,entity,whole,entity - whole (printers),Are there printers? +71,"In a contemporary office with minimalist design elements, five square-shaped, black printers are arranged in a row along a white countertop. They are humming with activity as they produce documents, with sheets of white paper steadily emerging from their feed trays. Their glossy surfaces reflect the soft light coming from the overhead fixtures, and each printer displays a small, glowing screen indicating its current status. Surrounding the printers, swivel chairs with ergonomic designs and translucent glass partitions contribute to the overall sleek and professional ambiance of the workspace.",,3,2,other,count,"other - count (printers, ==5)",Are there five printers? +71,"In a contemporary office with minimalist design elements, five square-shaped, black printers are arranged in a row along a white countertop. They are humming with activity as they produce documents, with sheets of white paper steadily emerging from their feed trays. Their glossy surfaces reflect the soft light coming from the overhead fixtures, and each printer displays a small, glowing screen indicating its current status. Surrounding the printers, swivel chairs with ergonomic designs and translucent glass partitions contribute to the overall sleek and professional ambiance of the workspace.",,4,0,entity,whole,entity - whole (countertop),Is there a countertop? +71,"In a contemporary office with minimalist design elements, five square-shaped, black printers are arranged in a row along a white countertop. They are humming with activity as they produce documents, with sheets of white paper steadily emerging from their feed trays. Their glossy surfaces reflect the soft light coming from the overhead fixtures, and each printer displays a small, glowing screen indicating its current status. Surrounding the printers, swivel chairs with ergonomic designs and translucent glass partitions contribute to the overall sleek and professional ambiance of the workspace.",,5,0,entity,whole,entity - whole (paper),Is there paper? +71,"In a contemporary office with minimalist design elements, five square-shaped, black printers are arranged in a row along a white countertop. They are humming with activity as they produce documents, with sheets of white paper steadily emerging from their feed trays. Their glossy surfaces reflect the soft light coming from the overhead fixtures, and each printer displays a small, glowing screen indicating its current status. Surrounding the printers, swivel chairs with ergonomic designs and translucent glass partitions contribute to the overall sleek and professional ambiance of the workspace.",,6,0,entity,whole,entity - whole (chairs),Are there chairs? +71,"In a contemporary office with minimalist design elements, five square-shaped, black printers are arranged in a row along a white countertop. They are humming with activity as they produce documents, with sheets of white paper steadily emerging from their feed trays. Their glossy surfaces reflect the soft light coming from the overhead fixtures, and each printer displays a small, glowing screen indicating its current status. Surrounding the printers, swivel chairs with ergonomic designs and translucent glass partitions contribute to the overall sleek and professional ambiance of the workspace.",,7,0,entity,whole,entity - whole (partitions),Are there partitions? +71,"In a contemporary office with minimalist design elements, five square-shaped, black printers are arranged in a row along a white countertop. They are humming with activity as they produce documents, with sheets of white paper steadily emerging from their feed trays. Their glossy surfaces reflect the soft light coming from the overhead fixtures, and each printer displays a small, glowing screen indicating its current status. Surrounding the printers, swivel chairs with ergonomic designs and translucent glass partitions contribute to the overall sleek and professional ambiance of the workspace.",,8,1,global,,"global - (office, contemporary, minimalist design)",Is the office contemporary with minimalist design elements? +71,"In a contemporary office with minimalist design elements, five square-shaped, black printers are arranged in a row along a white countertop. They are humming with activity as they produce documents, with sheets of white paper steadily emerging from their feed trays. Their glossy surfaces reflect the soft light coming from the overhead fixtures, and each printer displays a small, glowing screen indicating its current status. Surrounding the printers, swivel chairs with ergonomic designs and translucent glass partitions contribute to the overall sleek and professional ambiance of the workspace.",,9,2,attribute,shape,"attribute - shape (printers, square-shaped)",Are the printers square-shaped? +71,"In a contemporary office with minimalist design elements, five square-shaped, black printers are arranged in a row along a white countertop. They are humming with activity as they produce documents, with sheets of white paper steadily emerging from their feed trays. Their glossy surfaces reflect the soft light coming from the overhead fixtures, and each printer displays a small, glowing screen indicating its current status. Surrounding the printers, swivel chairs with ergonomic designs and translucent glass partitions contribute to the overall sleek and professional ambiance of the workspace.",,10,2,attribute,color,"attribute - color (printers, black)",Are the printers black? +71,"In a contemporary office with minimalist design elements, five square-shaped, black printers are arranged in a row along a white countertop. They are humming with activity as they produce documents, with sheets of white paper steadily emerging from their feed trays. Their glossy surfaces reflect the soft light coming from the overhead fixtures, and each printer displays a small, glowing screen indicating its current status. Surrounding the printers, swivel chairs with ergonomic designs and translucent glass partitions contribute to the overall sleek and professional ambiance of the workspace.",,11,4,attribute,color,"attribute - color (countertop, white)",Is the countertop white? +71,"In a contemporary office with minimalist design elements, five square-shaped, black printers are arranged in a row along a white countertop. They are humming with activity as they produce documents, with sheets of white paper steadily emerging from their feed trays. Their glossy surfaces reflect the soft light coming from the overhead fixtures, and each printer displays a small, glowing screen indicating its current status. Surrounding the printers, swivel chairs with ergonomic designs and translucent glass partitions contribute to the overall sleek and professional ambiance of the workspace.",,12,2,attribute,texture,"attribute - texture (printers, glossy)",Do the printers have glossy surfaces? +71,"In a contemporary office with minimalist design elements, five square-shaped, black printers are arranged in a row along a white countertop. They are humming with activity as they produce documents, with sheets of white paper steadily emerging from their feed trays. Their glossy surfaces reflect the soft light coming from the overhead fixtures, and each printer displays a small, glowing screen indicating its current status. Surrounding the printers, swivel chairs with ergonomic designs and translucent glass partitions contribute to the overall sleek and professional ambiance of the workspace.",,13,2,entity,state,"entity - state (printers, humming with activity)",Are the printers humming with activity? +71,"In a contemporary office with minimalist design elements, five square-shaped, black printers are arranged in a row along a white countertop. They are humming with activity as they produce documents, with sheets of white paper steadily emerging from their feed trays. Their glossy surfaces reflect the soft light coming from the overhead fixtures, and each printer displays a small, glowing screen indicating its current status. Surrounding the printers, swivel chairs with ergonomic designs and translucent glass partitions contribute to the overall sleek and professional ambiance of the workspace.",,14,2,entity,state,"entity - state (printers, produce documents)",Are the printers producing documents? +71,"In a contemporary office with minimalist design elements, five square-shaped, black printers are arranged in a row along a white countertop. They are humming with activity as they produce documents, with sheets of white paper steadily emerging from their feed trays. Their glossy surfaces reflect the soft light coming from the overhead fixtures, and each printer displays a small, glowing screen indicating its current status. Surrounding the printers, swivel chairs with ergonomic designs and translucent glass partitions contribute to the overall sleek and professional ambiance of the workspace.",,15,"2,4",relation,spatial,"relation - spatial (printers, countertop, on)",Are the printers on the countertop? +71,"In a contemporary office with minimalist design elements, five square-shaped, black printers are arranged in a row along a white countertop. They are humming with activity as they produce documents, with sheets of white paper steadily emerging from their feed trays. Their glossy surfaces reflect the soft light coming from the overhead fixtures, and each printer displays a small, glowing screen indicating its current status. Surrounding the printers, swivel chairs with ergonomic designs and translucent glass partitions contribute to the overall sleek and professional ambiance of the workspace.",,16,2,relation,spatial,"relation - spatial (printers, in a row)",Are the printers arranged in a row? +71,"In a contemporary office with minimalist design elements, five square-shaped, black printers are arranged in a row along a white countertop. They are humming with activity as they produce documents, with sheets of white paper steadily emerging from their feed trays. Their glossy surfaces reflect the soft light coming from the overhead fixtures, and each printer displays a small, glowing screen indicating its current status. Surrounding the printers, swivel chairs with ergonomic designs and translucent glass partitions contribute to the overall sleek and professional ambiance of the workspace.",,17,"2,5",relation,spatial,"relation - non-spatial (printers, paper, emerging from)",Is paper emerging from the printers? +71,"In a contemporary office with minimalist design elements, five square-shaped, black printers are arranged in a row along a white countertop. They are humming with activity as they produce documents, with sheets of white paper steadily emerging from their feed trays. Their glossy surfaces reflect the soft light coming from the overhead fixtures, and each printer displays a small, glowing screen indicating its current status. Surrounding the printers, swivel chairs with ergonomic designs and translucent glass partitions contribute to the overall sleek and professional ambiance of the workspace.",,18,6,attribute,other,"attribute - other (chairs, ergonomic design)",Do the chairs have an ergonomic design? +71,"In a contemporary office with minimalist design elements, five square-shaped, black printers are arranged in a row along a white countertop. They are humming with activity as they produce documents, with sheets of white paper steadily emerging from their feed trays. Their glossy surfaces reflect the soft light coming from the overhead fixtures, and each printer displays a small, glowing screen indicating its current status. Surrounding the printers, swivel chairs with ergonomic designs and translucent glass partitions contribute to the overall sleek and professional ambiance of the workspace.",,19,7,attribute,texture,"attribute - texture (partitions, translucent glass)",Are the partitions made of translucent glass? +12,"Two spiraling strands of rich, crimson-colored pasta rest elegantly on the surface of a polished dark wooden table, the grain of the wood accentuating their vibrant hue. This rustic Italian kitchen is bathed in the warm, golden light of the late afternoon sun, which highlights the intricate texture of the pasta. The table, set amidst traditional décor and terracotta pots filled with fresh herbs, offers a tranquil setting for this simple yet captivating culinary display.",,1,0,entity,whole,entity - whole (pasta strands),Are there pasta strands? +12,"Two spiraling strands of rich, crimson-colored pasta rest elegantly on the surface of a polished dark wooden table, the grain of the wood accentuating their vibrant hue. This rustic Italian kitchen is bathed in the warm, golden light of the late afternoon sun, which highlights the intricate texture of the pasta. The table, set amidst traditional décor and terracotta pots filled with fresh herbs, offers a tranquil setting for this simple yet captivating culinary display.",,2,1,other,count,"other - count (pasta strands, ==2)",Are there two pasta strands? +12,"Two spiraling strands of rich, crimson-colored pasta rest elegantly on the surface of a polished dark wooden table, the grain of the wood accentuating their vibrant hue. This rustic Italian kitchen is bathed in the warm, golden light of the late afternoon sun, which highlights the intricate texture of the pasta. The table, set amidst traditional décor and terracotta pots filled with fresh herbs, offers a tranquil setting for this simple yet captivating culinary display.",,3,1,attribute,color,"attribute - color (pasta, crimson)",Is the pasta crimson-colored? +12,"Two spiraling strands of rich, crimson-colored pasta rest elegantly on the surface of a polished dark wooden table, the grain of the wood accentuating their vibrant hue. This rustic Italian kitchen is bathed in the warm, golden light of the late afternoon sun, which highlights the intricate texture of the pasta. The table, set amidst traditional décor and terracotta pots filled with fresh herbs, offers a tranquil setting for this simple yet captivating culinary display.",,4,0,entity,whole,entity - whole (table),Is there a table? +12,"Two spiraling strands of rich, crimson-colored pasta rest elegantly on the surface of a polished dark wooden table, the grain of the wood accentuating their vibrant hue. This rustic Italian kitchen is bathed in the warm, golden light of the late afternoon sun, which highlights the intricate texture of the pasta. The table, set amidst traditional décor and terracotta pots filled with fresh herbs, offers a tranquil setting for this simple yet captivating culinary display.",,5,4,attribute,texture,"attribute - texture (table, polished dark wooden)",Is the table polished dark wooden? +12,"Two spiraling strands of rich, crimson-colored pasta rest elegantly on the surface of a polished dark wooden table, the grain of the wood accentuating their vibrant hue. This rustic Italian kitchen is bathed in the warm, golden light of the late afternoon sun, which highlights the intricate texture of the pasta. The table, set amidst traditional décor and terracotta pots filled with fresh herbs, offers a tranquil setting for this simple yet captivating culinary display.",,6,0,global,,"global - (Italian kitchen, rustic)",Is the kitchen rustic Italian? +12,"Two spiraling strands of rich, crimson-colored pasta rest elegantly on the surface of a polished dark wooden table, the grain of the wood accentuating their vibrant hue. This rustic Italian kitchen is bathed in the warm, golden light of the late afternoon sun, which highlights the intricate texture of the pasta. The table, set amidst traditional décor and terracotta pots filled with fresh herbs, offers a tranquil setting for this simple yet captivating culinary display.",,7,1,attribute,texture,"attribute - texture (pasta, intricate)",Does the pasta have an intricate texture? +12,"Two spiraling strands of rich, crimson-colored pasta rest elegantly on the surface of a polished dark wooden table, the grain of the wood accentuating their vibrant hue. This rustic Italian kitchen is bathed in the warm, golden light of the late afternoon sun, which highlights the intricate texture of the pasta. The table, set amidst traditional décor and terracotta pots filled with fresh herbs, offers a tranquil setting for this simple yet captivating culinary display.",,8,0,attribute,color,"attribute - color (light, warm golden)",Is the light warm and golden? +12,"Two spiraling strands of rich, crimson-colored pasta rest elegantly on the surface of a polished dark wooden table, the grain of the wood accentuating their vibrant hue. This rustic Italian kitchen is bathed in the warm, golden light of the late afternoon sun, which highlights the intricate texture of the pasta. The table, set amidst traditional décor and terracotta pots filled with fresh herbs, offers a tranquil setting for this simple yet captivating culinary display.",,9,8,entity,state,"entity - state (light, late afternoon sun)",Is the light from the late afternoon sun? +12,"Two spiraling strands of rich, crimson-colored pasta rest elegantly on the surface of a polished dark wooden table, the grain of the wood accentuating their vibrant hue. This rustic Italian kitchen is bathed in the warm, golden light of the late afternoon sun, which highlights the intricate texture of the pasta. The table, set amidst traditional décor and terracotta pots filled with fresh herbs, offers a tranquil setting for this simple yet captivating culinary display.",,10,"1,4",relation,spatial,"relation - spatial (pasta strands, table, on)",Are the pasta strands resting on the table? +144,"During a tranquil evening, a grey seal with inquisitive eyes explores a vibrantly illustrated book left on the coarse sands of a deserted beach. The book's pages flutter in the gentle sea breeze, revealing bursts of purples, greens, and reds. Nearby, scattered seashells and washed-up seaweed provide a natural backdrop to this unusual scene.",,1,0,entity,whole,entity - whole (evening),Is it evening? +144,"During a tranquil evening, a grey seal with inquisitive eyes explores a vibrantly illustrated book left on the coarse sands of a deserted beach. The book's pages flutter in the gentle sea breeze, revealing bursts of purples, greens, and reds. Nearby, scattered seashells and washed-up seaweed provide a natural backdrop to this unusual scene.",,2,0,entity,whole,entity - whole (seal),Is there a seal? +144,"During a tranquil evening, a grey seal with inquisitive eyes explores a vibrantly illustrated book left on the coarse sands of a deserted beach. The book's pages flutter in the gentle sea breeze, revealing bursts of purples, greens, and reds. Nearby, scattered seashells and washed-up seaweed provide a natural backdrop to this unusual scene.",,3,0,entity,whole,entity - whole (book),Is there a book? +144,"During a tranquil evening, a grey seal with inquisitive eyes explores a vibrantly illustrated book left on the coarse sands of a deserted beach. The book's pages flutter in the gentle sea breeze, revealing bursts of purples, greens, and reds. Nearby, scattered seashells and washed-up seaweed provide a natural backdrop to this unusual scene.",,4,0,entity,whole,entity - whole (sands),Are there sands? +144,"During a tranquil evening, a grey seal with inquisitive eyes explores a vibrantly illustrated book left on the coarse sands of a deserted beach. The book's pages flutter in the gentle sea breeze, revealing bursts of purples, greens, and reds. Nearby, scattered seashells and washed-up seaweed provide a natural backdrop to this unusual scene.",,5,0,entity,whole,entity - whole (beach),Is there a beach? +144,"During a tranquil evening, a grey seal with inquisitive eyes explores a vibrantly illustrated book left on the coarse sands of a deserted beach. The book's pages flutter in the gentle sea breeze, revealing bursts of purples, greens, and reds. Nearby, scattered seashells and washed-up seaweed provide a natural backdrop to this unusual scene.",,6,0,entity,whole,entity - whole (seashells),Are there seashells? +144,"During a tranquil evening, a grey seal with inquisitive eyes explores a vibrantly illustrated book left on the coarse sands of a deserted beach. The book's pages flutter in the gentle sea breeze, revealing bursts of purples, greens, and reds. Nearby, scattered seashells and washed-up seaweed provide a natural backdrop to this unusual scene.",,7,0,entity,whole,entity - whole (seaweed),Is there seaweed? +144,"During a tranquil evening, a grey seal with inquisitive eyes explores a vibrantly illustrated book left on the coarse sands of a deserted beach. The book's pages flutter in the gentle sea breeze, revealing bursts of purples, greens, and reds. Nearby, scattered seashells and washed-up seaweed provide a natural backdrop to this unusual scene.",,8,2,attribute,color,"attribute - color (seal, grey)",Is the seal grey? +144,"During a tranquil evening, a grey seal with inquisitive eyes explores a vibrantly illustrated book left on the coarse sands of a deserted beach. The book's pages flutter in the gentle sea breeze, revealing bursts of purples, greens, and reds. Nearby, scattered seashells and washed-up seaweed provide a natural backdrop to this unusual scene.",,9,4,attribute,texture,"attribute - texture (sands, coarse)",Are the sands coarse? +144,"During a tranquil evening, a grey seal with inquisitive eyes explores a vibrantly illustrated book left on the coarse sands of a deserted beach. The book's pages flutter in the gentle sea breeze, revealing bursts of purples, greens, and reds. Nearby, scattered seashells and washed-up seaweed provide a natural backdrop to this unusual scene.",,10,3,attribute,color,"attribute - color (book's pages, purples, greens, reds)","Do the book's pages have bursts of purples, greens, and reds?" +144,"During a tranquil evening, a grey seal with inquisitive eyes explores a vibrantly illustrated book left on the coarse sands of a deserted beach. The book's pages flutter in the gentle sea breeze, revealing bursts of purples, greens, and reds. Nearby, scattered seashells and washed-up seaweed provide a natural backdrop to this unusual scene.",,11,2,entity,state,"entity - state (seal, eyes, inquisitive)",Does the seal have inquisitive eyes? +144,"During a tranquil evening, a grey seal with inquisitive eyes explores a vibrantly illustrated book left on the coarse sands of a deserted beach. The book's pages flutter in the gentle sea breeze, revealing bursts of purples, greens, and reds. Nearby, scattered seashells and washed-up seaweed provide a natural backdrop to this unusual scene.",,12,3,entity,state,"entity - state (book's pages, flutter)",Are the book's pages fluttering? +144,"During a tranquil evening, a grey seal with inquisitive eyes explores a vibrantly illustrated book left on the coarse sands of a deserted beach. The book's pages flutter in the gentle sea breeze, revealing bursts of purples, greens, and reds. Nearby, scattered seashells and washed-up seaweed provide a natural backdrop to this unusual scene.",,13,"3,4",relation,spatial,"relation - spatial (book, sands, on)",Is the book on the sands? +144,"During a tranquil evening, a grey seal with inquisitive eyes explores a vibrantly illustrated book left on the coarse sands of a deserted beach. The book's pages flutter in the gentle sea breeze, revealing bursts of purples, greens, and reds. Nearby, scattered seashells and washed-up seaweed provide a natural backdrop to this unusual scene.",,14,"2,3",relation,spatial,"relation - spatial (seal, book, explores)",Is the seal exploring the book? +144,"During a tranquil evening, a grey seal with inquisitive eyes explores a vibrantly illustrated book left on the coarse sands of a deserted beach. The book's pages flutter in the gentle sea breeze, revealing bursts of purples, greens, and reds. Nearby, scattered seashells and washed-up seaweed provide a natural backdrop to this unusual scene.",,15,"5,6",relation,spatial,"relation - spatial (seashells, beach, scattered on)",Are the seashells scattered on the beach? +144,"During a tranquil evening, a grey seal with inquisitive eyes explores a vibrantly illustrated book left on the coarse sands of a deserted beach. The book's pages flutter in the gentle sea breeze, revealing bursts of purples, greens, and reds. Nearby, scattered seashells and washed-up seaweed provide a natural backdrop to this unusual scene.",,16,"5,7",relation,spatial,"relation - spatial (seaweed, beach, washed-up on)",Is the seaweed washed-up on the beach? +252,"In the depths of a vibrant underwater scene, a large, dark red fish glides gracefully through the water, its scales glistening with the filtered sunlight from above. Surrounding the fish is a lively coral reef, bustling with an array of corals in striking hues of purple, yellow, and green, their unique and intricate forms providing a stunning backdrop. Tiny, iridescent fish dart around the nooks of the corals, adding to the dynamic and rich tapestry of marine life inhabiting this tranquil aquatic world.",,1,0,entity,whole,entity - whole (underwater scene),Is there an underwater scene? +252,"In the depths of a vibrant underwater scene, a large, dark red fish glides gracefully through the water, its scales glistening with the filtered sunlight from above. Surrounding the fish is a lively coral reef, bustling with an array of corals in striking hues of purple, yellow, and green, their unique and intricate forms providing a stunning backdrop. Tiny, iridescent fish dart around the nooks of the corals, adding to the dynamic and rich tapestry of marine life inhabiting this tranquil aquatic world.",,2,0,entity,whole,entity - whole (fish),Is there a fish? +252,"In the depths of a vibrant underwater scene, a large, dark red fish glides gracefully through the water, its scales glistening with the filtered sunlight from above. Surrounding the fish is a lively coral reef, bustling with an array of corals in striking hues of purple, yellow, and green, their unique and intricate forms providing a stunning backdrop. Tiny, iridescent fish dart around the nooks of the corals, adding to the dynamic and rich tapestry of marine life inhabiting this tranquil aquatic world.",,3,0,entity,whole,entity - whole (coral reef),Is there a coral reef? +252,"In the depths of a vibrant underwater scene, a large, dark red fish glides gracefully through the water, its scales glistening with the filtered sunlight from above. Surrounding the fish is a lively coral reef, bustling with an array of corals in striking hues of purple, yellow, and green, their unique and intricate forms providing a stunning backdrop. Tiny, iridescent fish dart around the nooks of the corals, adding to the dynamic and rich tapestry of marine life inhabiting this tranquil aquatic world.",,4,2,attribute,color,"attribute - color (fish, dark red)",Is the fish dark red? +252,"In the depths of a vibrant underwater scene, a large, dark red fish glides gracefully through the water, its scales glistening with the filtered sunlight from above. Surrounding the fish is a lively coral reef, bustling with an array of corals in striking hues of purple, yellow, and green, their unique and intricate forms providing a stunning backdrop. Tiny, iridescent fish dart around the nooks of the corals, adding to the dynamic and rich tapestry of marine life inhabiting this tranquil aquatic world.",,5,2,attribute,size,"attribute - size (fish, large)",Is the fish large? +252,"In the depths of a vibrant underwater scene, a large, dark red fish glides gracefully through the water, its scales glistening with the filtered sunlight from above. Surrounding the fish is a lively coral reef, bustling with an array of corals in striking hues of purple, yellow, and green, their unique and intricate forms providing a stunning backdrop. Tiny, iridescent fish dart around the nooks of the corals, adding to the dynamic and rich tapestry of marine life inhabiting this tranquil aquatic world.",,6,3,attribute,color,"attribute - color (corals, purple)",Are there purple corals? +252,"In the depths of a vibrant underwater scene, a large, dark red fish glides gracefully through the water, its scales glistening with the filtered sunlight from above. Surrounding the fish is a lively coral reef, bustling with an array of corals in striking hues of purple, yellow, and green, their unique and intricate forms providing a stunning backdrop. Tiny, iridescent fish dart around the nooks of the corals, adding to the dynamic and rich tapestry of marine life inhabiting this tranquil aquatic world.",,7,3,attribute,color,"attribute - color (corals, yellow)",Are there yellow corals? +252,"In the depths of a vibrant underwater scene, a large, dark red fish glides gracefully through the water, its scales glistening with the filtered sunlight from above. Surrounding the fish is a lively coral reef, bustling with an array of corals in striking hues of purple, yellow, and green, their unique and intricate forms providing a stunning backdrop. Tiny, iridescent fish dart around the nooks of the corals, adding to the dynamic and rich tapestry of marine life inhabiting this tranquil aquatic world.",,8,3,attribute,color,"attribute - color (corals, green)",Are there green corals? +252,"In the depths of a vibrant underwater scene, a large, dark red fish glides gracefully through the water, its scales glistening with the filtered sunlight from above. Surrounding the fish is a lively coral reef, bustling with an array of corals in striking hues of purple, yellow, and green, their unique and intricate forms providing a stunning backdrop. Tiny, iridescent fish dart around the nooks of the corals, adding to the dynamic and rich tapestry of marine life inhabiting this tranquil aquatic world.",,9,2,entity,state,"entity - state (fish, water, glide)",Is the fish gliding through the water? +252,"In the depths of a vibrant underwater scene, a large, dark red fish glides gracefully through the water, its scales glistening with the filtered sunlight from above. Surrounding the fish is a lively coral reef, bustling with an array of corals in striking hues of purple, yellow, and green, their unique and intricate forms providing a stunning backdrop. Tiny, iridescent fish dart around the nooks of the corals, adding to the dynamic and rich tapestry of marine life inhabiting this tranquil aquatic world.",,10,"2,3",relation,spatial,"relation - spatial (coral reef, fish, surrounding)",Is the coral reef surrounding the fish? +276,"A rustic, warm-toned wooden table holds a white ceramic plate piled high with steaming dumplings, the pleats carefully crimped, indicating handcrafted care. Next to it sits a round, earthy-toned bowl filled with ripe, purple plums, their skins glossy and taut. The gentle glow of the setting sun casts a soft light over the scene, illuminating the golden wheat fields and a distant barn in the backdrop, painting a picturesque countryside tableau.",,1,0,entity,whole,entity - whole (table),Is there a table? +276,"A rustic, warm-toned wooden table holds a white ceramic plate piled high with steaming dumplings, the pleats carefully crimped, indicating handcrafted care. Next to it sits a round, earthy-toned bowl filled with ripe, purple plums, their skins glossy and taut. The gentle glow of the setting sun casts a soft light over the scene, illuminating the golden wheat fields and a distant barn in the backdrop, painting a picturesque countryside tableau.",,2,0,entity,whole,entity - whole (plate),Is there a plate? +276,"A rustic, warm-toned wooden table holds a white ceramic plate piled high with steaming dumplings, the pleats carefully crimped, indicating handcrafted care. Next to it sits a round, earthy-toned bowl filled with ripe, purple plums, their skins glossy and taut. The gentle glow of the setting sun casts a soft light over the scene, illuminating the golden wheat fields and a distant barn in the backdrop, painting a picturesque countryside tableau.",,3,0,entity,whole,entity - whole (dumplings),Are there dumplings? +276,"A rustic, warm-toned wooden table holds a white ceramic plate piled high with steaming dumplings, the pleats carefully crimped, indicating handcrafted care. Next to it sits a round, earthy-toned bowl filled with ripe, purple plums, their skins glossy and taut. The gentle glow of the setting sun casts a soft light over the scene, illuminating the golden wheat fields and a distant barn in the backdrop, painting a picturesque countryside tableau.",,4,0,entity,whole,entity - whole (bowl),Is there a bowl? +276,"A rustic, warm-toned wooden table holds a white ceramic plate piled high with steaming dumplings, the pleats carefully crimped, indicating handcrafted care. Next to it sits a round, earthy-toned bowl filled with ripe, purple plums, their skins glossy and taut. The gentle glow of the setting sun casts a soft light over the scene, illuminating the golden wheat fields and a distant barn in the backdrop, painting a picturesque countryside tableau.",,5,0,entity,whole,entity - whole (plums),Are there plums? +276,"A rustic, warm-toned wooden table holds a white ceramic plate piled high with steaming dumplings, the pleats carefully crimped, indicating handcrafted care. Next to it sits a round, earthy-toned bowl filled with ripe, purple plums, their skins glossy and taut. The gentle glow of the setting sun casts a soft light over the scene, illuminating the golden wheat fields and a distant barn in the backdrop, painting a picturesque countryside tableau.",,6,0,entity,whole,entity - whole (wheat fields),Are there wheat fields? +276,"A rustic, warm-toned wooden table holds a white ceramic plate piled high with steaming dumplings, the pleats carefully crimped, indicating handcrafted care. Next to it sits a round, earthy-toned bowl filled with ripe, purple plums, their skins glossy and taut. The gentle glow of the setting sun casts a soft light over the scene, illuminating the golden wheat fields and a distant barn in the backdrop, painting a picturesque countryside tableau.",,7,0,entity,whole,entity - whole (barn),Is there a barn? +276,"A rustic, warm-toned wooden table holds a white ceramic plate piled high with steaming dumplings, the pleats carefully crimped, indicating handcrafted care. Next to it sits a round, earthy-toned bowl filled with ripe, purple plums, their skins glossy and taut. The gentle glow of the setting sun casts a soft light over the scene, illuminating the golden wheat fields and a distant barn in the backdrop, painting a picturesque countryside tableau.",,8,1,attribute,texture,"attribute - texture (table, wooden)",Is the table made of wood? +276,"A rustic, warm-toned wooden table holds a white ceramic plate piled high with steaming dumplings, the pleats carefully crimped, indicating handcrafted care. Next to it sits a round, earthy-toned bowl filled with ripe, purple plums, their skins glossy and taut. The gentle glow of the setting sun casts a soft light over the scene, illuminating the golden wheat fields and a distant barn in the backdrop, painting a picturesque countryside tableau.",,9,2,attribute,color,"attribute - color (plate, white)",Is the plate white? +276,"A rustic, warm-toned wooden table holds a white ceramic plate piled high with steaming dumplings, the pleats carefully crimped, indicating handcrafted care. Next to it sits a round, earthy-toned bowl filled with ripe, purple plums, their skins glossy and taut. The gentle glow of the setting sun casts a soft light over the scene, illuminating the golden wheat fields and a distant barn in the backdrop, painting a picturesque countryside tableau.",,10,5,attribute,color,"attribute - color (plums, purple)",Are the plums purple? +187,"On a smooth, polished wooden desk, there are five small square-shaped power converters with a metallic finish neatly placed beside each other. Behind them, two round pink erasers lie in contrast to the wood grain, slightly showing signs of use with pencil shavings nearby. The desktop itself is bathed in the warm glow of the room's lighting, highlighting the gentle textures of the wood and the matte surfaces of the converters and erasers.",,1,0,entity,whole,entity - whole (desk),Is there a desk? +187,"On a smooth, polished wooden desk, there are five small square-shaped power converters with a metallic finish neatly placed beside each other. Behind them, two round pink erasers lie in contrast to the wood grain, slightly showing signs of use with pencil shavings nearby. The desktop itself is bathed in the warm glow of the room's lighting, highlighting the gentle textures of the wood and the matte surfaces of the converters and erasers.",,2,0,entity,whole,entity - whole (power converters),Are there power converters? +187,"On a smooth, polished wooden desk, there are five small square-shaped power converters with a metallic finish neatly placed beside each other. Behind them, two round pink erasers lie in contrast to the wood grain, slightly showing signs of use with pencil shavings nearby. The desktop itself is bathed in the warm glow of the room's lighting, highlighting the gentle textures of the wood and the matte surfaces of the converters and erasers.",,3,0,entity,whole,entity - whole (erasers),Are there erasers? +187,"On a smooth, polished wooden desk, there are five small square-shaped power converters with a metallic finish neatly placed beside each other. Behind them, two round pink erasers lie in contrast to the wood grain, slightly showing signs of use with pencil shavings nearby. The desktop itself is bathed in the warm glow of the room's lighting, highlighting the gentle textures of the wood and the matte surfaces of the converters and erasers.",,4,2,other,count,"other - count (power converters, ==5)",Are there five power converters? +187,"On a smooth, polished wooden desk, there are five small square-shaped power converters with a metallic finish neatly placed beside each other. Behind them, two round pink erasers lie in contrast to the wood grain, slightly showing signs of use with pencil shavings nearby. The desktop itself is bathed in the warm glow of the room's lighting, highlighting the gentle textures of the wood and the matte surfaces of the converters and erasers.",,5,2,attribute,shape,"attribute - shape (power converters, square-shaped)",Are the power converters square-shaped? +187,"On a smooth, polished wooden desk, there are five small square-shaped power converters with a metallic finish neatly placed beside each other. Behind them, two round pink erasers lie in contrast to the wood grain, slightly showing signs of use with pencil shavings nearby. The desktop itself is bathed in the warm glow of the room's lighting, highlighting the gentle textures of the wood and the matte surfaces of the converters and erasers.",,6,2,attribute,texture,"attribute - texture (power converters, metallic)",Do the power converters have a metallic finish? +187,"On a smooth, polished wooden desk, there are five small square-shaped power converters with a metallic finish neatly placed beside each other. Behind them, two round pink erasers lie in contrast to the wood grain, slightly showing signs of use with pencil shavings nearby. The desktop itself is bathed in the warm glow of the room's lighting, highlighting the gentle textures of the wood and the matte surfaces of the converters and erasers.",,7,3,attribute,shape,"attribute - shape (erasers, round)",Are the erasers round? +187,"On a smooth, polished wooden desk, there are five small square-shaped power converters with a metallic finish neatly placed beside each other. Behind them, two round pink erasers lie in contrast to the wood grain, slightly showing signs of use with pencil shavings nearby. The desktop itself is bathed in the warm glow of the room's lighting, highlighting the gentle textures of the wood and the matte surfaces of the converters and erasers.",,8,3,attribute,color,"attribute - color (erasers, pink)",Are the erasers pink? +187,"On a smooth, polished wooden desk, there are five small square-shaped power converters with a metallic finish neatly placed beside each other. Behind them, two round pink erasers lie in contrast to the wood grain, slightly showing signs of use with pencil shavings nearby. The desktop itself is bathed in the warm glow of the room's lighting, highlighting the gentle textures of the wood and the matte surfaces of the converters and erasers.",,9,1,attribute,texture,"attribute - texture (desk, wooden, polished)","Is the desk made of smooth, polished wood?" +187,"On a smooth, polished wooden desk, there are five small square-shaped power converters with a metallic finish neatly placed beside each other. Behind them, two round pink erasers lie in contrast to the wood grain, slightly showing signs of use with pencil shavings nearby. The desktop itself is bathed in the warm glow of the room's lighting, highlighting the gentle textures of the wood and the matte surfaces of the converters and erasers.",,10,"1,2",relation,spatial,"relation - spatial (power converters, desk, on)",Are the power converters on the desk? +187,"On a smooth, polished wooden desk, there are five small square-shaped power converters with a metallic finish neatly placed beside each other. Behind them, two round pink erasers lie in contrast to the wood grain, slightly showing signs of use with pencil shavings nearby. The desktop itself is bathed in the warm glow of the room's lighting, highlighting the gentle textures of the wood and the matte surfaces of the converters and erasers.",,11,"1,2,3",relation,spatial,"relation - spatial (erasers, desk, behind power converters)",Are the erasers placed behind the power converters on the desk? +187,"On a smooth, polished wooden desk, there are five small square-shaped power converters with a metallic finish neatly placed beside each other. Behind them, two round pink erasers lie in contrast to the wood grain, slightly showing signs of use with pencil shavings nearby. The desktop itself is bathed in the warm glow of the room's lighting, highlighting the gentle textures of the wood and the matte surfaces of the converters and erasers.",,12,3,entity,state,"entity - state (erasers, used, signs of)",Do the erasers show signs of use? +187,"On a smooth, polished wooden desk, there are five small square-shaped power converters with a metallic finish neatly placed beside each other. Behind them, two round pink erasers lie in contrast to the wood grain, slightly showing signs of use with pencil shavings nearby. The desktop itself is bathed in the warm glow of the room's lighting, highlighting the gentle textures of the wood and the matte surfaces of the converters and erasers.",,13,0,entity,state,"entity - state (pencil shavings, nearby)",Are there pencil shavings nearby? +187,"On a smooth, polished wooden desk, there are five small square-shaped power converters with a metallic finish neatly placed beside each other. Behind them, two round pink erasers lie in contrast to the wood grain, slightly showing signs of use with pencil shavings nearby. The desktop itself is bathed in the warm glow of the room's lighting, highlighting the gentle textures of the wood and the matte surfaces of the converters and erasers.",,14,1,attribute,texture,"attribute - texture (wood grain, visible)",Is the wood grain visible? +187,"On a smooth, polished wooden desk, there are five small square-shaped power converters with a metallic finish neatly placed beside each other. Behind them, two round pink erasers lie in contrast to the wood grain, slightly showing signs of use with pencil shavings nearby. The desktop itself is bathed in the warm glow of the room's lighting, highlighting the gentle textures of the wood and the matte surfaces of the converters and erasers.",,15,1,attribute,texture,"attribute - texture (lighting, warm glow)",Is the desktop bathed in the warm glow of the room's lighting? +294,"A robust, honey-toned wooden ladder resting against an ivory wall which is illustrated with an array of whimsical, pencil-drawn doodles depicting imaginative scenes. The doodles range from swirling galaxies to playful characters scattered across the wall's expansive canvas. The texture of the wood of the ladder contrasts with the smoothness of the wall, emphasizing the artisanal creativity imbued in the space.",,1,0,entity,whole,entity - whole (ladder),Is there a ladder? +294,"A robust, honey-toned wooden ladder resting against an ivory wall which is illustrated with an array of whimsical, pencil-drawn doodles depicting imaginative scenes. The doodles range from swirling galaxies to playful characters scattered across the wall's expansive canvas. The texture of the wood of the ladder contrasts with the smoothness of the wall, emphasizing the artisanal creativity imbued in the space.",,2,0,entity,whole,entity - whole (wall),Is there a wall? +294,"A robust, honey-toned wooden ladder resting against an ivory wall which is illustrated with an array of whimsical, pencil-drawn doodles depicting imaginative scenes. The doodles range from swirling galaxies to playful characters scattered across the wall's expansive canvas. The texture of the wood of the ladder contrasts with the smoothness of the wall, emphasizing the artisanal creativity imbued in the space.",,3,1,attribute,texture,"attribute - texture (ladder, wood)",Is the ladder made of wood? +294,"A robust, honey-toned wooden ladder resting against an ivory wall which is illustrated with an array of whimsical, pencil-drawn doodles depicting imaginative scenes. The doodles range from swirling galaxies to playful characters scattered across the wall's expansive canvas. The texture of the wood of the ladder contrasts with the smoothness of the wall, emphasizing the artisanal creativity imbued in the space.",,4,1,attribute,color,"attribute - color (ladder, honey-toned)",Is the ladder honey-toned? +294,"A robust, honey-toned wooden ladder resting against an ivory wall which is illustrated with an array of whimsical, pencil-drawn doodles depicting imaginative scenes. The doodles range from swirling galaxies to playful characters scattered across the wall's expansive canvas. The texture of the wood of the ladder contrasts with the smoothness of the wall, emphasizing the artisanal creativity imbued in the space.",,5,2,attribute,color,"attribute - color (wall, ivory)",Is the wall ivory? +294,"A robust, honey-toned wooden ladder resting against an ivory wall which is illustrated with an array of whimsical, pencil-drawn doodles depicting imaginative scenes. The doodles range from swirling galaxies to playful characters scattered across the wall's expansive canvas. The texture of the wood of the ladder contrasts with the smoothness of the wall, emphasizing the artisanal creativity imbued in the space.",,6,2,attribute,texture,"attribute - texture (wall, smooth)",Is the wall smooth? +294,"A robust, honey-toned wooden ladder resting against an ivory wall which is illustrated with an array of whimsical, pencil-drawn doodles depicting imaginative scenes. The doodles range from swirling galaxies to playful characters scattered across the wall's expansive canvas. The texture of the wood of the ladder contrasts with the smoothness of the wall, emphasizing the artisanal creativity imbued in the space.",,7,2,attribute,other,"attribute - other (wall, pencil-drawn doodles)",Does the wall have pencil-drawn doodles? +294,"A robust, honey-toned wooden ladder resting against an ivory wall which is illustrated with an array of whimsical, pencil-drawn doodles depicting imaginative scenes. The doodles range from swirling galaxies to playful characters scattered across the wall's expansive canvas. The texture of the wood of the ladder contrasts with the smoothness of the wall, emphasizing the artisanal creativity imbued in the space.",,8,1,entity,state,"entity - state (ladder, rest against)",Is the ladder resting? +294,"A robust, honey-toned wooden ladder resting against an ivory wall which is illustrated with an array of whimsical, pencil-drawn doodles depicting imaginative scenes. The doodles range from swirling galaxies to playful characters scattered across the wall's expansive canvas. The texture of the wood of the ladder contrasts with the smoothness of the wall, emphasizing the artisanal creativity imbued in the space.",,9,"1,2",relation,spatial,"relation - spatial (ladder, wall, against)",Is the ladder resting against the wall? +294,"A robust, honey-toned wooden ladder resting against an ivory wall which is illustrated with an array of whimsical, pencil-drawn doodles depicting imaginative scenes. The doodles range from swirling galaxies to playful characters scattered across the wall's expansive canvas. The texture of the wood of the ladder contrasts with the smoothness of the wall, emphasizing the artisanal creativity imbued in the space.",,10,7,attribute,other,"attribute - other (doodles, whimsical)",Are the doodles whimsical? +96,"Four sleek airplanes, with shiny metallic surfaces reflecting the sunlight, fly in a tight formation through the clear blue sky. Below them, an orange and black zigzagged extension cord lies haphazardly across a dusty brown field, contrasting with the precise aerobatics above. The planes' trailing jet streams create parallel lines that transiently scar the vastness of the open sky.",,1,0,entity,whole,entity - whole (airplanes),Are there airplanes? +96,"Four sleek airplanes, with shiny metallic surfaces reflecting the sunlight, fly in a tight formation through the clear blue sky. Below them, an orange and black zigzagged extension cord lies haphazardly across a dusty brown field, contrasting with the precise aerobatics above. The planes' trailing jet streams create parallel lines that transiently scar the vastness of the open sky.",,2,1,other,count,"other - count (airplanes, ==4)",Are there four airplanes? +96,"Four sleek airplanes, with shiny metallic surfaces reflecting the sunlight, fly in a tight formation through the clear blue sky. Below them, an orange and black zigzagged extension cord lies haphazardly across a dusty brown field, contrasting with the precise aerobatics above. The planes' trailing jet streams create parallel lines that transiently scar the vastness of the open sky.",,3,0,entity,whole,entity - whole (extension cord),Is there an extension cord? +96,"Four sleek airplanes, with shiny metallic surfaces reflecting the sunlight, fly in a tight formation through the clear blue sky. Below them, an orange and black zigzagged extension cord lies haphazardly across a dusty brown field, contrasting with the precise aerobatics above. The planes' trailing jet streams create parallel lines that transiently scar the vastness of the open sky.",,4,0,entity,whole,entity - whole (field),Is there a field? +96,"Four sleek airplanes, with shiny metallic surfaces reflecting the sunlight, fly in a tight formation through the clear blue sky. Below them, an orange and black zigzagged extension cord lies haphazardly across a dusty brown field, contrasting with the precise aerobatics above. The planes' trailing jet streams create parallel lines that transiently scar the vastness of the open sky.",,5,1,entity,whole,entity - whole (jet streams),Are there jet streams? +96,"Four sleek airplanes, with shiny metallic surfaces reflecting the sunlight, fly in a tight formation through the clear blue sky. Below them, an orange and black zigzagged extension cord lies haphazardly across a dusty brown field, contrasting with the precise aerobatics above. The planes' trailing jet streams create parallel lines that transiently scar the vastness of the open sky.",,6,3,attribute,color,"attribute - color (extension cord, orange and black)",Is the extension cord orange and black? +96,"Four sleek airplanes, with shiny metallic surfaces reflecting the sunlight, fly in a tight formation through the clear blue sky. Below them, an orange and black zigzagged extension cord lies haphazardly across a dusty brown field, contrasting with the precise aerobatics above. The planes' trailing jet streams create parallel lines that transiently scar the vastness of the open sky.",,7,4,attribute,color,"attribute - color (field, dusty brown)",Is the field dusty brown? +96,"Four sleek airplanes, with shiny metallic surfaces reflecting the sunlight, fly in a tight formation through the clear blue sky. Below them, an orange and black zigzagged extension cord lies haphazardly across a dusty brown field, contrasting with the precise aerobatics above. The planes' trailing jet streams create parallel lines that transiently scar the vastness of the open sky.",,8,0,attribute,color,"attribute - color (sky, clear blue)",Is the sky clear blue? +96,"Four sleek airplanes, with shiny metallic surfaces reflecting the sunlight, fly in a tight formation through the clear blue sky. Below them, an orange and black zigzagged extension cord lies haphazardly across a dusty brown field, contrasting with the precise aerobatics above. The planes' trailing jet streams create parallel lines that transiently scar the vastness of the open sky.",,9,1,attribute,texture,"attribute - texture (airplanes, shiny metallic)",Do the airplanes have shiny metallic surfaces? +96,"Four sleek airplanes, with shiny metallic surfaces reflecting the sunlight, fly in a tight formation through the clear blue sky. Below them, an orange and black zigzagged extension cord lies haphazardly across a dusty brown field, contrasting with the precise aerobatics above. The planes' trailing jet streams create parallel lines that transiently scar the vastness of the open sky.",,10,"1,8",relation,spatial,"relation - spatial (airplanes, sky, fly in)",Are the airplanes flying in the sky? +271,"In a room bathed in the warm glow of the late afternoon sun, a single large golden camera sits prominently on a desk. This camera, with its polished metallic finish, outshines and is notably bigger than the two smaller silver monitors positioned on either side of it. The edges of the monitors are reflecting the soft light, creating a contrast with the camera's shining surface.",,1,0,entity,whole,entity - whole (room),Is there a room? +271,"In a room bathed in the warm glow of the late afternoon sun, a single large golden camera sits prominently on a desk. This camera, with its polished metallic finish, outshines and is notably bigger than the two smaller silver monitors positioned on either side of it. The edges of the monitors are reflecting the soft light, creating a contrast with the camera's shining surface.",,2,0,entity,whole,entity - whole (camera),Is there a camera? +271,"In a room bathed in the warm glow of the late afternoon sun, a single large golden camera sits prominently on a desk. This camera, with its polished metallic finish, outshines and is notably bigger than the two smaller silver monitors positioned on either side of it. The edges of the monitors are reflecting the soft light, creating a contrast with the camera's shining surface.",,3,0,entity,whole,entity - whole (desk),Is there a desk? +271,"In a room bathed in the warm glow of the late afternoon sun, a single large golden camera sits prominently on a desk. This camera, with its polished metallic finish, outshines and is notably bigger than the two smaller silver monitors positioned on either side of it. The edges of the monitors are reflecting the soft light, creating a contrast with the camera's shining surface.",,4,0,entity,whole,entity - whole (monitors),Are there monitors? +271,"In a room bathed in the warm glow of the late afternoon sun, a single large golden camera sits prominently on a desk. This camera, with its polished metallic finish, outshines and is notably bigger than the two smaller silver monitors positioned on either side of it. The edges of the monitors are reflecting the soft light, creating a contrast with the camera's shining surface.",,5,2,attribute,color,"attribute - color (camera, golden)",Is the camera golden? +271,"In a room bathed in the warm glow of the late afternoon sun, a single large golden camera sits prominently on a desk. This camera, with its polished metallic finish, outshines and is notably bigger than the two smaller silver monitors positioned on either side of it. The edges of the monitors are reflecting the soft light, creating a contrast with the camera's shining surface.",,6,4,attribute,color,"attribute - color (monitors, silver)",Are the monitors silver? +271,"In a room bathed in the warm glow of the late afternoon sun, a single large golden camera sits prominently on a desk. This camera, with its polished metallic finish, outshines and is notably bigger than the two smaller silver monitors positioned on either side of it. The edges of the monitors are reflecting the soft light, creating a contrast with the camera's shining surface.",,7,2,attribute,size,"attribute - size (camera, large)",Is the camera large? +271,"In a room bathed in the warm glow of the late afternoon sun, a single large golden camera sits prominently on a desk. This camera, with its polished metallic finish, outshines and is notably bigger than the two smaller silver monitors positioned on either side of it. The edges of the monitors are reflecting the soft light, creating a contrast with the camera's shining surface.",,8,4,other,count,"other - count (monitors, ==2)",Are there two monitors? +271,"In a room bathed in the warm glow of the late afternoon sun, a single large golden camera sits prominently on a desk. This camera, with its polished metallic finish, outshines and is notably bigger than the two smaller silver monitors positioned on either side of it. The edges of the monitors are reflecting the soft light, creating a contrast with the camera's shining surface.",,9,2,attribute,texture,"attribute - texture (camera, metallic finish)",Does the camera have a metallic finish? +271,"In a room bathed in the warm glow of the late afternoon sun, a single large golden camera sits prominently on a desk. This camera, with its polished metallic finish, outshines and is notably bigger than the two smaller silver monitors positioned on either side of it. The edges of the monitors are reflecting the soft light, creating a contrast with the camera's shining surface.",,10,"2,3",relation,spatial,"relation - spatial (camera, desk, on)",Is the camera on the desk? +271,"In a room bathed in the warm glow of the late afternoon sun, a single large golden camera sits prominently on a desk. This camera, with its polished metallic finish, outshines and is notably bigger than the two smaller silver monitors positioned on either side of it. The edges of the monitors are reflecting the soft light, creating a contrast with the camera's shining surface.",,11,"2,4",relation,spatial,"relation - spatial (monitors, camera, on either side of)",Are the monitors positioned on either side of the camera? +17,"A bright red lighter rests atop a polished wooden desk, its surface reflecting the soft overhead lighting. The desk itself boasts a rich and deep mahogany color, free from clutter except for the solitary lighter. Off to the side of the desk stands a green potted plant, adding a touch of vibrancy to the otherwise methodical arrangement.",,1,0,entity,whole,entity - whole (lighter),Is there a lighter? +17,"A bright red lighter rests atop a polished wooden desk, its surface reflecting the soft overhead lighting. The desk itself boasts a rich and deep mahogany color, free from clutter except for the solitary lighter. Off to the side of the desk stands a green potted plant, adding a touch of vibrancy to the otherwise methodical arrangement.",,2,0,entity,whole,entity - whole (desk),Is there a desk? +17,"A bright red lighter rests atop a polished wooden desk, its surface reflecting the soft overhead lighting. The desk itself boasts a rich and deep mahogany color, free from clutter except for the solitary lighter. Off to the side of the desk stands a green potted plant, adding a touch of vibrancy to the otherwise methodical arrangement.",,3,0,entity,whole,entity - whole (plant),Is there a plant? +17,"A bright red lighter rests atop a polished wooden desk, its surface reflecting the soft overhead lighting. The desk itself boasts a rich and deep mahogany color, free from clutter except for the solitary lighter. Off to the side of the desk stands a green potted plant, adding a touch of vibrancy to the otherwise methodical arrangement.",,4,1,attribute,color,"attribute - color (lighter, bright red)",Is the lighter bright red? +17,"A bright red lighter rests atop a polished wooden desk, its surface reflecting the soft overhead lighting. The desk itself boasts a rich and deep mahogany color, free from clutter except for the solitary lighter. Off to the side of the desk stands a green potted plant, adding a touch of vibrancy to the otherwise methodical arrangement.",,5,2,attribute,color,"attribute - color (desk, mahogany)",Is the desk mahogany colored? +17,"A bright red lighter rests atop a polished wooden desk, its surface reflecting the soft overhead lighting. The desk itself boasts a rich and deep mahogany color, free from clutter except for the solitary lighter. Off to the side of the desk stands a green potted plant, adding a touch of vibrancy to the otherwise methodical arrangement.",,6,2,attribute,texture,"attribute - texture (desk, polished)",Is the desk polished? +17,"A bright red lighter rests atop a polished wooden desk, its surface reflecting the soft overhead lighting. The desk itself boasts a rich and deep mahogany color, free from clutter except for the solitary lighter. Off to the side of the desk stands a green potted plant, adding a touch of vibrancy to the otherwise methodical arrangement.",,7,3,attribute,texture,"attribute - texture (plant, potted)",Is the plant potted? +17,"A bright red lighter rests atop a polished wooden desk, its surface reflecting the soft overhead lighting. The desk itself boasts a rich and deep mahogany color, free from clutter except for the solitary lighter. Off to the side of the desk stands a green potted plant, adding a touch of vibrancy to the otherwise methodical arrangement.",,8,3,attribute,color,"attribute - color (plant, green)",Is the plant green? +17,"A bright red lighter rests atop a polished wooden desk, its surface reflecting the soft overhead lighting. The desk itself boasts a rich and deep mahogany color, free from clutter except for the solitary lighter. Off to the side of the desk stands a green potted plant, adding a touch of vibrancy to the otherwise methodical arrangement.",,9,"1,2",relation,spatial,"relation - spatial (lighter, desk, atop)",Is the lighter resting atop the desk? +17,"A bright red lighter rests atop a polished wooden desk, its surface reflecting the soft overhead lighting. The desk itself boasts a rich and deep mahogany color, free from clutter except for the solitary lighter. Off to the side of the desk stands a green potted plant, adding a touch of vibrancy to the otherwise methodical arrangement.",,10,"2,3",relation,spatial,"relation - spatial (plant, desk, side of)",Is the plant standing off to the side of the desk? +214,"Under the soft glow of a rising sun, a round jade-colored table supports six freshly steamed baozi, their white wrappers slightly translucent, emitting tender wisps of steam. Neatly accompanying them are four ice cream cones, each boasting a different, vivid hue, ranging from the deep purple of blackberry to the cheerful yellow of mango. The morning light accentuates the contrast between the warm fog lifting from the baozi and the frosty sheen on the scoops of ice cream.",,1,0,entity,whole,entity - whole (sun),Is there a sun? +214,"Under the soft glow of a rising sun, a round jade-colored table supports six freshly steamed baozi, their white wrappers slightly translucent, emitting tender wisps of steam. Neatly accompanying them are four ice cream cones, each boasting a different, vivid hue, ranging from the deep purple of blackberry to the cheerful yellow of mango. The morning light accentuates the contrast between the warm fog lifting from the baozi and the frosty sheen on the scoops of ice cream.",,2,0,entity,whole,entity - whole (table),Is there a table? +214,"Under the soft glow of a rising sun, a round jade-colored table supports six freshly steamed baozi, their white wrappers slightly translucent, emitting tender wisps of steam. Neatly accompanying them are four ice cream cones, each boasting a different, vivid hue, ranging from the deep purple of blackberry to the cheerful yellow of mango. The morning light accentuates the contrast between the warm fog lifting from the baozi and the frosty sheen on the scoops of ice cream.",,3,0,entity,whole,entity - whole (baozi),Are there baozi? +214,"Under the soft glow of a rising sun, a round jade-colored table supports six freshly steamed baozi, their white wrappers slightly translucent, emitting tender wisps of steam. Neatly accompanying them are four ice cream cones, each boasting a different, vivid hue, ranging from the deep purple of blackberry to the cheerful yellow of mango. The morning light accentuates the contrast between the warm fog lifting from the baozi and the frosty sheen on the scoops of ice cream.",,4,0,entity,whole,entity - whole (ice cream cones),Are there ice cream cones? +214,"Under the soft glow of a rising sun, a round jade-colored table supports six freshly steamed baozi, their white wrappers slightly translucent, emitting tender wisps of steam. Neatly accompanying them are four ice cream cones, each boasting a different, vivid hue, ranging from the deep purple of blackberry to the cheerful yellow of mango. The morning light accentuates the contrast between the warm fog lifting from the baozi and the frosty sheen on the scoops of ice cream.",,5,3,other,count,"other - count (baozi, ==6)",Are there six baozi? +214,"Under the soft glow of a rising sun, a round jade-colored table supports six freshly steamed baozi, their white wrappers slightly translucent, emitting tender wisps of steam. Neatly accompanying them are four ice cream cones, each boasting a different, vivid hue, ranging from the deep purple of blackberry to the cheerful yellow of mango. The morning light accentuates the contrast between the warm fog lifting from the baozi and the frosty sheen on the scoops of ice cream.",,6,4,other,count,"other - count (ice cream cones, ==4)",Are there four ice cream cones? +214,"Under the soft glow of a rising sun, a round jade-colored table supports six freshly steamed baozi, their white wrappers slightly translucent, emitting tender wisps of steam. Neatly accompanying them are four ice cream cones, each boasting a different, vivid hue, ranging from the deep purple of blackberry to the cheerful yellow of mango. The morning light accentuates the contrast between the warm fog lifting from the baozi and the frosty sheen on the scoops of ice cream.",,7,2,attribute,color,"attribute - color (table, jade-colored)",Is the table jade-colored? +214,"Under the soft glow of a rising sun, a round jade-colored table supports six freshly steamed baozi, their white wrappers slightly translucent, emitting tender wisps of steam. Neatly accompanying them are four ice cream cones, each boasting a different, vivid hue, ranging from the deep purple of blackberry to the cheerful yellow of mango. The morning light accentuates the contrast between the warm fog lifting from the baozi and the frosty sheen on the scoops of ice cream.",,8,4,attribute,color,"attribute - color (ice cream cone_1, deep purple)",Is one of the ice cream cones deep purple? +214,"Under the soft glow of a rising sun, a round jade-colored table supports six freshly steamed baozi, their white wrappers slightly translucent, emitting tender wisps of steam. Neatly accompanying them are four ice cream cones, each boasting a different, vivid hue, ranging from the deep purple of blackberry to the cheerful yellow of mango. The morning light accentuates the contrast between the warm fog lifting from the baozi and the frosty sheen on the scoops of ice cream.",,9,4,attribute,color,"attribute - color (ice cream cone_2, cheerful yellow)",Is one of the ice cream cones cheerful yellow? +214,"Under the soft glow of a rising sun, a round jade-colored table supports six freshly steamed baozi, their white wrappers slightly translucent, emitting tender wisps of steam. Neatly accompanying them are four ice cream cones, each boasting a different, vivid hue, ranging from the deep purple of blackberry to the cheerful yellow of mango. The morning light accentuates the contrast between the warm fog lifting from the baozi and the frosty sheen on the scoops of ice cream.",,10,3,attribute,texture,"attribute - texture (baozi, translucent wrappers)",Do the baozi have translucent wrappers? +77,"Five savory pizzas with vibrant red tomato sauce and a generous amount of golden cheese are being baked to perfection inside the warm, rustic brick oven. The oven, radiating heat, has a wooden handle peeking out, suggesting it's an old-fashioned, manually-operated one. The flames at the back cast a flickering glow, highlighting the oven's arch and the earthen tones of the bricks.",,1,0,entity,whole,entity - whole (pizzas),Are there pizzas? +77,"Five savory pizzas with vibrant red tomato sauce and a generous amount of golden cheese are being baked to perfection inside the warm, rustic brick oven. The oven, radiating heat, has a wooden handle peeking out, suggesting it's an old-fashioned, manually-operated one. The flames at the back cast a flickering glow, highlighting the oven's arch and the earthen tones of the bricks.",,2,1,other,count,"other - count (pizzas, ==5)",Are there five pizzas? +77,"Five savory pizzas with vibrant red tomato sauce and a generous amount of golden cheese are being baked to perfection inside the warm, rustic brick oven. The oven, radiating heat, has a wooden handle peeking out, suggesting it's an old-fashioned, manually-operated one. The flames at the back cast a flickering glow, highlighting the oven's arch and the earthen tones of the bricks.",,3,0,entity,whole,entity - whole (tomato sauce),Is there tomato sauce? +77,"Five savory pizzas with vibrant red tomato sauce and a generous amount of golden cheese are being baked to perfection inside the warm, rustic brick oven. The oven, radiating heat, has a wooden handle peeking out, suggesting it's an old-fashioned, manually-operated one. The flames at the back cast a flickering glow, highlighting the oven's arch and the earthen tones of the bricks.",,4,0,entity,whole,entity - whole (cheese),Is there cheese? +77,"Five savory pizzas with vibrant red tomato sauce and a generous amount of golden cheese are being baked to perfection inside the warm, rustic brick oven. The oven, radiating heat, has a wooden handle peeking out, suggesting it's an old-fashioned, manually-operated one. The flames at the back cast a flickering glow, highlighting the oven's arch and the earthen tones of the bricks.",,5,0,entity,whole,entity - whole (brick oven),Is there a brick oven? +77,"Five savory pizzas with vibrant red tomato sauce and a generous amount of golden cheese are being baked to perfection inside the warm, rustic brick oven. The oven, radiating heat, has a wooden handle peeking out, suggesting it's an old-fashioned, manually-operated one. The flames at the back cast a flickering glow, highlighting the oven's arch and the earthen tones of the bricks.",,6,3,attribute,color,"attribute - color (tomato sauce, red)",Is the tomato sauce vibrant red? +77,"Five savory pizzas with vibrant red tomato sauce and a generous amount of golden cheese are being baked to perfection inside the warm, rustic brick oven. The oven, radiating heat, has a wooden handle peeking out, suggesting it's an old-fashioned, manually-operated one. The flames at the back cast a flickering glow, highlighting the oven's arch and the earthen tones of the bricks.",,7,4,attribute,color,"attribute - color (cheese, golden)",Is the cheese golden? +77,"Five savory pizzas with vibrant red tomato sauce and a generous amount of golden cheese are being baked to perfection inside the warm, rustic brick oven. The oven, radiating heat, has a wooden handle peeking out, suggesting it's an old-fashioned, manually-operated one. The flames at the back cast a flickering glow, highlighting the oven's arch and the earthen tones of the bricks.",,8,5,attribute,texture,"attribute - texture (brick oven, rustic)",Is the brick oven rustic? +77,"Five savory pizzas with vibrant red tomato sauce and a generous amount of golden cheese are being baked to perfection inside the warm, rustic brick oven. The oven, radiating heat, has a wooden handle peeking out, suggesting it's an old-fashioned, manually-operated one. The flames at the back cast a flickering glow, highlighting the oven's arch and the earthen tones of the bricks.",,9,5,entity,part,entity - part (oven's handle),Is there a handle on the oven? +77,"Five savory pizzas with vibrant red tomato sauce and a generous amount of golden cheese are being baked to perfection inside the warm, rustic brick oven. The oven, radiating heat, has a wooden handle peeking out, suggesting it's an old-fashioned, manually-operated one. The flames at the back cast a flickering glow, highlighting the oven's arch and the earthen tones of the bricks.",,10,9,attribute,other,"attribute - other (oven's handle, wooden)",Is the oven's handle made of wood? +77,"Five savory pizzas with vibrant red tomato sauce and a generous amount of golden cheese are being baked to perfection inside the warm, rustic brick oven. The oven, radiating heat, has a wooden handle peeking out, suggesting it's an old-fashioned, manually-operated one. The flames at the back cast a flickering glow, highlighting the oven's arch and the earthen tones of the bricks.",,11,"1,5",entity,state,"entity - state (pizzas, baked)",Are the pizzas being baked? +77,"Five savory pizzas with vibrant red tomato sauce and a generous amount of golden cheese are being baked to perfection inside the warm, rustic brick oven. The oven, radiating heat, has a wooden handle peeking out, suggesting it's an old-fashioned, manually-operated one. The flames at the back cast a flickering glow, highlighting the oven's arch and the earthen tones of the bricks.",,12,5,entity,state,"entity - state (oven, warm)",Is the oven warm? +77,"Five savory pizzas with vibrant red tomato sauce and a generous amount of golden cheese are being baked to perfection inside the warm, rustic brick oven. The oven, radiating heat, has a wooden handle peeking out, suggesting it's an old-fashioned, manually-operated one. The flames at the back cast a flickering glow, highlighting the oven's arch and the earthen tones of the bricks.",,13,5,entity,state,"entity - state (oven, old-fashioned, manually-operated)",Is the oven old-fashioned and manually-operated? +77,"Five savory pizzas with vibrant red tomato sauce and a generous amount of golden cheese are being baked to perfection inside the warm, rustic brick oven. The oven, radiating heat, has a wooden handle peeking out, suggesting it's an old-fashioned, manually-operated one. The flames at the back cast a flickering glow, highlighting the oven's arch and the earthen tones of the bricks.",,14,5,entity,state,"entity - state (flames, flickering glow)",Are the flames casting a flickering glow? +211,"Four bright yellow slippers are neatly aligned on a beige carpet, their fuzzy texture suggesting warmth and comfort. Next to them, a pair of elegant burgundy bow ties with a silk finish lay gracefully, hinting at a formal event. The color contrast between the vivid slippers and the refined bow ties creates a unique and curious combination.",,1,0,entity,whole,entity - whole (slippers),Are there slippers? +211,"Four bright yellow slippers are neatly aligned on a beige carpet, their fuzzy texture suggesting warmth and comfort. Next to them, a pair of elegant burgundy bow ties with a silk finish lay gracefully, hinting at a formal event. The color contrast between the vivid slippers and the refined bow ties creates a unique and curious combination.",,2,1,other,count,"other - count (slippers, ==4)",Are there four slippers? +211,"Four bright yellow slippers are neatly aligned on a beige carpet, their fuzzy texture suggesting warmth and comfort. Next to them, a pair of elegant burgundy bow ties with a silk finish lay gracefully, hinting at a formal event. The color contrast between the vivid slippers and the refined bow ties creates a unique and curious combination.",,3,0,entity,whole,entity - whole (carpet),Is there a carpet? +211,"Four bright yellow slippers are neatly aligned on a beige carpet, their fuzzy texture suggesting warmth and comfort. Next to them, a pair of elegant burgundy bow ties with a silk finish lay gracefully, hinting at a formal event. The color contrast between the vivid slippers and the refined bow ties creates a unique and curious combination.",,4,0,entity,whole,entity - whole (bow ties),Are there bow ties? +211,"Four bright yellow slippers are neatly aligned on a beige carpet, their fuzzy texture suggesting warmth and comfort. Next to them, a pair of elegant burgundy bow ties with a silk finish lay gracefully, hinting at a formal event. The color contrast between the vivid slippers and the refined bow ties creates a unique and curious combination.",,5,1,attribute,color,"attribute - color (slippers, bright yellow)",Are the slippers bright yellow? +211,"Four bright yellow slippers are neatly aligned on a beige carpet, their fuzzy texture suggesting warmth and comfort. Next to them, a pair of elegant burgundy bow ties with a silk finish lay gracefully, hinting at a formal event. The color contrast between the vivid slippers and the refined bow ties creates a unique and curious combination.",,6,3,attribute,color,"attribute - color (carpet, beige)",Is the carpet beige? +211,"Four bright yellow slippers are neatly aligned on a beige carpet, their fuzzy texture suggesting warmth and comfort. Next to them, a pair of elegant burgundy bow ties with a silk finish lay gracefully, hinting at a formal event. The color contrast between the vivid slippers and the refined bow ties creates a unique and curious combination.",,7,4,attribute,color,"attribute - color (bow ties, burgundy)",Are the bow ties burgundy? +211,"Four bright yellow slippers are neatly aligned on a beige carpet, their fuzzy texture suggesting warmth and comfort. Next to them, a pair of elegant burgundy bow ties with a silk finish lay gracefully, hinting at a formal event. The color contrast between the vivid slippers and the refined bow ties creates a unique and curious combination.",,8,1,attribute,texture,"attribute - texture (slippers, fuzzy)",Do the slippers have a fuzzy texture? +211,"Four bright yellow slippers are neatly aligned on a beige carpet, their fuzzy texture suggesting warmth and comfort. Next to them, a pair of elegant burgundy bow ties with a silk finish lay gracefully, hinting at a formal event. The color contrast between the vivid slippers and the refined bow ties creates a unique and curious combination.",,9,4,attribute,texture,"attribute - texture (bow ties, silk)",Do the bow ties have a silk finish? +211,"Four bright yellow slippers are neatly aligned on a beige carpet, their fuzzy texture suggesting warmth and comfort. Next to them, a pair of elegant burgundy bow ties with a silk finish lay gracefully, hinting at a formal event. The color contrast between the vivid slippers and the refined bow ties creates a unique and curious combination.",,10,"1,3",relation,spatial,"relation - spatial (slippers, carpet, on)",Are the slippers on the carpet? +211,"Four bright yellow slippers are neatly aligned on a beige carpet, their fuzzy texture suggesting warmth and comfort. Next to them, a pair of elegant burgundy bow ties with a silk finish lay gracefully, hinting at a formal event. The color contrast between the vivid slippers and the refined bow ties creates a unique and curious combination.",,11,"4,3",relation,spatial,"relation - spatial (bow ties, carpet, next to)",Are the bow ties next to the slippers on the carpet? +133,"In the midst of a bustling cityscape under the bright midday sun, a solitary wooden bench with peeling green paint sits empty on the sidewalk. A city worker dressed in a reflective orange vest is actively disinfecting the bench surface, using a clear spray bottle filled with a blue cleaning solution. Passersby continue with their day, navigating around the cleaning activity, while the noise of the city hums in the background.",,1,0,entity,whole,entity - whole (cityscape),Is there a cityscape? +133,"In the midst of a bustling cityscape under the bright midday sun, a solitary wooden bench with peeling green paint sits empty on the sidewalk. A city worker dressed in a reflective orange vest is actively disinfecting the bench surface, using a clear spray bottle filled with a blue cleaning solution. Passersby continue with their day, navigating around the cleaning activity, while the noise of the city hums in the background.",,2,0,entity,whole,entity - whole (bench),Is there a bench? +133,"In the midst of a bustling cityscape under the bright midday sun, a solitary wooden bench with peeling green paint sits empty on the sidewalk. A city worker dressed in a reflective orange vest is actively disinfecting the bench surface, using a clear spray bottle filled with a blue cleaning solution. Passersby continue with their day, navigating around the cleaning activity, while the noise of the city hums in the background.",,3,0,entity,whole,entity - whole (city worker),Is there a city worker? +133,"In the midst of a bustling cityscape under the bright midday sun, a solitary wooden bench with peeling green paint sits empty on the sidewalk. A city worker dressed in a reflective orange vest is actively disinfecting the bench surface, using a clear spray bottle filled with a blue cleaning solution. Passersby continue with their day, navigating around the cleaning activity, while the noise of the city hums in the background.",,4,0,entity,whole,entity - whole (spray bottle),Is there a spray bottle? +133,"In the midst of a bustling cityscape under the bright midday sun, a solitary wooden bench with peeling green paint sits empty on the sidewalk. A city worker dressed in a reflective orange vest is actively disinfecting the bench surface, using a clear spray bottle filled with a blue cleaning solution. Passersby continue with their day, navigating around the cleaning activity, while the noise of the city hums in the background.",,5,0,entity,whole,entity - whole (cleaning solution),Is there a cleaning solution? +133,"In the midst of a bustling cityscape under the bright midday sun, a solitary wooden bench with peeling green paint sits empty on the sidewalk. A city worker dressed in a reflective orange vest is actively disinfecting the bench surface, using a clear spray bottle filled with a blue cleaning solution. Passersby continue with their day, navigating around the cleaning activity, while the noise of the city hums in the background.",,6,2,attribute,color,"attribute - color (bench, green)",Is the bench green? +133,"In the midst of a bustling cityscape under the bright midday sun, a solitary wooden bench with peeling green paint sits empty on the sidewalk. A city worker dressed in a reflective orange vest is actively disinfecting the bench surface, using a clear spray bottle filled with a blue cleaning solution. Passersby continue with their day, navigating around the cleaning activity, while the noise of the city hums in the background.",,7,2,attribute,texture,"attribute - texture (bench, peeling paint)",Does the bench have peeling paint? +133,"In the midst of a bustling cityscape under the bright midday sun, a solitary wooden bench with peeling green paint sits empty on the sidewalk. A city worker dressed in a reflective orange vest is actively disinfecting the bench surface, using a clear spray bottle filled with a blue cleaning solution. Passersby continue with their day, navigating around the cleaning activity, while the noise of the city hums in the background.",,8,3,attribute,color,"attribute - color (city worker's vest, reflective orange)",Is the city worker's vest reflective orange? +133,"In the midst of a bustling cityscape under the bright midday sun, a solitary wooden bench with peeling green paint sits empty on the sidewalk. A city worker dressed in a reflective orange vest is actively disinfecting the bench surface, using a clear spray bottle filled with a blue cleaning solution. Passersby continue with their day, navigating around the cleaning activity, while the noise of the city hums in the background.",,9,5,attribute,color,"attribute - color (cleaning solution, blue)",Is the cleaning solution blue? +133,"In the midst of a bustling cityscape under the bright midday sun, a solitary wooden bench with peeling green paint sits empty on the sidewalk. A city worker dressed in a reflective orange vest is actively disinfecting the bench surface, using a clear spray bottle filled with a blue cleaning solution. Passersby continue with their day, navigating around the cleaning activity, while the noise of the city hums in the background.",,10,2,entity,state,"entity - state (bench, empty)",Is the bench empty? +133,"In the midst of a bustling cityscape under the bright midday sun, a solitary wooden bench with peeling green paint sits empty on the sidewalk. A city worker dressed in a reflective orange vest is actively disinfecting the bench surface, using a clear spray bottle filled with a blue cleaning solution. Passersby continue with their day, navigating around the cleaning activity, while the noise of the city hums in the background.",,11,2,relation,spatial,"relation - spatial (bench, sidewalk, on)",Is the bench on the sidewalk? +133,"In the midst of a bustling cityscape under the bright midday sun, a solitary wooden bench with peeling green paint sits empty on the sidewalk. A city worker dressed in a reflective orange vest is actively disinfecting the bench surface, using a clear spray bottle filled with a blue cleaning solution. Passersby continue with their day, navigating around the cleaning activity, while the noise of the city hums in the background.",,12,"3,2",relation,spatial,"relation - spatial (city worker, bench, disinfecting)",Is the city worker disinfecting the bench? +133,"In the midst of a bustling cityscape under the bright midday sun, a solitary wooden bench with peeling green paint sits empty on the sidewalk. A city worker dressed in a reflective orange vest is actively disinfecting the bench surface, using a clear spray bottle filled with a blue cleaning solution. Passersby continue with their day, navigating around the cleaning activity, while the noise of the city hums in the background.",,13,"4,5",relation,spatial,"relation - spatial (spray bottle, cleaning solution, filled with)",Is the spray bottle filled with the blue cleaning solution? +233,"Three sleek black tripods standing in a row, their legs slightly splayed on a grey, granulated floor for stable support. Positioned prominently in front of them is a compact, silver remote control with a smooth, metallic finish. The arrangement suggests a photographic studio setup, with the remote likely used to control the cameras mounted on each tripod.",,1,0,entity,whole,entity - whole (tripods),Are there tripods? +233,"Three sleek black tripods standing in a row, their legs slightly splayed on a grey, granulated floor for stable support. Positioned prominently in front of them is a compact, silver remote control with a smooth, metallic finish. The arrangement suggests a photographic studio setup, with the remote likely used to control the cameras mounted on each tripod.",,2,1,other,count,"other - count (tripods, ==3)",Are there three tripods? +233,"Three sleek black tripods standing in a row, their legs slightly splayed on a grey, granulated floor for stable support. Positioned prominently in front of them is a compact, silver remote control with a smooth, metallic finish. The arrangement suggests a photographic studio setup, with the remote likely used to control the cameras mounted on each tripod.",,3,0,entity,whole,entity - whole (floor),Is there a floor? +233,"Three sleek black tripods standing in a row, their legs slightly splayed on a grey, granulated floor for stable support. Positioned prominently in front of them is a compact, silver remote control with a smooth, metallic finish. The arrangement suggests a photographic studio setup, with the remote likely used to control the cameras mounted on each tripod.",,4,0,entity,whole,entity - whole (remote control),Is there a remote control? +233,"Three sleek black tripods standing in a row, their legs slightly splayed on a grey, granulated floor for stable support. Positioned prominently in front of them is a compact, silver remote control with a smooth, metallic finish. The arrangement suggests a photographic studio setup, with the remote likely used to control the cameras mounted on each tripod.",,5,1,entity,whole,entity - whole (cameras),Are there cameras? +233,"Three sleek black tripods standing in a row, their legs slightly splayed on a grey, granulated floor for stable support. Positioned prominently in front of them is a compact, silver remote control with a smooth, metallic finish. The arrangement suggests a photographic studio setup, with the remote likely used to control the cameras mounted on each tripod.",,6,1,attribute,color,"attribute - color (tripods, black)",Are the tripods sleek and black? +233,"Three sleek black tripods standing in a row, their legs slightly splayed on a grey, granulated floor for stable support. Positioned prominently in front of them is a compact, silver remote control with a smooth, metallic finish. The arrangement suggests a photographic studio setup, with the remote likely used to control the cameras mounted on each tripod.",,7,4,attribute,color,"attribute - color (remote control, silver)",Is the remote control silver? +233,"Three sleek black tripods standing in a row, their legs slightly splayed on a grey, granulated floor for stable support. Positioned prominently in front of them is a compact, silver remote control with a smooth, metallic finish. The arrangement suggests a photographic studio setup, with the remote likely used to control the cameras mounted on each tripod.",,8,3,attribute,texture,"attribute - texture (floor, granulated)",Is the floor grey and granulated? +233,"Three sleek black tripods standing in a row, their legs slightly splayed on a grey, granulated floor for stable support. Positioned prominently in front of them is a compact, silver remote control with a smooth, metallic finish. The arrangement suggests a photographic studio setup, with the remote likely used to control the cameras mounted on each tripod.",,9,4,attribute,texture,"attribute - texture (remote control, metallic)","Does the remote control have a smooth, metallic finish?" +233,"Three sleek black tripods standing in a row, their legs slightly splayed on a grey, granulated floor for stable support. Positioned prominently in front of them is a compact, silver remote control with a smooth, metallic finish. The arrangement suggests a photographic studio setup, with the remote likely used to control the cameras mounted on each tripod.",,10,"1,3",relation,spatial,"relation - spatial (tripods, floor, on)",Are the tripods standing on the floor? +291,"An aged crimson oven occupies the corner of a rustic kitchen, its window revealing the golden-brown crust of bread as it bakes within. Next to it, a towering, polished metallic spoon leans against a weathered brick wall, reflecting the soft kitchen light. Scattered nearby are a scattering of flour and a wooden rolling pin on a worn, marble countertop.",,1,0,entity,whole,entity - whole (oven),Is there an oven? +291,"An aged crimson oven occupies the corner of a rustic kitchen, its window revealing the golden-brown crust of bread as it bakes within. Next to it, a towering, polished metallic spoon leans against a weathered brick wall, reflecting the soft kitchen light. Scattered nearby are a scattering of flour and a wooden rolling pin on a worn, marble countertop.",,2,0,entity,whole,entity - whole (kitchen),Is there a kitchen? +291,"An aged crimson oven occupies the corner of a rustic kitchen, its window revealing the golden-brown crust of bread as it bakes within. Next to it, a towering, polished metallic spoon leans against a weathered brick wall, reflecting the soft kitchen light. Scattered nearby are a scattering of flour and a wooden rolling pin on a worn, marble countertop.",,3,0,entity,whole,entity - whole (bread),Is there bread? +291,"An aged crimson oven occupies the corner of a rustic kitchen, its window revealing the golden-brown crust of bread as it bakes within. Next to it, a towering, polished metallic spoon leans against a weathered brick wall, reflecting the soft kitchen light. Scattered nearby are a scattering of flour and a wooden rolling pin on a worn, marble countertop.",,4,0,entity,whole,entity - whole (spoon),Is there a spoon? +291,"An aged crimson oven occupies the corner of a rustic kitchen, its window revealing the golden-brown crust of bread as it bakes within. Next to it, a towering, polished metallic spoon leans against a weathered brick wall, reflecting the soft kitchen light. Scattered nearby are a scattering of flour and a wooden rolling pin on a worn, marble countertop.",,5,0,entity,whole,entity - whole (wall),Is there a wall? +291,"An aged crimson oven occupies the corner of a rustic kitchen, its window revealing the golden-brown crust of bread as it bakes within. Next to it, a towering, polished metallic spoon leans against a weathered brick wall, reflecting the soft kitchen light. Scattered nearby are a scattering of flour and a wooden rolling pin on a worn, marble countertop.",,6,0,entity,whole,entity - whole (flour),Is there flour? +291,"An aged crimson oven occupies the corner of a rustic kitchen, its window revealing the golden-brown crust of bread as it bakes within. Next to it, a towering, polished metallic spoon leans against a weathered brick wall, reflecting the soft kitchen light. Scattered nearby are a scattering of flour and a wooden rolling pin on a worn, marble countertop.",,7,0,entity,whole,entity - whole (rolling pin),Is there a rolling pin? +291,"An aged crimson oven occupies the corner of a rustic kitchen, its window revealing the golden-brown crust of bread as it bakes within. Next to it, a towering, polished metallic spoon leans against a weathered brick wall, reflecting the soft kitchen light. Scattered nearby are a scattering of flour and a wooden rolling pin on a worn, marble countertop.",,8,0,entity,whole,entity - whole (countertop),Is there a countertop? +291,"An aged crimson oven occupies the corner of a rustic kitchen, its window revealing the golden-brown crust of bread as it bakes within. Next to it, a towering, polished metallic spoon leans against a weathered brick wall, reflecting the soft kitchen light. Scattered nearby are a scattering of flour and a wooden rolling pin on a worn, marble countertop.",,9,1,attribute,color,"attribute - color (oven, crimson)",Is the oven crimson? +291,"An aged crimson oven occupies the corner of a rustic kitchen, its window revealing the golden-brown crust of bread as it bakes within. Next to it, a towering, polished metallic spoon leans against a weathered brick wall, reflecting the soft kitchen light. Scattered nearby are a scattering of flour and a wooden rolling pin on a worn, marble countertop.",,10,3,attribute,texture,"attribute - texture (bread, golden-brown crust)",Does the bread have a golden-brown crust? +291,"An aged crimson oven occupies the corner of a rustic kitchen, its window revealing the golden-brown crust of bread as it bakes within. Next to it, a towering, polished metallic spoon leans against a weathered brick wall, reflecting the soft kitchen light. Scattered nearby are a scattering of flour and a wooden rolling pin on a worn, marble countertop.",,11,5,attribute,texture,"attribute - texture (wall, weathered brick)",Is the wall made of weathered brick? +291,"An aged crimson oven occupies the corner of a rustic kitchen, its window revealing the golden-brown crust of bread as it bakes within. Next to it, a towering, polished metallic spoon leans against a weathered brick wall, reflecting the soft kitchen light. Scattered nearby are a scattering of flour and a wooden rolling pin on a worn, marble countertop.",,12,8,attribute,texture,"attribute - texture (countertop, worn marble)",Is the countertop made of worn marble? +291,"An aged crimson oven occupies the corner of a rustic kitchen, its window revealing the golden-brown crust of bread as it bakes within. Next to it, a towering, polished metallic spoon leans against a weathered brick wall, reflecting the soft kitchen light. Scattered nearby are a scattering of flour and a wooden rolling pin on a worn, marble countertop.",,13,1,attribute,other,"attribute - other (oven, aged)",Is the oven aged? +291,"An aged crimson oven occupies the corner of a rustic kitchen, its window revealing the golden-brown crust of bread as it bakes within. Next to it, a towering, polished metallic spoon leans against a weathered brick wall, reflecting the soft kitchen light. Scattered nearby are a scattering of flour and a wooden rolling pin on a worn, marble countertop.",,14,4,attribute,other,"attribute - other (spoon, polished metallic)",Is the spoon polished metallic? +291,"An aged crimson oven occupies the corner of a rustic kitchen, its window revealing the golden-brown crust of bread as it bakes within. Next to it, a towering, polished metallic spoon leans against a weathered brick wall, reflecting the soft kitchen light. Scattered nearby are a scattering of flour and a wooden rolling pin on a worn, marble countertop.",,15,"1,2",relation,spatial,"relation - spatial (oven, kitchen, in corner)",Is the oven in the corner of the kitchen? +291,"An aged crimson oven occupies the corner of a rustic kitchen, its window revealing the golden-brown crust of bread as it bakes within. Next to it, a towering, polished metallic spoon leans against a weathered brick wall, reflecting the soft kitchen light. Scattered nearby are a scattering of flour and a wooden rolling pin on a worn, marble countertop.",,16,"4,5",relation,spatial,"relation - spatial (spoon, wall, against)",Is the spoon leaning against the wall? +291,"An aged crimson oven occupies the corner of a rustic kitchen, its window revealing the golden-brown crust of bread as it bakes within. Next to it, a towering, polished metallic spoon leans against a weathered brick wall, reflecting the soft kitchen light. Scattered nearby are a scattering of flour and a wooden rolling pin on a worn, marble countertop.",,17,"6,8",relation,spatial,"relation - spatial (flour, countertop, on)",Is the flour on the countertop? +291,"An aged crimson oven occupies the corner of a rustic kitchen, its window revealing the golden-brown crust of bread as it bakes within. Next to it, a towering, polished metallic spoon leans against a weathered brick wall, reflecting the soft kitchen light. Scattered nearby are a scattering of flour and a wooden rolling pin on a worn, marble countertop.",,18,"7,8",relation,spatial,"relation - spatial (rolling pin, countertop, on)",Is the rolling pin on the countertop? +291,"An aged crimson oven occupies the corner of a rustic kitchen, its window revealing the golden-brown crust of bread as it bakes within. Next to it, a towering, polished metallic spoon leans against a weathered brick wall, reflecting the soft kitchen light. Scattered nearby are a scattering of flour and a wooden rolling pin on a worn, marble countertop.",,19,"1,3",entity,state,"entity - state (bread, bake within oven)",Is the bread baking within the oven? +291,"An aged crimson oven occupies the corner of a rustic kitchen, its window revealing the golden-brown crust of bread as it bakes within. Next to it, a towering, polished metallic spoon leans against a weathered brick wall, reflecting the soft kitchen light. Scattered nearby are a scattering of flour and a wooden rolling pin on a worn, marble countertop.",,20,"1,4",relation,spatial,"relation - spatial (oven, spoon, next to)",Is the spoon next to the oven? +196,"A vast, metallic extractor, its surface reflecting the pale hues of dawn, towers beside a wooden cello that sits elegantly aglow in the morning light. Both objects are bathed in a gentle, warm ambience as the sun rises, casting long, soft shadows across the floor. The extractor's robust shape and industrial design create a striking visual juxtaposition with the smooth, curved silhouette of the cello.",,1,0,entity,whole,entity - whole (extractor),Is there an extractor? +196,"A vast, metallic extractor, its surface reflecting the pale hues of dawn, towers beside a wooden cello that sits elegantly aglow in the morning light. Both objects are bathed in a gentle, warm ambience as the sun rises, casting long, soft shadows across the floor. The extractor's robust shape and industrial design create a striking visual juxtaposition with the smooth, curved silhouette of the cello.",,2,0,entity,whole,entity - whole (cello),Is there a cello? +196,"A vast, metallic extractor, its surface reflecting the pale hues of dawn, towers beside a wooden cello that sits elegantly aglow in the morning light. Both objects are bathed in a gentle, warm ambience as the sun rises, casting long, soft shadows across the floor. The extractor's robust shape and industrial design create a striking visual juxtaposition with the smooth, curved silhouette of the cello.",,3,1,attribute,texture,"attribute - texture (extractor, metallic)",Is the extractor metallic? +196,"A vast, metallic extractor, its surface reflecting the pale hues of dawn, towers beside a wooden cello that sits elegantly aglow in the morning light. Both objects are bathed in a gentle, warm ambience as the sun rises, casting long, soft shadows across the floor. The extractor's robust shape and industrial design create a striking visual juxtaposition with the smooth, curved silhouette of the cello.",,4,1,attribute,color,"attribute - color (extractor, reflective)",Does the extractor's surface reflect light? +196,"A vast, metallic extractor, its surface reflecting the pale hues of dawn, towers beside a wooden cello that sits elegantly aglow in the morning light. Both objects are bathed in a gentle, warm ambience as the sun rises, casting long, soft shadows across the floor. The extractor's robust shape and industrial design create a striking visual juxtaposition with the smooth, curved silhouette of the cello.",,5,2,attribute,texture,"attribute - texture (cello, wood)",Is the cello made of wood? +196,"A vast, metallic extractor, its surface reflecting the pale hues of dawn, towers beside a wooden cello that sits elegantly aglow in the morning light. Both objects are bathed in a gentle, warm ambience as the sun rises, casting long, soft shadows across the floor. The extractor's robust shape and industrial design create a striking visual juxtaposition with the smooth, curved silhouette of the cello.",,6,1,attribute,shape,"attribute - shape (extractor, robust)",Is the extractor robust in shape? +196,"A vast, metallic extractor, its surface reflecting the pale hues of dawn, towers beside a wooden cello that sits elegantly aglow in the morning light. Both objects are bathed in a gentle, warm ambience as the sun rises, casting long, soft shadows across the floor. The extractor's robust shape and industrial design create a striking visual juxtaposition with the smooth, curved silhouette of the cello.",,7,2,attribute,shape,"attribute - shape (cello, curved)",Is the cello curved in shape? +196,"A vast, metallic extractor, its surface reflecting the pale hues of dawn, towers beside a wooden cello that sits elegantly aglow in the morning light. Both objects are bathed in a gentle, warm ambience as the sun rises, casting long, soft shadows across the floor. The extractor's robust shape and industrial design create a striking visual juxtaposition with the smooth, curved silhouette of the cello.",,8,"1,2",relation,spatial,"relation - spatial (extractor, cello, beside)",Is the extractor beside the cello? +196,"A vast, metallic extractor, its surface reflecting the pale hues of dawn, towers beside a wooden cello that sits elegantly aglow in the morning light. Both objects are bathed in a gentle, warm ambience as the sun rises, casting long, soft shadows across the floor. The extractor's robust shape and industrial design create a striking visual juxtaposition with the smooth, curved silhouette of the cello.",,9,2,entity,state,"entity - state (cello, morning light, aglow)",Is the cello aglow in the morning light? +196,"A vast, metallic extractor, its surface reflecting the pale hues of dawn, towers beside a wooden cello that sits elegantly aglow in the morning light. Both objects are bathed in a gentle, warm ambience as the sun rises, casting long, soft shadows across the floor. The extractor's robust shape and industrial design create a striking visual juxtaposition with the smooth, curved silhouette of the cello.",,10,1,relation,spatial,"relation - spatial (extractor, floor, shadows across)","Does the extractor cast long, soft shadows across the floor?" +55,"Two zebras, their black and white stripes creating a dizzying effect, are galloping side by side across the sprawling savanna, tinged golden by the sunlight. The texture of the grass appears rough and dry, a testament to the arid climate. Dust is being kicked up by their hooves, and in the background, sparse acacia trees punctuate the otherwise open landscape.",,1,0,entity,whole,entity - whole (zebras),Are there zebras? +55,"Two zebras, their black and white stripes creating a dizzying effect, are galloping side by side across the sprawling savanna, tinged golden by the sunlight. The texture of the grass appears rough and dry, a testament to the arid climate. Dust is being kicked up by their hooves, and in the background, sparse acacia trees punctuate the otherwise open landscape.",,2,1,other,count,"other - count (zebras, ==2)",Are there two zebras? +55,"Two zebras, their black and white stripes creating a dizzying effect, are galloping side by side across the sprawling savanna, tinged golden by the sunlight. The texture of the grass appears rough and dry, a testament to the arid climate. Dust is being kicked up by their hooves, and in the background, sparse acacia trees punctuate the otherwise open landscape.",,3,0,entity,whole,entity - whole (savanna),Is there a savanna? +55,"Two zebras, their black and white stripes creating a dizzying effect, are galloping side by side across the sprawling savanna, tinged golden by the sunlight. The texture of the grass appears rough and dry, a testament to the arid climate. Dust is being kicked up by their hooves, and in the background, sparse acacia trees punctuate the otherwise open landscape.",,4,1,attribute,color,"attribute - color (zebras' stripes, black and white)",Do the zebras have black and white stripes? +55,"Two zebras, their black and white stripes creating a dizzying effect, are galloping side by side across the sprawling savanna, tinged golden by the sunlight. The texture of the grass appears rough and dry, a testament to the arid climate. Dust is being kicked up by their hooves, and in the background, sparse acacia trees punctuate the otherwise open landscape.",,5,3,attribute,color,"attribute - color (savanna, golden)",Is the savanna tinged golden by the sunlight? +55,"Two zebras, their black and white stripes creating a dizzying effect, are galloping side by side across the sprawling savanna, tinged golden by the sunlight. The texture of the grass appears rough and dry, a testament to the arid climate. Dust is being kicked up by their hooves, and in the background, sparse acacia trees punctuate the otherwise open landscape.",,6,3,attribute,texture,"attribute - texture (grass, rough and dry)",Does the grass appear rough and dry? +55,"Two zebras, their black and white stripes creating a dizzying effect, are galloping side by side across the sprawling savanna, tinged golden by the sunlight. The texture of the grass appears rough and dry, a testament to the arid climate. Dust is being kicked up by their hooves, and in the background, sparse acacia trees punctuate the otherwise open landscape.",,7,1,entity,state,"entity - state (zebras, gallop)",Are the zebras galloping? +55,"Two zebras, their black and white stripes creating a dizzying effect, are galloping side by side across the sprawling savanna, tinged golden by the sunlight. The texture of the grass appears rough and dry, a testament to the arid climate. Dust is being kicked up by their hooves, and in the background, sparse acacia trees punctuate the otherwise open landscape.",,8,"1,3",relation,spatial,"relation - spatial (zebras, savanna, across)",Are the zebras galloping across the savanna? +55,"Two zebras, their black and white stripes creating a dizzying effect, are galloping side by side across the sprawling savanna, tinged golden by the sunlight. The texture of the grass appears rough and dry, a testament to the arid climate. Dust is being kicked up by their hooves, and in the background, sparse acacia trees punctuate the otherwise open landscape.",,9,0,entity,whole,entity - whole (acacia trees),Are there acacia trees? +55,"Two zebras, their black and white stripes creating a dizzying effect, are galloping side by side across the sprawling savanna, tinged golden by the sunlight. The texture of the grass appears rough and dry, a testament to the arid climate. Dust is being kicked up by their hooves, and in the background, sparse acacia trees punctuate the otherwise open landscape.",,10,"3,9",relation,spatial,"relation - spatial (acacia trees, savanna, in background)",Are the acacia trees in the background of the savanna? +169,"A white radiator, attached to a pale yellow wall with a faint floral wallpaper border, radiates warmth and gently increases the temperature of the room. Near the radiator, a black analog scale sits idle on the bathroom's tiled floor, marked with white and gray hexagonal patterns. The scale stands alone, surrounded by the room's muted colors and simple decor, its needle motionless, poised for the next reading.",,1,0,entity,whole,entity - whole (radiator),Is there a radiator? +169,"A white radiator, attached to a pale yellow wall with a faint floral wallpaper border, radiates warmth and gently increases the temperature of the room. Near the radiator, a black analog scale sits idle on the bathroom's tiled floor, marked with white and gray hexagonal patterns. The scale stands alone, surrounded by the room's muted colors and simple decor, its needle motionless, poised for the next reading.",,2,0,entity,whole,entity - whole (wall),Is there a wall? +169,"A white radiator, attached to a pale yellow wall with a faint floral wallpaper border, radiates warmth and gently increases the temperature of the room. Near the radiator, a black analog scale sits idle on the bathroom's tiled floor, marked with white and gray hexagonal patterns. The scale stands alone, surrounded by the room's muted colors and simple decor, its needle motionless, poised for the next reading.",,3,2,entity,whole,entity - whole (wallpaper border),Is there a wallpaper border? +169,"A white radiator, attached to a pale yellow wall with a faint floral wallpaper border, radiates warmth and gently increases the temperature of the room. Near the radiator, a black analog scale sits idle on the bathroom's tiled floor, marked with white and gray hexagonal patterns. The scale stands alone, surrounded by the room's muted colors and simple decor, its needle motionless, poised for the next reading.",,4,0,entity,whole,entity - whole (scale),Is there a scale? +169,"A white radiator, attached to a pale yellow wall with a faint floral wallpaper border, radiates warmth and gently increases the temperature of the room. Near the radiator, a black analog scale sits idle on the bathroom's tiled floor, marked with white and gray hexagonal patterns. The scale stands alone, surrounded by the room's muted colors and simple decor, its needle motionless, poised for the next reading.",,5,0,entity,whole,entity - whole (floor),Is there a floor? +169,"A white radiator, attached to a pale yellow wall with a faint floral wallpaper border, radiates warmth and gently increases the temperature of the room. Near the radiator, a black analog scale sits idle on the bathroom's tiled floor, marked with white and gray hexagonal patterns. The scale stands alone, surrounded by the room's muted colors and simple decor, its needle motionless, poised for the next reading.",,6,1,attribute,color,"attribute - color (radiator, white)",Is the radiator white? +169,"A white radiator, attached to a pale yellow wall with a faint floral wallpaper border, radiates warmth and gently increases the temperature of the room. Near the radiator, a black analog scale sits idle on the bathroom's tiled floor, marked with white and gray hexagonal patterns. The scale stands alone, surrounded by the room's muted colors and simple decor, its needle motionless, poised for the next reading.",,7,2,attribute,color,"attribute - color (wall, pale yellow)",Is the wall pale yellow? +169,"A white radiator, attached to a pale yellow wall with a faint floral wallpaper border, radiates warmth and gently increases the temperature of the room. Near the radiator, a black analog scale sits idle on the bathroom's tiled floor, marked with white and gray hexagonal patterns. The scale stands alone, surrounded by the room's muted colors and simple decor, its needle motionless, poised for the next reading.",,8,3,attribute,texture,"attribute - texture (wallpaper border, floral)",Does the wallpaper border have a floral pattern? +169,"A white radiator, attached to a pale yellow wall with a faint floral wallpaper border, radiates warmth and gently increases the temperature of the room. Near the radiator, a black analog scale sits idle on the bathroom's tiled floor, marked with white and gray hexagonal patterns. The scale stands alone, surrounded by the room's muted colors and simple decor, its needle motionless, poised for the next reading.",,9,4,attribute,color,"attribute - color (scale, black)",Is the scale black? +169,"A white radiator, attached to a pale yellow wall with a faint floral wallpaper border, radiates warmth and gently increases the temperature of the room. Near the radiator, a black analog scale sits idle on the bathroom's tiled floor, marked with white and gray hexagonal patterns. The scale stands alone, surrounded by the room's muted colors and simple decor, its needle motionless, poised for the next reading.",,10,5,attribute,texture,"attribute - texture (floor, tiled, hexagonal patterns)",Is the floor tiled with white and gray hexagonal patterns? +108,"In a silent library setting, bathed in the soft glow of ceiling lights, stand two metal tripods, each clasping a single piece of white notepaper. Both tripods are positioned at the end of a long, mahogany table scattered with books and reference materials, hinting at a late-night study session. The library's rows of bookshelves cast long shadows on the carpeted floor, creating an atmosphere of calm scholarly focus as the clock strikes midnight.",,1,0,entity,whole,entity - whole (library),Is there a library? +108,"In a silent library setting, bathed in the soft glow of ceiling lights, stand two metal tripods, each clasping a single piece of white notepaper. Both tripods are positioned at the end of a long, mahogany table scattered with books and reference materials, hinting at a late-night study session. The library's rows of bookshelves cast long shadows on the carpeted floor, creating an atmosphere of calm scholarly focus as the clock strikes midnight.",,2,0,entity,whole,entity - whole (tripods),Are there tripods? +108,"In a silent library setting, bathed in the soft glow of ceiling lights, stand two metal tripods, each clasping a single piece of white notepaper. Both tripods are positioned at the end of a long, mahogany table scattered with books and reference materials, hinting at a late-night study session. The library's rows of bookshelves cast long shadows on the carpeted floor, creating an atmosphere of calm scholarly focus as the clock strikes midnight.",,3,0,entity,whole,entity - whole (notepaper),Is there notepaper? +108,"In a silent library setting, bathed in the soft glow of ceiling lights, stand two metal tripods, each clasping a single piece of white notepaper. Both tripods are positioned at the end of a long, mahogany table scattered with books and reference materials, hinting at a late-night study session. The library's rows of bookshelves cast long shadows on the carpeted floor, creating an atmosphere of calm scholarly focus as the clock strikes midnight.",,4,0,entity,whole,entity - whole (table),Is there a table? +108,"In a silent library setting, bathed in the soft glow of ceiling lights, stand two metal tripods, each clasping a single piece of white notepaper. Both tripods are positioned at the end of a long, mahogany table scattered with books and reference materials, hinting at a late-night study session. The library's rows of bookshelves cast long shadows on the carpeted floor, creating an atmosphere of calm scholarly focus as the clock strikes midnight.",,5,0,entity,whole,entity - whole (books),Are there books? +108,"In a silent library setting, bathed in the soft glow of ceiling lights, stand two metal tripods, each clasping a single piece of white notepaper. Both tripods are positioned at the end of a long, mahogany table scattered with books and reference materials, hinting at a late-night study session. The library's rows of bookshelves cast long shadows on the carpeted floor, creating an atmosphere of calm scholarly focus as the clock strikes midnight.",,6,0,entity,whole,entity - whole (reference materials),Are there reference materials? +108,"In a silent library setting, bathed in the soft glow of ceiling lights, stand two metal tripods, each clasping a single piece of white notepaper. Both tripods are positioned at the end of a long, mahogany table scattered with books and reference materials, hinting at a late-night study session. The library's rows of bookshelves cast long shadows on the carpeted floor, creating an atmosphere of calm scholarly focus as the clock strikes midnight.",,7,0,entity,whole,entity - whole (bookshelves),Are there bookshelves? +108,"In a silent library setting, bathed in the soft glow of ceiling lights, stand two metal tripods, each clasping a single piece of white notepaper. Both tripods are positioned at the end of a long, mahogany table scattered with books and reference materials, hinting at a late-night study session. The library's rows of bookshelves cast long shadows on the carpeted floor, creating an atmosphere of calm scholarly focus as the clock strikes midnight.",,8,0,entity,whole,entity - whole (clock),Is there a clock? +108,"In a silent library setting, bathed in the soft glow of ceiling lights, stand two metal tripods, each clasping a single piece of white notepaper. Both tripods are positioned at the end of a long, mahogany table scattered with books and reference materials, hinting at a late-night study session. The library's rows of bookshelves cast long shadows on the carpeted floor, creating an atmosphere of calm scholarly focus as the clock strikes midnight.",,9,3,attribute,color,"attribute - color (notepaper, white)",Is the notepaper white? +108,"In a silent library setting, bathed in the soft glow of ceiling lights, stand two metal tripods, each clasping a single piece of white notepaper. Both tripods are positioned at the end of a long, mahogany table scattered with books and reference materials, hinting at a late-night study session. The library's rows of bookshelves cast long shadows on the carpeted floor, creating an atmosphere of calm scholarly focus as the clock strikes midnight.",,10,4,attribute,texture,"attribute - texture (table, mahogany)",Is the table made of mahogany? +108,"In a silent library setting, bathed in the soft glow of ceiling lights, stand two metal tripods, each clasping a single piece of white notepaper. Both tripods are positioned at the end of a long, mahogany table scattered with books and reference materials, hinting at a late-night study session. The library's rows of bookshelves cast long shadows on the carpeted floor, creating an atmosphere of calm scholarly focus as the clock strikes midnight.",,11,"2,4",relation,spatial,"relation - spatial (tripods, table, end of)",Are the tripods positioned at the end of the table? +108,"In a silent library setting, bathed in the soft glow of ceiling lights, stand two metal tripods, each clasping a single piece of white notepaper. Both tripods are positioned at the end of a long, mahogany table scattered with books and reference materials, hinting at a late-night study session. The library's rows of bookshelves cast long shadows on the carpeted floor, creating an atmosphere of calm scholarly focus as the clock strikes midnight.",,12,"4,5",relation,spatial,"relation - spatial (books, table, on)",Are the books on the table? +108,"In a silent library setting, bathed in the soft glow of ceiling lights, stand two metal tripods, each clasping a single piece of white notepaper. Both tripods are positioned at the end of a long, mahogany table scattered with books and reference materials, hinting at a late-night study session. The library's rows of bookshelves cast long shadows on the carpeted floor, creating an atmosphere of calm scholarly focus as the clock strikes midnight.",,13,"4,6",relation,spatial,"relation - spatial (reference materials, table, on)",Are the reference materials on the table? +108,"In a silent library setting, bathed in the soft glow of ceiling lights, stand two metal tripods, each clasping a single piece of white notepaper. Both tripods are positioned at the end of a long, mahogany table scattered with books and reference materials, hinting at a late-night study session. The library's rows of bookshelves cast long shadows on the carpeted floor, creating an atmosphere of calm scholarly focus as the clock strikes midnight.",,14,7,relation,spatial,"relation - spatial (bookshelves, floor, cast shadows on)",Do the bookshelves cast long shadows on the floor? +108,"In a silent library setting, bathed in the soft glow of ceiling lights, stand two metal tripods, each clasping a single piece of white notepaper. Both tripods are positioned at the end of a long, mahogany table scattered with books and reference materials, hinting at a late-night study session. The library's rows of bookshelves cast long shadows on the carpeted floor, creating an atmosphere of calm scholarly focus as the clock strikes midnight.",,15,8,entity,state,"entity - state (clock, midnight, strikes)",Is the clock striking midnight? +28,"A beautiful red kite, with a pattern of yellow suns and blue moons on its surface, floats effortlessly against the backdrop of a pristine blue sky. Its square shape is outlined by a strong frame, and long, flowing tails that dance whimsically in the wind. Below, the soft golden sands of the beach stretch out, creating a striking contrast with the kite's vivid colors.",,1,0,entity,whole,entity - whole (kite),Is there a kite? +28,"A beautiful red kite, with a pattern of yellow suns and blue moons on its surface, floats effortlessly against the backdrop of a pristine blue sky. Its square shape is outlined by a strong frame, and long, flowing tails that dance whimsically in the wind. Below, the soft golden sands of the beach stretch out, creating a striking contrast with the kite's vivid colors.",,2,0,entity,whole,entity - whole (sky),Is there a sky? +28,"A beautiful red kite, with a pattern of yellow suns and blue moons on its surface, floats effortlessly against the backdrop of a pristine blue sky. Its square shape is outlined by a strong frame, and long, flowing tails that dance whimsically in the wind. Below, the soft golden sands of the beach stretch out, creating a striking contrast with the kite's vivid colors.",,3,0,entity,whole,entity - whole (beach),Is there a beach? +28,"A beautiful red kite, with a pattern of yellow suns and blue moons on its surface, floats effortlessly against the backdrop of a pristine blue sky. Its square shape is outlined by a strong frame, and long, flowing tails that dance whimsically in the wind. Below, the soft golden sands of the beach stretch out, creating a striking contrast with the kite's vivid colors.",,4,1,attribute,color,"attribute - color (kite, red)",Is the kite red? +28,"A beautiful red kite, with a pattern of yellow suns and blue moons on its surface, floats effortlessly against the backdrop of a pristine blue sky. Its square shape is outlined by a strong frame, and long, flowing tails that dance whimsically in the wind. Below, the soft golden sands of the beach stretch out, creating a striking contrast with the kite's vivid colors.",,5,1,attribute,color,"attribute - color (pattern on kite, yellow suns)",Does the kite have a pattern of yellow suns? +28,"A beautiful red kite, with a pattern of yellow suns and blue moons on its surface, floats effortlessly against the backdrop of a pristine blue sky. Its square shape is outlined by a strong frame, and long, flowing tails that dance whimsically in the wind. Below, the soft golden sands of the beach stretch out, creating a striking contrast with the kite's vivid colors.",,6,1,attribute,color,"attribute - color (pattern on kite, blue moons)",Does the kite have a pattern of blue moons? +28,"A beautiful red kite, with a pattern of yellow suns and blue moons on its surface, floats effortlessly against the backdrop of a pristine blue sky. Its square shape is outlined by a strong frame, and long, flowing tails that dance whimsically in the wind. Below, the soft golden sands of the beach stretch out, creating a striking contrast with the kite's vivid colors.",,7,2,attribute,color,"attribute - color (sky, blue)",Is the sky blue? +28,"A beautiful red kite, with a pattern of yellow suns and blue moons on its surface, floats effortlessly against the backdrop of a pristine blue sky. Its square shape is outlined by a strong frame, and long, flowing tails that dance whimsically in the wind. Below, the soft golden sands of the beach stretch out, creating a striking contrast with the kite's vivid colors.",,8,3,attribute,color,"attribute - color (sands, golden)",Are the sands golden? +28,"A beautiful red kite, with a pattern of yellow suns and blue moons on its surface, floats effortlessly against the backdrop of a pristine blue sky. Its square shape is outlined by a strong frame, and long, flowing tails that dance whimsically in the wind. Below, the soft golden sands of the beach stretch out, creating a striking contrast with the kite's vivid colors.",,9,1,attribute,shape,"attribute - shape (kite, square)",Is the kite square-shaped? +28,"A beautiful red kite, with a pattern of yellow suns and blue moons on its surface, floats effortlessly against the backdrop of a pristine blue sky. Its square shape is outlined by a strong frame, and long, flowing tails that dance whimsically in the wind. Below, the soft golden sands of the beach stretch out, creating a striking contrast with the kite's vivid colors.",,10,"1,2",relation,spatial,"relation - spatial (kite, sky, against)",Is the kite floating against the sky? +44,"A bright yellow tennis ball lies in stark contrast on the vibrant green of a freshly mowed grass court. The ball's fuzzy texture is highlighted by the sunlight, casting a small shadow on the neatly trimmed lawn. Nearby the baseline, the white chalk lines distinctly mark the boundaries of the playing field, creating a geometric harmony on the court.",,1,0,entity,whole,entity - whole (tennis ball),Is there a tennis ball? +44,"A bright yellow tennis ball lies in stark contrast on the vibrant green of a freshly mowed grass court. The ball's fuzzy texture is highlighted by the sunlight, casting a small shadow on the neatly trimmed lawn. Nearby the baseline, the white chalk lines distinctly mark the boundaries of the playing field, creating a geometric harmony on the court.",,2,0,entity,whole,entity - whole (grass court),Is there a grass court? +44,"A bright yellow tennis ball lies in stark contrast on the vibrant green of a freshly mowed grass court. The ball's fuzzy texture is highlighted by the sunlight, casting a small shadow on the neatly trimmed lawn. Nearby the baseline, the white chalk lines distinctly mark the boundaries of the playing field, creating a geometric harmony on the court.",,3,1,attribute,color,"attribute - color (tennis ball, bright yellow)",Is the tennis ball bright yellow? +44,"A bright yellow tennis ball lies in stark contrast on the vibrant green of a freshly mowed grass court. The ball's fuzzy texture is highlighted by the sunlight, casting a small shadow on the neatly trimmed lawn. Nearby the baseline, the white chalk lines distinctly mark the boundaries of the playing field, creating a geometric harmony on the court.",,4,2,attribute,color,"attribute - color (grass court, vibrant green)",Is the grass court vibrant green? +44,"A bright yellow tennis ball lies in stark contrast on the vibrant green of a freshly mowed grass court. The ball's fuzzy texture is highlighted by the sunlight, casting a small shadow on the neatly trimmed lawn. Nearby the baseline, the white chalk lines distinctly mark the boundaries of the playing field, creating a geometric harmony on the court.",,5,1,attribute,texture,"attribute - texture (tennis ball, fuzzy)",Is the tennis ball's texture fuzzy? +44,"A bright yellow tennis ball lies in stark contrast on the vibrant green of a freshly mowed grass court. The ball's fuzzy texture is highlighted by the sunlight, casting a small shadow on the neatly trimmed lawn. Nearby the baseline, the white chalk lines distinctly mark the boundaries of the playing field, creating a geometric harmony on the court.",,6,2,entity,state,"entity - state (grass court, freshly mowed)",Has the grass court been freshly mowed? +44,"A bright yellow tennis ball lies in stark contrast on the vibrant green of a freshly mowed grass court. The ball's fuzzy texture is highlighted by the sunlight, casting a small shadow on the neatly trimmed lawn. Nearby the baseline, the white chalk lines distinctly mark the boundaries of the playing field, creating a geometric harmony on the court.",,7,1,entity,state,"entity - state (tennis ball, sunlight, highlighted by)",Is the tennis ball highlighted by the sunlight? +44,"A bright yellow tennis ball lies in stark contrast on the vibrant green of a freshly mowed grass court. The ball's fuzzy texture is highlighted by the sunlight, casting a small shadow on the neatly trimmed lawn. Nearby the baseline, the white chalk lines distinctly mark the boundaries of the playing field, creating a geometric harmony on the court.",,8,1,entity,state,"entity - state (tennis ball, shadow, cast)",Is the tennis ball casting a shadow? +44,"A bright yellow tennis ball lies in stark contrast on the vibrant green of a freshly mowed grass court. The ball's fuzzy texture is highlighted by the sunlight, casting a small shadow on the neatly trimmed lawn. Nearby the baseline, the white chalk lines distinctly mark the boundaries of the playing field, creating a geometric harmony on the court.",,9,2,entity,part,entity - part (court's baseline),Is there a baseline on the court? +44,"A bright yellow tennis ball lies in stark contrast on the vibrant green of a freshly mowed grass court. The ball's fuzzy texture is highlighted by the sunlight, casting a small shadow on the neatly trimmed lawn. Nearby the baseline, the white chalk lines distinctly mark the boundaries of the playing field, creating a geometric harmony on the court.",,10,2,entity,part,entity - part (court's chalk lines),Are there white chalk lines on the court? +184,"A spacious study room featuring a large rectangular oak desk dominated by a scarlet barbell used as an unconventional paperweight. The desk surface is scattered with papers, books, and a sleek, silver laptop. Flanking the desk are tall bookshelves filled with an array of books, and the sunlight filters through a large window, illuminating the space with natural light.",,1,0,entity,whole,entity - whole (study room),Is there a study room? +184,"A spacious study room featuring a large rectangular oak desk dominated by a scarlet barbell used as an unconventional paperweight. The desk surface is scattered with papers, books, and a sleek, silver laptop. Flanking the desk are tall bookshelves filled with an array of books, and the sunlight filters through a large window, illuminating the space with natural light.",,2,0,entity,whole,entity - whole (desk),Is there a desk? +184,"A spacious study room featuring a large rectangular oak desk dominated by a scarlet barbell used as an unconventional paperweight. The desk surface is scattered with papers, books, and a sleek, silver laptop. Flanking the desk are tall bookshelves filled with an array of books, and the sunlight filters through a large window, illuminating the space with natural light.",,3,0,entity,whole,entity - whole (barbell),Is there a barbell? +184,"A spacious study room featuring a large rectangular oak desk dominated by a scarlet barbell used as an unconventional paperweight. The desk surface is scattered with papers, books, and a sleek, silver laptop. Flanking the desk are tall bookshelves filled with an array of books, and the sunlight filters through a large window, illuminating the space with natural light.",,4,0,entity,whole,entity - whole (papers),Are there papers? +184,"A spacious study room featuring a large rectangular oak desk dominated by a scarlet barbell used as an unconventional paperweight. The desk surface is scattered with papers, books, and a sleek, silver laptop. Flanking the desk are tall bookshelves filled with an array of books, and the sunlight filters through a large window, illuminating the space with natural light.",,5,0,entity,whole,entity - whole (books),Are there books? +184,"A spacious study room featuring a large rectangular oak desk dominated by a scarlet barbell used as an unconventional paperweight. The desk surface is scattered with papers, books, and a sleek, silver laptop. Flanking the desk are tall bookshelves filled with an array of books, and the sunlight filters through a large window, illuminating the space with natural light.",,6,0,entity,whole,entity - whole (laptop),Is there a laptop? +184,"A spacious study room featuring a large rectangular oak desk dominated by a scarlet barbell used as an unconventional paperweight. The desk surface is scattered with papers, books, and a sleek, silver laptop. Flanking the desk are tall bookshelves filled with an array of books, and the sunlight filters through a large window, illuminating the space with natural light.",,7,0,entity,whole,entity - whole (bookshelves),Are there bookshelves? +184,"A spacious study room featuring a large rectangular oak desk dominated by a scarlet barbell used as an unconventional paperweight. The desk surface is scattered with papers, books, and a sleek, silver laptop. Flanking the desk are tall bookshelves filled with an array of books, and the sunlight filters through a large window, illuminating the space with natural light.",,8,0,entity,whole,entity - whole (window),Is there a window? +184,"A spacious study room featuring a large rectangular oak desk dominated by a scarlet barbell used as an unconventional paperweight. The desk surface is scattered with papers, books, and a sleek, silver laptop. Flanking the desk are tall bookshelves filled with an array of books, and the sunlight filters through a large window, illuminating the space with natural light.",,9,1,attribute,size,"attribute - size (study room, spacious)",Is the study room spacious? +184,"A spacious study room featuring a large rectangular oak desk dominated by a scarlet barbell used as an unconventional paperweight. The desk surface is scattered with papers, books, and a sleek, silver laptop. Flanking the desk are tall bookshelves filled with an array of books, and the sunlight filters through a large window, illuminating the space with natural light.",,10,3,attribute,color,"attribute - color (barbell, scarlet)",Is the barbell scarlet? +184,"A spacious study room featuring a large rectangular oak desk dominated by a scarlet barbell used as an unconventional paperweight. The desk surface is scattered with papers, books, and a sleek, silver laptop. Flanking the desk are tall bookshelves filled with an array of books, and the sunlight filters through a large window, illuminating the space with natural light.",,11,2,attribute,shape,"attribute - shape (desk, large rectangular)",Is the desk large and rectangular? +184,"A spacious study room featuring a large rectangular oak desk dominated by a scarlet barbell used as an unconventional paperweight. The desk surface is scattered with papers, books, and a sleek, silver laptop. Flanking the desk are tall bookshelves filled with an array of books, and the sunlight filters through a large window, illuminating the space with natural light.",,12,2,attribute,texture,"attribute - texture (desk, oak)",Is the desk made of oak? +184,"A spacious study room featuring a large rectangular oak desk dominated by a scarlet barbell used as an unconventional paperweight. The desk surface is scattered with papers, books, and a sleek, silver laptop. Flanking the desk are tall bookshelves filled with an array of books, and the sunlight filters through a large window, illuminating the space with natural light.",,13,6,attribute,color,"attribute - color (laptop, silver)",Is the laptop silver? +184,"A spacious study room featuring a large rectangular oak desk dominated by a scarlet barbell used as an unconventional paperweight. The desk surface is scattered with papers, books, and a sleek, silver laptop. Flanking the desk are tall bookshelves filled with an array of books, and the sunlight filters through a large window, illuminating the space with natural light.",,14,"1,2",relation,spatial,"relation - spatial (desk, study room, in)",Is the desk in the study room? +184,"A spacious study room featuring a large rectangular oak desk dominated by a scarlet barbell used as an unconventional paperweight. The desk surface is scattered with papers, books, and a sleek, silver laptop. Flanking the desk are tall bookshelves filled with an array of books, and the sunlight filters through a large window, illuminating the space with natural light.",,15,"2,3",relation,spatial,"relation - spatial (barbell, desk, on)",Is the barbell on the desk? +184,"A spacious study room featuring a large rectangular oak desk dominated by a scarlet barbell used as an unconventional paperweight. The desk surface is scattered with papers, books, and a sleek, silver laptop. Flanking the desk are tall bookshelves filled with an array of books, and the sunlight filters through a large window, illuminating the space with natural light.",,16,"2,4",relation,spatial,"relation - spatial (papers, desk, on)",Are the papers on the desk? +184,"A spacious study room featuring a large rectangular oak desk dominated by a scarlet barbell used as an unconventional paperweight. The desk surface is scattered with papers, books, and a sleek, silver laptop. Flanking the desk are tall bookshelves filled with an array of books, and the sunlight filters through a large window, illuminating the space with natural light.",,17,"2,5",relation,spatial,"relation - spatial (books, desk, on)",Are the books on the desk? +184,"A spacious study room featuring a large rectangular oak desk dominated by a scarlet barbell used as an unconventional paperweight. The desk surface is scattered with papers, books, and a sleek, silver laptop. Flanking the desk are tall bookshelves filled with an array of books, and the sunlight filters through a large window, illuminating the space with natural light.",,18,"2,6",relation,spatial,"relation - spatial (laptop, desk, on)",Is the laptop on the desk? +184,"A spacious study room featuring a large rectangular oak desk dominated by a scarlet barbell used as an unconventional paperweight. The desk surface is scattered with papers, books, and a sleek, silver laptop. Flanking the desk are tall bookshelves filled with an array of books, and the sunlight filters through a large window, illuminating the space with natural light.",,19,"2,7",relation,spatial,"relation - spatial (bookshelves, desk, flanking)",Are the bookshelves flanking the desk? +184,"A spacious study room featuring a large rectangular oak desk dominated by a scarlet barbell used as an unconventional paperweight. The desk surface is scattered with papers, books, and a sleek, silver laptop. Flanking the desk are tall bookshelves filled with an array of books, and the sunlight filters through a large window, illuminating the space with natural light.",,20,"1,8",relation,spatial,"relation - spatial (sunlight, study room, filters through window)",Does the sunlight filter through the window into the study room? +134,"A giant brass tuba with its large bell facing upwards, eclipsing a petite penguin below. The penguin, with its characteristic black and white plumage, appears to waddle curiously around the towering instrument. This peculiar scene unfolds against the backdrop of a rich crimson sunset, casting a warm glow over the entire setting.",,1,0,entity,whole,entity - whole (tuba),Is there a tuba? +134,"A giant brass tuba with its large bell facing upwards, eclipsing a petite penguin below. The penguin, with its characteristic black and white plumage, appears to waddle curiously around the towering instrument. This peculiar scene unfolds against the backdrop of a rich crimson sunset, casting a warm glow over the entire setting.",,2,0,entity,whole,entity - whole (penguin),Is there a penguin? +134,"A giant brass tuba with its large bell facing upwards, eclipsing a petite penguin below. The penguin, with its characteristic black and white plumage, appears to waddle curiously around the towering instrument. This peculiar scene unfolds against the backdrop of a rich crimson sunset, casting a warm glow over the entire setting.",,3,1,attribute,size,"attribute - size (tuba, giant)",Is the tuba giant? +134,"A giant brass tuba with its large bell facing upwards, eclipsing a petite penguin below. The penguin, with its characteristic black and white plumage, appears to waddle curiously around the towering instrument. This peculiar scene unfolds against the backdrop of a rich crimson sunset, casting a warm glow over the entire setting.",,4,1,attribute,color,"attribute - color (tuba, brass)",Is the tuba made of brass? +134,"A giant brass tuba with its large bell facing upwards, eclipsing a petite penguin below. The penguin, with its characteristic black and white plumage, appears to waddle curiously around the towering instrument. This peculiar scene unfolds against the backdrop of a rich crimson sunset, casting a warm glow over the entire setting.",,5,1,entity,part,entity - part (tuba's bell),Does the tuba have a bell? +134,"A giant brass tuba with its large bell facing upwards, eclipsing a petite penguin below. The penguin, with its characteristic black and white plumage, appears to waddle curiously around the towering instrument. This peculiar scene unfolds against the backdrop of a rich crimson sunset, casting a warm glow over the entire setting.",,6,2,attribute,size,"attribute - size (penguin, petite)",Is the penguin petite? +134,"A giant brass tuba with its large bell facing upwards, eclipsing a petite penguin below. The penguin, with its characteristic black and white plumage, appears to waddle curiously around the towering instrument. This peculiar scene unfolds against the backdrop of a rich crimson sunset, casting a warm glow over the entire setting.",,7,2,attribute,color,"attribute - color (penguin's plumage, black and white)",Does the penguin have black and white plumage? +134,"A giant brass tuba with its large bell facing upwards, eclipsing a petite penguin below. The penguin, with its characteristic black and white plumage, appears to waddle curiously around the towering instrument. This peculiar scene unfolds against the backdrop of a rich crimson sunset, casting a warm glow over the entire setting.",,8,2,entity,state,"entity - state (penguin, waddle)",Is the penguin waddling? +134,"A giant brass tuba with its large bell facing upwards, eclipsing a petite penguin below. The penguin, with its characteristic black and white plumage, appears to waddle curiously around the towering instrument. This peculiar scene unfolds against the backdrop of a rich crimson sunset, casting a warm glow over the entire setting.",,9,5,relation,spatial,"relation - spatial (tuba's bell, upwards, facing)",Is the tuba's bell facing upwards? +134,"A giant brass tuba with its large bell facing upwards, eclipsing a petite penguin below. The penguin, with its characteristic black and white plumage, appears to waddle curiously around the towering instrument. This peculiar scene unfolds against the backdrop of a rich crimson sunset, casting a warm glow over the entire setting.",,10,"1,2",relation,spatial,"relation - spatial (penguin, tuba, below)",Is the penguin below the tuba? +88,"A dusty brown baseball glove, looking worn from many games, dramatically overshadows a pair of small silver pliers lying next to it. Both items rest on a wooden workbench, and the glove's leather creases hint at its frequent use. The pliers' red handles are slightly ajar, suggesting a recent task left unfinished.",,1,0,entity,whole,entity - whole (baseball glove),Is there a baseball glove? +88,"A dusty brown baseball glove, looking worn from many games, dramatically overshadows a pair of small silver pliers lying next to it. Both items rest on a wooden workbench, and the glove's leather creases hint at its frequent use. The pliers' red handles are slightly ajar, suggesting a recent task left unfinished.",,2,0,entity,whole,entity - whole (pliers),Are there pliers? +88,"A dusty brown baseball glove, looking worn from many games, dramatically overshadows a pair of small silver pliers lying next to it. Both items rest on a wooden workbench, and the glove's leather creases hint at its frequent use. The pliers' red handles are slightly ajar, suggesting a recent task left unfinished.",,3,0,entity,whole,entity - whole (workbench),Is there a workbench? +88,"A dusty brown baseball glove, looking worn from many games, dramatically overshadows a pair of small silver pliers lying next to it. Both items rest on a wooden workbench, and the glove's leather creases hint at its frequent use. The pliers' red handles are slightly ajar, suggesting a recent task left unfinished.",,4,1,attribute,color,"attribute - color (baseball glove, dusty brown)",Is the baseball glove dusty brown? +88,"A dusty brown baseball glove, looking worn from many games, dramatically overshadows a pair of small silver pliers lying next to it. Both items rest on a wooden workbench, and the glove's leather creases hint at its frequent use. The pliers' red handles are slightly ajar, suggesting a recent task left unfinished.",,5,2,attribute,color,"attribute - color (pliers' handles, red)",Are the pliers' handles red? +88,"A dusty brown baseball glove, looking worn from many games, dramatically overshadows a pair of small silver pliers lying next to it. Both items rest on a wooden workbench, and the glove's leather creases hint at its frequent use. The pliers' red handles are slightly ajar, suggesting a recent task left unfinished.",,6,1,attribute,texture,"attribute - texture (baseball glove, leather)",Is the baseball glove made of leather? +88,"A dusty brown baseball glove, looking worn from many games, dramatically overshadows a pair of small silver pliers lying next to it. Both items rest on a wooden workbench, and the glove's leather creases hint at its frequent use. The pliers' red handles are slightly ajar, suggesting a recent task left unfinished.",,7,3,attribute,texture,"attribute - texture (workbench, wooden)",Is the workbench wooden? +88,"A dusty brown baseball glove, looking worn from many games, dramatically overshadows a pair of small silver pliers lying next to it. Both items rest on a wooden workbench, and the glove's leather creases hint at its frequent use. The pliers' red handles are slightly ajar, suggesting a recent task left unfinished.",,8,1,entity,state,"entity - state (baseball glove, worn)",Does the baseball glove look worn? +88,"A dusty brown baseball glove, looking worn from many games, dramatically overshadows a pair of small silver pliers lying next to it. Both items rest on a wooden workbench, and the glove's leather creases hint at its frequent use. The pliers' red handles are slightly ajar, suggesting a recent task left unfinished.",,9,2,entity,state,"entity - state (pliers, ajar)",Are the pliers slightly ajar? +88,"A dusty brown baseball glove, looking worn from many games, dramatically overshadows a pair of small silver pliers lying next to it. Both items rest on a wooden workbench, and the glove's leather creases hint at its frequent use. The pliers' red handles are slightly ajar, suggesting a recent task left unfinished.",,10,"1,2",relation,spatial,"relation - spatial (baseball glove, pliers, overshadows)",Does the baseball glove dramatically overshadow the pliers? +81,"In a brightly-lit laundry room, a pair of ripe yellow bananas rest nonchalantly against the sleek surface of a silver washing machine. The spacious room is adorned with colorful splashes of paint on the walls, creating a lively and playful atmosphere. Sunlight streams through a nearby window, enhancing the vibrancy of the space and casting soft shadows around the cheerful fruits.",,1,0,entity,whole,entity - whole (laundry room),Is there a laundry room? +81,"In a brightly-lit laundry room, a pair of ripe yellow bananas rest nonchalantly against the sleek surface of a silver washing machine. The spacious room is adorned with colorful splashes of paint on the walls, creating a lively and playful atmosphere. Sunlight streams through a nearby window, enhancing the vibrancy of the space and casting soft shadows around the cheerful fruits.",,2,0,entity,whole,entity - whole (bananas),Are there bananas? +81,"In a brightly-lit laundry room, a pair of ripe yellow bananas rest nonchalantly against the sleek surface of a silver washing machine. The spacious room is adorned with colorful splashes of paint on the walls, creating a lively and playful atmosphere. Sunlight streams through a nearby window, enhancing the vibrancy of the space and casting soft shadows around the cheerful fruits.",,3,0,entity,whole,entity - whole (washing machine),Is there a washing machine? +81,"In a brightly-lit laundry room, a pair of ripe yellow bananas rest nonchalantly against the sleek surface of a silver washing machine. The spacious room is adorned with colorful splashes of paint on the walls, creating a lively and playful atmosphere. Sunlight streams through a nearby window, enhancing the vibrancy of the space and casting soft shadows around the cheerful fruits.",,4,2,other,count,"other - count (bananas, ==2)",Are there two bananas? +81,"In a brightly-lit laundry room, a pair of ripe yellow bananas rest nonchalantly against the sleek surface of a silver washing machine. The spacious room is adorned with colorful splashes of paint on the walls, creating a lively and playful atmosphere. Sunlight streams through a nearby window, enhancing the vibrancy of the space and casting soft shadows around the cheerful fruits.",,5,2,attribute,color,"attribute - color (bananas, yellow)",Are the bananas yellow? +81,"In a brightly-lit laundry room, a pair of ripe yellow bananas rest nonchalantly against the sleek surface of a silver washing machine. The spacious room is adorned with colorful splashes of paint on the walls, creating a lively and playful atmosphere. Sunlight streams through a nearby window, enhancing the vibrancy of the space and casting soft shadows around the cheerful fruits.",,6,3,attribute,color,"attribute - color (washing machine, silver)",Is the washing machine silver? +81,"In a brightly-lit laundry room, a pair of ripe yellow bananas rest nonchalantly against the sleek surface of a silver washing machine. The spacious room is adorned with colorful splashes of paint on the walls, creating a lively and playful atmosphere. Sunlight streams through a nearby window, enhancing the vibrancy of the space and casting soft shadows around the cheerful fruits.",,7,1,attribute,texture,"attribute - texture (walls, paint splashes)",Are the walls adorned with colorful paint splashes? +81,"In a brightly-lit laundry room, a pair of ripe yellow bananas rest nonchalantly against the sleek surface of a silver washing machine. The spacious room is adorned with colorful splashes of paint on the walls, creating a lively and playful atmosphere. Sunlight streams through a nearby window, enhancing the vibrancy of the space and casting soft shadows around the cheerful fruits.",,8,1,global,,global - (brightly-lit),Is the laundry room brightly lit? +81,"In a brightly-lit laundry room, a pair of ripe yellow bananas rest nonchalantly against the sleek surface of a silver washing machine. The spacious room is adorned with colorful splashes of paint on the walls, creating a lively and playful atmosphere. Sunlight streams through a nearby window, enhancing the vibrancy of the space and casting soft shadows around the cheerful fruits.",,9,2,entity,state,"entity - state (bananas, rest)",Are the bananas resting? +81,"In a brightly-lit laundry room, a pair of ripe yellow bananas rest nonchalantly against the sleek surface of a silver washing machine. The spacious room is adorned with colorful splashes of paint on the walls, creating a lively and playful atmosphere. Sunlight streams through a nearby window, enhancing the vibrancy of the space and casting soft shadows around the cheerful fruits.",,10,"2,3",relation,spatial,"relation - spatial (bananas, washing machine, against)",Are the bananas resting against the washing machine? +280,"A modern, spacious room bathed in natural sunlight, featuring a clean white wall and a hardwood floor with a subtle sheen. In the center, a pair of white sneakers sits side-by-side, neatly positioned on the floor. Wrapped around them is a single brown leather belt with a polished buckle that glints in the light, creating a sense of order within the space.",,1,0,entity,whole,entity - whole (room),Is there a room? +280,"A modern, spacious room bathed in natural sunlight, featuring a clean white wall and a hardwood floor with a subtle sheen. In the center, a pair of white sneakers sits side-by-side, neatly positioned on the floor. Wrapped around them is a single brown leather belt with a polished buckle that glints in the light, creating a sense of order within the space.",,2,0,entity,whole,entity - whole (wall),Is there a wall? +280,"A modern, spacious room bathed in natural sunlight, featuring a clean white wall and a hardwood floor with a subtle sheen. In the center, a pair of white sneakers sits side-by-side, neatly positioned on the floor. Wrapped around them is a single brown leather belt with a polished buckle that glints in the light, creating a sense of order within the space.",,3,0,entity,whole,entity - whole (floor),Is there a floor? +280,"A modern, spacious room bathed in natural sunlight, featuring a clean white wall and a hardwood floor with a subtle sheen. In the center, a pair of white sneakers sits side-by-side, neatly positioned on the floor. Wrapped around them is a single brown leather belt with a polished buckle that glints in the light, creating a sense of order within the space.",,4,0,entity,whole,entity - whole (sneakers),Are there sneakers? +280,"A modern, spacious room bathed in natural sunlight, featuring a clean white wall and a hardwood floor with a subtle sheen. In the center, a pair of white sneakers sits side-by-side, neatly positioned on the floor. Wrapped around them is a single brown leather belt with a polished buckle that glints in the light, creating a sense of order within the space.",,5,0,entity,whole,entity - whole (belt),Is there a belt? +280,"A modern, spacious room bathed in natural sunlight, featuring a clean white wall and a hardwood floor with a subtle sheen. In the center, a pair of white sneakers sits side-by-side, neatly positioned on the floor. Wrapped around them is a single brown leather belt with a polished buckle that glints in the light, creating a sense of order within the space.",,6,1,global,,global - (modern),Is the room modern? +280,"A modern, spacious room bathed in natural sunlight, featuring a clean white wall and a hardwood floor with a subtle sheen. In the center, a pair of white sneakers sits side-by-side, neatly positioned on the floor. Wrapped around them is a single brown leather belt with a polished buckle that glints in the light, creating a sense of order within the space.",,7,1,global,,global - (spacious),Is the room spacious? +280,"A modern, spacious room bathed in natural sunlight, featuring a clean white wall and a hardwood floor with a subtle sheen. In the center, a pair of white sneakers sits side-by-side, neatly positioned on the floor. Wrapped around them is a single brown leather belt with a polished buckle that glints in the light, creating a sense of order within the space.",,8,2,attribute,color,"attribute - color (wall, white)",Is the wall clean and white? +280,"A modern, spacious room bathed in natural sunlight, featuring a clean white wall and a hardwood floor with a subtle sheen. In the center, a pair of white sneakers sits side-by-side, neatly positioned on the floor. Wrapped around them is a single brown leather belt with a polished buckle that glints in the light, creating a sense of order within the space.",,9,3,attribute,texture,"attribute - texture (floor, hardwood)",Is the floor made of hardwood? +280,"A modern, spacious room bathed in natural sunlight, featuring a clean white wall and a hardwood floor with a subtle sheen. In the center, a pair of white sneakers sits side-by-side, neatly positioned on the floor. Wrapped around them is a single brown leather belt with a polished buckle that glints in the light, creating a sense of order within the space.",,10,3,attribute,texture,"attribute - texture (floor, subtle sheen)",Does the hardwood floor have a subtle sheen? +138,"Three perfectly shaped dumplings, with their pleats meticulously crimped, sitting in solitude on a reflective glass surface which captures their image under the soft glow of a moonlit night. The large mirror is resting against a wall with a faint pattern, amplifying the quietude of midnight. The room is hushed, with the only movement being the gentle shift of shadows as the night deepens, highlighting the stillness of the scene.",,1,0,entity,whole,entity - whole (dumplings),Are there dumplings? +138,"Three perfectly shaped dumplings, with their pleats meticulously crimped, sitting in solitude on a reflective glass surface which captures their image under the soft glow of a moonlit night. The large mirror is resting against a wall with a faint pattern, amplifying the quietude of midnight. The room is hushed, with the only movement being the gentle shift of shadows as the night deepens, highlighting the stillness of the scene.",,2,1,other,count,"other - count (dumplings, ==3)",Are there three dumplings? +138,"Three perfectly shaped dumplings, with their pleats meticulously crimped, sitting in solitude on a reflective glass surface which captures their image under the soft glow of a moonlit night. The large mirror is resting against a wall with a faint pattern, amplifying the quietude of midnight. The room is hushed, with the only movement being the gentle shift of shadows as the night deepens, highlighting the stillness of the scene.",,3,0,entity,whole,entity - whole (glass surface),Is there a glass surface? +138,"Three perfectly shaped dumplings, with their pleats meticulously crimped, sitting in solitude on a reflective glass surface which captures their image under the soft glow of a moonlit night. The large mirror is resting against a wall with a faint pattern, amplifying the quietude of midnight. The room is hushed, with the only movement being the gentle shift of shadows as the night deepens, highlighting the stillness of the scene.",,4,0,entity,whole,entity - whole (mirror),Is there a mirror? +138,"Three perfectly shaped dumplings, with their pleats meticulously crimped, sitting in solitude on a reflective glass surface which captures their image under the soft glow of a moonlit night. The large mirror is resting against a wall with a faint pattern, amplifying the quietude of midnight. The room is hushed, with the only movement being the gentle shift of shadows as the night deepens, highlighting the stillness of the scene.",,5,0,entity,whole,entity - whole (wall),Is there a wall? +138,"Three perfectly shaped dumplings, with their pleats meticulously crimped, sitting in solitude on a reflective glass surface which captures their image under the soft glow of a moonlit night. The large mirror is resting against a wall with a faint pattern, amplifying the quietude of midnight. The room is hushed, with the only movement being the gentle shift of shadows as the night deepens, highlighting the stillness of the scene.",,6,1,attribute,shape,"attribute - shape (dumplings, perfectly shaped)",Are the dumplings perfectly shaped? +138,"Three perfectly shaped dumplings, with their pleats meticulously crimped, sitting in solitude on a reflective glass surface which captures their image under the soft glow of a moonlit night. The large mirror is resting against a wall with a faint pattern, amplifying the quietude of midnight. The room is hushed, with the only movement being the gentle shift of shadows as the night deepens, highlighting the stillness of the scene.",,7,1,attribute,texture,"attribute - texture (dumplings, pleats meticulously crimped)",Are the pleats on the dumplings meticulously crimped? +138,"Three perfectly shaped dumplings, with their pleats meticulously crimped, sitting in solitude on a reflective glass surface which captures their image under the soft glow of a moonlit night. The large mirror is resting against a wall with a faint pattern, amplifying the quietude of midnight. The room is hushed, with the only movement being the gentle shift of shadows as the night deepens, highlighting the stillness of the scene.",,8,5,attribute,texture,"attribute - texture (wall, faint pattern)",Does the wall have a faint pattern? +138,"Three perfectly shaped dumplings, with their pleats meticulously crimped, sitting in solitude on a reflective glass surface which captures their image under the soft glow of a moonlit night. The large mirror is resting against a wall with a faint pattern, amplifying the quietude of midnight. The room is hushed, with the only movement being the gentle shift of shadows as the night deepens, highlighting the stillness of the scene.",,9,"1,3",relation,spatial,"relation - spatial (dumplings, glass surface, on)",Are the dumplings on the glass surface? +138,"Three perfectly shaped dumplings, with their pleats meticulously crimped, sitting in solitude on a reflective glass surface which captures their image under the soft glow of a moonlit night. The large mirror is resting against a wall with a faint pattern, amplifying the quietude of midnight. The room is hushed, with the only movement being the gentle shift of shadows as the night deepens, highlighting the stillness of the scene.",,10,"4,5",relation,spatial,"relation - spatial (mirror, wall, against)",Is the mirror resting against the wall? +240,"On a sturdy, wooden drafting table lies a vintage brass scale, gleaming with a polished finish alongside an extended yellow tape measure casually strewn across the table's surface. The tables crafted from a rich, dark hardwood, distinctly contrasts with stark white blueprints and rolled-up scrolls flanking the scale. The tape measure is partially coiled, with black and red measurement markings clearly visible and stretches out towards the edge of the table, indicating precise dimensions for an ongoing project.",,1,0,entity,whole,entity - whole (drafting table),Is there a drafting table? +240,"On a sturdy, wooden drafting table lies a vintage brass scale, gleaming with a polished finish alongside an extended yellow tape measure casually strewn across the table's surface. The tables crafted from a rich, dark hardwood, distinctly contrasts with stark white blueprints and rolled-up scrolls flanking the scale. The tape measure is partially coiled, with black and red measurement markings clearly visible and stretches out towards the edge of the table, indicating precise dimensions for an ongoing project.",,2,0,entity,whole,entity - whole (scale),Is there a scale? +240,"On a sturdy, wooden drafting table lies a vintage brass scale, gleaming with a polished finish alongside an extended yellow tape measure casually strewn across the table's surface. The tables crafted from a rich, dark hardwood, distinctly contrasts with stark white blueprints and rolled-up scrolls flanking the scale. The tape measure is partially coiled, with black and red measurement markings clearly visible and stretches out towards the edge of the table, indicating precise dimensions for an ongoing project.",,3,0,entity,whole,entity - whole (tape measure),Is there a tape measure? +240,"On a sturdy, wooden drafting table lies a vintage brass scale, gleaming with a polished finish alongside an extended yellow tape measure casually strewn across the table's surface. The tables crafted from a rich, dark hardwood, distinctly contrasts with stark white blueprints and rolled-up scrolls flanking the scale. The tape measure is partially coiled, with black and red measurement markings clearly visible and stretches out towards the edge of the table, indicating precise dimensions for an ongoing project.",,4,0,entity,whole,entity - whole (blueprints),Are there blueprints? +240,"On a sturdy, wooden drafting table lies a vintage brass scale, gleaming with a polished finish alongside an extended yellow tape measure casually strewn across the table's surface. The tables crafted from a rich, dark hardwood, distinctly contrasts with stark white blueprints and rolled-up scrolls flanking the scale. The tape measure is partially coiled, with black and red measurement markings clearly visible and stretches out towards the edge of the table, indicating precise dimensions for an ongoing project.",,5,0,entity,whole,entity - whole (scrolls),Are there scrolls? +240,"On a sturdy, wooden drafting table lies a vintage brass scale, gleaming with a polished finish alongside an extended yellow tape measure casually strewn across the table's surface. The tables crafted from a rich, dark hardwood, distinctly contrasts with stark white blueprints and rolled-up scrolls flanking the scale. The tape measure is partially coiled, with black and red measurement markings clearly visible and stretches out towards the edge of the table, indicating precise dimensions for an ongoing project.",,6,1,attribute,texture,"attribute - texture (drafting table, wooden)",Is the drafting table made of wood? +240,"On a sturdy, wooden drafting table lies a vintage brass scale, gleaming with a polished finish alongside an extended yellow tape measure casually strewn across the table's surface. The tables crafted from a rich, dark hardwood, distinctly contrasts with stark white blueprints and rolled-up scrolls flanking the scale. The tape measure is partially coiled, with black and red measurement markings clearly visible and stretches out towards the edge of the table, indicating precise dimensions for an ongoing project.",,7,2,attribute,texture,"attribute - texture (scale, brass)",Is the scale made of brass? +240,"On a sturdy, wooden drafting table lies a vintage brass scale, gleaming with a polished finish alongside an extended yellow tape measure casually strewn across the table's surface. The tables crafted from a rich, dark hardwood, distinctly contrasts with stark white blueprints and rolled-up scrolls flanking the scale. The tape measure is partially coiled, with black and red measurement markings clearly visible and stretches out towards the edge of the table, indicating precise dimensions for an ongoing project.",,8,3,attribute,color,"attribute - color (tape measure, yellow)",Is the tape measure yellow? +240,"On a sturdy, wooden drafting table lies a vintage brass scale, gleaming with a polished finish alongside an extended yellow tape measure casually strewn across the table's surface. The tables crafted from a rich, dark hardwood, distinctly contrasts with stark white blueprints and rolled-up scrolls flanking the scale. The tape measure is partially coiled, with black and red measurement markings clearly visible and stretches out towards the edge of the table, indicating precise dimensions for an ongoing project.",,9,4,attribute,texture,"attribute - texture (blueprints, white)",Are the blueprints white? +240,"On a sturdy, wooden drafting table lies a vintage brass scale, gleaming with a polished finish alongside an extended yellow tape measure casually strewn across the table's surface. The tables crafted from a rich, dark hardwood, distinctly contrasts with stark white blueprints and rolled-up scrolls flanking the scale. The tape measure is partially coiled, with black and red measurement markings clearly visible and stretches out towards the edge of the table, indicating precise dimensions for an ongoing project.",,10,"1,2",relation,spatial,"relation - spatial (scale, drafting table, on)",Is the scale on the drafting table? +240,"On a sturdy, wooden drafting table lies a vintage brass scale, gleaming with a polished finish alongside an extended yellow tape measure casually strewn across the table's surface. The tables crafted from a rich, dark hardwood, distinctly contrasts with stark white blueprints and rolled-up scrolls flanking the scale. The tape measure is partially coiled, with black and red measurement markings clearly visible and stretches out towards the edge of the table, indicating precise dimensions for an ongoing project.",,11,"1,3",relation,spatial,"relation - spatial (tape measure, drafting table, across)",Is the tape measure strewn across the drafting table's surface? +240,"On a sturdy, wooden drafting table lies a vintage brass scale, gleaming with a polished finish alongside an extended yellow tape measure casually strewn across the table's surface. The tables crafted from a rich, dark hardwood, distinctly contrasts with stark white blueprints and rolled-up scrolls flanking the scale. The tape measure is partially coiled, with black and red measurement markings clearly visible and stretches out towards the edge of the table, indicating precise dimensions for an ongoing project.",,12,"1,2,4",relation,spatial,"relation - spatial (blueprints, drafting table, flanking scale)",Are the blueprints flanking the scale on the drafting table? +240,"On a sturdy, wooden drafting table lies a vintage brass scale, gleaming with a polished finish alongside an extended yellow tape measure casually strewn across the table's surface. The tables crafted from a rich, dark hardwood, distinctly contrasts with stark white blueprints and rolled-up scrolls flanking the scale. The tape measure is partially coiled, with black and red measurement markings clearly visible and stretches out towards the edge of the table, indicating precise dimensions for an ongoing project.",,13,"1,2,5",relation,spatial,"relation - spatial (scrolls, drafting table, flanking scale)",Are the scrolls flanking the scale on the drafting table? +240,"On a sturdy, wooden drafting table lies a vintage brass scale, gleaming with a polished finish alongside an extended yellow tape measure casually strewn across the table's surface. The tables crafted from a rich, dark hardwood, distinctly contrasts with stark white blueprints and rolled-up scrolls flanking the scale. The tape measure is partially coiled, with black and red measurement markings clearly visible and stretches out towards the edge of the table, indicating precise dimensions for an ongoing project.",,14,2,attribute,other,"attribute - other (scale, vintage)",Is the scale vintage? +240,"On a sturdy, wooden drafting table lies a vintage brass scale, gleaming with a polished finish alongside an extended yellow tape measure casually strewn across the table's surface. The tables crafted from a rich, dark hardwood, distinctly contrasts with stark white blueprints and rolled-up scrolls flanking the scale. The tape measure is partially coiled, with black and red measurement markings clearly visible and stretches out towards the edge of the table, indicating precise dimensions for an ongoing project.",,15,2,attribute,other,"attribute - other (scale, polished finish)",Does the scale have a polished finish? +240,"On a sturdy, wooden drafting table lies a vintage brass scale, gleaming with a polished finish alongside an extended yellow tape measure casually strewn across the table's surface. The tables crafted from a rich, dark hardwood, distinctly contrasts with stark white blueprints and rolled-up scrolls flanking the scale. The tape measure is partially coiled, with black and red measurement markings clearly visible and stretches out towards the edge of the table, indicating precise dimensions for an ongoing project.",,16,3,attribute,other,"attribute - other (tape measure, partially coiled)",Is the tape measure partially coiled? +240,"On a sturdy, wooden drafting table lies a vintage brass scale, gleaming with a polished finish alongside an extended yellow tape measure casually strewn across the table's surface. The tables crafted from a rich, dark hardwood, distinctly contrasts with stark white blueprints and rolled-up scrolls flanking the scale. The tape measure is partially coiled, with black and red measurement markings clearly visible and stretches out towards the edge of the table, indicating precise dimensions for an ongoing project.",,17,3,attribute,other,"attribute - other (tape measure, measurement markings, black and red)",Are the measurement markings on the tape measure black and red? +240,"On a sturdy, wooden drafting table lies a vintage brass scale, gleaming with a polished finish alongside an extended yellow tape measure casually strewn across the table's surface. The tables crafted from a rich, dark hardwood, distinctly contrasts with stark white blueprints and rolled-up scrolls flanking the scale. The tape measure is partially coiled, with black and red measurement markings clearly visible and stretches out towards the edge of the table, indicating precise dimensions for an ongoing project.",,18,1,attribute,other,"attribute - other (drafting table, sturdy)",Is the drafting table sturdy? +240,"On a sturdy, wooden drafting table lies a vintage brass scale, gleaming with a polished finish alongside an extended yellow tape measure casually strewn across the table's surface. The tables crafted from a rich, dark hardwood, distinctly contrasts with stark white blueprints and rolled-up scrolls flanking the scale. The tape measure is partially coiled, with black and red measurement markings clearly visible and stretches out towards the edge of the table, indicating precise dimensions for an ongoing project.",,19,1,attribute,color,"attribute - color (drafting table, dark hardwood)",Is the drafting table crafted from dark hardwood? +102,"Two multicolored butterflies with delicate, veined wings gently balance atop a vibrant, orange tangerine in a bustling garden. The tangerine, with its glossy, dimpled texture, is situated on a wooden table, contrasting with the greenery of the surrounding foliage and flowers. The butterflies, appearing nearly small in comparison, add a touch of grace to the scene, complementing the natural colors of the verdant backdrop.",,1,0,entity,whole,entity - whole (butterflies),Are there butterflies? +102,"Two multicolored butterflies with delicate, veined wings gently balance atop a vibrant, orange tangerine in a bustling garden. The tangerine, with its glossy, dimpled texture, is situated on a wooden table, contrasting with the greenery of the surrounding foliage and flowers. The butterflies, appearing nearly small in comparison, add a touch of grace to the scene, complementing the natural colors of the verdant backdrop.",,2,1,other,count,"other - count (butterflies, ==2)",Are there two butterflies? +102,"Two multicolored butterflies with delicate, veined wings gently balance atop a vibrant, orange tangerine in a bustling garden. The tangerine, with its glossy, dimpled texture, is situated on a wooden table, contrasting with the greenery of the surrounding foliage and flowers. The butterflies, appearing nearly small in comparison, add a touch of grace to the scene, complementing the natural colors of the verdant backdrop.",,3,0,entity,whole,entity - whole (tangerine),Is there a tangerine? +102,"Two multicolored butterflies with delicate, veined wings gently balance atop a vibrant, orange tangerine in a bustling garden. The tangerine, with its glossy, dimpled texture, is situated on a wooden table, contrasting with the greenery of the surrounding foliage and flowers. The butterflies, appearing nearly small in comparison, add a touch of grace to the scene, complementing the natural colors of the verdant backdrop.",,4,0,entity,whole,entity - whole (garden),Is there a garden? +102,"Two multicolored butterflies with delicate, veined wings gently balance atop a vibrant, orange tangerine in a bustling garden. The tangerine, with its glossy, dimpled texture, is situated on a wooden table, contrasting with the greenery of the surrounding foliage and flowers. The butterflies, appearing nearly small in comparison, add a touch of grace to the scene, complementing the natural colors of the verdant backdrop.",,5,0,entity,whole,entity - whole (table),Is there a table? +102,"Two multicolored butterflies with delicate, veined wings gently balance atop a vibrant, orange tangerine in a bustling garden. The tangerine, with its glossy, dimpled texture, is situated on a wooden table, contrasting with the greenery of the surrounding foliage and flowers. The butterflies, appearing nearly small in comparison, add a touch of grace to the scene, complementing the natural colors of the verdant backdrop.",,6,3,attribute,color,"attribute - color (tangerine, orange)",Is the tangerine orange? +102,"Two multicolored butterflies with delicate, veined wings gently balance atop a vibrant, orange tangerine in a bustling garden. The tangerine, with its glossy, dimpled texture, is situated on a wooden table, contrasting with the greenery of the surrounding foliage and flowers. The butterflies, appearing nearly small in comparison, add a touch of grace to the scene, complementing the natural colors of the verdant backdrop.",,7,3,attribute,texture,"attribute - texture (tangerine, glossy and dimpled)",Does the tangerine have a glossy and dimpled texture? +102,"Two multicolored butterflies with delicate, veined wings gently balance atop a vibrant, orange tangerine in a bustling garden. The tangerine, with its glossy, dimpled texture, is situated on a wooden table, contrasting with the greenery of the surrounding foliage and flowers. The butterflies, appearing nearly small in comparison, add a touch of grace to the scene, complementing the natural colors of the verdant backdrop.",,8,5,attribute,texture,"attribute - texture (table, wood)",Is the table made of wood? +102,"Two multicolored butterflies with delicate, veined wings gently balance atop a vibrant, orange tangerine in a bustling garden. The tangerine, with its glossy, dimpled texture, is situated on a wooden table, contrasting with the greenery of the surrounding foliage and flowers. The butterflies, appearing nearly small in comparison, add a touch of grace to the scene, complementing the natural colors of the verdant backdrop.",,9,"1,3",entity,state,"entity - state (butterflies, balance)",Are the butterflies balancing? +102,"Two multicolored butterflies with delicate, veined wings gently balance atop a vibrant, orange tangerine in a bustling garden. The tangerine, with its glossy, dimpled texture, is situated on a wooden table, contrasting with the greenery of the surrounding foliage and flowers. The butterflies, appearing nearly small in comparison, add a touch of grace to the scene, complementing the natural colors of the verdant backdrop.",,10,"3,5",relation,spatial,"relation - spatial (tangerine, table, on)",Is the tangerine on the table? +0,"An expansive field, blanketed by the soft light of morning, cradles a collection of eight cabbages, their green heads round and plump. These vegetables are nestled among rows of rich soil, dotted with glistening droplets of dew that cling to their crinkled leaves. As wisps of mist begin to lift, the cabbages lie poised, ready for the day's impending harvest.",,1,0,entity,whole,entity - whole (field),Is there an expansive field? +0,"An expansive field, blanketed by the soft light of morning, cradles a collection of eight cabbages, their green heads round and plump. These vegetables are nestled among rows of rich soil, dotted with glistening droplets of dew that cling to their crinkled leaves. As wisps of mist begin to lift, the cabbages lie poised, ready for the day's impending harvest.",,2,0,entity,whole,entity - whole (cabbages),Are there cabbages? +0,"An expansive field, blanketed by the soft light of morning, cradles a collection of eight cabbages, their green heads round and plump. These vegetables are nestled among rows of rich soil, dotted with glistening droplets of dew that cling to their crinkled leaves. As wisps of mist begin to lift, the cabbages lie poised, ready for the day's impending harvest.",,3,0,entity,whole,entity - whole (soil),Is there soil? +0,"An expansive field, blanketed by the soft light of morning, cradles a collection of eight cabbages, their green heads round and plump. These vegetables are nestled among rows of rich soil, dotted with glistening droplets of dew that cling to their crinkled leaves. As wisps of mist begin to lift, the cabbages lie poised, ready for the day's impending harvest.",,4,0,entity,whole,entity - whole (dew),Is there dew? +0,"An expansive field, blanketed by the soft light of morning, cradles a collection of eight cabbages, their green heads round and plump. These vegetables are nestled among rows of rich soil, dotted with glistening droplets of dew that cling to their crinkled leaves. As wisps of mist begin to lift, the cabbages lie poised, ready for the day's impending harvest.",,5,2,attribute,color,"attribute - color (cabbages, green)",Are the cabbages green? +0,"An expansive field, blanketed by the soft light of morning, cradles a collection of eight cabbages, their green heads round and plump. These vegetables are nestled among rows of rich soil, dotted with glistening droplets of dew that cling to their crinkled leaves. As wisps of mist begin to lift, the cabbages lie poised, ready for the day's impending harvest.",,6,2,attribute,shape,"attribute - shape (cabbages, round)",Are the cabbages round? +0,"An expansive field, blanketed by the soft light of morning, cradles a collection of eight cabbages, their green heads round and plump. These vegetables are nestled among rows of rich soil, dotted with glistening droplets of dew that cling to their crinkled leaves. As wisps of mist begin to lift, the cabbages lie poised, ready for the day's impending harvest.",,7,2,attribute,texture,"attribute - texture (cabbages, crinkled leaves)",Do the cabbages have crinkled leaves? +0,"An expansive field, blanketed by the soft light of morning, cradles a collection of eight cabbages, their green heads round and plump. These vegetables are nestled among rows of rich soil, dotted with glistening droplets of dew that cling to their crinkled leaves. As wisps of mist begin to lift, the cabbages lie poised, ready for the day's impending harvest.",,8,2,other,count,"other - count (cabbages, ==8)",Are there eight cabbages? +0,"An expansive field, blanketed by the soft light of morning, cradles a collection of eight cabbages, their green heads round and plump. These vegetables are nestled among rows of rich soil, dotted with glistening droplets of dew that cling to their crinkled leaves. As wisps of mist begin to lift, the cabbages lie poised, ready for the day's impending harvest.",,9,3,attribute,texture,"attribute - texture (soil, rich)",Is the soil rich? +0,"An expansive field, blanketed by the soft light of morning, cradles a collection of eight cabbages, their green heads round and plump. These vegetables are nestled among rows of rich soil, dotted with glistening droplets of dew that cling to their crinkled leaves. As wisps of mist begin to lift, the cabbages lie poised, ready for the day's impending harvest.",,10,"2,3",relation,spatial,"relation - spatial (cabbages, soil, nestled in)",Are the cabbages nestled in the soil? +289,"A luxury bathroom featuring a pristine white bathtub with a soft, fluffy white towel neatly folded on its edge. Resting next to the towel is a bar of pink, scented soap poised on a ceramic soap dish. The tub is situated near a frosted window that allows for natural light to fill the room, highlighting the clean lines and elegant fixtures of the space.",,1,0,entity,whole,entity - whole (bathroom),Is there a bathroom? +289,"A luxury bathroom featuring a pristine white bathtub with a soft, fluffy white towel neatly folded on its edge. Resting next to the towel is a bar of pink, scented soap poised on a ceramic soap dish. The tub is situated near a frosted window that allows for natural light to fill the room, highlighting the clean lines and elegant fixtures of the space.",,2,0,entity,whole,entity - whole (bathtub),Is there a bathtub? +289,"A luxury bathroom featuring a pristine white bathtub with a soft, fluffy white towel neatly folded on its edge. Resting next to the towel is a bar of pink, scented soap poised on a ceramic soap dish. The tub is situated near a frosted window that allows for natural light to fill the room, highlighting the clean lines and elegant fixtures of the space.",,3,0,entity,whole,entity - whole (towel),Is there a towel? +289,"A luxury bathroom featuring a pristine white bathtub with a soft, fluffy white towel neatly folded on its edge. Resting next to the towel is a bar of pink, scented soap poised on a ceramic soap dish. The tub is situated near a frosted window that allows for natural light to fill the room, highlighting the clean lines and elegant fixtures of the space.",,4,0,entity,whole,entity - whole (soap),Is there a bar of soap? +289,"A luxury bathroom featuring a pristine white bathtub with a soft, fluffy white towel neatly folded on its edge. Resting next to the towel is a bar of pink, scented soap poised on a ceramic soap dish. The tub is situated near a frosted window that allows for natural light to fill the room, highlighting the clean lines and elegant fixtures of the space.",,5,0,entity,whole,entity - whole (soap dish),Is there a soap dish? +289,"A luxury bathroom featuring a pristine white bathtub with a soft, fluffy white towel neatly folded on its edge. Resting next to the towel is a bar of pink, scented soap poised on a ceramic soap dish. The tub is situated near a frosted window that allows for natural light to fill the room, highlighting the clean lines and elegant fixtures of the space.",,6,0,entity,whole,entity - whole (window),Is there a window? +289,"A luxury bathroom featuring a pristine white bathtub with a soft, fluffy white towel neatly folded on its edge. Resting next to the towel is a bar of pink, scented soap poised on a ceramic soap dish. The tub is situated near a frosted window that allows for natural light to fill the room, highlighting the clean lines and elegant fixtures of the space.",,7,2,attribute,color,"attribute - color (bathtub, white)",Is the bathtub white? +289,"A luxury bathroom featuring a pristine white bathtub with a soft, fluffy white towel neatly folded on its edge. Resting next to the towel is a bar of pink, scented soap poised on a ceramic soap dish. The tub is situated near a frosted window that allows for natural light to fill the room, highlighting the clean lines and elegant fixtures of the space.",,8,3,attribute,color,"attribute - color (towel, white)",Is the towel white? +289,"A luxury bathroom featuring a pristine white bathtub with a soft, fluffy white towel neatly folded on its edge. Resting next to the towel is a bar of pink, scented soap poised on a ceramic soap dish. The tub is situated near a frosted window that allows for natural light to fill the room, highlighting the clean lines and elegant fixtures of the space.",,9,4,attribute,color,"attribute - color (soap, pink)",Is the soap pink? +289,"A luxury bathroom featuring a pristine white bathtub with a soft, fluffy white towel neatly folded on its edge. Resting next to the towel is a bar of pink, scented soap poised on a ceramic soap dish. The tub is situated near a frosted window that allows for natural light to fill the room, highlighting the clean lines and elegant fixtures of the space.",,10,3,attribute,texture,"attribute - texture (towel, fluffy)",Is the towel soft and fluffy? +270,"A deserted park scene illuminated by a soft moonlight where an orange frisbee lies on the grass, slightly tilted to one side. Nearby, a wooden cello and its bow rest in solitude against a weathered park bench, their elegant forms casting long shadows on the pavement. The surrounding trees sway gently in the breeze, indifferent to the forgotten items left in the wake of an earlier emergency rehearsal.",,1,0,entity,whole,entity - whole (park scene),Is there a park scene? +270,"A deserted park scene illuminated by a soft moonlight where an orange frisbee lies on the grass, slightly tilted to one side. Nearby, a wooden cello and its bow rest in solitude against a weathered park bench, their elegant forms casting long shadows on the pavement. The surrounding trees sway gently in the breeze, indifferent to the forgotten items left in the wake of an earlier emergency rehearsal.",,2,0,entity,whole,entity - whole (moonlight),Is there moonlight? +270,"A deserted park scene illuminated by a soft moonlight where an orange frisbee lies on the grass, slightly tilted to one side. Nearby, a wooden cello and its bow rest in solitude against a weathered park bench, their elegant forms casting long shadows on the pavement. The surrounding trees sway gently in the breeze, indifferent to the forgotten items left in the wake of an earlier emergency rehearsal.",,3,0,entity,whole,entity - whole (frisbee),Is there a frisbee? +270,"A deserted park scene illuminated by a soft moonlight where an orange frisbee lies on the grass, slightly tilted to one side. Nearby, a wooden cello and its bow rest in solitude against a weathered park bench, their elegant forms casting long shadows on the pavement. The surrounding trees sway gently in the breeze, indifferent to the forgotten items left in the wake of an earlier emergency rehearsal.",,4,0,entity,whole,entity - whole (grass),Is there grass? +270,"A deserted park scene illuminated by a soft moonlight where an orange frisbee lies on the grass, slightly tilted to one side. Nearby, a wooden cello and its bow rest in solitude against a weathered park bench, their elegant forms casting long shadows on the pavement. The surrounding trees sway gently in the breeze, indifferent to the forgotten items left in the wake of an earlier emergency rehearsal.",,5,0,entity,whole,entity - whole (cello),Is there a cello? +270,"A deserted park scene illuminated by a soft moonlight where an orange frisbee lies on the grass, slightly tilted to one side. Nearby, a wooden cello and its bow rest in solitude against a weathered park bench, their elegant forms casting long shadows on the pavement. The surrounding trees sway gently in the breeze, indifferent to the forgotten items left in the wake of an earlier emergency rehearsal.",,6,0,entity,whole,entity - whole (bow),Is there a bow? +270,"A deserted park scene illuminated by a soft moonlight where an orange frisbee lies on the grass, slightly tilted to one side. Nearby, a wooden cello and its bow rest in solitude against a weathered park bench, their elegant forms casting long shadows on the pavement. The surrounding trees sway gently in the breeze, indifferent to the forgotten items left in the wake of an earlier emergency rehearsal.",,7,0,entity,whole,entity - whole (park bench),Is there a park bench? +270,"A deserted park scene illuminated by a soft moonlight where an orange frisbee lies on the grass, slightly tilted to one side. Nearby, a wooden cello and its bow rest in solitude against a weathered park bench, their elegant forms casting long shadows on the pavement. The surrounding trees sway gently in the breeze, indifferent to the forgotten items left in the wake of an earlier emergency rehearsal.",,8,0,entity,whole,entity - whole (trees),Are there trees? +270,"A deserted park scene illuminated by a soft moonlight where an orange frisbee lies on the grass, slightly tilted to one side. Nearby, a wooden cello and its bow rest in solitude against a weathered park bench, their elegant forms casting long shadows on the pavement. The surrounding trees sway gently in the breeze, indifferent to the forgotten items left in the wake of an earlier emergency rehearsal.",,9,3,attribute,color,"attribute - color (frisbee, orange)",Is the frisbee orange? +270,"A deserted park scene illuminated by a soft moonlight where an orange frisbee lies on the grass, slightly tilted to one side. Nearby, a wooden cello and its bow rest in solitude against a weathered park bench, their elegant forms casting long shadows on the pavement. The surrounding trees sway gently in the breeze, indifferent to the forgotten items left in the wake of an earlier emergency rehearsal.",,10,5,attribute,texture,"attribute - texture (cello, wood)",Is the cello made of wood? +270,"A deserted park scene illuminated by a soft moonlight where an orange frisbee lies on the grass, slightly tilted to one side. Nearby, a wooden cello and its bow rest in solitude against a weathered park bench, their elegant forms casting long shadows on the pavement. The surrounding trees sway gently in the breeze, indifferent to the forgotten items left in the wake of an earlier emergency rehearsal.",,11,6,attribute,texture,"attribute - texture (bow, wood)",Is the bow made of wood? +270,"A deserted park scene illuminated by a soft moonlight where an orange frisbee lies on the grass, slightly tilted to one side. Nearby, a wooden cello and its bow rest in solitude against a weathered park bench, their elegant forms casting long shadows on the pavement. The surrounding trees sway gently in the breeze, indifferent to the forgotten items left in the wake of an earlier emergency rehearsal.",,12,3,entity,state,"entity - state (frisbee, tilted)",Is the frisbee tilted? +270,"A deserted park scene illuminated by a soft moonlight where an orange frisbee lies on the grass, slightly tilted to one side. Nearby, a wooden cello and its bow rest in solitude against a weathered park bench, their elegant forms casting long shadows on the pavement. The surrounding trees sway gently in the breeze, indifferent to the forgotten items left in the wake of an earlier emergency rehearsal.",,13,"3,4",relation,spatial,"relation - spatial (frisbee, grass, on)",Is the frisbee on the grass? +270,"A deserted park scene illuminated by a soft moonlight where an orange frisbee lies on the grass, slightly tilted to one side. Nearby, a wooden cello and its bow rest in solitude against a weathered park bench, their elegant forms casting long shadows on the pavement. The surrounding trees sway gently in the breeze, indifferent to the forgotten items left in the wake of an earlier emergency rehearsal.",,14,"5,7",relation,spatial,"relation - spatial (cello, park bench, against)",Is the cello against the park bench? +270,"A deserted park scene illuminated by a soft moonlight where an orange frisbee lies on the grass, slightly tilted to one side. Nearby, a wooden cello and its bow rest in solitude against a weathered park bench, their elegant forms casting long shadows on the pavement. The surrounding trees sway gently in the breeze, indifferent to the forgotten items left in the wake of an earlier emergency rehearsal.",,15,"6,7",relation,spatial,"relation - spatial (bow, park bench, against)",Is the bow against the park bench? +270,"A deserted park scene illuminated by a soft moonlight where an orange frisbee lies on the grass, slightly tilted to one side. Nearby, a wooden cello and its bow rest in solitude against a weathered park bench, their elegant forms casting long shadows on the pavement. The surrounding trees sway gently in the breeze, indifferent to the forgotten items left in the wake of an earlier emergency rehearsal.",,16,"5,6",relation,spatial,"relation - spatial (cello, bow, rest in solitude)",Do the cello and its bow rest in solitude? +270,"A deserted park scene illuminated by a soft moonlight where an orange frisbee lies on the grass, slightly tilted to one side. Nearby, a wooden cello and its bow rest in solitude against a weathered park bench, their elegant forms casting long shadows on the pavement. The surrounding trees sway gently in the breeze, indifferent to the forgotten items left in the wake of an earlier emergency rehearsal.",,17,8,relation,spatial,"relation - spatial (trees, breeze, sway in)",Are the trees swaying in the breeze? +270,"A deserted park scene illuminated by a soft moonlight where an orange frisbee lies on the grass, slightly tilted to one side. Nearby, a wooden cello and its bow rest in solitude against a weathered park bench, their elegant forms casting long shadows on the pavement. The surrounding trees sway gently in the breeze, indifferent to the forgotten items left in the wake of an earlier emergency rehearsal.",,18,1,global,,global - (deserted),Is the park scene deserted? +270,"A deserted park scene illuminated by a soft moonlight where an orange frisbee lies on the grass, slightly tilted to one side. Nearby, a wooden cello and its bow rest in solitude against a weathered park bench, their elegant forms casting long shadows on the pavement. The surrounding trees sway gently in the breeze, indifferent to the forgotten items left in the wake of an earlier emergency rehearsal.",,19,2,global,,"global - (illuminated, soft)",Is the scene illuminated by soft moonlight? +278,"In the early hours of the day, a spacious, brightly-lit public restroom showcases two gleaming white toilets with shiny silver flush handles neatly aligned against a pale blue-tiled wall. Nearby, a pristine white urinal, also spotless and ready for use, is equipped with an automatic flush sensor. The floor beneath these fixtures is polished to a high shine, reflecting the overhead lights, and the entire space is absent of any visible debris or grime, emphasizing the meticulous cleanliness of the facility.",,1,0,entity,whole,entity - whole (public restroom),Is there a public restroom? +278,"In the early hours of the day, a spacious, brightly-lit public restroom showcases two gleaming white toilets with shiny silver flush handles neatly aligned against a pale blue-tiled wall. Nearby, a pristine white urinal, also spotless and ready for use, is equipped with an automatic flush sensor. The floor beneath these fixtures is polished to a high shine, reflecting the overhead lights, and the entire space is absent of any visible debris or grime, emphasizing the meticulous cleanliness of the facility.",,2,0,entity,whole,entity - whole (toilets),Are there toilets? +278,"In the early hours of the day, a spacious, brightly-lit public restroom showcases two gleaming white toilets with shiny silver flush handles neatly aligned against a pale blue-tiled wall. Nearby, a pristine white urinal, also spotless and ready for use, is equipped with an automatic flush sensor. The floor beneath these fixtures is polished to a high shine, reflecting the overhead lights, and the entire space is absent of any visible debris or grime, emphasizing the meticulous cleanliness of the facility.",,3,2,other,count,"other - count (toilets, ==2)",Are there two toilets? +278,"In the early hours of the day, a spacious, brightly-lit public restroom showcases two gleaming white toilets with shiny silver flush handles neatly aligned against a pale blue-tiled wall. Nearby, a pristine white urinal, also spotless and ready for use, is equipped with an automatic flush sensor. The floor beneath these fixtures is polished to a high shine, reflecting the overhead lights, and the entire space is absent of any visible debris or grime, emphasizing the meticulous cleanliness of the facility.",,4,0,entity,whole,entity - whole (urinal),Is there a urinal? +278,"In the early hours of the day, a spacious, brightly-lit public restroom showcases two gleaming white toilets with shiny silver flush handles neatly aligned against a pale blue-tiled wall. Nearby, a pristine white urinal, also spotless and ready for use, is equipped with an automatic flush sensor. The floor beneath these fixtures is polished to a high shine, reflecting the overhead lights, and the entire space is absent of any visible debris or grime, emphasizing the meticulous cleanliness of the facility.",,5,2,attribute,color,"attribute - color (toilets, white)",Are the toilets white? +278,"In the early hours of the day, a spacious, brightly-lit public restroom showcases two gleaming white toilets with shiny silver flush handles neatly aligned against a pale blue-tiled wall. Nearby, a pristine white urinal, also spotless and ready for use, is equipped with an automatic flush sensor. The floor beneath these fixtures is polished to a high shine, reflecting the overhead lights, and the entire space is absent of any visible debris or grime, emphasizing the meticulous cleanliness of the facility.",,6,4,attribute,color,"attribute - color (urinal, white)",Is the urinal white? +278,"In the early hours of the day, a spacious, brightly-lit public restroom showcases two gleaming white toilets with shiny silver flush handles neatly aligned against a pale blue-tiled wall. Nearby, a pristine white urinal, also spotless and ready for use, is equipped with an automatic flush sensor. The floor beneath these fixtures is polished to a high shine, reflecting the overhead lights, and the entire space is absent of any visible debris or grime, emphasizing the meticulous cleanliness of the facility.",,7,0,attribute,color,"attribute - color (wall, pale blue-tiled)",Is the wall pale blue-tiled? +278,"In the early hours of the day, a spacious, brightly-lit public restroom showcases two gleaming white toilets with shiny silver flush handles neatly aligned against a pale blue-tiled wall. Nearby, a pristine white urinal, also spotless and ready for use, is equipped with an automatic flush sensor. The floor beneath these fixtures is polished to a high shine, reflecting the overhead lights, and the entire space is absent of any visible debris or grime, emphasizing the meticulous cleanliness of the facility.",,8,2,attribute,other,"attribute - other (flush handles, shiny silver)",Are the flush handles shiny silver? +278,"In the early hours of the day, a spacious, brightly-lit public restroom showcases two gleaming white toilets with shiny silver flush handles neatly aligned against a pale blue-tiled wall. Nearby, a pristine white urinal, also spotless and ready for use, is equipped with an automatic flush sensor. The floor beneath these fixtures is polished to a high shine, reflecting the overhead lights, and the entire space is absent of any visible debris or grime, emphasizing the meticulous cleanliness of the facility.",,9,4,attribute,other,"attribute - other (urinal, automatic flush sensor)",Is the urinal equipped with an automatic flush sensor? +278,"In the early hours of the day, a spacious, brightly-lit public restroom showcases two gleaming white toilets with shiny silver flush handles neatly aligned against a pale blue-tiled wall. Nearby, a pristine white urinal, also spotless and ready for use, is equipped with an automatic flush sensor. The floor beneath these fixtures is polished to a high shine, reflecting the overhead lights, and the entire space is absent of any visible debris or grime, emphasizing the meticulous cleanliness of the facility.",,10,0,attribute,texture,"attribute - texture (floor, polished)",Is the floor polished? +158,"In the early morning light, a vibrant mango-colored hot-air balloon, with its size dwarfing a majestic brass trumpet, begins its peaceful ascent. The balloon's large, bulbous shape stands out sharply against the pale blues and soft pinks of the dawning sky. Its woven basket, crafted from sturdy pale wood, carries passengers who peer out in awe over the landscape below. The fabric of the balloon is smooth and taut, capturing the warming rays of the sun as it climbs higher into the expansive atmosphere.",,1,0,entity,whole,entity - whole (hot-air balloon),Is there a hot-air balloon? +158,"In the early morning light, a vibrant mango-colored hot-air balloon, with its size dwarfing a majestic brass trumpet, begins its peaceful ascent. The balloon's large, bulbous shape stands out sharply against the pale blues and soft pinks of the dawning sky. Its woven basket, crafted from sturdy pale wood, carries passengers who peer out in awe over the landscape below. The fabric of the balloon is smooth and taut, capturing the warming rays of the sun as it climbs higher into the expansive atmosphere.",,2,0,entity,whole,entity - whole (trumpet),Is there a trumpet? +158,"In the early morning light, a vibrant mango-colored hot-air balloon, with its size dwarfing a majestic brass trumpet, begins its peaceful ascent. The balloon's large, bulbous shape stands out sharply against the pale blues and soft pinks of the dawning sky. Its woven basket, crafted from sturdy pale wood, carries passengers who peer out in awe over the landscape below. The fabric of the balloon is smooth and taut, capturing the warming rays of the sun as it climbs higher into the expansive atmosphere.",,3,1,entity,whole,entity - whole (basket),Is there a basket? +158,"In the early morning light, a vibrant mango-colored hot-air balloon, with its size dwarfing a majestic brass trumpet, begins its peaceful ascent. The balloon's large, bulbous shape stands out sharply against the pale blues and soft pinks of the dawning sky. Its woven basket, crafted from sturdy pale wood, carries passengers who peer out in awe over the landscape below. The fabric of the balloon is smooth and taut, capturing the warming rays of the sun as it climbs higher into the expansive atmosphere.",,4,3,entity,whole,entity - whole (passengers),Are there passengers? +158,"In the early morning light, a vibrant mango-colored hot-air balloon, with its size dwarfing a majestic brass trumpet, begins its peaceful ascent. The balloon's large, bulbous shape stands out sharply against the pale blues and soft pinks of the dawning sky. Its woven basket, crafted from sturdy pale wood, carries passengers who peer out in awe over the landscape below. The fabric of the balloon is smooth and taut, capturing the warming rays of the sun as it climbs higher into the expansive atmosphere.",,5,1,attribute,color,"attribute - color (hot-air balloon, mango-colored)",Is the hot-air balloon mango-colored? +158,"In the early morning light, a vibrant mango-colored hot-air balloon, with its size dwarfing a majestic brass trumpet, begins its peaceful ascent. The balloon's large, bulbous shape stands out sharply against the pale blues and soft pinks of the dawning sky. Its woven basket, crafted from sturdy pale wood, carries passengers who peer out in awe over the landscape below. The fabric of the balloon is smooth and taut, capturing the warming rays of the sun as it climbs higher into the expansive atmosphere.",,6,1,attribute,shape,"attribute - shape (hot-air balloon, large, bulbous)","Does the hot-air balloon have a large, bulbous shape?" +158,"In the early morning light, a vibrant mango-colored hot-air balloon, with its size dwarfing a majestic brass trumpet, begins its peaceful ascent. The balloon's large, bulbous shape stands out sharply against the pale blues and soft pinks of the dawning sky. Its woven basket, crafted from sturdy pale wood, carries passengers who peer out in awe over the landscape below. The fabric of the balloon is smooth and taut, capturing the warming rays of the sun as it climbs higher into the expansive atmosphere.",,7,3,attribute,texture,"attribute - texture (basket, woven)",Is the basket woven? +158,"In the early morning light, a vibrant mango-colored hot-air balloon, with its size dwarfing a majestic brass trumpet, begins its peaceful ascent. The balloon's large, bulbous shape stands out sharply against the pale blues and soft pinks of the dawning sky. Its woven basket, crafted from sturdy pale wood, carries passengers who peer out in awe over the landscape below. The fabric of the balloon is smooth and taut, capturing the warming rays of the sun as it climbs higher into the expansive atmosphere.",,8,1,attribute,texture,"attribute - texture (hot-air balloon, smooth and taut)",Is the fabric of the hot-air balloon smooth and taut? +158,"In the early morning light, a vibrant mango-colored hot-air balloon, with its size dwarfing a majestic brass trumpet, begins its peaceful ascent. The balloon's large, bulbous shape stands out sharply against the pale blues and soft pinks of the dawning sky. Its woven basket, crafted from sturdy pale wood, carries passengers who peer out in awe over the landscape below. The fabric of the balloon is smooth and taut, capturing the warming rays of the sun as it climbs higher into the expansive atmosphere.",,9,0,attribute,color,"attribute - color (sky, pale blues and soft pinks)",Are the colors of the sky pale blues and soft pinks? +158,"In the early morning light, a vibrant mango-colored hot-air balloon, with its size dwarfing a majestic brass trumpet, begins its peaceful ascent. The balloon's large, bulbous shape stands out sharply against the pale blues and soft pinks of the dawning sky. Its woven basket, crafted from sturdy pale wood, carries passengers who peer out in awe over the landscape below. The fabric of the balloon is smooth and taut, capturing the warming rays of the sun as it climbs higher into the expansive atmosphere.",,10,"1,2",relation,spatial,"relation - spatial (hot-air balloon, trumpet, dwarfing)",Is the size of the hot-air balloon dwarfing the majestic brass trumpet? +116,"In the fading light of late afternoon, a scene unfolds in the autumn park, where a pair of worn brown boots stands firm upon a bed of fallen orange leaves. Attached to these boots are two vibrant blue balloons, gently swaying in the cool breeze. The balloons cast soft shadows on the ground, nestled among the trees with their leaves transitioning to auburn hues. Nearby, a wooden bench sits empty, inviting passersby to witness the quiet juxtaposition of the still footwear and the dancing balloons.",,1,0,entity,whole,entity - whole (park),Is there a park? +116,"In the fading light of late afternoon, a scene unfolds in the autumn park, where a pair of worn brown boots stands firm upon a bed of fallen orange leaves. Attached to these boots are two vibrant blue balloons, gently swaying in the cool breeze. The balloons cast soft shadows on the ground, nestled among the trees with their leaves transitioning to auburn hues. Nearby, a wooden bench sits empty, inviting passersby to witness the quiet juxtaposition of the still footwear and the dancing balloons.",,2,0,entity,whole,entity - whole (boots),Are there boots? +116,"In the fading light of late afternoon, a scene unfolds in the autumn park, where a pair of worn brown boots stands firm upon a bed of fallen orange leaves. Attached to these boots are two vibrant blue balloons, gently swaying in the cool breeze. The balloons cast soft shadows on the ground, nestled among the trees with their leaves transitioning to auburn hues. Nearby, a wooden bench sits empty, inviting passersby to witness the quiet juxtaposition of the still footwear and the dancing balloons.",,3,0,entity,whole,entity - whole (leaves),Are there leaves? +116,"In the fading light of late afternoon, a scene unfolds in the autumn park, where a pair of worn brown boots stands firm upon a bed of fallen orange leaves. Attached to these boots are two vibrant blue balloons, gently swaying in the cool breeze. The balloons cast soft shadows on the ground, nestled among the trees with their leaves transitioning to auburn hues. Nearby, a wooden bench sits empty, inviting passersby to witness the quiet juxtaposition of the still footwear and the dancing balloons.",,4,0,entity,whole,entity - whole (balloons),Are there balloons? +116,"In the fading light of late afternoon, a scene unfolds in the autumn park, where a pair of worn brown boots stands firm upon a bed of fallen orange leaves. Attached to these boots are two vibrant blue balloons, gently swaying in the cool breeze. The balloons cast soft shadows on the ground, nestled among the trees with their leaves transitioning to auburn hues. Nearby, a wooden bench sits empty, inviting passersby to witness the quiet juxtaposition of the still footwear and the dancing balloons.",,5,0,entity,whole,entity - whole (bench),Is there a bench? +116,"In the fading light of late afternoon, a scene unfolds in the autumn park, where a pair of worn brown boots stands firm upon a bed of fallen orange leaves. Attached to these boots are two vibrant blue balloons, gently swaying in the cool breeze. The balloons cast soft shadows on the ground, nestled among the trees with their leaves transitioning to auburn hues. Nearby, a wooden bench sits empty, inviting passersby to witness the quiet juxtaposition of the still footwear and the dancing balloons.",,6,2,attribute,color,"attribute - color (boots, brown)",Are the boots brown? +116,"In the fading light of late afternoon, a scene unfolds in the autumn park, where a pair of worn brown boots stands firm upon a bed of fallen orange leaves. Attached to these boots are two vibrant blue balloons, gently swaying in the cool breeze. The balloons cast soft shadows on the ground, nestled among the trees with their leaves transitioning to auburn hues. Nearby, a wooden bench sits empty, inviting passersby to witness the quiet juxtaposition of the still footwear and the dancing balloons.",,7,3,attribute,color,"attribute - color (leaves, orange)",Are the leaves orange? +116,"In the fading light of late afternoon, a scene unfolds in the autumn park, where a pair of worn brown boots stands firm upon a bed of fallen orange leaves. Attached to these boots are two vibrant blue balloons, gently swaying in the cool breeze. The balloons cast soft shadows on the ground, nestled among the trees with their leaves transitioning to auburn hues. Nearby, a wooden bench sits empty, inviting passersby to witness the quiet juxtaposition of the still footwear and the dancing balloons.",,8,4,attribute,color,"attribute - color (balloons, vibrant blue)",Are the balloons vibrant blue? +116,"In the fading light of late afternoon, a scene unfolds in the autumn park, where a pair of worn brown boots stands firm upon a bed of fallen orange leaves. Attached to these boots are two vibrant blue balloons, gently swaying in the cool breeze. The balloons cast soft shadows on the ground, nestled among the trees with their leaves transitioning to auburn hues. Nearby, a wooden bench sits empty, inviting passersby to witness the quiet juxtaposition of the still footwear and the dancing balloons.",,9,3,attribute,texture,"attribute - texture (leaves, fallen)",Are the leaves fallen? +116,"In the fading light of late afternoon, a scene unfolds in the autumn park, where a pair of worn brown boots stands firm upon a bed of fallen orange leaves. Attached to these boots are two vibrant blue balloons, gently swaying in the cool breeze. The balloons cast soft shadows on the ground, nestled among the trees with their leaves transitioning to auburn hues. Nearby, a wooden bench sits empty, inviting passersby to witness the quiet juxtaposition of the still footwear and the dancing balloons.",,10,"2,3",relation,spatial,"relation - spatial (boots, leaves, on)",Are the boots standing on the leaves? +218,"As the sun sets, casting a warm glow over the playground, a striking bright orange baseball bat lies half-buried in the sandy ground near the curved metal slide. The slide, painted in bold primary colors, forms a perfect arc that glistens with the residual daylight. Sparse footprints around the area hint at earlier games and laughter, now quiet in the evening's calm.",,1,0,entity,whole,entity - whole (sun),Is there a sun? +218,"As the sun sets, casting a warm glow over the playground, a striking bright orange baseball bat lies half-buried in the sandy ground near the curved metal slide. The slide, painted in bold primary colors, forms a perfect arc that glistens with the residual daylight. Sparse footprints around the area hint at earlier games and laughter, now quiet in the evening's calm.",,2,0,entity,whole,entity - whole (playground),Is there a playground? +218,"As the sun sets, casting a warm glow over the playground, a striking bright orange baseball bat lies half-buried in the sandy ground near the curved metal slide. The slide, painted in bold primary colors, forms a perfect arc that glistens with the residual daylight. Sparse footprints around the area hint at earlier games and laughter, now quiet in the evening's calm.",,3,0,entity,whole,entity - whole (baseball bat),Is there a baseball bat? +218,"As the sun sets, casting a warm glow over the playground, a striking bright orange baseball bat lies half-buried in the sandy ground near the curved metal slide. The slide, painted in bold primary colors, forms a perfect arc that glistens with the residual daylight. Sparse footprints around the area hint at earlier games and laughter, now quiet in the evening's calm.",,4,0,entity,whole,entity - whole (slide),Is there a slide? +218,"As the sun sets, casting a warm glow over the playground, a striking bright orange baseball bat lies half-buried in the sandy ground near the curved metal slide. The slide, painted in bold primary colors, forms a perfect arc that glistens with the residual daylight. Sparse footprints around the area hint at earlier games and laughter, now quiet in the evening's calm.",,5,3,attribute,color,"attribute - color (baseball bat, bright orange)",Is the baseball bat bright orange? +218,"As the sun sets, casting a warm glow over the playground, a striking bright orange baseball bat lies half-buried in the sandy ground near the curved metal slide. The slide, painted in bold primary colors, forms a perfect arc that glistens with the residual daylight. Sparse footprints around the area hint at earlier games and laughter, now quiet in the evening's calm.",,6,4,attribute,texture,"attribute - texture (slide, metal)",Is the slide made of metal? +218,"As the sun sets, casting a warm glow over the playground, a striking bright orange baseball bat lies half-buried in the sandy ground near the curved metal slide. The slide, painted in bold primary colors, forms a perfect arc that glistens with the residual daylight. Sparse footprints around the area hint at earlier games and laughter, now quiet in the evening's calm.",,7,4,attribute,shape,"attribute - shape (slide, curved)",Is the slide curved? +218,"As the sun sets, casting a warm glow over the playground, a striking bright orange baseball bat lies half-buried in the sandy ground near the curved metal slide. The slide, painted in bold primary colors, forms a perfect arc that glistens with the residual daylight. Sparse footprints around the area hint at earlier games and laughter, now quiet in the evening's calm.",,8,4,attribute,color,"attribute - color (slide, primary colors)",Is the slide painted in primary colors? +218,"As the sun sets, casting a warm glow over the playground, a striking bright orange baseball bat lies half-buried in the sandy ground near the curved metal slide. The slide, painted in bold primary colors, forms a perfect arc that glistens with the residual daylight. Sparse footprints around the area hint at earlier games and laughter, now quiet in the evening's calm.",,9,3,entity,state,"entity - state (baseball bat, half-buried)",Is the baseball bat half-buried in the ground? +218,"As the sun sets, casting a warm glow over the playground, a striking bright orange baseball bat lies half-buried in the sandy ground near the curved metal slide. The slide, painted in bold primary colors, forms a perfect arc that glistens with the residual daylight. Sparse footprints around the area hint at earlier games and laughter, now quiet in the evening's calm.",,10,"3,4",relation,spatial,"relation - spatial (baseball bat, slide, near)",Is the baseball bat near the slide? +227,"On the soft, warm sand of the beach, a fluffy white rabbit with rounded ears is caught in a curious moment, gently placing its paw on the ribbed surface of a pink scallop shell. The scallop, slightly open, reveals its smooth interior contrasting with its coarse outer texture, while hues of pink and orange from the setting sun reflect off its surface. There's a tranquil ocean backdrop with the gentle ebbing of the tide, and the fading daylight casts a golden glow over the scene, highlighting the rabbit's soft fur and the shell's subtle color.",,1,0,entity,whole,entity - whole (rabbit),Is there a rabbit? +227,"On the soft, warm sand of the beach, a fluffy white rabbit with rounded ears is caught in a curious moment, gently placing its paw on the ribbed surface of a pink scallop shell. The scallop, slightly open, reveals its smooth interior contrasting with its coarse outer texture, while hues of pink and orange from the setting sun reflect off its surface. There's a tranquil ocean backdrop with the gentle ebbing of the tide, and the fading daylight casts a golden glow over the scene, highlighting the rabbit's soft fur and the shell's subtle color.",,2,0,entity,whole,entity - whole (scallop shell),Is there a scallop shell? +227,"On the soft, warm sand of the beach, a fluffy white rabbit with rounded ears is caught in a curious moment, gently placing its paw on the ribbed surface of a pink scallop shell. The scallop, slightly open, reveals its smooth interior contrasting with its coarse outer texture, while hues of pink and orange from the setting sun reflect off its surface. There's a tranquil ocean backdrop with the gentle ebbing of the tide, and the fading daylight casts a golden glow over the scene, highlighting the rabbit's soft fur and the shell's subtle color.",,3,0,entity,whole,entity - whole (beach),Is there a beach? +227,"On the soft, warm sand of the beach, a fluffy white rabbit with rounded ears is caught in a curious moment, gently placing its paw on the ribbed surface of a pink scallop shell. The scallop, slightly open, reveals its smooth interior contrasting with its coarse outer texture, while hues of pink and orange from the setting sun reflect off its surface. There's a tranquil ocean backdrop with the gentle ebbing of the tide, and the fading daylight casts a golden glow over the scene, highlighting the rabbit's soft fur and the shell's subtle color.",,4,0,entity,whole,entity - whole (ocean),Is there an ocean? +227,"On the soft, warm sand of the beach, a fluffy white rabbit with rounded ears is caught in a curious moment, gently placing its paw on the ribbed surface of a pink scallop shell. The scallop, slightly open, reveals its smooth interior contrasting with its coarse outer texture, while hues of pink and orange from the setting sun reflect off its surface. There's a tranquil ocean backdrop with the gentle ebbing of the tide, and the fading daylight casts a golden glow over the scene, highlighting the rabbit's soft fur and the shell's subtle color.",,5,3,attribute,texture,"attribute - texture (sand, soft and warm)",Is the sand soft and warm? +227,"On the soft, warm sand of the beach, a fluffy white rabbit with rounded ears is caught in a curious moment, gently placing its paw on the ribbed surface of a pink scallop shell. The scallop, slightly open, reveals its smooth interior contrasting with its coarse outer texture, while hues of pink and orange from the setting sun reflect off its surface. There's a tranquil ocean backdrop with the gentle ebbing of the tide, and the fading daylight casts a golden glow over the scene, highlighting the rabbit's soft fur and the shell's subtle color.",,6,2,attribute,texture,"attribute - texture (scallop shell's surface, ribbed)",Does the scallop shell have a ribbed surface? +227,"On the soft, warm sand of the beach, a fluffy white rabbit with rounded ears is caught in a curious moment, gently placing its paw on the ribbed surface of a pink scallop shell. The scallop, slightly open, reveals its smooth interior contrasting with its coarse outer texture, while hues of pink and orange from the setting sun reflect off its surface. There's a tranquil ocean backdrop with the gentle ebbing of the tide, and the fading daylight casts a golden glow over the scene, highlighting the rabbit's soft fur and the shell's subtle color.",,7,2,attribute,texture,"attribute - texture (scallop shell's interior, smooth)",Is the interior of the scallop shell smooth? +227,"On the soft, warm sand of the beach, a fluffy white rabbit with rounded ears is caught in a curious moment, gently placing its paw on the ribbed surface of a pink scallop shell. The scallop, slightly open, reveals its smooth interior contrasting with its coarse outer texture, while hues of pink and orange from the setting sun reflect off its surface. There's a tranquil ocean backdrop with the gentle ebbing of the tide, and the fading daylight casts a golden glow over the scene, highlighting the rabbit's soft fur and the shell's subtle color.",,8,2,attribute,texture,"attribute - texture (scallop shell's exterior, coarse)",Is the exterior of the scallop shell coarse? +227,"On the soft, warm sand of the beach, a fluffy white rabbit with rounded ears is caught in a curious moment, gently placing its paw on the ribbed surface of a pink scallop shell. The scallop, slightly open, reveals its smooth interior contrasting with its coarse outer texture, while hues of pink and orange from the setting sun reflect off its surface. There's a tranquil ocean backdrop with the gentle ebbing of the tide, and the fading daylight casts a golden glow over the scene, highlighting the rabbit's soft fur and the shell's subtle color.",,9,2,attribute,color,"attribute - color (scallop shell, pink)",Is the scallop shell pink? +227,"On the soft, warm sand of the beach, a fluffy white rabbit with rounded ears is caught in a curious moment, gently placing its paw on the ribbed surface of a pink scallop shell. The scallop, slightly open, reveals its smooth interior contrasting with its coarse outer texture, while hues of pink and orange from the setting sun reflect off its surface. There's a tranquil ocean backdrop with the gentle ebbing of the tide, and the fading daylight casts a golden glow over the scene, highlighting the rabbit's soft fur and the shell's subtle color.",,10,"1,3",relation,spatial,"relation - spatial (rabbit, sand, on)",Is the rabbit on the sand? +62,"An old skateboard with scuffed edges and faded stickers leans delicately against the rough texture of a red brick wall. Its wheels, well-worn and dusty, hint at many adventures it might have seen. Nearby, the early morning sun casts a soft glow on the ground, accentuating the contrasting textures of the brick and the smooth, aged wood of the skateboard deck.",,1,0,entity,whole,entity - whole (skateboard),Is there an old skateboard? +62,"An old skateboard with scuffed edges and faded stickers leans delicately against the rough texture of a red brick wall. Its wheels, well-worn and dusty, hint at many adventures it might have seen. Nearby, the early morning sun casts a soft glow on the ground, accentuating the contrasting textures of the brick and the smooth, aged wood of the skateboard deck.",,2,0,entity,whole,entity - whole (wall),Is there a wall? +62,"An old skateboard with scuffed edges and faded stickers leans delicately against the rough texture of a red brick wall. Its wheels, well-worn and dusty, hint at many adventures it might have seen. Nearby, the early morning sun casts a soft glow on the ground, accentuating the contrasting textures of the brick and the smooth, aged wood of the skateboard deck.",,3,1,entity,part,entity - part (skateboard's edges),Does the skateboard have scuffed edges? +62,"An old skateboard with scuffed edges and faded stickers leans delicately against the rough texture of a red brick wall. Its wheels, well-worn and dusty, hint at many adventures it might have seen. Nearby, the early morning sun casts a soft glow on the ground, accentuating the contrasting textures of the brick and the smooth, aged wood of the skateboard deck.",,4,1,entity,part,entity - part (skateboard's stickers),Does the skateboard have stickers? +62,"An old skateboard with scuffed edges and faded stickers leans delicately against the rough texture of a red brick wall. Its wheels, well-worn and dusty, hint at many adventures it might have seen. Nearby, the early morning sun casts a soft glow on the ground, accentuating the contrasting textures of the brick and the smooth, aged wood of the skateboard deck.",,5,1,entity,part,entity - part (skateboard's wheels),Does the skateboard have wheels? +62,"An old skateboard with scuffed edges and faded stickers leans delicately against the rough texture of a red brick wall. Its wheels, well-worn and dusty, hint at many adventures it might have seen. Nearby, the early morning sun casts a soft glow on the ground, accentuating the contrasting textures of the brick and the smooth, aged wood of the skateboard deck.",,6,2,attribute,color,"attribute - color (wall, red)",Is the wall red? +62,"An old skateboard with scuffed edges and faded stickers leans delicately against the rough texture of a red brick wall. Its wheels, well-worn and dusty, hint at many adventures it might have seen. Nearby, the early morning sun casts a soft glow on the ground, accentuating the contrasting textures of the brick and the smooth, aged wood of the skateboard deck.",,7,2,attribute,texture,"attribute - texture (wall, brick)",Is the wall made of brick? +62,"An old skateboard with scuffed edges and faded stickers leans delicately against the rough texture of a red brick wall. Its wheels, well-worn and dusty, hint at many adventures it might have seen. Nearby, the early morning sun casts a soft glow on the ground, accentuating the contrasting textures of the brick and the smooth, aged wood of the skateboard deck.",,8,3,attribute,texture,"attribute - texture (skateboard's edges, scuffed)",Are the skateboard's edges scuffed? +62,"An old skateboard with scuffed edges and faded stickers leans delicately against the rough texture of a red brick wall. Its wheels, well-worn and dusty, hint at many adventures it might have seen. Nearby, the early morning sun casts a soft glow on the ground, accentuating the contrasting textures of the brick and the smooth, aged wood of the skateboard deck.",,9,4,attribute,texture,"attribute - texture (skateboard's stickers, faded)",Are the skateboard's stickers faded? +62,"An old skateboard with scuffed edges and faded stickers leans delicately against the rough texture of a red brick wall. Its wheels, well-worn and dusty, hint at many adventures it might have seen. Nearby, the early morning sun casts a soft glow on the ground, accentuating the contrasting textures of the brick and the smooth, aged wood of the skateboard deck.",,10,"1,2",relation,spatial,"relation - spatial (skateboard, wall, against)",Is the skateboard leaning against the wall? +188,"In the midst of a sprawling savanna, a regal lion with a golden mane moves gracefully near a white washing machine and matching drying machine, which appear incongruous against the rolling dunes. The sun blazes down, casting sharp shadows that contour the sand around the appliances and the feline figure. Around this unusual scene, tufts of dry grass sway slightly in the hot breeze, accentuating the isolation of the domestic objects in this wild, open landscape.",,1,0,entity,whole,entity - whole (savanna),Is there a savanna? +188,"In the midst of a sprawling savanna, a regal lion with a golden mane moves gracefully near a white washing machine and matching drying machine, which appear incongruous against the rolling dunes. The sun blazes down, casting sharp shadows that contour the sand around the appliances and the feline figure. Around this unusual scene, tufts of dry grass sway slightly in the hot breeze, accentuating the isolation of the domestic objects in this wild, open landscape.",,2,0,entity,whole,entity - whole (lion),Is there a lion? +188,"In the midst of a sprawling savanna, a regal lion with a golden mane moves gracefully near a white washing machine and matching drying machine, which appear incongruous against the rolling dunes. The sun blazes down, casting sharp shadows that contour the sand around the appliances and the feline figure. Around this unusual scene, tufts of dry grass sway slightly in the hot breeze, accentuating the isolation of the domestic objects in this wild, open landscape.",,3,0,entity,whole,entity - whole (washing machine),Is there a washing machine? +188,"In the midst of a sprawling savanna, a regal lion with a golden mane moves gracefully near a white washing machine and matching drying machine, which appear incongruous against the rolling dunes. The sun blazes down, casting sharp shadows that contour the sand around the appliances and the feline figure. Around this unusual scene, tufts of dry grass sway slightly in the hot breeze, accentuating the isolation of the domestic objects in this wild, open landscape.",,4,0,entity,whole,entity - whole (drying machine),Is there a drying machine? +188,"In the midst of a sprawling savanna, a regal lion with a golden mane moves gracefully near a white washing machine and matching drying machine, which appear incongruous against the rolling dunes. The sun blazes down, casting sharp shadows that contour the sand around the appliances and the feline figure. Around this unusual scene, tufts of dry grass sway slightly in the hot breeze, accentuating the isolation of the domestic objects in this wild, open landscape.",,5,0,entity,whole,entity - whole (sun),Is the sun present? +188,"In the midst of a sprawling savanna, a regal lion with a golden mane moves gracefully near a white washing machine and matching drying machine, which appear incongruous against the rolling dunes. The sun blazes down, casting sharp shadows that contour the sand around the appliances and the feline figure. Around this unusual scene, tufts of dry grass sway slightly in the hot breeze, accentuating the isolation of the domestic objects in this wild, open landscape.",,6,2,attribute,color,"attribute - color (lion's mane, golden)",Does the lion have a golden mane? +188,"In the midst of a sprawling savanna, a regal lion with a golden mane moves gracefully near a white washing machine and matching drying machine, which appear incongruous against the rolling dunes. The sun blazes down, casting sharp shadows that contour the sand around the appliances and the feline figure. Around this unusual scene, tufts of dry grass sway slightly in the hot breeze, accentuating the isolation of the domestic objects in this wild, open landscape.",,7,3,attribute,color,"attribute - color (washing machine, white)",Is the washing machine white? +188,"In the midst of a sprawling savanna, a regal lion with a golden mane moves gracefully near a white washing machine and matching drying machine, which appear incongruous against the rolling dunes. The sun blazes down, casting sharp shadows that contour the sand around the appliances and the feline figure. Around this unusual scene, tufts of dry grass sway slightly in the hot breeze, accentuating the isolation of the domestic objects in this wild, open landscape.",,8,4,attribute,color,"attribute - color (drying machine, white)",Is the drying machine white? +188,"In the midst of a sprawling savanna, a regal lion with a golden mane moves gracefully near a white washing machine and matching drying machine, which appear incongruous against the rolling dunes. The sun blazes down, casting sharp shadows that contour the sand around the appliances and the feline figure. Around this unusual scene, tufts of dry grass sway slightly in the hot breeze, accentuating the isolation of the domestic objects in this wild, open landscape.",,9,2,entity,state,"entity - state (lion, move gracefully)",Is the lion moving gracefully? +188,"In the midst of a sprawling savanna, a regal lion with a golden mane moves gracefully near a white washing machine and matching drying machine, which appear incongruous against the rolling dunes. The sun blazes down, casting sharp shadows that contour the sand around the appliances and the feline figure. Around this unusual scene, tufts of dry grass sway slightly in the hot breeze, accentuating the isolation of the domestic objects in this wild, open landscape.",,10,"1,3",relation,spatial,"relation - spatial (washing machine, savanna, in)",Is the washing machine in the savanna? +188,"In the midst of a sprawling savanna, a regal lion with a golden mane moves gracefully near a white washing machine and matching drying machine, which appear incongruous against the rolling dunes. The sun blazes down, casting sharp shadows that contour the sand around the appliances and the feline figure. Around this unusual scene, tufts of dry grass sway slightly in the hot breeze, accentuating the isolation of the domestic objects in this wild, open landscape.",,11,"1,4",relation,spatial,"relation - spatial (drying machine, savanna, in)",Is the drying machine in the savanna? +188,"In the midst of a sprawling savanna, a regal lion with a golden mane moves gracefully near a white washing machine and matching drying machine, which appear incongruous against the rolling dunes. The sun blazes down, casting sharp shadows that contour the sand around the appliances and the feline figure. Around this unusual scene, tufts of dry grass sway slightly in the hot breeze, accentuating the isolation of the domestic objects in this wild, open landscape.",,12,"2,3",relation,spatial,"relation - spatial (lion, washing machine, near)",Is the lion near the washing machine? +188,"In the midst of a sprawling savanna, a regal lion with a golden mane moves gracefully near a white washing machine and matching drying machine, which appear incongruous against the rolling dunes. The sun blazes down, casting sharp shadows that contour the sand around the appliances and the feline figure. Around this unusual scene, tufts of dry grass sway slightly in the hot breeze, accentuating the isolation of the domestic objects in this wild, open landscape.",,13,"2,4",relation,spatial,"relation - spatial (lion, drying machine, near)",Is the lion near the drying machine? +118,"A tranquil scene where two brown, fibrous coconuts rest on the lush green grass beside a solitary deer, which is lying down, taking a respite. The deer has a rich, brown coat with white spots and appears to be at ease in the natural surroundings. In the background, a few trees with verdant leaves provide a quiet backdrop to this peaceful setting.",,1,0,entity,whole,entity - whole (coconuts),Are there coconuts? +118,"A tranquil scene where two brown, fibrous coconuts rest on the lush green grass beside a solitary deer, which is lying down, taking a respite. The deer has a rich, brown coat with white spots and appears to be at ease in the natural surroundings. In the background, a few trees with verdant leaves provide a quiet backdrop to this peaceful setting.",,2,0,entity,whole,entity - whole (grass),Is there grass? +118,"A tranquil scene where two brown, fibrous coconuts rest on the lush green grass beside a solitary deer, which is lying down, taking a respite. The deer has a rich, brown coat with white spots and appears to be at ease in the natural surroundings. In the background, a few trees with verdant leaves provide a quiet backdrop to this peaceful setting.",,3,0,entity,whole,entity - whole (deer),Is there a deer? +118,"A tranquil scene where two brown, fibrous coconuts rest on the lush green grass beside a solitary deer, which is lying down, taking a respite. The deer has a rich, brown coat with white spots and appears to be at ease in the natural surroundings. In the background, a few trees with verdant leaves provide a quiet backdrop to this peaceful setting.",,4,0,entity,whole,entity - whole (trees),Are there trees? +118,"A tranquil scene where two brown, fibrous coconuts rest on the lush green grass beside a solitary deer, which is lying down, taking a respite. The deer has a rich, brown coat with white spots and appears to be at ease in the natural surroundings. In the background, a few trees with verdant leaves provide a quiet backdrop to this peaceful setting.",,5,1,attribute,color,"attribute - color (coconuts, brown)",Are the coconuts brown? +118,"A tranquil scene where two brown, fibrous coconuts rest on the lush green grass beside a solitary deer, which is lying down, taking a respite. The deer has a rich, brown coat with white spots and appears to be at ease in the natural surroundings. In the background, a few trees with verdant leaves provide a quiet backdrop to this peaceful setting.",,6,1,attribute,texture,"attribute - texture (coconuts, fibrous)",Are the coconuts fibrous? +118,"A tranquil scene where two brown, fibrous coconuts rest on the lush green grass beside a solitary deer, which is lying down, taking a respite. The deer has a rich, brown coat with white spots and appears to be at ease in the natural surroundings. In the background, a few trees with verdant leaves provide a quiet backdrop to this peaceful setting.",,7,2,attribute,color,"attribute - color (grass, lush green)",Is the grass lush green? +118,"A tranquil scene where two brown, fibrous coconuts rest on the lush green grass beside a solitary deer, which is lying down, taking a respite. The deer has a rich, brown coat with white spots and appears to be at ease in the natural surroundings. In the background, a few trees with verdant leaves provide a quiet backdrop to this peaceful setting.",,8,3,attribute,color,"attribute - color (deer's coat, rich brown)",Does the deer have a rich brown coat? +118,"A tranquil scene where two brown, fibrous coconuts rest on the lush green grass beside a solitary deer, which is lying down, taking a respite. The deer has a rich, brown coat with white spots and appears to be at ease in the natural surroundings. In the background, a few trees with verdant leaves provide a quiet backdrop to this peaceful setting.",,9,3,attribute,other,"attribute - other (deer's coat, white spots)",Does the deer's coat have white spots? +118,"A tranquil scene where two brown, fibrous coconuts rest on the lush green grass beside a solitary deer, which is lying down, taking a respite. The deer has a rich, brown coat with white spots and appears to be at ease in the natural surroundings. In the background, a few trees with verdant leaves provide a quiet backdrop to this peaceful setting.",,10,"1,2",relation,spatial,"relation - spatial (coconuts, grass, on)",Are the coconuts resting on the grass? +118,"A tranquil scene where two brown, fibrous coconuts rest on the lush green grass beside a solitary deer, which is lying down, taking a respite. The deer has a rich, brown coat with white spots and appears to be at ease in the natural surroundings. In the background, a few trees with verdant leaves provide a quiet backdrop to this peaceful setting.",,11,"2,3",relation,spatial,"relation - spatial (deer, grass, beside)",Is the deer beside the grass? +118,"A tranquil scene where two brown, fibrous coconuts rest on the lush green grass beside a solitary deer, which is lying down, taking a respite. The deer has a rich, brown coat with white spots and appears to be at ease in the natural surroundings. In the background, a few trees with verdant leaves provide a quiet backdrop to this peaceful setting.",,12,3,entity,state,"entity - state (deer, lying down)",Is the deer lying down? +118,"A tranquil scene where two brown, fibrous coconuts rest on the lush green grass beside a solitary deer, which is lying down, taking a respite. The deer has a rich, brown coat with white spots and appears to be at ease in the natural surroundings. In the background, a few trees with verdant leaves provide a quiet backdrop to this peaceful setting.",,13,4,relation,spatial,"relation - spatial (trees, background, in)",Are the trees in the background? +97,"A vibrant pink pig trots through a snowy landscape, a bright blue backpack strapped securely to its back. The pig's thick coat contrasts with the soft white blanket of snow that covers the ground around it. As it moves, the blue backpack stands out against the pig's colorful hide and the winter scene, creating a striking visual amidst the serene, frost-covered backdrop.",,1,0,entity,whole,entity - whole (pig),Is there a pig? +97,"A vibrant pink pig trots through a snowy landscape, a bright blue backpack strapped securely to its back. The pig's thick coat contrasts with the soft white blanket of snow that covers the ground around it. As it moves, the blue backpack stands out against the pig's colorful hide and the winter scene, creating a striking visual amidst the serene, frost-covered backdrop.",,2,0,entity,whole,entity - whole (backpack),Is there a backpack? +97,"A vibrant pink pig trots through a snowy landscape, a bright blue backpack strapped securely to its back. The pig's thick coat contrasts with the soft white blanket of snow that covers the ground around it. As it moves, the blue backpack stands out against the pig's colorful hide and the winter scene, creating a striking visual amidst the serene, frost-covered backdrop.",,3,0,entity,whole,entity - whole (landscape),Is there a landscape? +97,"A vibrant pink pig trots through a snowy landscape, a bright blue backpack strapped securely to its back. The pig's thick coat contrasts with the soft white blanket of snow that covers the ground around it. As it moves, the blue backpack stands out against the pig's colorful hide and the winter scene, creating a striking visual amidst the serene, frost-covered backdrop.",,4,1,attribute,color,"attribute - color (pig, vibrant pink)",Is the pig vibrant pink? +97,"A vibrant pink pig trots through a snowy landscape, a bright blue backpack strapped securely to its back. The pig's thick coat contrasts with the soft white blanket of snow that covers the ground around it. As it moves, the blue backpack stands out against the pig's colorful hide and the winter scene, creating a striking visual amidst the serene, frost-covered backdrop.",,5,2,attribute,color,"attribute - color (backpack, bright blue)",Is the backpack bright blue? +97,"A vibrant pink pig trots through a snowy landscape, a bright blue backpack strapped securely to its back. The pig's thick coat contrasts with the soft white blanket of snow that covers the ground around it. As it moves, the blue backpack stands out against the pig's colorful hide and the winter scene, creating a striking visual amidst the serene, frost-covered backdrop.",,6,3,attribute,texture,"attribute - texture (landscape, snowy)",Is the landscape snowy? +97,"A vibrant pink pig trots through a snowy landscape, a bright blue backpack strapped securely to its back. The pig's thick coat contrasts with the soft white blanket of snow that covers the ground around it. As it moves, the blue backpack stands out against the pig's colorful hide and the winter scene, creating a striking visual amidst the serene, frost-covered backdrop.",,7,1,attribute,texture,"attribute - texture (pig's coat, thick)",Does the pig have a thick coat? +97,"A vibrant pink pig trots through a snowy landscape, a bright blue backpack strapped securely to its back. The pig's thick coat contrasts with the soft white blanket of snow that covers the ground around it. As it moves, the blue backpack stands out against the pig's colorful hide and the winter scene, creating a striking visual amidst the serene, frost-covered backdrop.",,8,3,attribute,texture,"attribute - texture (snow, soft white blanket)",Is the snow like a soft white blanket? +97,"A vibrant pink pig trots through a snowy landscape, a bright blue backpack strapped securely to its back. The pig's thick coat contrasts with the soft white blanket of snow that covers the ground around it. As it moves, the blue backpack stands out against the pig's colorful hide and the winter scene, creating a striking visual amidst the serene, frost-covered backdrop.",,9,1,entity,state,"entity - state (pig, trot)",Is the pig trotting? +97,"A vibrant pink pig trots through a snowy landscape, a bright blue backpack strapped securely to its back. The pig's thick coat contrasts with the soft white blanket of snow that covers the ground around it. As it moves, the blue backpack stands out against the pig's colorful hide and the winter scene, creating a striking visual amidst the serene, frost-covered backdrop.",,10,"1,2",relation,spatial,"relation - spatial (backpack, pig, strapped to back)",Is the backpack strapped securely to the pig's back? +22,"In the midst of a vibrant garden, a cylindrical green cup stands alone on a stone path, its surface reflecting the bright afternoon sunlight. The cup, with a smooth finish, is surrounded by blossoming flowers and lush greenery. The shadows of nearby plants dance on the cup as gentle breezes sway their leaves.",,1,0,entity,whole,entity - whole (garden),Is there a garden? +22,"In the midst of a vibrant garden, a cylindrical green cup stands alone on a stone path, its surface reflecting the bright afternoon sunlight. The cup, with a smooth finish, is surrounded by blossoming flowers and lush greenery. The shadows of nearby plants dance on the cup as gentle breezes sway their leaves.",,2,0,entity,whole,entity - whole (cup),Is there a cup? +22,"In the midst of a vibrant garden, a cylindrical green cup stands alone on a stone path, its surface reflecting the bright afternoon sunlight. The cup, with a smooth finish, is surrounded by blossoming flowers and lush greenery. The shadows of nearby plants dance on the cup as gentle breezes sway their leaves.",,3,0,entity,whole,entity - whole (stone path),Is there a stone path? +22,"In the midst of a vibrant garden, a cylindrical green cup stands alone on a stone path, its surface reflecting the bright afternoon sunlight. The cup, with a smooth finish, is surrounded by blossoming flowers and lush greenery. The shadows of nearby plants dance on the cup as gentle breezes sway their leaves.",,4,0,entity,whole,entity - whole (flowers),Are there flowers? +22,"In the midst of a vibrant garden, a cylindrical green cup stands alone on a stone path, its surface reflecting the bright afternoon sunlight. The cup, with a smooth finish, is surrounded by blossoming flowers and lush greenery. The shadows of nearby plants dance on the cup as gentle breezes sway their leaves.",,5,0,entity,whole,entity - whole (greenery),Is there greenery? +22,"In the midst of a vibrant garden, a cylindrical green cup stands alone on a stone path, its surface reflecting the bright afternoon sunlight. The cup, with a smooth finish, is surrounded by blossoming flowers and lush greenery. The shadows of nearby plants dance on the cup as gentle breezes sway their leaves.",,6,2,attribute,color,"attribute - color (cup, green)",Is the cup green? +22,"In the midst of a vibrant garden, a cylindrical green cup stands alone on a stone path, its surface reflecting the bright afternoon sunlight. The cup, with a smooth finish, is surrounded by blossoming flowers and lush greenery. The shadows of nearby plants dance on the cup as gentle breezes sway their leaves.",,7,2,attribute,shape,"attribute - shape (cup, cylindrical)",Is the cup cylindrical? +22,"In the midst of a vibrant garden, a cylindrical green cup stands alone on a stone path, its surface reflecting the bright afternoon sunlight. The cup, with a smooth finish, is surrounded by blossoming flowers and lush greenery. The shadows of nearby plants dance on the cup as gentle breezes sway their leaves.",,8,2,attribute,texture,"attribute - texture (cup, smooth finish)",Does the cup have a smooth finish? +22,"In the midst of a vibrant garden, a cylindrical green cup stands alone on a stone path, its surface reflecting the bright afternoon sunlight. The cup, with a smooth finish, is surrounded by blossoming flowers and lush greenery. The shadows of nearby plants dance on the cup as gentle breezes sway their leaves.",,9,"2,3",relation,spatial,"relation - spatial (cup, stone path, on)",Is the cup on the stone path? +22,"In the midst of a vibrant garden, a cylindrical green cup stands alone on a stone path, its surface reflecting the bright afternoon sunlight. The cup, with a smooth finish, is surrounded by blossoming flowers and lush greenery. The shadows of nearby plants dance on the cup as gentle breezes sway their leaves.",,10,"1,2",relation,spatial,"relation - spatial (cup, garden, in)",Is the cup in the garden? +60,"In a tranquil expanse of ocean, tinged with the warm hues of the setting sun, five vivid red lifesaving rings can be seen gently bobbing on the surface of the calm water. The sinking sun casts an orange glow across the horizon, reflecting its fiery colors on the water's glass-like surface. The rings, spaced evenly apart, form a striking contrast with the deep blue of the sea, creating a picturesque scene devoid of any other vessels or swimmers.",,1,0,entity,whole,entity - whole (ocean),Is there an ocean? +60,"In a tranquil expanse of ocean, tinged with the warm hues of the setting sun, five vivid red lifesaving rings can be seen gently bobbing on the surface of the calm water. The sinking sun casts an orange glow across the horizon, reflecting its fiery colors on the water's glass-like surface. The rings, spaced evenly apart, form a striking contrast with the deep blue of the sea, creating a picturesque scene devoid of any other vessels or swimmers.",,2,0,entity,whole,entity - whole (lifesaving rings),Are there lifesaving rings? +60,"In a tranquil expanse of ocean, tinged with the warm hues of the setting sun, five vivid red lifesaving rings can be seen gently bobbing on the surface of the calm water. The sinking sun casts an orange glow across the horizon, reflecting its fiery colors on the water's glass-like surface. The rings, spaced evenly apart, form a striking contrast with the deep blue of the sea, creating a picturesque scene devoid of any other vessels or swimmers.",,3,0,entity,whole,entity - whole (sun),Is there a sun? +60,"In a tranquil expanse of ocean, tinged with the warm hues of the setting sun, five vivid red lifesaving rings can be seen gently bobbing on the surface of the calm water. The sinking sun casts an orange glow across the horizon, reflecting its fiery colors on the water's glass-like surface. The rings, spaced evenly apart, form a striking contrast with the deep blue of the sea, creating a picturesque scene devoid of any other vessels or swimmers.",,4,2,attribute,color,"attribute - color (lifesaving rings, vivid red)",Are the lifesaving rings vivid red? +60,"In a tranquil expanse of ocean, tinged with the warm hues of the setting sun, five vivid red lifesaving rings can be seen gently bobbing on the surface of the calm water. The sinking sun casts an orange glow across the horizon, reflecting its fiery colors on the water's glass-like surface. The rings, spaced evenly apart, form a striking contrast with the deep blue of the sea, creating a picturesque scene devoid of any other vessels or swimmers.",,5,3,attribute,color,"attribute - color (sun, orange)",Is the sun casting an orange glow? +60,"In a tranquil expanse of ocean, tinged with the warm hues of the setting sun, five vivid red lifesaving rings can be seen gently bobbing on the surface of the calm water. The sinking sun casts an orange glow across the horizon, reflecting its fiery colors on the water's glass-like surface. The rings, spaced evenly apart, form a striking contrast with the deep blue of the sea, creating a picturesque scene devoid of any other vessels or swimmers.",,6,1,attribute,color,"attribute - color (ocean, deep blue)",Is the ocean deep blue? +60,"In a tranquil expanse of ocean, tinged with the warm hues of the setting sun, five vivid red lifesaving rings can be seen gently bobbing on the surface of the calm water. The sinking sun casts an orange glow across the horizon, reflecting its fiery colors on the water's glass-like surface. The rings, spaced evenly apart, form a striking contrast with the deep blue of the sea, creating a picturesque scene devoid of any other vessels or swimmers.",,7,2,other,count,"other - count (lifesaving rings, ==5)",Are there five lifesaving rings? +60,"In a tranquil expanse of ocean, tinged with the warm hues of the setting sun, five vivid red lifesaving rings can be seen gently bobbing on the surface of the calm water. The sinking sun casts an orange glow across the horizon, reflecting its fiery colors on the water's glass-like surface. The rings, spaced evenly apart, form a striking contrast with the deep blue of the sea, creating a picturesque scene devoid of any other vessels or swimmers.",,8,2,entity,state,"entity - state (lifesaving rings, bobbing)",Are the lifesaving rings bobbing on the surface? +60,"In a tranquil expanse of ocean, tinged with the warm hues of the setting sun, five vivid red lifesaving rings can be seen gently bobbing on the surface of the calm water. The sinking sun casts an orange glow across the horizon, reflecting its fiery colors on the water's glass-like surface. The rings, spaced evenly apart, form a striking contrast with the deep blue of the sea, creating a picturesque scene devoid of any other vessels or swimmers.",,9,1,entity,state,"entity - state (water, calm)",Is the water calm? +60,"In a tranquil expanse of ocean, tinged with the warm hues of the setting sun, five vivid red lifesaving rings can be seen gently bobbing on the surface of the calm water. The sinking sun casts an orange glow across the horizon, reflecting its fiery colors on the water's glass-like surface. The rings, spaced evenly apart, form a striking contrast with the deep blue of the sea, creating a picturesque scene devoid of any other vessels or swimmers.",,10,"1,2",relation,spatial,"relation - spatial (lifesaving rings, ocean, on)",Are the lifesaving rings on the ocean surface? +82,"In a dimly lit space, a vibrant green broom with stiff bristles is being used to sweep a muted, grey floor. Shadows stretch across the room, illuminated by the soft orange glow of a smoldering cigarette that has been left unattended. The faint light creates an eerie dance of wisps of smoke in the blue hues of the twilight. Nearby, a simple wooden chair and a metal bucket can be seen, suggesting the room's utilitarian purpose.",,1,0,entity,whole,entity - whole (broom),Is there a broom? +82,"In a dimly lit space, a vibrant green broom with stiff bristles is being used to sweep a muted, grey floor. Shadows stretch across the room, illuminated by the soft orange glow of a smoldering cigarette that has been left unattended. The faint light creates an eerie dance of wisps of smoke in the blue hues of the twilight. Nearby, a simple wooden chair and a metal bucket can be seen, suggesting the room's utilitarian purpose.",,2,0,entity,whole,entity - whole (floor),Is there a floor? +82,"In a dimly lit space, a vibrant green broom with stiff bristles is being used to sweep a muted, grey floor. Shadows stretch across the room, illuminated by the soft orange glow of a smoldering cigarette that has been left unattended. The faint light creates an eerie dance of wisps of smoke in the blue hues of the twilight. Nearby, a simple wooden chair and a metal bucket can be seen, suggesting the room's utilitarian purpose.",,3,0,entity,whole,entity - whole (cigarette),Is there a cigarette? +82,"In a dimly lit space, a vibrant green broom with stiff bristles is being used to sweep a muted, grey floor. Shadows stretch across the room, illuminated by the soft orange glow of a smoldering cigarette that has been left unattended. The faint light creates an eerie dance of wisps of smoke in the blue hues of the twilight. Nearby, a simple wooden chair and a metal bucket can be seen, suggesting the room's utilitarian purpose.",,4,0,entity,whole,entity - whole (chair),Is there a chair? +82,"In a dimly lit space, a vibrant green broom with stiff bristles is being used to sweep a muted, grey floor. Shadows stretch across the room, illuminated by the soft orange glow of a smoldering cigarette that has been left unattended. The faint light creates an eerie dance of wisps of smoke in the blue hues of the twilight. Nearby, a simple wooden chair and a metal bucket can be seen, suggesting the room's utilitarian purpose.",,5,0,entity,whole,entity - whole (bucket),Is there a bucket? +82,"In a dimly lit space, a vibrant green broom with stiff bristles is being used to sweep a muted, grey floor. Shadows stretch across the room, illuminated by the soft orange glow of a smoldering cigarette that has been left unattended. The faint light creates an eerie dance of wisps of smoke in the blue hues of the twilight. Nearby, a simple wooden chair and a metal bucket can be seen, suggesting the room's utilitarian purpose.",,6,1,attribute,color,"attribute - color (broom, vibrant green)",Is the broom vibrant green? +82,"In a dimly lit space, a vibrant green broom with stiff bristles is being used to sweep a muted, grey floor. Shadows stretch across the room, illuminated by the soft orange glow of a smoldering cigarette that has been left unattended. The faint light creates an eerie dance of wisps of smoke in the blue hues of the twilight. Nearby, a simple wooden chair and a metal bucket can be seen, suggesting the room's utilitarian purpose.",,7,1,attribute,texture,"attribute - texture (broom's bristles, stiff)",Are the broom's bristles stiff? +82,"In a dimly lit space, a vibrant green broom with stiff bristles is being used to sweep a muted, grey floor. Shadows stretch across the room, illuminated by the soft orange glow of a smoldering cigarette that has been left unattended. The faint light creates an eerie dance of wisps of smoke in the blue hues of the twilight. Nearby, a simple wooden chair and a metal bucket can be seen, suggesting the room's utilitarian purpose.",,8,2,attribute,color,"attribute - color (floor, grey)",Is the floor grey? +82,"In a dimly lit space, a vibrant green broom with stiff bristles is being used to sweep a muted, grey floor. Shadows stretch across the room, illuminated by the soft orange glow of a smoldering cigarette that has been left unattended. The faint light creates an eerie dance of wisps of smoke in the blue hues of the twilight. Nearby, a simple wooden chair and a metal bucket can be seen, suggesting the room's utilitarian purpose.",,9,3,attribute,color,"attribute - color (cigarette's glow, soft orange)",Is the glow from the cigarette soft orange? +82,"In a dimly lit space, a vibrant green broom with stiff bristles is being used to sweep a muted, grey floor. Shadows stretch across the room, illuminated by the soft orange glow of a smoldering cigarette that has been left unattended. The faint light creates an eerie dance of wisps of smoke in the blue hues of the twilight. Nearby, a simple wooden chair and a metal bucket can be seen, suggesting the room's utilitarian purpose.",,10,"1,2",relation,spatial,"relation - spatial (broom, floor, used to sweep)",Is the broom being used to sweep the floor? +105,"A traditional Venetian mask with intricate designs and feather embellishments is placed on a polished wooden table. Next to the mask, there sits a substantial golden trophy, shining with reflected light, its surface etched with small, detailed engravings. The table and its prestigious items are set against a deep sepia-toned backdrop that enhances the objects' visual appeal.",,1,0,entity,whole,entity - whole (Venetian mask),Is there a traditional Venetian mask? +105,"A traditional Venetian mask with intricate designs and feather embellishments is placed on a polished wooden table. Next to the mask, there sits a substantial golden trophy, shining with reflected light, its surface etched with small, detailed engravings. The table and its prestigious items are set against a deep sepia-toned backdrop that enhances the objects' visual appeal.",,2,1,entity,whole,entity - whole (feather embellishments),Are there feather embellishments? +105,"A traditional Venetian mask with intricate designs and feather embellishments is placed on a polished wooden table. Next to the mask, there sits a substantial golden trophy, shining with reflected light, its surface etched with small, detailed engravings. The table and its prestigious items are set against a deep sepia-toned backdrop that enhances the objects' visual appeal.",,3,0,entity,whole,entity - whole (wooden table),Is there a wooden table? +105,"A traditional Venetian mask with intricate designs and feather embellishments is placed on a polished wooden table. Next to the mask, there sits a substantial golden trophy, shining with reflected light, its surface etched with small, detailed engravings. The table and its prestigious items are set against a deep sepia-toned backdrop that enhances the objects' visual appeal.",,4,0,entity,whole,entity - whole (golden trophy),Is there a golden trophy? +105,"A traditional Venetian mask with intricate designs and feather embellishments is placed on a polished wooden table. Next to the mask, there sits a substantial golden trophy, shining with reflected light, its surface etched with small, detailed engravings. The table and its prestigious items are set against a deep sepia-toned backdrop that enhances the objects' visual appeal.",,5,3,attribute,texture,"attribute - texture (table, polished)",Is the wooden table polished? +105,"A traditional Venetian mask with intricate designs and feather embellishments is placed on a polished wooden table. Next to the mask, there sits a substantial golden trophy, shining with reflected light, its surface etched with small, detailed engravings. The table and its prestigious items are set against a deep sepia-toned backdrop that enhances the objects' visual appeal.",,6,0,attribute,color,"attribute - color (backdrop, deep sepia-toned)",Is the backdrop deep sepia-toned? +105,"A traditional Venetian mask with intricate designs and feather embellishments is placed on a polished wooden table. Next to the mask, there sits a substantial golden trophy, shining with reflected light, its surface etched with small, detailed engravings. The table and its prestigious items are set against a deep sepia-toned backdrop that enhances the objects' visual appeal.",,7,4,attribute,other,"attribute - other (trophy, substantial)",Is the trophy substantial? +105,"A traditional Venetian mask with intricate designs and feather embellishments is placed on a polished wooden table. Next to the mask, there sits a substantial golden trophy, shining with reflected light, its surface etched with small, detailed engravings. The table and its prestigious items are set against a deep sepia-toned backdrop that enhances the objects' visual appeal.",,8,4,attribute,other,"attribute - other (trophy, shining)",Is the trophy shining? +105,"A traditional Venetian mask with intricate designs and feather embellishments is placed on a polished wooden table. Next to the mask, there sits a substantial golden trophy, shining with reflected light, its surface etched with small, detailed engravings. The table and its prestigious items are set against a deep sepia-toned backdrop that enhances the objects' visual appeal.",,9,4,attribute,other,"attribute - other (trophy, etched with engravings)","Is the trophy surface etched with small, detailed engravings?" +105,"A traditional Venetian mask with intricate designs and feather embellishments is placed on a polished wooden table. Next to the mask, there sits a substantial golden trophy, shining with reflected light, its surface etched with small, detailed engravings. The table and its prestigious items are set against a deep sepia-toned backdrop that enhances the objects' visual appeal.",,10,"1,3",relation,spatial,"relation - spatial (mask, table, on)",Is the Venetian mask placed on the table? +105,"A traditional Venetian mask with intricate designs and feather embellishments is placed on a polished wooden table. Next to the mask, there sits a substantial golden trophy, shining with reflected light, its surface etched with small, detailed engravings. The table and its prestigious items are set against a deep sepia-toned backdrop that enhances the objects' visual appeal.",,11,"4,3",relation,spatial,"relation - spatial (trophy, table, next to)",Is the golden trophy sitting next to the mask on the table? +262,"An eye-catching bright red megaphone rests on its side, situated in close proximity to a sleek black microphone that stands upright on a dark stage. The stage itself is equipped with various electronic devices and cables running across its surface, hinting at the preparations for an upcoming event. The microphone, with its polished metal finish, gleams under the stage lights, waiting to project the voice of the speaker into the night.",,1,0,entity,whole,entity - whole (megaphone),Is there a megaphone? +262,"An eye-catching bright red megaphone rests on its side, situated in close proximity to a sleek black microphone that stands upright on a dark stage. The stage itself is equipped with various electronic devices and cables running across its surface, hinting at the preparations for an upcoming event. The microphone, with its polished metal finish, gleams under the stage lights, waiting to project the voice of the speaker into the night.",,2,0,entity,whole,entity - whole (microphone),Is there a microphone? +262,"An eye-catching bright red megaphone rests on its side, situated in close proximity to a sleek black microphone that stands upright on a dark stage. The stage itself is equipped with various electronic devices and cables running across its surface, hinting at the preparations for an upcoming event. The microphone, with its polished metal finish, gleams under the stage lights, waiting to project the voice of the speaker into the night.",,3,0,entity,whole,entity - whole (stage),Is there a stage? +262,"An eye-catching bright red megaphone rests on its side, situated in close proximity to a sleek black microphone that stands upright on a dark stage. The stage itself is equipped with various electronic devices and cables running across its surface, hinting at the preparations for an upcoming event. The microphone, with its polished metal finish, gleams under the stage lights, waiting to project the voice of the speaker into the night.",,4,1,attribute,color,"attribute - color (megaphone, bright red)",Is the megaphone bright red? +262,"An eye-catching bright red megaphone rests on its side, situated in close proximity to a sleek black microphone that stands upright on a dark stage. The stage itself is equipped with various electronic devices and cables running across its surface, hinting at the preparations for an upcoming event. The microphone, with its polished metal finish, gleams under the stage lights, waiting to project the voice of the speaker into the night.",,5,2,attribute,color,"attribute - color (microphone, black)",Is the microphone black? +262,"An eye-catching bright red megaphone rests on its side, situated in close proximity to a sleek black microphone that stands upright on a dark stage. The stage itself is equipped with various electronic devices and cables running across its surface, hinting at the preparations for an upcoming event. The microphone, with its polished metal finish, gleams under the stage lights, waiting to project the voice of the speaker into the night.",,6,1,entity,state,"entity - state (megaphone, rest)",Is the megaphone resting? +262,"An eye-catching bright red megaphone rests on its side, situated in close proximity to a sleek black microphone that stands upright on a dark stage. The stage itself is equipped with various electronic devices and cables running across its surface, hinting at the preparations for an upcoming event. The microphone, with its polished metal finish, gleams under the stage lights, waiting to project the voice of the speaker into the night.",,7,2,entity,state,"entity - state (microphone, stand upright)",Is the microphone standing upright? +262,"An eye-catching bright red megaphone rests on its side, situated in close proximity to a sleek black microphone that stands upright on a dark stage. The stage itself is equipped with various electronic devices and cables running across its surface, hinting at the preparations for an upcoming event. The microphone, with its polished metal finish, gleams under the stage lights, waiting to project the voice of the speaker into the night.",,8,"1,2",relation,spatial,"relation - spatial (megaphone, microphone, close to)",Is the megaphone close to the microphone? +262,"An eye-catching bright red megaphone rests on its side, situated in close proximity to a sleek black microphone that stands upright on a dark stage. The stage itself is equipped with various electronic devices and cables running across its surface, hinting at the preparations for an upcoming event. The microphone, with its polished metal finish, gleams under the stage lights, waiting to project the voice of the speaker into the night.",,9,"1,3",relation,spatial,"relation - spatial (megaphone, stage, on)",Is the megaphone on the stage? +262,"An eye-catching bright red megaphone rests on its side, situated in close proximity to a sleek black microphone that stands upright on a dark stage. The stage itself is equipped with various electronic devices and cables running across its surface, hinting at the preparations for an upcoming event. The microphone, with its polished metal finish, gleams under the stage lights, waiting to project the voice of the speaker into the night.",,10,"2,3",relation,spatial,"relation - spatial (microphone, stage, on)",Is the microphone on the stage? +204,"In the quiet glow of the afternoon sun, a bright yellow helmet and a dusty green backpack are spotted perched on the roof of a silver SUV. The helmet, with minor scuff marks and a dark visor, sits slightly askew, as if hastily placed there. The backpack, partially unzipped with a water bottle peeking out, leans against the vehicle's black roof rack, hinting at a recent adventure or a pause in a journey.",,1,0,entity,whole,entity - whole (helmet),Is there a helmet? +204,"In the quiet glow of the afternoon sun, a bright yellow helmet and a dusty green backpack are spotted perched on the roof of a silver SUV. The helmet, with minor scuff marks and a dark visor, sits slightly askew, as if hastily placed there. The backpack, partially unzipped with a water bottle peeking out, leans against the vehicle's black roof rack, hinting at a recent adventure or a pause in a journey.",,2,0,entity,whole,entity - whole (backpack),Is there a backpack? +204,"In the quiet glow of the afternoon sun, a bright yellow helmet and a dusty green backpack are spotted perched on the roof of a silver SUV. The helmet, with minor scuff marks and a dark visor, sits slightly askew, as if hastily placed there. The backpack, partially unzipped with a water bottle peeking out, leans against the vehicle's black roof rack, hinting at a recent adventure or a pause in a journey.",,3,0,entity,whole,entity - whole (SUV),Is there an SUV? +204,"In the quiet glow of the afternoon sun, a bright yellow helmet and a dusty green backpack are spotted perched on the roof of a silver SUV. The helmet, with minor scuff marks and a dark visor, sits slightly askew, as if hastily placed there. The backpack, partially unzipped with a water bottle peeking out, leans against the vehicle's black roof rack, hinting at a recent adventure or a pause in a journey.",,4,1,attribute,color,"attribute - color (helmet, bright yellow)",Is the helmet bright yellow? +204,"In the quiet glow of the afternoon sun, a bright yellow helmet and a dusty green backpack are spotted perched on the roof of a silver SUV. The helmet, with minor scuff marks and a dark visor, sits slightly askew, as if hastily placed there. The backpack, partially unzipped with a water bottle peeking out, leans against the vehicle's black roof rack, hinting at a recent adventure or a pause in a journey.",,5,2,attribute,color,"attribute - color (backpack, dusty green)",Is the backpack dusty green? +204,"In the quiet glow of the afternoon sun, a bright yellow helmet and a dusty green backpack are spotted perched on the roof of a silver SUV. The helmet, with minor scuff marks and a dark visor, sits slightly askew, as if hastily placed there. The backpack, partially unzipped with a water bottle peeking out, leans against the vehicle's black roof rack, hinting at a recent adventure or a pause in a journey.",,6,3,attribute,color,"attribute - color (SUV, silver)",Is the SUV silver? +204,"In the quiet glow of the afternoon sun, a bright yellow helmet and a dusty green backpack are spotted perched on the roof of a silver SUV. The helmet, with minor scuff marks and a dark visor, sits slightly askew, as if hastily placed there. The backpack, partially unzipped with a water bottle peeking out, leans against the vehicle's black roof rack, hinting at a recent adventure or a pause in a journey.",,7,1,attribute,texture,"attribute - texture (helmet, scuff marks)",Does the helmet have scuff marks? +204,"In the quiet glow of the afternoon sun, a bright yellow helmet and a dusty green backpack are spotted perched on the roof of a silver SUV. The helmet, with minor scuff marks and a dark visor, sits slightly askew, as if hastily placed there. The backpack, partially unzipped with a water bottle peeking out, leans against the vehicle's black roof rack, hinting at a recent adventure or a pause in a journey.",,8,1,entity,part,entity - part (helmet's visor),Is there a visor on the helmet? +204,"In the quiet glow of the afternoon sun, a bright yellow helmet and a dusty green backpack are spotted perched on the roof of a silver SUV. The helmet, with minor scuff marks and a dark visor, sits slightly askew, as if hastily placed there. The backpack, partially unzipped with a water bottle peeking out, leans against the vehicle's black roof rack, hinting at a recent adventure or a pause in a journey.",,9,8,attribute,color,"attribute - color (helmet's visor, dark)",Is the visor dark? +204,"In the quiet glow of the afternoon sun, a bright yellow helmet and a dusty green backpack are spotted perched on the roof of a silver SUV. The helmet, with minor scuff marks and a dark visor, sits slightly askew, as if hastily placed there. The backpack, partially unzipped with a water bottle peeking out, leans against the vehicle's black roof rack, hinting at a recent adventure or a pause in a journey.",,10,1,entity,state,"entity - state (helmet, askew)",Is the helmet placed askew? +204,"In the quiet glow of the afternoon sun, a bright yellow helmet and a dusty green backpack are spotted perched on the roof of a silver SUV. The helmet, with minor scuff marks and a dark visor, sits slightly askew, as if hastily placed there. The backpack, partially unzipped with a water bottle peeking out, leans against the vehicle's black roof rack, hinting at a recent adventure or a pause in a journey.",,11,2,entity,part,entity - part (backpack's water bottle),Is there a water bottle in the backpack? +204,"In the quiet glow of the afternoon sun, a bright yellow helmet and a dusty green backpack are spotted perched on the roof of a silver SUV. The helmet, with minor scuff marks and a dark visor, sits slightly askew, as if hastily placed there. The backpack, partially unzipped with a water bottle peeking out, leans against the vehicle's black roof rack, hinting at a recent adventure or a pause in a journey.",,12,2,entity,state,"entity - state (backpack, partially unzipped)",Is the backpack partially unzipped? +204,"In the quiet glow of the afternoon sun, a bright yellow helmet and a dusty green backpack are spotted perched on the roof of a silver SUV. The helmet, with minor scuff marks and a dark visor, sits slightly askew, as if hastily placed there. The backpack, partially unzipped with a water bottle peeking out, leans against the vehicle's black roof rack, hinting at a recent adventure or a pause in a journey.",,13,"1,3",relation,spatial,"relation - spatial (helmet, SUV, on roof)",Is the helmet perched on the roof of the SUV? +204,"In the quiet glow of the afternoon sun, a bright yellow helmet and a dusty green backpack are spotted perched on the roof of a silver SUV. The helmet, with minor scuff marks and a dark visor, sits slightly askew, as if hastily placed there. The backpack, partially unzipped with a water bottle peeking out, leans against the vehicle's black roof rack, hinting at a recent adventure or a pause in a journey.",,14,"2,3",relation,spatial,"relation - spatial (backpack, SUV, on roof)",Is the backpack perched on the roof of the SUV? +204,"In the quiet glow of the afternoon sun, a bright yellow helmet and a dusty green backpack are spotted perched on the roof of a silver SUV. The helmet, with minor scuff marks and a dark visor, sits slightly askew, as if hastily placed there. The backpack, partially unzipped with a water bottle peeking out, leans against the vehicle's black roof rack, hinting at a recent adventure or a pause in a journey.",,15,"2,3",relation,spatial,"relation - spatial (backpack, vehicle's roof rack, against)",Is the backpack leaning against the vehicle's black roof rack? +47,"A slender, black comb glides effortlessly through a cascade of golden locks that fall over a woman's shoulder. The smooth teeth of the comb reflect the overhead lighting as it navigates through the silky strands. Surrounding the scene, hair care products and a mirror can be seen on a marble countertop, hinting at a grooming routine in progress.",,1,0,entity,whole,entity - whole (comb),Is there a comb? +47,"A slender, black comb glides effortlessly through a cascade of golden locks that fall over a woman's shoulder. The smooth teeth of the comb reflect the overhead lighting as it navigates through the silky strands. Surrounding the scene, hair care products and a mirror can be seen on a marble countertop, hinting at a grooming routine in progress.",,2,0,entity,whole,entity - whole (hair),Is there hair? +47,"A slender, black comb glides effortlessly through a cascade of golden locks that fall over a woman's shoulder. The smooth teeth of the comb reflect the overhead lighting as it navigates through the silky strands. Surrounding the scene, hair care products and a mirror can be seen on a marble countertop, hinting at a grooming routine in progress.",,3,0,entity,whole,entity - whole (woman),Is there a woman? +47,"A slender, black comb glides effortlessly through a cascade of golden locks that fall over a woman's shoulder. The smooth teeth of the comb reflect the overhead lighting as it navigates through the silky strands. Surrounding the scene, hair care products and a mirror can be seen on a marble countertop, hinting at a grooming routine in progress.",,4,0,entity,whole,entity - whole (hair care products),Are there hair care products? +47,"A slender, black comb glides effortlessly through a cascade of golden locks that fall over a woman's shoulder. The smooth teeth of the comb reflect the overhead lighting as it navigates through the silky strands. Surrounding the scene, hair care products and a mirror can be seen on a marble countertop, hinting at a grooming routine in progress.",,5,0,entity,whole,entity - whole (mirror),Is there a mirror? +47,"A slender, black comb glides effortlessly through a cascade of golden locks that fall over a woman's shoulder. The smooth teeth of the comb reflect the overhead lighting as it navigates through the silky strands. Surrounding the scene, hair care products and a mirror can be seen on a marble countertop, hinting at a grooming routine in progress.",,6,0,entity,whole,entity - whole (countertop),Is there a countertop? +47,"A slender, black comb glides effortlessly through a cascade of golden locks that fall over a woman's shoulder. The smooth teeth of the comb reflect the overhead lighting as it navigates through the silky strands. Surrounding the scene, hair care products and a mirror can be seen on a marble countertop, hinting at a grooming routine in progress.",,7,1,attribute,color,"attribute - color (comb, black)",Is the comb black? +47,"A slender, black comb glides effortlessly through a cascade of golden locks that fall over a woman's shoulder. The smooth teeth of the comb reflect the overhead lighting as it navigates through the silky strands. Surrounding the scene, hair care products and a mirror can be seen on a marble countertop, hinting at a grooming routine in progress.",,8,2,attribute,color,"attribute - color (hair, golden)",Is the hair golden? +47,"A slender, black comb glides effortlessly through a cascade of golden locks that fall over a woman's shoulder. The smooth teeth of the comb reflect the overhead lighting as it navigates through the silky strands. Surrounding the scene, hair care products and a mirror can be seen on a marble countertop, hinting at a grooming routine in progress.",,9,6,attribute,texture,"attribute - texture (countertop, marble)",Is the countertop made of marble? +47,"A slender, black comb glides effortlessly through a cascade of golden locks that fall over a woman's shoulder. The smooth teeth of the comb reflect the overhead lighting as it navigates through the silky strands. Surrounding the scene, hair care products and a mirror can be seen on a marble countertop, hinting at a grooming routine in progress.",,10,"1,2",relation,spatial,"relation - spatial (comb, hair, through)",Is the comb gliding through the hair? +47,"A slender, black comb glides effortlessly through a cascade of golden locks that fall over a woman's shoulder. The smooth teeth of the comb reflect the overhead lighting as it navigates through the silky strands. Surrounding the scene, hair care products and a mirror can be seen on a marble countertop, hinting at a grooming routine in progress.",,11,"4,6",relation,spatial,"relation - spatial (hair care products, countertop, on)",Are the hair care products on the countertop? +47,"A slender, black comb glides effortlessly through a cascade of golden locks that fall over a woman's shoulder. The smooth teeth of the comb reflect the overhead lighting as it navigates through the silky strands. Surrounding the scene, hair care products and a mirror can be seen on a marble countertop, hinting at a grooming routine in progress.",,12,"5,6",relation,spatial,"relation - spatial (mirror, countertop, on)",Is the mirror on the countertop? +100,"An immaculate white vanity desk featuring an array of beauty products, among which a soft-bristled cosmetics brush and a sleek black eyeliner pencil are neatly arranged. To the side, a stark and dissonant element, a metallic handgun, lies on the textured surface of a grey concrete floor, creating a jarring juxtaposition against the delicate makeup tools. The vanity itself is positioned against a white wall, illuminated by the natural light streaming in from a nearby window.",,1,0,entity,whole,entity - whole (vanity desk),Is there a vanity desk? +100,"An immaculate white vanity desk featuring an array of beauty products, among which a soft-bristled cosmetics brush and a sleek black eyeliner pencil are neatly arranged. To the side, a stark and dissonant element, a metallic handgun, lies on the textured surface of a grey concrete floor, creating a jarring juxtaposition against the delicate makeup tools. The vanity itself is positioned against a white wall, illuminated by the natural light streaming in from a nearby window.",,2,1,entity,whole,entity - whole (beauty products),Are there beauty products? +100,"An immaculate white vanity desk featuring an array of beauty products, among which a soft-bristled cosmetics brush and a sleek black eyeliner pencil are neatly arranged. To the side, a stark and dissonant element, a metallic handgun, lies on the textured surface of a grey concrete floor, creating a jarring juxtaposition against the delicate makeup tools. The vanity itself is positioned against a white wall, illuminated by the natural light streaming in from a nearby window.",,3,2,entity,whole,entity - whole (cosmetics brush),Is there a cosmetics brush? +100,"An immaculate white vanity desk featuring an array of beauty products, among which a soft-bristled cosmetics brush and a sleek black eyeliner pencil are neatly arranged. To the side, a stark and dissonant element, a metallic handgun, lies on the textured surface of a grey concrete floor, creating a jarring juxtaposition against the delicate makeup tools. The vanity itself is positioned against a white wall, illuminated by the natural light streaming in from a nearby window.",,4,2,entity,whole,entity - whole (eyeliner pencil),Is there an eyeliner pencil? +100,"An immaculate white vanity desk featuring an array of beauty products, among which a soft-bristled cosmetics brush and a sleek black eyeliner pencil are neatly arranged. To the side, a stark and dissonant element, a metallic handgun, lies on the textured surface of a grey concrete floor, creating a jarring juxtaposition against the delicate makeup tools. The vanity itself is positioned against a white wall, illuminated by the natural light streaming in from a nearby window.",,5,0,entity,whole,entity - whole (handgun),Is there a handgun? +100,"An immaculate white vanity desk featuring an array of beauty products, among which a soft-bristled cosmetics brush and a sleek black eyeliner pencil are neatly arranged. To the side, a stark and dissonant element, a metallic handgun, lies on the textured surface of a grey concrete floor, creating a jarring juxtaposition against the delicate makeup tools. The vanity itself is positioned against a white wall, illuminated by the natural light streaming in from a nearby window.",,6,0,entity,whole,entity - whole (floor),Is there a floor? +100,"An immaculate white vanity desk featuring an array of beauty products, among which a soft-bristled cosmetics brush and a sleek black eyeliner pencil are neatly arranged. To the side, a stark and dissonant element, a metallic handgun, lies on the textured surface of a grey concrete floor, creating a jarring juxtaposition against the delicate makeup tools. The vanity itself is positioned against a white wall, illuminated by the natural light streaming in from a nearby window.",,7,0,entity,whole,entity - whole (wall),Is there a wall? +100,"An immaculate white vanity desk featuring an array of beauty products, among which a soft-bristled cosmetics brush and a sleek black eyeliner pencil are neatly arranged. To the side, a stark and dissonant element, a metallic handgun, lies on the textured surface of a grey concrete floor, creating a jarring juxtaposition against the delicate makeup tools. The vanity itself is positioned against a white wall, illuminated by the natural light streaming in from a nearby window.",,8,0,entity,whole,entity - whole (window),Is there a window? +100,"An immaculate white vanity desk featuring an array of beauty products, among which a soft-bristled cosmetics brush and a sleek black eyeliner pencil are neatly arranged. To the side, a stark and dissonant element, a metallic handgun, lies on the textured surface of a grey concrete floor, creating a jarring juxtaposition against the delicate makeup tools. The vanity itself is positioned against a white wall, illuminated by the natural light streaming in from a nearby window.",,9,1,attribute,color,"attribute - color (vanity desk, white)",Is the vanity desk white? +100,"An immaculate white vanity desk featuring an array of beauty products, among which a soft-bristled cosmetics brush and a sleek black eyeliner pencil are neatly arranged. To the side, a stark and dissonant element, a metallic handgun, lies on the textured surface of a grey concrete floor, creating a jarring juxtaposition against the delicate makeup tools. The vanity itself is positioned against a white wall, illuminated by the natural light streaming in from a nearby window.",,10,6,attribute,color,"attribute - color (floor, grey concrete)",Is the floor made of grey concrete? +178,"A dining room setting showcasing an unusually large red bell pepper with a shiny, slightly wrinkled texture, prominently placed beside a diminutive golden medal with a red ribbon on a polished wooden dining table. The pepper's vibrant hue contrasts with the medal's gleaming surface. The scene is composed in natural light, highlighting the intricate details of the pepper's surface and the reflective quality of the medal.",,1,0,entity,whole,entity - whole (bell pepper),Is there a bell pepper? +178,"A dining room setting showcasing an unusually large red bell pepper with a shiny, slightly wrinkled texture, prominently placed beside a diminutive golden medal with a red ribbon on a polished wooden dining table. The pepper's vibrant hue contrasts with the medal's gleaming surface. The scene is composed in natural light, highlighting the intricate details of the pepper's surface and the reflective quality of the medal.",,2,0,entity,whole,entity - whole (medal),Is there a medal? +178,"A dining room setting showcasing an unusually large red bell pepper with a shiny, slightly wrinkled texture, prominently placed beside a diminutive golden medal with a red ribbon on a polished wooden dining table. The pepper's vibrant hue contrasts with the medal's gleaming surface. The scene is composed in natural light, highlighting the intricate details of the pepper's surface and the reflective quality of the medal.",,3,0,entity,whole,entity - whole (dining table),Is there a dining table? +178,"A dining room setting showcasing an unusually large red bell pepper with a shiny, slightly wrinkled texture, prominently placed beside a diminutive golden medal with a red ribbon on a polished wooden dining table. The pepper's vibrant hue contrasts with the medal's gleaming surface. The scene is composed in natural light, highlighting the intricate details of the pepper's surface and the reflective quality of the medal.",,4,1,attribute,color,"attribute - color (bell pepper, red)",Is the bell pepper red? +178,"A dining room setting showcasing an unusually large red bell pepper with a shiny, slightly wrinkled texture, prominently placed beside a diminutive golden medal with a red ribbon on a polished wooden dining table. The pepper's vibrant hue contrasts with the medal's gleaming surface. The scene is composed in natural light, highlighting the intricate details of the pepper's surface and the reflective quality of the medal.",,5,2,attribute,color,"attribute - color (medal, golden)",Is the medal golden? +178,"A dining room setting showcasing an unusually large red bell pepper with a shiny, slightly wrinkled texture, prominently placed beside a diminutive golden medal with a red ribbon on a polished wooden dining table. The pepper's vibrant hue contrasts with the medal's gleaming surface. The scene is composed in natural light, highlighting the intricate details of the pepper's surface and the reflective quality of the medal.",,6,2,attribute,color,"attribute - color (medal's ribbon, red)",Is the ribbon on the medal red? +178,"A dining room setting showcasing an unusually large red bell pepper with a shiny, slightly wrinkled texture, prominently placed beside a diminutive golden medal with a red ribbon on a polished wooden dining table. The pepper's vibrant hue contrasts with the medal's gleaming surface. The scene is composed in natural light, highlighting the intricate details of the pepper's surface and the reflective quality of the medal.",,7,1,attribute,size,"attribute - size (bell pepper, unusually large)",Is the bell pepper unusually large? +178,"A dining room setting showcasing an unusually large red bell pepper with a shiny, slightly wrinkled texture, prominently placed beside a diminutive golden medal with a red ribbon on a polished wooden dining table. The pepper's vibrant hue contrasts with the medal's gleaming surface. The scene is composed in natural light, highlighting the intricate details of the pepper's surface and the reflective quality of the medal.",,8,1,attribute,texture,"attribute - texture (bell pepper, shiny and slightly wrinkled)",Does the bell pepper have a shiny and slightly wrinkled texture? +178,"A dining room setting showcasing an unusually large red bell pepper with a shiny, slightly wrinkled texture, prominently placed beside a diminutive golden medal with a red ribbon on a polished wooden dining table. The pepper's vibrant hue contrasts with the medal's gleaming surface. The scene is composed in natural light, highlighting the intricate details of the pepper's surface and the reflective quality of the medal.",,9,3,attribute,texture,"attribute - texture (dining table, polished wood)",Is the dining table made of polished wood? +178,"A dining room setting showcasing an unusually large red bell pepper with a shiny, slightly wrinkled texture, prominently placed beside a diminutive golden medal with a red ribbon on a polished wooden dining table. The pepper's vibrant hue contrasts with the medal's gleaming surface. The scene is composed in natural light, highlighting the intricate details of the pepper's surface and the reflective quality of the medal.",,10,"1,3",relation,spatial,"relation - spatial (bell pepper, dining table, on)",Is the bell pepper on the dining table? +178,"A dining room setting showcasing an unusually large red bell pepper with a shiny, slightly wrinkled texture, prominently placed beside a diminutive golden medal with a red ribbon on a polished wooden dining table. The pepper's vibrant hue contrasts with the medal's gleaming surface. The scene is composed in natural light, highlighting the intricate details of the pepper's surface and the reflective quality of the medal.",,11,"2,3",relation,spatial,"relation - spatial (medal, dining table, on)",Is the medal on the dining table? +178,"A dining room setting showcasing an unusually large red bell pepper with a shiny, slightly wrinkled texture, prominently placed beside a diminutive golden medal with a red ribbon on a polished wooden dining table. The pepper's vibrant hue contrasts with the medal's gleaming surface. The scene is composed in natural light, highlighting the intricate details of the pepper's surface and the reflective quality of the medal.",,12,"1,2",relation,spatial,"relation - spatial (bell pepper, medal, beside)",Is the bell pepper placed beside the medal? +73,"In the center of a dimly lit stage, a vintage green guitar with a glossy finish leans gently against a classic black amplifier. The polished wooden flooring of the stage reflects the warm, golden hue from a single spotlight above, which casts an inviting glow over the instrument. A microphone stand with a chrome finish stands to the left of the guitar, poised for the evening's performance.",,1,0,entity,whole,entity - whole (stage),Is there a stage? +73,"In the center of a dimly lit stage, a vintage green guitar with a glossy finish leans gently against a classic black amplifier. The polished wooden flooring of the stage reflects the warm, golden hue from a single spotlight above, which casts an inviting glow over the instrument. A microphone stand with a chrome finish stands to the left of the guitar, poised for the evening's performance.",,2,0,entity,whole,entity - whole (guitar),Is there a guitar? +73,"In the center of a dimly lit stage, a vintage green guitar with a glossy finish leans gently against a classic black amplifier. The polished wooden flooring of the stage reflects the warm, golden hue from a single spotlight above, which casts an inviting glow over the instrument. A microphone stand with a chrome finish stands to the left of the guitar, poised for the evening's performance.",,3,0,entity,whole,entity - whole (amplifier),Is there an amplifier? +73,"In the center of a dimly lit stage, a vintage green guitar with a glossy finish leans gently against a classic black amplifier. The polished wooden flooring of the stage reflects the warm, golden hue from a single spotlight above, which casts an inviting glow over the instrument. A microphone stand with a chrome finish stands to the left of the guitar, poised for the evening's performance.",,4,0,entity,whole,entity - whole (flooring),Is there flooring? +73,"In the center of a dimly lit stage, a vintage green guitar with a glossy finish leans gently against a classic black amplifier. The polished wooden flooring of the stage reflects the warm, golden hue from a single spotlight above, which casts an inviting glow over the instrument. A microphone stand with a chrome finish stands to the left of the guitar, poised for the evening's performance.",,5,0,entity,whole,entity - whole (spotlight),Is there a spotlight? +73,"In the center of a dimly lit stage, a vintage green guitar with a glossy finish leans gently against a classic black amplifier. The polished wooden flooring of the stage reflects the warm, golden hue from a single spotlight above, which casts an inviting glow over the instrument. A microphone stand with a chrome finish stands to the left of the guitar, poised for the evening's performance.",,6,0,entity,whole,entity - whole (microphone stand),Is there a microphone stand? +73,"In the center of a dimly lit stage, a vintage green guitar with a glossy finish leans gently against a classic black amplifier. The polished wooden flooring of the stage reflects the warm, golden hue from a single spotlight above, which casts an inviting glow over the instrument. A microphone stand with a chrome finish stands to the left of the guitar, poised for the evening's performance.",,7,2,attribute,color,"attribute - color (guitar, vintage green)",Is the guitar vintage green? +73,"In the center of a dimly lit stage, a vintage green guitar with a glossy finish leans gently against a classic black amplifier. The polished wooden flooring of the stage reflects the warm, golden hue from a single spotlight above, which casts an inviting glow over the instrument. A microphone stand with a chrome finish stands to the left of the guitar, poised for the evening's performance.",,8,2,attribute,texture,"attribute - texture (guitar, glossy)",Does the guitar have a glossy finish? +73,"In the center of a dimly lit stage, a vintage green guitar with a glossy finish leans gently against a classic black amplifier. The polished wooden flooring of the stage reflects the warm, golden hue from a single spotlight above, which casts an inviting glow over the instrument. A microphone stand with a chrome finish stands to the left of the guitar, poised for the evening's performance.",,9,3,attribute,color,"attribute - color (amplifier, classic black)",Is the amplifier classic black? +73,"In the center of a dimly lit stage, a vintage green guitar with a glossy finish leans gently against a classic black amplifier. The polished wooden flooring of the stage reflects the warm, golden hue from a single spotlight above, which casts an inviting glow over the instrument. A microphone stand with a chrome finish stands to the left of the guitar, poised for the evening's performance.",,10,4,attribute,texture,"attribute - texture (flooring, polished wooden)",Is the flooring polished wooden? +285,"In a vibrant green field, a cinnamon-colored cat with stripes is in full sprint, its body low to the ground as it chases after a spherical toy designed to look like a charcoal-colored antelope. The toy is rolling unevenly across the terrain, causing tufts of grass to sway in its wake. The cat's fur ripples with each agile movement, and its intense focus is evident even at a distance.",,1,0,entity,whole,entity - whole (field),Is there a field? +285,"In a vibrant green field, a cinnamon-colored cat with stripes is in full sprint, its body low to the ground as it chases after a spherical toy designed to look like a charcoal-colored antelope. The toy is rolling unevenly across the terrain, causing tufts of grass to sway in its wake. The cat's fur ripples with each agile movement, and its intense focus is evident even at a distance.",,2,0,entity,whole,entity - whole (cat),Is there a cat? +285,"In a vibrant green field, a cinnamon-colored cat with stripes is in full sprint, its body low to the ground as it chases after a spherical toy designed to look like a charcoal-colored antelope. The toy is rolling unevenly across the terrain, causing tufts of grass to sway in its wake. The cat's fur ripples with each agile movement, and its intense focus is evident even at a distance.",,3,0,entity,whole,entity - whole (toy),Is there a toy? +285,"In a vibrant green field, a cinnamon-colored cat with stripes is in full sprint, its body low to the ground as it chases after a spherical toy designed to look like a charcoal-colored antelope. The toy is rolling unevenly across the terrain, causing tufts of grass to sway in its wake. The cat's fur ripples with each agile movement, and its intense focus is evident even at a distance.",,4,1,attribute,color,"attribute - color (field, vibrant green)",Is the field vibrant green? +285,"In a vibrant green field, a cinnamon-colored cat with stripes is in full sprint, its body low to the ground as it chases after a spherical toy designed to look like a charcoal-colored antelope. The toy is rolling unevenly across the terrain, causing tufts of grass to sway in its wake. The cat's fur ripples with each agile movement, and its intense focus is evident even at a distance.",,5,2,attribute,color,"attribute - color (cat, cinnamon)",Is the cat cinnamon-colored? +285,"In a vibrant green field, a cinnamon-colored cat with stripes is in full sprint, its body low to the ground as it chases after a spherical toy designed to look like a charcoal-colored antelope. The toy is rolling unevenly across the terrain, causing tufts of grass to sway in its wake. The cat's fur ripples with each agile movement, and its intense focus is evident even at a distance.",,6,3,attribute,color,"attribute - color (toy, charcoal)",Is the toy charcoal-colored? +285,"In a vibrant green field, a cinnamon-colored cat with stripes is in full sprint, its body low to the ground as it chases after a spherical toy designed to look like a charcoal-colored antelope. The toy is rolling unevenly across the terrain, causing tufts of grass to sway in its wake. The cat's fur ripples with each agile movement, and its intense focus is evident even at a distance.",,7,3,attribute,shape,"attribute - shape (toy, spherical)",Is the toy spherical? +285,"In a vibrant green field, a cinnamon-colored cat with stripes is in full sprint, its body low to the ground as it chases after a spherical toy designed to look like a charcoal-colored antelope. The toy is rolling unevenly across the terrain, causing tufts of grass to sway in its wake. The cat's fur ripples with each agile movement, and its intense focus is evident even at a distance.",,8,2,attribute,texture,"attribute - texture (cat's fur, rippled)",Does the cat's fur ripple? +285,"In a vibrant green field, a cinnamon-colored cat with stripes is in full sprint, its body low to the ground as it chases after a spherical toy designed to look like a charcoal-colored antelope. The toy is rolling unevenly across the terrain, causing tufts of grass to sway in its wake. The cat's fur ripples with each agile movement, and its intense focus is evident even at a distance.",,9,2,entity,state,"entity - state (cat, sprint)",Is the cat in full sprint? +285,"In a vibrant green field, a cinnamon-colored cat with stripes is in full sprint, its body low to the ground as it chases after a spherical toy designed to look like a charcoal-colored antelope. The toy is rolling unevenly across the terrain, causing tufts of grass to sway in its wake. The cat's fur ripples with each agile movement, and its intense focus is evident even at a distance.",,10,"1,2",relation,spatial,"relation - spatial (cat, field, in)",Is the cat in the field? +255,"On a bright day, a trio of sunshine yellow shrimp can be seen scuttling about the base of a striking zebra, its coat a contrast of black and white stripes reminiscent of a starry sky without a moon. The zebra stands casually on a patch of vibrant green grass, seemingly unfazed by the small crustaceans exploring around its hooves. The sun casts a warm glow on the scene, enhancing the vivid colors and casting short shadows on the ground beneath the animals.",,1,0,entity,whole,entity - whole (shrimp),Are there shrimp? +255,"On a bright day, a trio of sunshine yellow shrimp can be seen scuttling about the base of a striking zebra, its coat a contrast of black and white stripes reminiscent of a starry sky without a moon. The zebra stands casually on a patch of vibrant green grass, seemingly unfazed by the small crustaceans exploring around its hooves. The sun casts a warm glow on the scene, enhancing the vivid colors and casting short shadows on the ground beneath the animals.",,2,0,entity,whole,entity - whole (zebra),Is there a zebra? +255,"On a bright day, a trio of sunshine yellow shrimp can be seen scuttling about the base of a striking zebra, its coat a contrast of black and white stripes reminiscent of a starry sky without a moon. The zebra stands casually on a patch of vibrant green grass, seemingly unfazed by the small crustaceans exploring around its hooves. The sun casts a warm glow on the scene, enhancing the vivid colors and casting short shadows on the ground beneath the animals.",,3,0,entity,whole,entity - whole (grass),Is there grass? +255,"On a bright day, a trio of sunshine yellow shrimp can be seen scuttling about the base of a striking zebra, its coat a contrast of black and white stripes reminiscent of a starry sky without a moon. The zebra stands casually on a patch of vibrant green grass, seemingly unfazed by the small crustaceans exploring around its hooves. The sun casts a warm glow on the scene, enhancing the vivid colors and casting short shadows on the ground beneath the animals.",,4,1,other,count,"other - count (shrimp, ==3)",Are there three shrimp? +255,"On a bright day, a trio of sunshine yellow shrimp can be seen scuttling about the base of a striking zebra, its coat a contrast of black and white stripes reminiscent of a starry sky without a moon. The zebra stands casually on a patch of vibrant green grass, seemingly unfazed by the small crustaceans exploring around its hooves. The sun casts a warm glow on the scene, enhancing the vivid colors and casting short shadows on the ground beneath the animals.",,5,1,attribute,color,"attribute - color (shrimp, sunshine yellow)",Are the shrimp sunshine yellow? +255,"On a bright day, a trio of sunshine yellow shrimp can be seen scuttling about the base of a striking zebra, its coat a contrast of black and white stripes reminiscent of a starry sky without a moon. The zebra stands casually on a patch of vibrant green grass, seemingly unfazed by the small crustaceans exploring around its hooves. The sun casts a warm glow on the scene, enhancing the vivid colors and casting short shadows on the ground beneath the animals.",,6,2,attribute,color,"attribute - color (zebra, black and white)",Does the zebra have black and white stripes? +255,"On a bright day, a trio of sunshine yellow shrimp can be seen scuttling about the base of a striking zebra, its coat a contrast of black and white stripes reminiscent of a starry sky without a moon. The zebra stands casually on a patch of vibrant green grass, seemingly unfazed by the small crustaceans exploring around its hooves. The sun casts a warm glow on the scene, enhancing the vivid colors and casting short shadows on the ground beneath the animals.",,7,3,attribute,color,"attribute - color (grass, vibrant green)",Is the grass vibrant green? +255,"On a bright day, a trio of sunshine yellow shrimp can be seen scuttling about the base of a striking zebra, its coat a contrast of black and white stripes reminiscent of a starry sky without a moon. The zebra stands casually on a patch of vibrant green grass, seemingly unfazed by the small crustaceans exploring around its hooves. The sun casts a warm glow on the scene, enhancing the vivid colors and casting short shadows on the ground beneath the animals.",,8,2,entity,state,"entity - state (zebra, stand)",Is the zebra standing? +255,"On a bright day, a trio of sunshine yellow shrimp can be seen scuttling about the base of a striking zebra, its coat a contrast of black and white stripes reminiscent of a starry sky without a moon. The zebra stands casually on a patch of vibrant green grass, seemingly unfazed by the small crustaceans exploring around its hooves. The sun casts a warm glow on the scene, enhancing the vivid colors and casting short shadows on the ground beneath the animals.",,9,1,entity,state,"entity - state (shrimp, scuttle)",Are the shrimp scuttling? +255,"On a bright day, a trio of sunshine yellow shrimp can be seen scuttling about the base of a striking zebra, its coat a contrast of black and white stripes reminiscent of a starry sky without a moon. The zebra stands casually on a patch of vibrant green grass, seemingly unfazed by the small crustaceans exploring around its hooves. The sun casts a warm glow on the scene, enhancing the vivid colors and casting short shadows on the ground beneath the animals.",,10,"1,2",relation,spatial,"relation - spatial (shrimp, zebra, base of)",Are the shrimp at the base of the zebra? +203,"Inside a bathroom with white tiled walls, a pastel pink toothbrush is propped up next to a towering yellow mop with a fluffy fiber head. Despite their size difference, they both lean casually against the same wall, with the toothbrush appearing diminutive when compared to the mop. The floor is speckled with small water droplets, hinting that the mop may have been recently used.",,1,0,entity,whole,entity - whole (bathroom),Is there a bathroom? +203,"Inside a bathroom with white tiled walls, a pastel pink toothbrush is propped up next to a towering yellow mop with a fluffy fiber head. Despite their size difference, they both lean casually against the same wall, with the toothbrush appearing diminutive when compared to the mop. The floor is speckled with small water droplets, hinting that the mop may have been recently used.",,2,0,entity,whole,entity - whole (toothbrush),Is there a toothbrush? +203,"Inside a bathroom with white tiled walls, a pastel pink toothbrush is propped up next to a towering yellow mop with a fluffy fiber head. Despite their size difference, they both lean casually against the same wall, with the toothbrush appearing diminutive when compared to the mop. The floor is speckled with small water droplets, hinting that the mop may have been recently used.",,3,0,entity,whole,entity - whole (mop),Is there a mop? +203,"Inside a bathroom with white tiled walls, a pastel pink toothbrush is propped up next to a towering yellow mop with a fluffy fiber head. Despite their size difference, they both lean casually against the same wall, with the toothbrush appearing diminutive when compared to the mop. The floor is speckled with small water droplets, hinting that the mop may have been recently used.",,4,2,attribute,color,"attribute - color (toothbrush, pastel pink)",Is the toothbrush pastel pink? +203,"Inside a bathroom with white tiled walls, a pastel pink toothbrush is propped up next to a towering yellow mop with a fluffy fiber head. Despite their size difference, they both lean casually against the same wall, with the toothbrush appearing diminutive when compared to the mop. The floor is speckled with small water droplets, hinting that the mop may have been recently used.",,5,3,attribute,color,"attribute - color (mop, yellow)",Is the mop yellow? +203,"Inside a bathroom with white tiled walls, a pastel pink toothbrush is propped up next to a towering yellow mop with a fluffy fiber head. Despite their size difference, they both lean casually against the same wall, with the toothbrush appearing diminutive when compared to the mop. The floor is speckled with small water droplets, hinting that the mop may have been recently used.",,6,3,attribute,texture,"attribute - texture (mop's head, fluffy fiber)",Does the mop have a fluffy fiber head? +203,"Inside a bathroom with white tiled walls, a pastel pink toothbrush is propped up next to a towering yellow mop with a fluffy fiber head. Despite their size difference, they both lean casually against the same wall, with the toothbrush appearing diminutive when compared to the mop. The floor is speckled with small water droplets, hinting that the mop may have been recently used.",,7,1,attribute,color,"attribute - color (walls, white)",Are the walls white? +203,"Inside a bathroom with white tiled walls, a pastel pink toothbrush is propped up next to a towering yellow mop with a fluffy fiber head. Despite their size difference, they both lean casually against the same wall, with the toothbrush appearing diminutive when compared to the mop. The floor is speckled with small water droplets, hinting that the mop may have been recently used.",,8,1,attribute,texture,"attribute - texture (walls, tiled)",Are the walls tiled? +203,"Inside a bathroom with white tiled walls, a pastel pink toothbrush is propped up next to a towering yellow mop with a fluffy fiber head. Despite their size difference, they both lean casually against the same wall, with the toothbrush appearing diminutive when compared to the mop. The floor is speckled with small water droplets, hinting that the mop may have been recently used.",,9,2,entity,state,"entity - state (toothbrush, propped up)",Is the toothbrush propped up? +203,"Inside a bathroom with white tiled walls, a pastel pink toothbrush is propped up next to a towering yellow mop with a fluffy fiber head. Despite their size difference, they both lean casually against the same wall, with the toothbrush appearing diminutive when compared to the mop. The floor is speckled with small water droplets, hinting that the mop may have been recently used.",,10,3,entity,state,"entity - state (mop, towering)",Is the mop towering? +292,"A rustic wooden table bathed in soft afternoon sunlight, showcasing a hearty, crusty loaf of freshly baked brown bread alongside a richly colored, firm purple eggplant. The textures of the bread's crackled crust juxtapose with the eggplant's smooth, glossy skin. Nearby, a folded linen napkin and an assortment of herbs suggest preparations for a savory meal.",,1,0,entity,whole,entity - whole (table),Is there a table? +292,"A rustic wooden table bathed in soft afternoon sunlight, showcasing a hearty, crusty loaf of freshly baked brown bread alongside a richly colored, firm purple eggplant. The textures of the bread's crackled crust juxtapose with the eggplant's smooth, glossy skin. Nearby, a folded linen napkin and an assortment of herbs suggest preparations for a savory meal.",,2,0,entity,whole,entity - whole (bread),Is there bread? +292,"A rustic wooden table bathed in soft afternoon sunlight, showcasing a hearty, crusty loaf of freshly baked brown bread alongside a richly colored, firm purple eggplant. The textures of the bread's crackled crust juxtapose with the eggplant's smooth, glossy skin. Nearby, a folded linen napkin and an assortment of herbs suggest preparations for a savory meal.",,3,0,entity,whole,entity - whole (eggplant),Is there an eggplant? +292,"A rustic wooden table bathed in soft afternoon sunlight, showcasing a hearty, crusty loaf of freshly baked brown bread alongside a richly colored, firm purple eggplant. The textures of the bread's crackled crust juxtapose with the eggplant's smooth, glossy skin. Nearby, a folded linen napkin and an assortment of herbs suggest preparations for a savory meal.",,4,0,entity,whole,entity - whole (napkin),Is there a napkin? +292,"A rustic wooden table bathed in soft afternoon sunlight, showcasing a hearty, crusty loaf of freshly baked brown bread alongside a richly colored, firm purple eggplant. The textures of the bread's crackled crust juxtapose with the eggplant's smooth, glossy skin. Nearby, a folded linen napkin and an assortment of herbs suggest preparations for a savory meal.",,5,0,entity,whole,entity - whole (herbs),Are there herbs? +292,"A rustic wooden table bathed in soft afternoon sunlight, showcasing a hearty, crusty loaf of freshly baked brown bread alongside a richly colored, firm purple eggplant. The textures of the bread's crackled crust juxtapose with the eggplant's smooth, glossy skin. Nearby, a folded linen napkin and an assortment of herbs suggest preparations for a savory meal.",,6,1,attribute,texture,"attribute - texture (table, wood, rustic)",Is the table made of rustic wood? +292,"A rustic wooden table bathed in soft afternoon sunlight, showcasing a hearty, crusty loaf of freshly baked brown bread alongside a richly colored, firm purple eggplant. The textures of the bread's crackled crust juxtapose with the eggplant's smooth, glossy skin. Nearby, a folded linen napkin and an assortment of herbs suggest preparations for a savory meal.",,7,2,attribute,texture,"attribute - texture (bread, crust, crackled)",Does the bread have a crackled crust? +292,"A rustic wooden table bathed in soft afternoon sunlight, showcasing a hearty, crusty loaf of freshly baked brown bread alongside a richly colored, firm purple eggplant. The textures of the bread's crackled crust juxtapose with the eggplant's smooth, glossy skin. Nearby, a folded linen napkin and an assortment of herbs suggest preparations for a savory meal.",,8,3,attribute,texture,"attribute - texture (eggplant, skin, smooth and glossy)",Is the eggplant's skin smooth and glossy? +292,"A rustic wooden table bathed in soft afternoon sunlight, showcasing a hearty, crusty loaf of freshly baked brown bread alongside a richly colored, firm purple eggplant. The textures of the bread's crackled crust juxtapose with the eggplant's smooth, glossy skin. Nearby, a folded linen napkin and an assortment of herbs suggest preparations for a savory meal.",,9,3,attribute,color,"attribute - color (eggplant, purple)",Is the eggplant purple? +292,"A rustic wooden table bathed in soft afternoon sunlight, showcasing a hearty, crusty loaf of freshly baked brown bread alongside a richly colored, firm purple eggplant. The textures of the bread's crackled crust juxtapose with the eggplant's smooth, glossy skin. Nearby, a folded linen napkin and an assortment of herbs suggest preparations for a savory meal.",,10,"1,2",relation,spatial,"relation - spatial (bread, table, on)",Is the bread on the table? +292,"A rustic wooden table bathed in soft afternoon sunlight, showcasing a hearty, crusty loaf of freshly baked brown bread alongside a richly colored, firm purple eggplant. The textures of the bread's crackled crust juxtapose with the eggplant's smooth, glossy skin. Nearby, a folded linen napkin and an assortment of herbs suggest preparations for a savory meal.",,11,"1,3",relation,spatial,"relation - spatial (eggplant, table, on)",Is the eggplant on the table? +292,"A rustic wooden table bathed in soft afternoon sunlight, showcasing a hearty, crusty loaf of freshly baked brown bread alongside a richly colored, firm purple eggplant. The textures of the bread's crackled crust juxtapose with the eggplant's smooth, glossy skin. Nearby, a folded linen napkin and an assortment of herbs suggest preparations for a savory meal.",,12,"1,4",relation,spatial,"relation - spatial (napkin, table, near)",Is the napkin near the table? +292,"A rustic wooden table bathed in soft afternoon sunlight, showcasing a hearty, crusty loaf of freshly baked brown bread alongside a richly colored, firm purple eggplant. The textures of the bread's crackled crust juxtapose with the eggplant's smooth, glossy skin. Nearby, a folded linen napkin and an assortment of herbs suggest preparations for a savory meal.",,13,"1,5",relation,spatial,"relation - spatial (herbs, table, near)",Are the herbs near the table? +292,"A rustic wooden table bathed in soft afternoon sunlight, showcasing a hearty, crusty loaf of freshly baked brown bread alongside a richly colored, firm purple eggplant. The textures of the bread's crackled crust juxtapose with the eggplant's smooth, glossy skin. Nearby, a folded linen napkin and an assortment of herbs suggest preparations for a savory meal.",,14,0,entity,state,"entity - state (sunlight, soft afternoon)",Is the sunlight soft and from the afternoon? +292,"A rustic wooden table bathed in soft afternoon sunlight, showcasing a hearty, crusty loaf of freshly baked brown bread alongside a richly colored, firm purple eggplant. The textures of the bread's crackled crust juxtapose with the eggplant's smooth, glossy skin. Nearby, a folded linen napkin and an assortment of herbs suggest preparations for a savory meal.",,15,2,attribute,other,"attribute - other (bread, freshly baked)",Is the bread freshly baked? +292,"A rustic wooden table bathed in soft afternoon sunlight, showcasing a hearty, crusty loaf of freshly baked brown bread alongside a richly colored, firm purple eggplant. The textures of the bread's crackled crust juxtapose with the eggplant's smooth, glossy skin. Nearby, a folded linen napkin and an assortment of herbs suggest preparations for a savory meal.",,16,2,attribute,other,"attribute - other (bread, crusty)",Is the bread crusty? +292,"A rustic wooden table bathed in soft afternoon sunlight, showcasing a hearty, crusty loaf of freshly baked brown bread alongside a richly colored, firm purple eggplant. The textures of the bread's crackled crust juxtapose with the eggplant's smooth, glossy skin. Nearby, a folded linen napkin and an assortment of herbs suggest preparations for a savory meal.",,17,4,attribute,other,"attribute - other (napkin, linen, folded)",Is the napkin made of linen and folded? +247,"A sleek, silver hair dryer and a pristine white bar of soap are neatly placed next to one another on a marble bathroom countertop. The backdrop of the setting sun casts a warm, orange glow through the window, illuminating the array of toiletries and fluffy towels in soft light. The reflective surface of the countertop enhances the soothing ambiance created by the sun's fading rays.",,1,0,entity,whole,entity - whole (hair dryer),Is there a hair dryer? +247,"A sleek, silver hair dryer and a pristine white bar of soap are neatly placed next to one another on a marble bathroom countertop. The backdrop of the setting sun casts a warm, orange glow through the window, illuminating the array of toiletries and fluffy towels in soft light. The reflective surface of the countertop enhances the soothing ambiance created by the sun's fading rays.",,2,0,entity,whole,entity - whole (bar of soap),Is there a bar of soap? +247,"A sleek, silver hair dryer and a pristine white bar of soap are neatly placed next to one another on a marble bathroom countertop. The backdrop of the setting sun casts a warm, orange glow through the window, illuminating the array of toiletries and fluffy towels in soft light. The reflective surface of the countertop enhances the soothing ambiance created by the sun's fading rays.",,3,0,entity,whole,entity - whole (countertop),Is there a countertop? +247,"A sleek, silver hair dryer and a pristine white bar of soap are neatly placed next to one another on a marble bathroom countertop. The backdrop of the setting sun casts a warm, orange glow through the window, illuminating the array of toiletries and fluffy towels in soft light. The reflective surface of the countertop enhances the soothing ambiance created by the sun's fading rays.",,4,0,entity,whole,entity - whole (window),Is there a window? +247,"A sleek, silver hair dryer and a pristine white bar of soap are neatly placed next to one another on a marble bathroom countertop. The backdrop of the setting sun casts a warm, orange glow through the window, illuminating the array of toiletries and fluffy towels in soft light. The reflective surface of the countertop enhances the soothing ambiance created by the sun's fading rays.",,5,0,entity,whole,entity - whole (toiletries),Are there toiletries? +247,"A sleek, silver hair dryer and a pristine white bar of soap are neatly placed next to one another on a marble bathroom countertop. The backdrop of the setting sun casts a warm, orange glow through the window, illuminating the array of toiletries and fluffy towels in soft light. The reflective surface of the countertop enhances the soothing ambiance created by the sun's fading rays.",,6,0,entity,whole,entity - whole (towels),Are there towels? +247,"A sleek, silver hair dryer and a pristine white bar of soap are neatly placed next to one another on a marble bathroom countertop. The backdrop of the setting sun casts a warm, orange glow through the window, illuminating the array of toiletries and fluffy towels in soft light. The reflective surface of the countertop enhances the soothing ambiance created by the sun's fading rays.",,7,1,attribute,color,"attribute - color (hair dryer, silver)",Is the hair dryer silver? +247,"A sleek, silver hair dryer and a pristine white bar of soap are neatly placed next to one another on a marble bathroom countertop. The backdrop of the setting sun casts a warm, orange glow through the window, illuminating the array of toiletries and fluffy towels in soft light. The reflective surface of the countertop enhances the soothing ambiance created by the sun's fading rays.",,8,2,attribute,color,"attribute - color (bar of soap, white)",Is the bar of soap white? +247,"A sleek, silver hair dryer and a pristine white bar of soap are neatly placed next to one another on a marble bathroom countertop. The backdrop of the setting sun casts a warm, orange glow through the window, illuminating the array of toiletries and fluffy towels in soft light. The reflective surface of the countertop enhances the soothing ambiance created by the sun's fading rays.",,9,3,attribute,texture,"attribute - texture (countertop, marble)",Is the countertop made of marble? +247,"A sleek, silver hair dryer and a pristine white bar of soap are neatly placed next to one another on a marble bathroom countertop. The backdrop of the setting sun casts a warm, orange glow through the window, illuminating the array of toiletries and fluffy towels in soft light. The reflective surface of the countertop enhances the soothing ambiance created by the sun's fading rays.",,10,6,attribute,texture,"attribute - texture (towels, fluffy)",Are the towels fluffy? +284,"Several large, cylindrical metal barrels, stacked in a pyramid formation, stand under a grey, overcast sky. Adjacent to these barrels is a massive, dark-colored SUV with tinted windows, both resting on the cracked pavement of an abandoned gas station. The desolate scene is illuminated by the diffuse light of the midday sun, which barely seeps through the thick cloud cover above.",,1,0,entity,whole,entity - whole (metal barrels),Are there metal barrels? +284,"Several large, cylindrical metal barrels, stacked in a pyramid formation, stand under a grey, overcast sky. Adjacent to these barrels is a massive, dark-colored SUV with tinted windows, both resting on the cracked pavement of an abandoned gas station. The desolate scene is illuminated by the diffuse light of the midday sun, which barely seeps through the thick cloud cover above.",,2,0,entity,whole,entity - whole (SUV),Is there an SUV? +284,"Several large, cylindrical metal barrels, stacked in a pyramid formation, stand under a grey, overcast sky. Adjacent to these barrels is a massive, dark-colored SUV with tinted windows, both resting on the cracked pavement of an abandoned gas station. The desolate scene is illuminated by the diffuse light of the midday sun, which barely seeps through the thick cloud cover above.",,3,0,entity,whole,entity - whole (gas station),Is there a gas station? +284,"Several large, cylindrical metal barrels, stacked in a pyramid formation, stand under a grey, overcast sky. Adjacent to these barrels is a massive, dark-colored SUV with tinted windows, both resting on the cracked pavement of an abandoned gas station. The desolate scene is illuminated by the diffuse light of the midday sun, which barely seeps through the thick cloud cover above.",,4,1,attribute,shape,"attribute - shape (metal barrels, cylindrical)",Are the metal barrels cylindrical? +284,"Several large, cylindrical metal barrels, stacked in a pyramid formation, stand under a grey, overcast sky. Adjacent to these barrels is a massive, dark-colored SUV with tinted windows, both resting on the cracked pavement of an abandoned gas station. The desolate scene is illuminated by the diffuse light of the midday sun, which barely seeps through the thick cloud cover above.",,5,2,attribute,color,"attribute - color (SUV, dark-colored)",Is the SUV dark-colored? +284,"Several large, cylindrical metal barrels, stacked in a pyramid formation, stand under a grey, overcast sky. Adjacent to these barrels is a massive, dark-colored SUV with tinted windows, both resting on the cracked pavement of an abandoned gas station. The desolate scene is illuminated by the diffuse light of the midday sun, which barely seeps through the thick cloud cover above.",,6,0,attribute,texture,"attribute - texture (pavement, cracked)",Is the pavement cracked? +284,"Several large, cylindrical metal barrels, stacked in a pyramid formation, stand under a grey, overcast sky. Adjacent to these barrels is a massive, dark-colored SUV with tinted windows, both resting on the cracked pavement of an abandoned gas station. The desolate scene is illuminated by the diffuse light of the midday sun, which barely seeps through the thick cloud cover above.",,7,1,attribute,size,"attribute - size (metal barrels, large)",Are the metal barrels large? +284,"Several large, cylindrical metal barrels, stacked in a pyramid formation, stand under a grey, overcast sky. Adjacent to these barrels is a massive, dark-colored SUV with tinted windows, both resting on the cracked pavement of an abandoned gas station. The desolate scene is illuminated by the diffuse light of the midday sun, which barely seeps through the thick cloud cover above.",,8,2,attribute,size,"attribute - size (SUV, massive)",Is the SUV massive? +284,"Several large, cylindrical metal barrels, stacked in a pyramid formation, stand under a grey, overcast sky. Adjacent to these barrels is a massive, dark-colored SUV with tinted windows, both resting on the cracked pavement of an abandoned gas station. The desolate scene is illuminated by the diffuse light of the midday sun, which barely seeps through the thick cloud cover above.",,9,0,entity,state,"entity - state (sky, grey, overcast)",Is the sky grey and overcast? +284,"Several large, cylindrical metal barrels, stacked in a pyramid formation, stand under a grey, overcast sky. Adjacent to these barrels is a massive, dark-colored SUV with tinted windows, both resting on the cracked pavement of an abandoned gas station. The desolate scene is illuminated by the diffuse light of the midday sun, which barely seeps through the thick cloud cover above.",,10,"1,3",relation,spatial,"relation - spatial (metal barrels, gas station, at)",Are the metal barrels at the gas station? +8,"An eye-catching red hoverboard floats above the steel gray asphalt of a bustling urban street, surrounded by the golden hues of the setting sun during evening rush hour. The road is lined with tall buildings casting long shadows, and the air is filled with the sounds of the city's activity. The hoverboard's sleek design and vibrant color contrast sharply with the muted tones of the concrete environment.",,1,0,entity,whole,entity - whole (hoverboard),Is there a hoverboard? +8,"An eye-catching red hoverboard floats above the steel gray asphalt of a bustling urban street, surrounded by the golden hues of the setting sun during evening rush hour. The road is lined with tall buildings casting long shadows, and the air is filled with the sounds of the city's activity. The hoverboard's sleek design and vibrant color contrast sharply with the muted tones of the concrete environment.",,2,0,entity,whole,entity - whole (asphalt),Is there asphalt? +8,"An eye-catching red hoverboard floats above the steel gray asphalt of a bustling urban street, surrounded by the golden hues of the setting sun during evening rush hour. The road is lined with tall buildings casting long shadows, and the air is filled with the sounds of the city's activity. The hoverboard's sleek design and vibrant color contrast sharply with the muted tones of the concrete environment.",,3,0,entity,whole,entity - whole (buildings),Are there buildings? +8,"An eye-catching red hoverboard floats above the steel gray asphalt of a bustling urban street, surrounded by the golden hues of the setting sun during evening rush hour. The road is lined with tall buildings casting long shadows, and the air is filled with the sounds of the city's activity. The hoverboard's sleek design and vibrant color contrast sharply with the muted tones of the concrete environment.",,4,1,attribute,color,"attribute - color (hoverboard, red)",Is the hoverboard red? +8,"An eye-catching red hoverboard floats above the steel gray asphalt of a bustling urban street, surrounded by the golden hues of the setting sun during evening rush hour. The road is lined with tall buildings casting long shadows, and the air is filled with the sounds of the city's activity. The hoverboard's sleek design and vibrant color contrast sharply with the muted tones of the concrete environment.",,5,2,attribute,color,"attribute - color (asphalt, steel gray)",Is the asphalt steel gray? +8,"An eye-catching red hoverboard floats above the steel gray asphalt of a bustling urban street, surrounded by the golden hues of the setting sun during evening rush hour. The road is lined with tall buildings casting long shadows, and the air is filled with the sounds of the city's activity. The hoverboard's sleek design and vibrant color contrast sharply with the muted tones of the concrete environment.",,6,3,attribute,texture,"attribute - texture (buildings, tall)",Are the buildings tall? +8,"An eye-catching red hoverboard floats above the steel gray asphalt of a bustling urban street, surrounded by the golden hues of the setting sun during evening rush hour. The road is lined with tall buildings casting long shadows, and the air is filled with the sounds of the city's activity. The hoverboard's sleek design and vibrant color contrast sharply with the muted tones of the concrete environment.",,7,1,entity,state,"entity - state (hoverboard, float)",Is the hoverboard floating? +8,"An eye-catching red hoverboard floats above the steel gray asphalt of a bustling urban street, surrounded by the golden hues of the setting sun during evening rush hour. The road is lined with tall buildings casting long shadows, and the air is filled with the sounds of the city's activity. The hoverboard's sleek design and vibrant color contrast sharply with the muted tones of the concrete environment.",,8,"1,2",relation,spatial,"relation - spatial (hoverboard, asphalt, above)",Is the hoverboard above the asphalt? +8,"An eye-catching red hoverboard floats above the steel gray asphalt of a bustling urban street, surrounded by the golden hues of the setting sun during evening rush hour. The road is lined with tall buildings casting long shadows, and the air is filled with the sounds of the city's activity. The hoverboard's sleek design and vibrant color contrast sharply with the muted tones of the concrete environment.",,9,3,relation,spatial,"relation - spatial (buildings, road, line)",Are the buildings lining the road? +8,"An eye-catching red hoverboard floats above the steel gray asphalt of a bustling urban street, surrounded by the golden hues of the setting sun during evening rush hour. The road is lined with tall buildings casting long shadows, and the air is filled with the sounds of the city's activity. The hoverboard's sleek design and vibrant color contrast sharply with the muted tones of the concrete environment.",,10,0,attribute,other,"attribute - other (time, evening rush hour)",Is it evening rush hour? +95,"The kitchen counter, bathed in soft afternoon light, showcases a collection of five golden keys strewn haphazardly across its white surface. Behind them rests a dark-colored microwave, designed with a nostalgic, retro aesthetic that contrasts with the modern simplicity of the surroundings. Nearby, a transparent vase holds a sprig of fresh greenery, adding a touch of life to the scene.",,1,0,entity,whole,entity - whole (kitchen counter),Is there a kitchen counter? +95,"The kitchen counter, bathed in soft afternoon light, showcases a collection of five golden keys strewn haphazardly across its white surface. Behind them rests a dark-colored microwave, designed with a nostalgic, retro aesthetic that contrasts with the modern simplicity of the surroundings. Nearby, a transparent vase holds a sprig of fresh greenery, adding a touch of life to the scene.",,2,0,entity,whole,entity - whole (keys),Are there keys? +95,"The kitchen counter, bathed in soft afternoon light, showcases a collection of five golden keys strewn haphazardly across its white surface. Behind them rests a dark-colored microwave, designed with a nostalgic, retro aesthetic that contrasts with the modern simplicity of the surroundings. Nearby, a transparent vase holds a sprig of fresh greenery, adding a touch of life to the scene.",,3,0,entity,whole,entity - whole (microwave),Is there a microwave? +95,"The kitchen counter, bathed in soft afternoon light, showcases a collection of five golden keys strewn haphazardly across its white surface. Behind them rests a dark-colored microwave, designed with a nostalgic, retro aesthetic that contrasts with the modern simplicity of the surroundings. Nearby, a transparent vase holds a sprig of fresh greenery, adding a touch of life to the scene.",,4,0,entity,whole,entity - whole (vase),Is there a vase? +95,"The kitchen counter, bathed in soft afternoon light, showcases a collection of five golden keys strewn haphazardly across its white surface. Behind them rests a dark-colored microwave, designed with a nostalgic, retro aesthetic that contrasts with the modern simplicity of the surroundings. Nearby, a transparent vase holds a sprig of fresh greenery, adding a touch of life to the scene.",,5,2,attribute,color,"attribute - color (keys, golden)",Are the keys golden? +95,"The kitchen counter, bathed in soft afternoon light, showcases a collection of five golden keys strewn haphazardly across its white surface. Behind them rests a dark-colored microwave, designed with a nostalgic, retro aesthetic that contrasts with the modern simplicity of the surroundings. Nearby, a transparent vase holds a sprig of fresh greenery, adding a touch of life to the scene.",,6,1,attribute,color,"attribute - color (kitchen counter, white)",Is the kitchen counter white? +95,"The kitchen counter, bathed in soft afternoon light, showcases a collection of five golden keys strewn haphazardly across its white surface. Behind them rests a dark-colored microwave, designed with a nostalgic, retro aesthetic that contrasts with the modern simplicity of the surroundings. Nearby, a transparent vase holds a sprig of fresh greenery, adding a touch of life to the scene.",,7,3,attribute,color,"attribute - color (microwave, dark-colored)",Is the microwave dark-colored? +95,"The kitchen counter, bathed in soft afternoon light, showcases a collection of five golden keys strewn haphazardly across its white surface. Behind them rests a dark-colored microwave, designed with a nostalgic, retro aesthetic that contrasts with the modern simplicity of the surroundings. Nearby, a transparent vase holds a sprig of fresh greenery, adding a touch of life to the scene.",,8,2,other,count,"other - count (keys, ==5)",Are there five keys? +95,"The kitchen counter, bathed in soft afternoon light, showcases a collection of five golden keys strewn haphazardly across its white surface. Behind them rests a dark-colored microwave, designed with a nostalgic, retro aesthetic that contrasts with the modern simplicity of the surroundings. Nearby, a transparent vase holds a sprig of fresh greenery, adding a touch of life to the scene.",,9,3,attribute,other,"attribute - other (microwave, retro, nostalgic design)","Does the microwave have a retro, nostalgic design?" +95,"The kitchen counter, bathed in soft afternoon light, showcases a collection of five golden keys strewn haphazardly across its white surface. Behind them rests a dark-colored microwave, designed with a nostalgic, retro aesthetic that contrasts with the modern simplicity of the surroundings. Nearby, a transparent vase holds a sprig of fresh greenery, adding a touch of life to the scene.",,10,4,attribute,other,"attribute - other (vase, transparent)",Is the vase transparent? +95,"The kitchen counter, bathed in soft afternoon light, showcases a collection of five golden keys strewn haphazardly across its white surface. Behind them rests a dark-colored microwave, designed with a nostalgic, retro aesthetic that contrasts with the modern simplicity of the surroundings. Nearby, a transparent vase holds a sprig of fresh greenery, adding a touch of life to the scene.",,11,"1,2",relation,spatial,"relation - spatial (keys, kitchen counter, on)",Are the keys on the kitchen counter? +95,"The kitchen counter, bathed in soft afternoon light, showcases a collection of five golden keys strewn haphazardly across its white surface. Behind them rests a dark-colored microwave, designed with a nostalgic, retro aesthetic that contrasts with the modern simplicity of the surroundings. Nearby, a transparent vase holds a sprig of fresh greenery, adding a touch of life to the scene.",,12,"1,3",relation,spatial,"relation - spatial (microwave, kitchen counter, behind)",Is the microwave behind the keys? +95,"The kitchen counter, bathed in soft afternoon light, showcases a collection of five golden keys strewn haphazardly across its white surface. Behind them rests a dark-colored microwave, designed with a nostalgic, retro aesthetic that contrasts with the modern simplicity of the surroundings. Nearby, a transparent vase holds a sprig of fresh greenery, adding a touch of life to the scene.",,13,"1,4",relation,spatial,"relation - spatial (vase, kitchen counter, nearby)",Is the vase nearby the kitchen counter? +250,"An expansive airport terminal alive with the hurried steps of travelers, featuring white tiled floors and large glass windows revealing views of parked airplanes. Overhead, a lattice of metal beams supports a ceiling from where seven dome-shaped black surveillance cameras keep a vigilant eye on the bustling concourse. Amidst the flow of people, rows of blue and grey seating areas are interspersed with digital flight information displays.",,1,0,entity,whole,entity - whole (airport terminal),Is there an airport terminal? +250,"An expansive airport terminal alive with the hurried steps of travelers, featuring white tiled floors and large glass windows revealing views of parked airplanes. Overhead, a lattice of metal beams supports a ceiling from where seven dome-shaped black surveillance cameras keep a vigilant eye on the bustling concourse. Amidst the flow of people, rows of blue and grey seating areas are interspersed with digital flight information displays.",,2,0,entity,whole,entity - whole (travelers),Are there travelers? +250,"An expansive airport terminal alive with the hurried steps of travelers, featuring white tiled floors and large glass windows revealing views of parked airplanes. Overhead, a lattice of metal beams supports a ceiling from where seven dome-shaped black surveillance cameras keep a vigilant eye on the bustling concourse. Amidst the flow of people, rows of blue and grey seating areas are interspersed with digital flight information displays.",,3,0,entity,whole,entity - whole (floors),Are there floors? +250,"An expansive airport terminal alive with the hurried steps of travelers, featuring white tiled floors and large glass windows revealing views of parked airplanes. Overhead, a lattice of metal beams supports a ceiling from where seven dome-shaped black surveillance cameras keep a vigilant eye on the bustling concourse. Amidst the flow of people, rows of blue and grey seating areas are interspersed with digital flight information displays.",,4,0,entity,whole,entity - whole (windows),Are there windows? +250,"An expansive airport terminal alive with the hurried steps of travelers, featuring white tiled floors and large glass windows revealing views of parked airplanes. Overhead, a lattice of metal beams supports a ceiling from where seven dome-shaped black surveillance cameras keep a vigilant eye on the bustling concourse. Amidst the flow of people, rows of blue and grey seating areas are interspersed with digital flight information displays.",,5,0,entity,whole,entity - whole (airplanes),Are there airplanes? +250,"An expansive airport terminal alive with the hurried steps of travelers, featuring white tiled floors and large glass windows revealing views of parked airplanes. Overhead, a lattice of metal beams supports a ceiling from where seven dome-shaped black surveillance cameras keep a vigilant eye on the bustling concourse. Amidst the flow of people, rows of blue and grey seating areas are interspersed with digital flight information displays.",,6,0,entity,whole,entity - whole (metal beams),Are there metal beams? +250,"An expansive airport terminal alive with the hurried steps of travelers, featuring white tiled floors and large glass windows revealing views of parked airplanes. Overhead, a lattice of metal beams supports a ceiling from where seven dome-shaped black surveillance cameras keep a vigilant eye on the bustling concourse. Amidst the flow of people, rows of blue and grey seating areas are interspersed with digital flight information displays.",,7,0,entity,whole,entity - whole (surveillance cameras),Are there surveillance cameras? +250,"An expansive airport terminal alive with the hurried steps of travelers, featuring white tiled floors and large glass windows revealing views of parked airplanes. Overhead, a lattice of metal beams supports a ceiling from where seven dome-shaped black surveillance cameras keep a vigilant eye on the bustling concourse. Amidst the flow of people, rows of blue and grey seating areas are interspersed with digital flight information displays.",,8,0,entity,whole,entity - whole (seating areas),Are there seating areas? +250,"An expansive airport terminal alive with the hurried steps of travelers, featuring white tiled floors and large glass windows revealing views of parked airplanes. Overhead, a lattice of metal beams supports a ceiling from where seven dome-shaped black surveillance cameras keep a vigilant eye on the bustling concourse. Amidst the flow of people, rows of blue and grey seating areas are interspersed with digital flight information displays.",,9,0,entity,whole,entity - whole (flight information displays),Are there flight information displays? +250,"An expansive airport terminal alive with the hurried steps of travelers, featuring white tiled floors and large glass windows revealing views of parked airplanes. Overhead, a lattice of metal beams supports a ceiling from where seven dome-shaped black surveillance cameras keep a vigilant eye on the bustling concourse. Amidst the flow of people, rows of blue and grey seating areas are interspersed with digital flight information displays.",,10,3,attribute,color,"attribute - color (floors, white)",Are the floors white? +250,"An expansive airport terminal alive with the hurried steps of travelers, featuring white tiled floors and large glass windows revealing views of parked airplanes. Overhead, a lattice of metal beams supports a ceiling from where seven dome-shaped black surveillance cameras keep a vigilant eye on the bustling concourse. Amidst the flow of people, rows of blue and grey seating areas are interspersed with digital flight information displays.",,11,4,attribute,color,"attribute - color (windows, glass)",Are the windows made of glass? +250,"An expansive airport terminal alive with the hurried steps of travelers, featuring white tiled floors and large glass windows revealing views of parked airplanes. Overhead, a lattice of metal beams supports a ceiling from where seven dome-shaped black surveillance cameras keep a vigilant eye on the bustling concourse. Amidst the flow of people, rows of blue and grey seating areas are interspersed with digital flight information displays.",,12,7,attribute,color,"attribute - color (surveillance cameras, black)",Are the surveillance cameras black? +250,"An expansive airport terminal alive with the hurried steps of travelers, featuring white tiled floors and large glass windows revealing views of parked airplanes. Overhead, a lattice of metal beams supports a ceiling from where seven dome-shaped black surveillance cameras keep a vigilant eye on the bustling concourse. Amidst the flow of people, rows of blue and grey seating areas are interspersed with digital flight information displays.",,13,8,attribute,color,"attribute - color (seating areas, blue and grey)",Are the seating areas blue and grey? +250,"An expansive airport terminal alive with the hurried steps of travelers, featuring white tiled floors and large glass windows revealing views of parked airplanes. Overhead, a lattice of metal beams supports a ceiling from where seven dome-shaped black surveillance cameras keep a vigilant eye on the bustling concourse. Amidst the flow of people, rows of blue and grey seating areas are interspersed with digital flight information displays.",,14,3,attribute,texture,"attribute - texture (floors, tiled)",Are the floors tiled? +250,"An expansive airport terminal alive with the hurried steps of travelers, featuring white tiled floors and large glass windows revealing views of parked airplanes. Overhead, a lattice of metal beams supports a ceiling from where seven dome-shaped black surveillance cameras keep a vigilant eye on the bustling concourse. Amidst the flow of people, rows of blue and grey seating areas are interspersed with digital flight information displays.",,15,7,attribute,other,"attribute - other (surveillance cameras, dome-shaped)",Are the surveillance cameras dome-shaped? +250,"An expansive airport terminal alive with the hurried steps of travelers, featuring white tiled floors and large glass windows revealing views of parked airplanes. Overhead, a lattice of metal beams supports a ceiling from where seven dome-shaped black surveillance cameras keep a vigilant eye on the bustling concourse. Amidst the flow of people, rows of blue and grey seating areas are interspersed with digital flight information displays.",,16,7,other,count,"other - count (surveillance cameras, ==7)",Are there seven surveillance cameras? +250,"An expansive airport terminal alive with the hurried steps of travelers, featuring white tiled floors and large glass windows revealing views of parked airplanes. Overhead, a lattice of metal beams supports a ceiling from where seven dome-shaped black surveillance cameras keep a vigilant eye on the bustling concourse. Amidst the flow of people, rows of blue and grey seating areas are interspersed with digital flight information displays.",,17,6,relation,spatial,"relation - spatial (metal beams, ceiling, support)",Do metal beams support the ceiling? +250,"An expansive airport terminal alive with the hurried steps of travelers, featuring white tiled floors and large glass windows revealing views of parked airplanes. Overhead, a lattice of metal beams supports a ceiling from where seven dome-shaped black surveillance cameras keep a vigilant eye on the bustling concourse. Amidst the flow of people, rows of blue and grey seating areas are interspersed with digital flight information displays.",,18,"1,8",relation,spatial,"relation - spatial (seating areas, airport terminal, interspersed within)",Are the seating areas interspersed within the airport terminal? +250,"An expansive airport terminal alive with the hurried steps of travelers, featuring white tiled floors and large glass windows revealing views of parked airplanes. Overhead, a lattice of metal beams supports a ceiling from where seven dome-shaped black surveillance cameras keep a vigilant eye on the bustling concourse. Amidst the flow of people, rows of blue and grey seating areas are interspersed with digital flight information displays.",,19,"8,9",relation,spatial,"relation - spatial (flight information displays, seating areas, interspersed with)",Are the flight information displays interspersed with the seating areas? +250,"An expansive airport terminal alive with the hurried steps of travelers, featuring white tiled floors and large glass windows revealing views of parked airplanes. Overhead, a lattice of metal beams supports a ceiling from where seven dome-shaped black surveillance cameras keep a vigilant eye on the bustling concourse. Amidst the flow of people, rows of blue and grey seating areas are interspersed with digital flight information displays.",,20,"4,5",relation,spatial,"relation - spatial (airplanes, windows, views of)",Do the windows provide views of parked airplanes? +250,"An expansive airport terminal alive with the hurried steps of travelers, featuring white tiled floors and large glass windows revealing views of parked airplanes. Overhead, a lattice of metal beams supports a ceiling from where seven dome-shaped black surveillance cameras keep a vigilant eye on the bustling concourse. Amidst the flow of people, rows of blue and grey seating areas are interspersed with digital flight information displays.",,21,"1,2",entity,state,"entity - state (airport terminal, alive with hurried steps)",Is the airport terminal alive with the hurried steps of travelers? +250,"An expansive airport terminal alive with the hurried steps of travelers, featuring white tiled floors and large glass windows revealing views of parked airplanes. Overhead, a lattice of metal beams supports a ceiling from where seven dome-shaped black surveillance cameras keep a vigilant eye on the bustling concourse. Amidst the flow of people, rows of blue and grey seating areas are interspersed with digital flight information displays.",,22,7,entity,state,"entity - state (surveillance cameras, keep a vigilant eye)",Do the surveillance cameras keep a vigilant eye on the concourse? +89,"Two glossy red high heels with pointed toes and slender stiletto heels are positioned ominously over a diminutive grey mouse cowering on the creamy white floor. The mouse's fur is slightly ruffled, betraying a sense of trepidation, as it looks up at the imposing footwear. The contrasting size and color between the vibrant shoes and the mouse emphasize the stark difference in their presence.",,1,0,entity,whole,entity - whole (high heels),Are there high heels? +89,"Two glossy red high heels with pointed toes and slender stiletto heels are positioned ominously over a diminutive grey mouse cowering on the creamy white floor. The mouse's fur is slightly ruffled, betraying a sense of trepidation, as it looks up at the imposing footwear. The contrasting size and color between the vibrant shoes and the mouse emphasize the stark difference in their presence.",,2,0,entity,whole,entity - whole (mouse),Is there a mouse? +89,"Two glossy red high heels with pointed toes and slender stiletto heels are positioned ominously over a diminutive grey mouse cowering on the creamy white floor. The mouse's fur is slightly ruffled, betraying a sense of trepidation, as it looks up at the imposing footwear. The contrasting size and color between the vibrant shoes and the mouse emphasize the stark difference in their presence.",,3,1,attribute,color,"attribute - color (high heels, glossy red)",Are the high heels glossy red? +89,"Two glossy red high heels with pointed toes and slender stiletto heels are positioned ominously over a diminutive grey mouse cowering on the creamy white floor. The mouse's fur is slightly ruffled, betraying a sense of trepidation, as it looks up at the imposing footwear. The contrasting size and color between the vibrant shoes and the mouse emphasize the stark difference in their presence.",,4,2,attribute,color,"attribute - color (mouse, grey)",Is the mouse grey? +89,"Two glossy red high heels with pointed toes and slender stiletto heels are positioned ominously over a diminutive grey mouse cowering on the creamy white floor. The mouse's fur is slightly ruffled, betraying a sense of trepidation, as it looks up at the imposing footwear. The contrasting size and color between the vibrant shoes and the mouse emphasize the stark difference in their presence.",,5,0,attribute,color,"attribute - color (floor, creamy white)",Is the floor creamy white? +89,"Two glossy red high heels with pointed toes and slender stiletto heels are positioned ominously over a diminutive grey mouse cowering on the creamy white floor. The mouse's fur is slightly ruffled, betraying a sense of trepidation, as it looks up at the imposing footwear. The contrasting size and color between the vibrant shoes and the mouse emphasize the stark difference in their presence.",,6,1,attribute,shape,"attribute - shape (high heels, pointed toes)",Do the high heels have pointed toes? +89,"Two glossy red high heels with pointed toes and slender stiletto heels are positioned ominously over a diminutive grey mouse cowering on the creamy white floor. The mouse's fur is slightly ruffled, betraying a sense of trepidation, as it looks up at the imposing footwear. The contrasting size and color between the vibrant shoes and the mouse emphasize the stark difference in their presence.",,7,1,attribute,shape,"attribute - shape (high heels, slender stiletto heels)",Do the high heels have slender stiletto heels? +89,"Two glossy red high heels with pointed toes and slender stiletto heels are positioned ominously over a diminutive grey mouse cowering on the creamy white floor. The mouse's fur is slightly ruffled, betraying a sense of trepidation, as it looks up at the imposing footwear. The contrasting size and color between the vibrant shoes and the mouse emphasize the stark difference in their presence.",,8,2,entity,state,"entity - state (mouse, cower)",Is the mouse cowering? +89,"Two glossy red high heels with pointed toes and slender stiletto heels are positioned ominously over a diminutive grey mouse cowering on the creamy white floor. The mouse's fur is slightly ruffled, betraying a sense of trepidation, as it looks up at the imposing footwear. The contrasting size and color between the vibrant shoes and the mouse emphasize the stark difference in their presence.",,9,2,entity,state,"entity - state (mouse, fur, ruffled)",Is the mouse's fur ruffled? +89,"Two glossy red high heels with pointed toes and slender stiletto heels are positioned ominously over a diminutive grey mouse cowering on the creamy white floor. The mouse's fur is slightly ruffled, betraying a sense of trepidation, as it looks up at the imposing footwear. The contrasting size and color between the vibrant shoes and the mouse emphasize the stark difference in their presence.",,10,"1,2",relation,spatial,"relation - spatial (high heels, mouse, over)",Are the high heels positioned ominously over the mouse? +1,"An eye-catching vibrant red pickup truck with a stout and rectangular build is parked on the sandy shores as dusk sets in. The truck's glossy paint contrasts with the soft, amber hues of the setting sun reflected off the vehicle's surface. In the background, the gentle waves of the ocean can be heard as they meet the beach, with the silhouette of palm trees swaying gently in the evening breeze.",,1,0,entity,whole,entity - whole (pickup truck),Is there a pickup truck? +1,"An eye-catching vibrant red pickup truck with a stout and rectangular build is parked on the sandy shores as dusk sets in. The truck's glossy paint contrasts with the soft, amber hues of the setting sun reflected off the vehicle's surface. In the background, the gentle waves of the ocean can be heard as they meet the beach, with the silhouette of palm trees swaying gently in the evening breeze.",,2,0,entity,whole,entity - whole (shores),Are there shores? +1,"An eye-catching vibrant red pickup truck with a stout and rectangular build is parked on the sandy shores as dusk sets in. The truck's glossy paint contrasts with the soft, amber hues of the setting sun reflected off the vehicle's surface. In the background, the gentle waves of the ocean can be heard as they meet the beach, with the silhouette of palm trees swaying gently in the evening breeze.",,3,1,attribute,color,"attribute - color (pickup truck, vibrant red)",Is the pickup truck vibrant red? +1,"An eye-catching vibrant red pickup truck with a stout and rectangular build is parked on the sandy shores as dusk sets in. The truck's glossy paint contrasts with the soft, amber hues of the setting sun reflected off the vehicle's surface. In the background, the gentle waves of the ocean can be heard as they meet the beach, with the silhouette of palm trees swaying gently in the evening breeze.",,4,1,attribute,shape,"attribute - shape (pickup truck, stout and rectangular)",Does the pickup truck have a stout and rectangular build? +1,"An eye-catching vibrant red pickup truck with a stout and rectangular build is parked on the sandy shores as dusk sets in. The truck's glossy paint contrasts with the soft, amber hues of the setting sun reflected off the vehicle's surface. In the background, the gentle waves of the ocean can be heard as they meet the beach, with the silhouette of palm trees swaying gently in the evening breeze.",,5,1,attribute,texture,"attribute - texture (pickup truck, glossy paint)",Does the pickup truck have glossy paint? +1,"An eye-catching vibrant red pickup truck with a stout and rectangular build is parked on the sandy shores as dusk sets in. The truck's glossy paint contrasts with the soft, amber hues of the setting sun reflected off the vehicle's surface. In the background, the gentle waves of the ocean can be heard as they meet the beach, with the silhouette of palm trees swaying gently in the evening breeze.",,6,1,entity,state,"entity - state (pickup truck, parked)",Is the pickup truck parked? +1,"An eye-catching vibrant red pickup truck with a stout and rectangular build is parked on the sandy shores as dusk sets in. The truck's glossy paint contrasts with the soft, amber hues of the setting sun reflected off the vehicle's surface. In the background, the gentle waves of the ocean can be heard as they meet the beach, with the silhouette of palm trees swaying gently in the evening breeze.",,7,2,attribute,texture,"attribute - texture (shores, sandy)",Are the shores sandy? +1,"An eye-catching vibrant red pickup truck with a stout and rectangular build is parked on the sandy shores as dusk sets in. The truck's glossy paint contrasts with the soft, amber hues of the setting sun reflected off the vehicle's surface. In the background, the gentle waves of the ocean can be heard as they meet the beach, with the silhouette of palm trees swaying gently in the evening breeze.",,8,0,global,,global - (dusk),Is it dusk? +1,"An eye-catching vibrant red pickup truck with a stout and rectangular build is parked on the sandy shores as dusk sets in. The truck's glossy paint contrasts with the soft, amber hues of the setting sun reflected off the vehicle's surface. In the background, the gentle waves of the ocean can be heard as they meet the beach, with the silhouette of palm trees swaying gently in the evening breeze.",,9,"1,2",relation,spatial,"relation - spatial (pickup truck, shores, on)",Is the pickup truck on the shores? +1,"An eye-catching vibrant red pickup truck with a stout and rectangular build is parked on the sandy shores as dusk sets in. The truck's glossy paint contrasts with the soft, amber hues of the setting sun reflected off the vehicle's surface. In the background, the gentle waves of the ocean can be heard as they meet the beach, with the silhouette of palm trees swaying gently in the evening breeze.",,10,1,relation,spatial,"relation - spatial (pickup truck, ocean, near)",Is the pickup truck near the ocean? +31,"An array of freshly baked goods is presented on a rectangular silver tray with a reflective surface. To one side, vibrant sun-yellow lemon tarts, their delicate, flaky pastry crusts cradling a glistening citrus filling, are arranged neatly in a row. Adjacent to them, slightly purple-blueberry muffins, their tops golden brown and dusted with a fine layer of sugar, exhibit a contrasting texture. The pastries are placed against a backdrop of a marbled white countertop, with soft natural light enhancing their appetizing colors.",,1,0,entity,whole,entity - whole (baked goods),Is there an array of freshly baked goods? +31,"An array of freshly baked goods is presented on a rectangular silver tray with a reflective surface. To one side, vibrant sun-yellow lemon tarts, their delicate, flaky pastry crusts cradling a glistening citrus filling, are arranged neatly in a row. Adjacent to them, slightly purple-blueberry muffins, their tops golden brown and dusted with a fine layer of sugar, exhibit a contrasting texture. The pastries are placed against a backdrop of a marbled white countertop, with soft natural light enhancing their appetizing colors.",,2,0,entity,whole,entity - whole (tray),Is there a tray? +31,"An array of freshly baked goods is presented on a rectangular silver tray with a reflective surface. To one side, vibrant sun-yellow lemon tarts, their delicate, flaky pastry crusts cradling a glistening citrus filling, are arranged neatly in a row. Adjacent to them, slightly purple-blueberry muffins, their tops golden brown and dusted with a fine layer of sugar, exhibit a contrasting texture. The pastries are placed against a backdrop of a marbled white countertop, with soft natural light enhancing their appetizing colors.",,3,0,entity,whole,entity - whole (lemon tarts),Are there lemon tarts? +31,"An array of freshly baked goods is presented on a rectangular silver tray with a reflective surface. To one side, vibrant sun-yellow lemon tarts, their delicate, flaky pastry crusts cradling a glistening citrus filling, are arranged neatly in a row. Adjacent to them, slightly purple-blueberry muffins, their tops golden brown and dusted with a fine layer of sugar, exhibit a contrasting texture. The pastries are placed against a backdrop of a marbled white countertop, with soft natural light enhancing their appetizing colors.",,4,3,entity,whole,entity - whole (pastry crusts),Are there pastry crusts? +31,"An array of freshly baked goods is presented on a rectangular silver tray with a reflective surface. To one side, vibrant sun-yellow lemon tarts, their delicate, flaky pastry crusts cradling a glistening citrus filling, are arranged neatly in a row. Adjacent to them, slightly purple-blueberry muffins, their tops golden brown and dusted with a fine layer of sugar, exhibit a contrasting texture. The pastries are placed against a backdrop of a marbled white countertop, with soft natural light enhancing their appetizing colors.",,5,0,entity,whole,entity - whole (blueberry muffins),Are there blueberry muffins? +31,"An array of freshly baked goods is presented on a rectangular silver tray with a reflective surface. To one side, vibrant sun-yellow lemon tarts, their delicate, flaky pastry crusts cradling a glistening citrus filling, are arranged neatly in a row. Adjacent to them, slightly purple-blueberry muffins, their tops golden brown and dusted with a fine layer of sugar, exhibit a contrasting texture. The pastries are placed against a backdrop of a marbled white countertop, with soft natural light enhancing their appetizing colors.",,6,0,entity,whole,entity - whole (countertop),Is there a countertop? +31,"An array of freshly baked goods is presented on a rectangular silver tray with a reflective surface. To one side, vibrant sun-yellow lemon tarts, their delicate, flaky pastry crusts cradling a glistening citrus filling, are arranged neatly in a row. Adjacent to them, slightly purple-blueberry muffins, their tops golden brown and dusted with a fine layer of sugar, exhibit a contrasting texture. The pastries are placed against a backdrop of a marbled white countertop, with soft natural light enhancing their appetizing colors.",,7,2,attribute,color,"attribute - color (tray, silver)",Is the tray silver? +31,"An array of freshly baked goods is presented on a rectangular silver tray with a reflective surface. To one side, vibrant sun-yellow lemon tarts, their delicate, flaky pastry crusts cradling a glistening citrus filling, are arranged neatly in a row. Adjacent to them, slightly purple-blueberry muffins, their tops golden brown and dusted with a fine layer of sugar, exhibit a contrasting texture. The pastries are placed against a backdrop of a marbled white countertop, with soft natural light enhancing their appetizing colors.",,8,3,attribute,color,"attribute - color (lemon tarts, sun-yellow)",Are the lemon tarts sun-yellow? +31,"An array of freshly baked goods is presented on a rectangular silver tray with a reflective surface. To one side, vibrant sun-yellow lemon tarts, their delicate, flaky pastry crusts cradling a glistening citrus filling, are arranged neatly in a row. Adjacent to them, slightly purple-blueberry muffins, their tops golden brown and dusted with a fine layer of sugar, exhibit a contrasting texture. The pastries are placed against a backdrop of a marbled white countertop, with soft natural light enhancing their appetizing colors.",,9,5,attribute,color,"attribute - color (blueberry muffins, purple-blue)",Are the blueberry muffins purple-blue? +31,"An array of freshly baked goods is presented on a rectangular silver tray with a reflective surface. To one side, vibrant sun-yellow lemon tarts, their delicate, flaky pastry crusts cradling a glistening citrus filling, are arranged neatly in a row. Adjacent to them, slightly purple-blueberry muffins, their tops golden brown and dusted with a fine layer of sugar, exhibit a contrasting texture. The pastries are placed against a backdrop of a marbled white countertop, with soft natural light enhancing their appetizing colors.",,10,2,attribute,shape,"attribute - shape (tray, rectangular)",Is the tray rectangular? +101,"Inside a dimly lit room, the low luminance emanates from a bedside lamp casting a soft glow upon the nightstand. There lies a travel magazine, its pages open to a vivid illustration of a car driving along a picturesque landscape. Positioned on the image is a light pink toothbrush, its bristles glistening in the ambient light. Beside the magazine, the textured fabric of the bedspread is just discernible, contributing to the composed and quiet scene.",,1,0,entity,whole,entity - whole (room),Is there a room? +101,"Inside a dimly lit room, the low luminance emanates from a bedside lamp casting a soft glow upon the nightstand. There lies a travel magazine, its pages open to a vivid illustration of a car driving along a picturesque landscape. Positioned on the image is a light pink toothbrush, its bristles glistening in the ambient light. Beside the magazine, the textured fabric of the bedspread is just discernible, contributing to the composed and quiet scene.",,2,0,entity,whole,entity - whole (lamp),Is there a lamp? +101,"Inside a dimly lit room, the low luminance emanates from a bedside lamp casting a soft glow upon the nightstand. There lies a travel magazine, its pages open to a vivid illustration of a car driving along a picturesque landscape. Positioned on the image is a light pink toothbrush, its bristles glistening in the ambient light. Beside the magazine, the textured fabric of the bedspread is just discernible, contributing to the composed and quiet scene.",,3,0,entity,whole,entity - whole (nightstand),Is there a nightstand? +101,"Inside a dimly lit room, the low luminance emanates from a bedside lamp casting a soft glow upon the nightstand. There lies a travel magazine, its pages open to a vivid illustration of a car driving along a picturesque landscape. Positioned on the image is a light pink toothbrush, its bristles glistening in the ambient light. Beside the magazine, the textured fabric of the bedspread is just discernible, contributing to the composed and quiet scene.",,4,0,entity,whole,entity - whole (magazine),Is there a magazine? +101,"Inside a dimly lit room, the low luminance emanates from a bedside lamp casting a soft glow upon the nightstand. There lies a travel magazine, its pages open to a vivid illustration of a car driving along a picturesque landscape. Positioned on the image is a light pink toothbrush, its bristles glistening in the ambient light. Beside the magazine, the textured fabric of the bedspread is just discernible, contributing to the composed and quiet scene.",,5,4,entity,whole,entity - whole (illustration),Is there an illustration? +101,"Inside a dimly lit room, the low luminance emanates from a bedside lamp casting a soft glow upon the nightstand. There lies a travel magazine, its pages open to a vivid illustration of a car driving along a picturesque landscape. Positioned on the image is a light pink toothbrush, its bristles glistening in the ambient light. Beside the magazine, the textured fabric of the bedspread is just discernible, contributing to the composed and quiet scene.",,6,0,entity,whole,entity - whole (toothbrush),Is there a toothbrush? +101,"Inside a dimly lit room, the low luminance emanates from a bedside lamp casting a soft glow upon the nightstand. There lies a travel magazine, its pages open to a vivid illustration of a car driving along a picturesque landscape. Positioned on the image is a light pink toothbrush, its bristles glistening in the ambient light. Beside the magazine, the textured fabric of the bedspread is just discernible, contributing to the composed and quiet scene.",,7,0,entity,whole,entity - whole (bedspread),Is there a bedspread? +101,"Inside a dimly lit room, the low luminance emanates from a bedside lamp casting a soft glow upon the nightstand. There lies a travel magazine, its pages open to a vivid illustration of a car driving along a picturesque landscape. Positioned on the image is a light pink toothbrush, its bristles glistening in the ambient light. Beside the magazine, the textured fabric of the bedspread is just discernible, contributing to the composed and quiet scene.",,8,6,attribute,color,"attribute - color (toothbrush, light pink)",Is the toothbrush light pink? +101,"Inside a dimly lit room, the low luminance emanates from a bedside lamp casting a soft glow upon the nightstand. There lies a travel magazine, its pages open to a vivid illustration of a car driving along a picturesque landscape. Positioned on the image is a light pink toothbrush, its bristles glistening in the ambient light. Beside the magazine, the textured fabric of the bedspread is just discernible, contributing to the composed and quiet scene.",,9,7,attribute,texture,"attribute - texture (bedspread, textured)",Is the bedspread textured? +101,"Inside a dimly lit room, the low luminance emanates from a bedside lamp casting a soft glow upon the nightstand. There lies a travel magazine, its pages open to a vivid illustration of a car driving along a picturesque landscape. Positioned on the image is a light pink toothbrush, its bristles glistening in the ambient light. Beside the magazine, the textured fabric of the bedspread is just discernible, contributing to the composed and quiet scene.",,10,"2,3",relation,spatial,"relation - spatial (lamp, nightstand, on)",Is the lamp on the nightstand? +183,"In the fading light of dusk, three circular targets aglow with bright neon lights hang suspended in the tranquil evening air. Below, a well-worn pair of skating shoes, marked with scuffs and bearing the tale of countless rides, sits abandoned on the weathered wooden slats of an old park bench. Around the bench, the soft glow of nearby street lamps casts a subtle light, creating a gentle contrast with the vivid colors of the floating targets.",,1,0,entity,whole,entity - whole (targets),Are there targets? +183,"In the fading light of dusk, three circular targets aglow with bright neon lights hang suspended in the tranquil evening air. Below, a well-worn pair of skating shoes, marked with scuffs and bearing the tale of countless rides, sits abandoned on the weathered wooden slats of an old park bench. Around the bench, the soft glow of nearby street lamps casts a subtle light, creating a gentle contrast with the vivid colors of the floating targets.",,2,0,entity,whole,entity - whole (shoes),Are there shoes? +183,"In the fading light of dusk, three circular targets aglow with bright neon lights hang suspended in the tranquil evening air. Below, a well-worn pair of skating shoes, marked with scuffs and bearing the tale of countless rides, sits abandoned on the weathered wooden slats of an old park bench. Around the bench, the soft glow of nearby street lamps casts a subtle light, creating a gentle contrast with the vivid colors of the floating targets.",,3,0,entity,whole,entity - whole (bench),Is there a bench? +183,"In the fading light of dusk, three circular targets aglow with bright neon lights hang suspended in the tranquil evening air. Below, a well-worn pair of skating shoes, marked with scuffs and bearing the tale of countless rides, sits abandoned on the weathered wooden slats of an old park bench. Around the bench, the soft glow of nearby street lamps casts a subtle light, creating a gentle contrast with the vivid colors of the floating targets.",,4,0,entity,whole,entity - whole (street lamps),Are there street lamps? +183,"In the fading light of dusk, three circular targets aglow with bright neon lights hang suspended in the tranquil evening air. Below, a well-worn pair of skating shoes, marked with scuffs and bearing the tale of countless rides, sits abandoned on the weathered wooden slats of an old park bench. Around the bench, the soft glow of nearby street lamps casts a subtle light, creating a gentle contrast with the vivid colors of the floating targets.",,5,1,other,count,"other - count (targets, ==3)",Are there three targets? +183,"In the fading light of dusk, three circular targets aglow with bright neon lights hang suspended in the tranquil evening air. Below, a well-worn pair of skating shoes, marked with scuffs and bearing the tale of countless rides, sits abandoned on the weathered wooden slats of an old park bench. Around the bench, the soft glow of nearby street lamps casts a subtle light, creating a gentle contrast with the vivid colors of the floating targets.",,6,1,attribute,color,"attribute - color (targets, neon)",Are the targets glowing with bright neon lights? +183,"In the fading light of dusk, three circular targets aglow with bright neon lights hang suspended in the tranquil evening air. Below, a well-worn pair of skating shoes, marked with scuffs and bearing the tale of countless rides, sits abandoned on the weathered wooden slats of an old park bench. Around the bench, the soft glow of nearby street lamps casts a subtle light, creating a gentle contrast with the vivid colors of the floating targets.",,7,2,attribute,texture,"attribute - texture (shoes, scuffed)",Are the shoes scuffed? +183,"In the fading light of dusk, three circular targets aglow with bright neon lights hang suspended in the tranquil evening air. Below, a well-worn pair of skating shoes, marked with scuffs and bearing the tale of countless rides, sits abandoned on the weathered wooden slats of an old park bench. Around the bench, the soft glow of nearby street lamps casts a subtle light, creating a gentle contrast with the vivid colors of the floating targets.",,8,3,attribute,texture,"attribute - texture (bench, weathered wood)",Is the bench made of weathered wood? +183,"In the fading light of dusk, three circular targets aglow with bright neon lights hang suspended in the tranquil evening air. Below, a well-worn pair of skating shoes, marked with scuffs and bearing the tale of countless rides, sits abandoned on the weathered wooden slats of an old park bench. Around the bench, the soft glow of nearby street lamps casts a subtle light, creating a gentle contrast with the vivid colors of the floating targets.",,9,"2,3",relation,spatial,"relation - spatial (shoes, bench, on)",Are the shoes on the bench? +183,"In the fading light of dusk, three circular targets aglow with bright neon lights hang suspended in the tranquil evening air. Below, a well-worn pair of skating shoes, marked with scuffs and bearing the tale of countless rides, sits abandoned on the weathered wooden slats of an old park bench. Around the bench, the soft glow of nearby street lamps casts a subtle light, creating a gentle contrast with the vivid colors of the floating targets.",,10,"3,4",relation,spatial,"relation - spatial (bench, street lamps, near)",Is the bench near the street lamps? +274,"An open pencil case with a variety of colored pencils strewn about lies adjacent to a set of sleek, black binoculars resting on the smooth surface of an aged oak desk. The desk, marked by the patina of use, features intricate grain patterns and is sprinkled with fine papers and an antique brass lamp. The combination of school supplies and exploratory equipment suggests a space dedicated to both study and adventure.",,1,0,entity,whole,entity - whole (pencil case),Is there a pencil case? +274,"An open pencil case with a variety of colored pencils strewn about lies adjacent to a set of sleek, black binoculars resting on the smooth surface of an aged oak desk. The desk, marked by the patina of use, features intricate grain patterns and is sprinkled with fine papers and an antique brass lamp. The combination of school supplies and exploratory equipment suggests a space dedicated to both study and adventure.",,2,0,entity,whole,entity - whole (colored pencils),Are there colored pencils? +274,"An open pencil case with a variety of colored pencils strewn about lies adjacent to a set of sleek, black binoculars resting on the smooth surface of an aged oak desk. The desk, marked by the patina of use, features intricate grain patterns and is sprinkled with fine papers and an antique brass lamp. The combination of school supplies and exploratory equipment suggests a space dedicated to both study and adventure.",,3,0,entity,whole,entity - whole (binoculars),Are there binoculars? +274,"An open pencil case with a variety of colored pencils strewn about lies adjacent to a set of sleek, black binoculars resting on the smooth surface of an aged oak desk. The desk, marked by the patina of use, features intricate grain patterns and is sprinkled with fine papers and an antique brass lamp. The combination of school supplies and exploratory equipment suggests a space dedicated to both study and adventure.",,4,0,entity,whole,entity - whole (desk),Is there a desk? +274,"An open pencil case with a variety of colored pencils strewn about lies adjacent to a set of sleek, black binoculars resting on the smooth surface of an aged oak desk. The desk, marked by the patina of use, features intricate grain patterns and is sprinkled with fine papers and an antique brass lamp. The combination of school supplies and exploratory equipment suggests a space dedicated to both study and adventure.",,5,0,entity,whole,entity - whole (papers),Are there papers? +274,"An open pencil case with a variety of colored pencils strewn about lies adjacent to a set of sleek, black binoculars resting on the smooth surface of an aged oak desk. The desk, marked by the patina of use, features intricate grain patterns and is sprinkled with fine papers and an antique brass lamp. The combination of school supplies and exploratory equipment suggests a space dedicated to both study and adventure.",,6,0,entity,whole,entity - whole (lamp),Is there a lamp? +274,"An open pencil case with a variety of colored pencils strewn about lies adjacent to a set of sleek, black binoculars resting on the smooth surface of an aged oak desk. The desk, marked by the patina of use, features intricate grain patterns and is sprinkled with fine papers and an antique brass lamp. The combination of school supplies and exploratory equipment suggests a space dedicated to both study and adventure.",,7,3,attribute,color,"attribute - color (binoculars, black)",Are the binoculars black? +274,"An open pencil case with a variety of colored pencils strewn about lies adjacent to a set of sleek, black binoculars resting on the smooth surface of an aged oak desk. The desk, marked by the patina of use, features intricate grain patterns and is sprinkled with fine papers and an antique brass lamp. The combination of school supplies and exploratory equipment suggests a space dedicated to both study and adventure.",,8,4,attribute,texture,"attribute - texture (desk, oak, aged)",Is the desk made of aged oak? +274,"An open pencil case with a variety of colored pencils strewn about lies adjacent to a set of sleek, black binoculars resting on the smooth surface of an aged oak desk. The desk, marked by the patina of use, features intricate grain patterns and is sprinkled with fine papers and an antique brass lamp. The combination of school supplies and exploratory equipment suggests a space dedicated to both study and adventure.",,9,4,attribute,texture,"attribute - texture (desk, grain patterns, intricate)",Does the desk have intricate grain patterns? +274,"An open pencil case with a variety of colored pencils strewn about lies adjacent to a set of sleek, black binoculars resting on the smooth surface of an aged oak desk. The desk, marked by the patina of use, features intricate grain patterns and is sprinkled with fine papers and an antique brass lamp. The combination of school supplies and exploratory equipment suggests a space dedicated to both study and adventure.",,10,6,attribute,texture,"attribute - texture (lamp, brass, antique)",Is the lamp made of antique brass? +274,"An open pencil case with a variety of colored pencils strewn about lies adjacent to a set of sleek, black binoculars resting on the smooth surface of an aged oak desk. The desk, marked by the patina of use, features intricate grain patterns and is sprinkled with fine papers and an antique brass lamp. The combination of school supplies and exploratory equipment suggests a space dedicated to both study and adventure.",,11,1,entity,state,"entity - state (pencil case, open)",Is the pencil case open? +274,"An open pencil case with a variety of colored pencils strewn about lies adjacent to a set of sleek, black binoculars resting on the smooth surface of an aged oak desk. The desk, marked by the patina of use, features intricate grain patterns and is sprinkled with fine papers and an antique brass lamp. The combination of school supplies and exploratory equipment suggests a space dedicated to both study and adventure.",,12,"1,4",relation,spatial,"relation - spatial (pencil case, desk, on)",Is the pencil case on the desk? +274,"An open pencil case with a variety of colored pencils strewn about lies adjacent to a set of sleek, black binoculars resting on the smooth surface of an aged oak desk. The desk, marked by the patina of use, features intricate grain patterns and is sprinkled with fine papers and an antique brass lamp. The combination of school supplies and exploratory equipment suggests a space dedicated to both study and adventure.",,13,"3,4",relation,spatial,"relation - spatial (binoculars, desk, on)",Are the binoculars on the desk? +274,"An open pencil case with a variety of colored pencils strewn about lies adjacent to a set of sleek, black binoculars resting on the smooth surface of an aged oak desk. The desk, marked by the patina of use, features intricate grain patterns and is sprinkled with fine papers and an antique brass lamp. The combination of school supplies and exploratory equipment suggests a space dedicated to both study and adventure.",,14,"4,5",relation,spatial,"relation - spatial (papers, desk, on)",Are the papers on the desk? +274,"An open pencil case with a variety of colored pencils strewn about lies adjacent to a set of sleek, black binoculars resting on the smooth surface of an aged oak desk. The desk, marked by the patina of use, features intricate grain patterns and is sprinkled with fine papers and an antique brass lamp. The combination of school supplies and exploratory equipment suggests a space dedicated to both study and adventure.",,15,"4,6",relation,spatial,"relation - spatial (lamp, desk, on)",Is the lamp on the desk? +274,"An open pencil case with a variety of colored pencils strewn about lies adjacent to a set of sleek, black binoculars resting on the smooth surface of an aged oak desk. The desk, marked by the patina of use, features intricate grain patterns and is sprinkled with fine papers and an antique brass lamp. The combination of school supplies and exploratory equipment suggests a space dedicated to both study and adventure.",,16,"1,3",relation,spatial,"relation - spatial (pencil case, binoculars, adjacent to)",Is the pencil case adjacent to the binoculars? +119,"In the warm hue of the setting sun, a well-used wooden cutting board leans against the gray, splintered slats of an aging backyard fence. Nearby, a bright red stop sign, its paint slightly faded and peeling from years of service, is planted firmly beside a quaint garden shed with peeling blue paint and a rusty door handle. The grass, tinged orange by the sunset's glow, is dotted with dandelions and whispers of the day's end breeze.",,1,0,entity,whole,entity - whole (cutting board),Is there a cutting board? +119,"In the warm hue of the setting sun, a well-used wooden cutting board leans against the gray, splintered slats of an aging backyard fence. Nearby, a bright red stop sign, its paint slightly faded and peeling from years of service, is planted firmly beside a quaint garden shed with peeling blue paint and a rusty door handle. The grass, tinged orange by the sunset's glow, is dotted with dandelions and whispers of the day's end breeze.",,2,0,entity,whole,entity - whole (fence),Is there a fence? +119,"In the warm hue of the setting sun, a well-used wooden cutting board leans against the gray, splintered slats of an aging backyard fence. Nearby, a bright red stop sign, its paint slightly faded and peeling from years of service, is planted firmly beside a quaint garden shed with peeling blue paint and a rusty door handle. The grass, tinged orange by the sunset's glow, is dotted with dandelions and whispers of the day's end breeze.",,3,0,entity,whole,entity - whole (stop sign),Is there a stop sign? +119,"In the warm hue of the setting sun, a well-used wooden cutting board leans against the gray, splintered slats of an aging backyard fence. Nearby, a bright red stop sign, its paint slightly faded and peeling from years of service, is planted firmly beside a quaint garden shed with peeling blue paint and a rusty door handle. The grass, tinged orange by the sunset's glow, is dotted with dandelions and whispers of the day's end breeze.",,4,0,entity,whole,entity - whole (garden shed),Is there a garden shed? +119,"In the warm hue of the setting sun, a well-used wooden cutting board leans against the gray, splintered slats of an aging backyard fence. Nearby, a bright red stop sign, its paint slightly faded and peeling from years of service, is planted firmly beside a quaint garden shed with peeling blue paint and a rusty door handle. The grass, tinged orange by the sunset's glow, is dotted with dandelions and whispers of the day's end breeze.",,5,0,entity,whole,entity - whole (grass),Is there grass? +119,"In the warm hue of the setting sun, a well-used wooden cutting board leans against the gray, splintered slats of an aging backyard fence. Nearby, a bright red stop sign, its paint slightly faded and peeling from years of service, is planted firmly beside a quaint garden shed with peeling blue paint and a rusty door handle. The grass, tinged orange by the sunset's glow, is dotted with dandelions and whispers of the day's end breeze.",,6,1,attribute,color,"attribute - color (cutting board, wooden)",Is the cutting board made of wood? +119,"In the warm hue of the setting sun, a well-used wooden cutting board leans against the gray, splintered slats of an aging backyard fence. Nearby, a bright red stop sign, its paint slightly faded and peeling from years of service, is planted firmly beside a quaint garden shed with peeling blue paint and a rusty door handle. The grass, tinged orange by the sunset's glow, is dotted with dandelions and whispers of the day's end breeze.",,7,2,attribute,color,"attribute - color (fence, gray)",Is the fence gray? +119,"In the warm hue of the setting sun, a well-used wooden cutting board leans against the gray, splintered slats of an aging backyard fence. Nearby, a bright red stop sign, its paint slightly faded and peeling from years of service, is planted firmly beside a quaint garden shed with peeling blue paint and a rusty door handle. The grass, tinged orange by the sunset's glow, is dotted with dandelions and whispers of the day's end breeze.",,8,3,attribute,color,"attribute - color (stop sign, bright red)",Is the stop sign bright red? +119,"In the warm hue of the setting sun, a well-used wooden cutting board leans against the gray, splintered slats of an aging backyard fence. Nearby, a bright red stop sign, its paint slightly faded and peeling from years of service, is planted firmly beside a quaint garden shed with peeling blue paint and a rusty door handle. The grass, tinged orange by the sunset's glow, is dotted with dandelions and whispers of the day's end breeze.",,9,4,attribute,color,"attribute - color (garden shed, blue)",Is the garden shed blue? +119,"In the warm hue of the setting sun, a well-used wooden cutting board leans against the gray, splintered slats of an aging backyard fence. Nearby, a bright red stop sign, its paint slightly faded and peeling from years of service, is planted firmly beside a quaint garden shed with peeling blue paint and a rusty door handle. The grass, tinged orange by the sunset's glow, is dotted with dandelions and whispers of the day's end breeze.",,10,1,attribute,texture,"attribute - texture (cutting board, well-used)",Is the cutting board well-used? +119,"In the warm hue of the setting sun, a well-used wooden cutting board leans against the gray, splintered slats of an aging backyard fence. Nearby, a bright red stop sign, its paint slightly faded and peeling from years of service, is planted firmly beside a quaint garden shed with peeling blue paint and a rusty door handle. The grass, tinged orange by the sunset's glow, is dotted with dandelions and whispers of the day's end breeze.",,11,2,attribute,texture,"attribute - texture (fence, splintered)",Are the fence slats splintered? +119,"In the warm hue of the setting sun, a well-used wooden cutting board leans against the gray, splintered slats of an aging backyard fence. Nearby, a bright red stop sign, its paint slightly faded and peeling from years of service, is planted firmly beside a quaint garden shed with peeling blue paint and a rusty door handle. The grass, tinged orange by the sunset's glow, is dotted with dandelions and whispers of the day's end breeze.",,12,3,attribute,texture,"attribute - texture (stop sign, paint faded and peeling)",Is the paint on the stop sign faded and peeling? +119,"In the warm hue of the setting sun, a well-used wooden cutting board leans against the gray, splintered slats of an aging backyard fence. Nearby, a bright red stop sign, its paint slightly faded and peeling from years of service, is planted firmly beside a quaint garden shed with peeling blue paint and a rusty door handle. The grass, tinged orange by the sunset's glow, is dotted with dandelions and whispers of the day's end breeze.",,13,4,attribute,texture,"attribute - texture (garden shed, paint peeling)",Is the paint on the garden shed peeling? +119,"In the warm hue of the setting sun, a well-used wooden cutting board leans against the gray, splintered slats of an aging backyard fence. Nearby, a bright red stop sign, its paint slightly faded and peeling from years of service, is planted firmly beside a quaint garden shed with peeling blue paint and a rusty door handle. The grass, tinged orange by the sunset's glow, is dotted with dandelions and whispers of the day's end breeze.",,14,4,attribute,texture,"attribute - texture (garden shed's door handle, rusty)",Is the door handle of the garden shed rusty? +119,"In the warm hue of the setting sun, a well-used wooden cutting board leans against the gray, splintered slats of an aging backyard fence. Nearby, a bright red stop sign, its paint slightly faded and peeling from years of service, is planted firmly beside a quaint garden shed with peeling blue paint and a rusty door handle. The grass, tinged orange by the sunset's glow, is dotted with dandelions and whispers of the day's end breeze.",,15,"1,2",relation,spatial,"relation - spatial (cutting board, fence, against)",Is the cutting board leaning against the fence? +119,"In the warm hue of the setting sun, a well-used wooden cutting board leans against the gray, splintered slats of an aging backyard fence. Nearby, a bright red stop sign, its paint slightly faded and peeling from years of service, is planted firmly beside a quaint garden shed with peeling blue paint and a rusty door handle. The grass, tinged orange by the sunset's glow, is dotted with dandelions and whispers of the day's end breeze.",,16,"3,4",relation,spatial,"relation - spatial (stop sign, garden shed, beside)",Is the stop sign planted firmly beside the garden shed? +119,"In the warm hue of the setting sun, a well-used wooden cutting board leans against the gray, splintered slats of an aging backyard fence. Nearby, a bright red stop sign, its paint slightly faded and peeling from years of service, is planted firmly beside a quaint garden shed with peeling blue paint and a rusty door handle. The grass, tinged orange by the sunset's glow, is dotted with dandelions and whispers of the day's end breeze.",,17,5,relation,spatial,"relation - spatial (grass, dandelions, dotted with)",Is the grass dotted with dandelions? +119,"In the warm hue of the setting sun, a well-used wooden cutting board leans against the gray, splintered slats of an aging backyard fence. Nearby, a bright red stop sign, its paint slightly faded and peeling from years of service, is planted firmly beside a quaint garden shed with peeling blue paint and a rusty door handle. The grass, tinged orange by the sunset's glow, is dotted with dandelions and whispers of the day's end breeze.",,18,5,entity,state,"entity - state (grass, tinged orange by sunset)",Is the grass tinged orange by the sunset? +119,"In the warm hue of the setting sun, a well-used wooden cutting board leans against the gray, splintered slats of an aging backyard fence. Nearby, a bright red stop sign, its paint slightly faded and peeling from years of service, is planted firmly beside a quaint garden shed with peeling blue paint and a rusty door handle. The grass, tinged orange by the sunset's glow, is dotted with dandelions and whispers of the day's end breeze.",,19,0,entity,state,"entity - state (breeze, day's end, whispers of)",Are there whispers of the day's end breeze? +225,"In the middle of a cozy room with a vintage charm, a circular wooden dining table takes the stage, its surface adorned with a decorative vase and a few scattered books. The room's warmth is maintained by an old-fashioned radiator humming steadily in the corner, a testament to its long service. As dusk approaches, the waning sunlight softly permeates the space through a window with a delicate frost pattern, casting a gentle glow that enhances the room's rustic ambiance.",,1,0,entity,whole,entity - whole (room),Is there a room? +225,"In the middle of a cozy room with a vintage charm, a circular wooden dining table takes the stage, its surface adorned with a decorative vase and a few scattered books. The room's warmth is maintained by an old-fashioned radiator humming steadily in the corner, a testament to its long service. As dusk approaches, the waning sunlight softly permeates the space through a window with a delicate frost pattern, casting a gentle glow that enhances the room's rustic ambiance.",,2,1,entity,whole,entity - whole (dining table),Is there a dining table? +225,"In the middle of a cozy room with a vintage charm, a circular wooden dining table takes the stage, its surface adorned with a decorative vase and a few scattered books. The room's warmth is maintained by an old-fashioned radiator humming steadily in the corner, a testament to its long service. As dusk approaches, the waning sunlight softly permeates the space through a window with a delicate frost pattern, casting a gentle glow that enhances the room's rustic ambiance.",,3,2,entity,whole,entity - whole (vase),Is there a vase? +225,"In the middle of a cozy room with a vintage charm, a circular wooden dining table takes the stage, its surface adorned with a decorative vase and a few scattered books. The room's warmth is maintained by an old-fashioned radiator humming steadily in the corner, a testament to its long service. As dusk approaches, the waning sunlight softly permeates the space through a window with a delicate frost pattern, casting a gentle glow that enhances the room's rustic ambiance.",,4,2,entity,whole,entity - whole (books),Are there books? +225,"In the middle of a cozy room with a vintage charm, a circular wooden dining table takes the stage, its surface adorned with a decorative vase and a few scattered books. The room's warmth is maintained by an old-fashioned radiator humming steadily in the corner, a testament to its long service. As dusk approaches, the waning sunlight softly permeates the space through a window with a delicate frost pattern, casting a gentle glow that enhances the room's rustic ambiance.",,5,1,entity,whole,entity - whole (radiator),Is there a radiator? +225,"In the middle of a cozy room with a vintage charm, a circular wooden dining table takes the stage, its surface adorned with a decorative vase and a few scattered books. The room's warmth is maintained by an old-fashioned radiator humming steadily in the corner, a testament to its long service. As dusk approaches, the waning sunlight softly permeates the space through a window with a delicate frost pattern, casting a gentle glow that enhances the room's rustic ambiance.",,6,1,entity,whole,entity - whole (window),Is there a window? +225,"In the middle of a cozy room with a vintage charm, a circular wooden dining table takes the stage, its surface adorned with a decorative vase and a few scattered books. The room's warmth is maintained by an old-fashioned radiator humming steadily in the corner, a testament to its long service. As dusk approaches, the waning sunlight softly permeates the space through a window with a delicate frost pattern, casting a gentle glow that enhances the room's rustic ambiance.",,7,2,attribute,shape,"attribute - shape (dining table, circular)",Is the dining table circular? +225,"In the middle of a cozy room with a vintage charm, a circular wooden dining table takes the stage, its surface adorned with a decorative vase and a few scattered books. The room's warmth is maintained by an old-fashioned radiator humming steadily in the corner, a testament to its long service. As dusk approaches, the waning sunlight softly permeates the space through a window with a delicate frost pattern, casting a gentle glow that enhances the room's rustic ambiance.",,8,2,attribute,texture,"attribute - texture (dining table, wood)",Is the dining table made of wood? +225,"In the middle of a cozy room with a vintage charm, a circular wooden dining table takes the stage, its surface adorned with a decorative vase and a few scattered books. The room's warmth is maintained by an old-fashioned radiator humming steadily in the corner, a testament to its long service. As dusk approaches, the waning sunlight softly permeates the space through a window with a delicate frost pattern, casting a gentle glow that enhances the room's rustic ambiance.",,9,1,attribute,other,"attribute - other (room, cozy)",Is the room cozy? +225,"In the middle of a cozy room with a vintage charm, a circular wooden dining table takes the stage, its surface adorned with a decorative vase and a few scattered books. The room's warmth is maintained by an old-fashioned radiator humming steadily in the corner, a testament to its long service. As dusk approaches, the waning sunlight softly permeates the space through a window with a delicate frost pattern, casting a gentle glow that enhances the room's rustic ambiance.",,10,1,attribute,other,"attribute - other (room, vintage charm)",Does the room have a vintage charm? +94,"Two bright red skiboards are propped up against the rugged bark of a tall pine tree, their bindings reflecting the sunlight that filters through the branches. Next to them, a pair of black skating shoes with neon green laces sits neatly on the freshly fallen snow. The surrounding area is quiet and untouched, suggesting an anticipation for an exhilarating afternoon of winter sports activities.",,1,0,entity,whole,entity - whole (skiboards),Are there skiboards? +94,"Two bright red skiboards are propped up against the rugged bark of a tall pine tree, their bindings reflecting the sunlight that filters through the branches. Next to them, a pair of black skating shoes with neon green laces sits neatly on the freshly fallen snow. The surrounding area is quiet and untouched, suggesting an anticipation for an exhilarating afternoon of winter sports activities.",,2,0,entity,whole,entity - whole (pine tree),Is there a pine tree? +94,"Two bright red skiboards are propped up against the rugged bark of a tall pine tree, their bindings reflecting the sunlight that filters through the branches. Next to them, a pair of black skating shoes with neon green laces sits neatly on the freshly fallen snow. The surrounding area is quiet and untouched, suggesting an anticipation for an exhilarating afternoon of winter sports activities.",,3,0,entity,whole,entity - whole (shoes),Are there shoes? +94,"Two bright red skiboards are propped up against the rugged bark of a tall pine tree, their bindings reflecting the sunlight that filters through the branches. Next to them, a pair of black skating shoes with neon green laces sits neatly on the freshly fallen snow. The surrounding area is quiet and untouched, suggesting an anticipation for an exhilarating afternoon of winter sports activities.",,4,1,attribute,color,"attribute - color (skiboards, bright red)",Are the skiboards bright red? +94,"Two bright red skiboards are propped up against the rugged bark of a tall pine tree, their bindings reflecting the sunlight that filters through the branches. Next to them, a pair of black skating shoes with neon green laces sits neatly on the freshly fallen snow. The surrounding area is quiet and untouched, suggesting an anticipation for an exhilarating afternoon of winter sports activities.",,5,3,attribute,color,"attribute - color (shoes, black)",Are the shoes black? +94,"Two bright red skiboards are propped up against the rugged bark of a tall pine tree, their bindings reflecting the sunlight that filters through the branches. Next to them, a pair of black skating shoes with neon green laces sits neatly on the freshly fallen snow. The surrounding area is quiet and untouched, suggesting an anticipation for an exhilarating afternoon of winter sports activities.",,6,3,attribute,color,"attribute - color (shoes' laces, neon green)",Are the laces on the shoes neon green? +94,"Two bright red skiboards are propped up against the rugged bark of a tall pine tree, their bindings reflecting the sunlight that filters through the branches. Next to them, a pair of black skating shoes with neon green laces sits neatly on the freshly fallen snow. The surrounding area is quiet and untouched, suggesting an anticipation for an exhilarating afternoon of winter sports activities.",,7,2,attribute,texture,"attribute - texture (pine tree, rugged bark)",Does the pine tree have rugged bark? +94,"Two bright red skiboards are propped up against the rugged bark of a tall pine tree, their bindings reflecting the sunlight that filters through the branches. Next to them, a pair of black skating shoes with neon green laces sits neatly on the freshly fallen snow. The surrounding area is quiet and untouched, suggesting an anticipation for an exhilarating afternoon of winter sports activities.",,8,1,entity,state,"entity - state (skiboards, propped up)",Are the skiboards propped up? +94,"Two bright red skiboards are propped up against the rugged bark of a tall pine tree, their bindings reflecting the sunlight that filters through the branches. Next to them, a pair of black skating shoes with neon green laces sits neatly on the freshly fallen snow. The surrounding area is quiet and untouched, suggesting an anticipation for an exhilarating afternoon of winter sports activities.",,9,"1,2",relation,spatial,"relation - spatial (skiboards, pine tree, against)",Are the skiboards against the pine tree? +94,"Two bright red skiboards are propped up against the rugged bark of a tall pine tree, their bindings reflecting the sunlight that filters through the branches. Next to them, a pair of black skating shoes with neon green laces sits neatly on the freshly fallen snow. The surrounding area is quiet and untouched, suggesting an anticipation for an exhilarating afternoon of winter sports activities.",,10,3,relation,spatial,"relation - spatial (shoes, snow, on)",Are the shoes sitting on the freshly fallen snow? +241,"On a high exterior wall, two large white air conditioning units sit securely bracketed, their vents showing signs of weathering from constant exposure to the elements. Beside them, a rail mounted to the wall supports five sleek black hangers, their long forms casting faint shadows under the faint glow of the nearby street lamp. Above, the dark night sky stretches endlessly, with stars twinkling subtly far in the distance.",,1,0,entity,whole,entity - whole (wall),Is there a wall? +241,"On a high exterior wall, two large white air conditioning units sit securely bracketed, their vents showing signs of weathering from constant exposure to the elements. Beside them, a rail mounted to the wall supports five sleek black hangers, their long forms casting faint shadows under the faint glow of the nearby street lamp. Above, the dark night sky stretches endlessly, with stars twinkling subtly far in the distance.",,2,1,entity,whole,entity - whole (air conditioning units),Are there air conditioning units? +241,"On a high exterior wall, two large white air conditioning units sit securely bracketed, their vents showing signs of weathering from constant exposure to the elements. Beside them, a rail mounted to the wall supports five sleek black hangers, their long forms casting faint shadows under the faint glow of the nearby street lamp. Above, the dark night sky stretches endlessly, with stars twinkling subtly far in the distance.",,3,2,entity,whole,entity - whole (vents),Are there vents? +241,"On a high exterior wall, two large white air conditioning units sit securely bracketed, their vents showing signs of weathering from constant exposure to the elements. Beside them, a rail mounted to the wall supports five sleek black hangers, their long forms casting faint shadows under the faint glow of the nearby street lamp. Above, the dark night sky stretches endlessly, with stars twinkling subtly far in the distance.",,4,1,entity,whole,entity - whole (rail),Is there a rail? +241,"On a high exterior wall, two large white air conditioning units sit securely bracketed, their vents showing signs of weathering from constant exposure to the elements. Beside them, a rail mounted to the wall supports five sleek black hangers, their long forms casting faint shadows under the faint glow of the nearby street lamp. Above, the dark night sky stretches endlessly, with stars twinkling subtly far in the distance.",,5,4,entity,whole,entity - whole (hangers),Are there hangers? +241,"On a high exterior wall, two large white air conditioning units sit securely bracketed, their vents showing signs of weathering from constant exposure to the elements. Beside them, a rail mounted to the wall supports five sleek black hangers, their long forms casting faint shadows under the faint glow of the nearby street lamp. Above, the dark night sky stretches endlessly, with stars twinkling subtly far in the distance.",,6,0,entity,whole,entity - whole (street lamp),Is there a street lamp? +241,"On a high exterior wall, two large white air conditioning units sit securely bracketed, their vents showing signs of weathering from constant exposure to the elements. Beside them, a rail mounted to the wall supports five sleek black hangers, their long forms casting faint shadows under the faint glow of the nearby street lamp. Above, the dark night sky stretches endlessly, with stars twinkling subtly far in the distance.",,7,0,entity,whole,entity - whole (sky),Is there a sky? +241,"On a high exterior wall, two large white air conditioning units sit securely bracketed, their vents showing signs of weathering from constant exposure to the elements. Beside them, a rail mounted to the wall supports five sleek black hangers, their long forms casting faint shadows under the faint glow of the nearby street lamp. Above, the dark night sky stretches endlessly, with stars twinkling subtly far in the distance.",,8,2,attribute,color,"attribute - color (air conditioning units, white)",Are the air conditioning units white? +241,"On a high exterior wall, two large white air conditioning units sit securely bracketed, their vents showing signs of weathering from constant exposure to the elements. Beside them, a rail mounted to the wall supports five sleek black hangers, their long forms casting faint shadows under the faint glow of the nearby street lamp. Above, the dark night sky stretches endlessly, with stars twinkling subtly far in the distance.",,9,5,attribute,color,"attribute - color (hangers, black)",Are the hangers black? +241,"On a high exterior wall, two large white air conditioning units sit securely bracketed, their vents showing signs of weathering from constant exposure to the elements. Beside them, a rail mounted to the wall supports five sleek black hangers, their long forms casting faint shadows under the faint glow of the nearby street lamp. Above, the dark night sky stretches endlessly, with stars twinkling subtly far in the distance.",,10,3,attribute,texture,"attribute - texture (vents, weathered)",Are the vents weathered? +155,"A vibrant hot pink cosmetic bag with a textured quilted pattern sits on the gray tile floor between two glossy, white ceramic urinals. The bag is partially unzipped, revealing an array of makeup brushes and beauty products peeking out. To the side, the chrome flush pipes of the urinals glint under the bright bathroom lighting.",,1,0,entity,whole,entity - whole (cosmetic bag),Is there a cosmetic bag? +155,"A vibrant hot pink cosmetic bag with a textured quilted pattern sits on the gray tile floor between two glossy, white ceramic urinals. The bag is partially unzipped, revealing an array of makeup brushes and beauty products peeking out. To the side, the chrome flush pipes of the urinals glint under the bright bathroom lighting.",,2,0,entity,whole,entity - whole (tile floor),Is there a tile floor? +155,"A vibrant hot pink cosmetic bag with a textured quilted pattern sits on the gray tile floor between two glossy, white ceramic urinals. The bag is partially unzipped, revealing an array of makeup brushes and beauty products peeking out. To the side, the chrome flush pipes of the urinals glint under the bright bathroom lighting.",,3,0,entity,whole,entity - whole (urinals),Are there urinals? +155,"A vibrant hot pink cosmetic bag with a textured quilted pattern sits on the gray tile floor between two glossy, white ceramic urinals. The bag is partially unzipped, revealing an array of makeup brushes and beauty products peeking out. To the side, the chrome flush pipes of the urinals glint under the bright bathroom lighting.",,4,0,entity,whole,entity - whole (makeup brushes),Are there makeup brushes? +155,"A vibrant hot pink cosmetic bag with a textured quilted pattern sits on the gray tile floor between two glossy, white ceramic urinals. The bag is partially unzipped, revealing an array of makeup brushes and beauty products peeking out. To the side, the chrome flush pipes of the urinals glint under the bright bathroom lighting.",,5,0,entity,whole,entity - whole (beauty products),Are there beauty products? +155,"A vibrant hot pink cosmetic bag with a textured quilted pattern sits on the gray tile floor between two glossy, white ceramic urinals. The bag is partially unzipped, revealing an array of makeup brushes and beauty products peeking out. To the side, the chrome flush pipes of the urinals glint under the bright bathroom lighting.",,6,1,entity,part,entity - part (cosmetic bag's zipper),Does the cosmetic bag have a zipper? +155,"A vibrant hot pink cosmetic bag with a textured quilted pattern sits on the gray tile floor between two glossy, white ceramic urinals. The bag is partially unzipped, revealing an array of makeup brushes and beauty products peeking out. To the side, the chrome flush pipes of the urinals glint under the bright bathroom lighting.",,7,1,attribute,color,"attribute - color (cosmetic bag, hot pink)",Is the cosmetic bag hot pink? +155,"A vibrant hot pink cosmetic bag with a textured quilted pattern sits on the gray tile floor between two glossy, white ceramic urinals. The bag is partially unzipped, revealing an array of makeup brushes and beauty products peeking out. To the side, the chrome flush pipes of the urinals glint under the bright bathroom lighting.",,8,1,attribute,texture,"attribute - texture (cosmetic bag, quilted)",Does the cosmetic bag have a quilted pattern? +155,"A vibrant hot pink cosmetic bag with a textured quilted pattern sits on the gray tile floor between two glossy, white ceramic urinals. The bag is partially unzipped, revealing an array of makeup brushes and beauty products peeking out. To the side, the chrome flush pipes of the urinals glint under the bright bathroom lighting.",,9,2,attribute,color,"attribute - color (tile floor, gray)",Is the tile floor gray? +155,"A vibrant hot pink cosmetic bag with a textured quilted pattern sits on the gray tile floor between two glossy, white ceramic urinals. The bag is partially unzipped, revealing an array of makeup brushes and beauty products peeking out. To the side, the chrome flush pipes of the urinals glint under the bright bathroom lighting.",,10,3,attribute,color,"attribute - color (urinals, white)",Are the urinals glossy and white? +174,"Two intricately designed bracelets with patterns of gold and silver hues rest at the base of a tall playground slide, which towers above them with its vibrant red and yellow plastic sides. The bracelets catch the fading light of a radiant sunset that paints the sky in brilliant shades of orange and pink. In the near distance, the silhouette of the playground swings can be briefly made out against the colorful backdrop.",,1,0,entity,whole,entity - whole (bracelets),Are there bracelets? +174,"Two intricately designed bracelets with patterns of gold and silver hues rest at the base of a tall playground slide, which towers above them with its vibrant red and yellow plastic sides. The bracelets catch the fading light of a radiant sunset that paints the sky in brilliant shades of orange and pink. In the near distance, the silhouette of the playground swings can be briefly made out against the colorful backdrop.",,2,0,entity,whole,entity - whole (playground slide),Is there a playground slide? +174,"Two intricately designed bracelets with patterns of gold and silver hues rest at the base of a tall playground slide, which towers above them with its vibrant red and yellow plastic sides. The bracelets catch the fading light of a radiant sunset that paints the sky in brilliant shades of orange and pink. In the near distance, the silhouette of the playground swings can be briefly made out against the colorful backdrop.",,3,0,entity,whole,entity - whole (playground swings),Are there playground swings? +174,"Two intricately designed bracelets with patterns of gold and silver hues rest at the base of a tall playground slide, which towers above them with its vibrant red and yellow plastic sides. The bracelets catch the fading light of a radiant sunset that paints the sky in brilliant shades of orange and pink. In the near distance, the silhouette of the playground swings can be briefly made out against the colorful backdrop.",,4,1,other,count,"other - count (bracelets, ==2)",Are there two bracelets? +174,"Two intricately designed bracelets with patterns of gold and silver hues rest at the base of a tall playground slide, which towers above them with its vibrant red and yellow plastic sides. The bracelets catch the fading light of a radiant sunset that paints the sky in brilliant shades of orange and pink. In the near distance, the silhouette of the playground swings can be briefly made out against the colorful backdrop.",,5,1,attribute,color,"attribute - color (bracelets, gold)",Do the bracelets have gold hues? +174,"Two intricately designed bracelets with patterns of gold and silver hues rest at the base of a tall playground slide, which towers above them with its vibrant red and yellow plastic sides. The bracelets catch the fading light of a radiant sunset that paints the sky in brilliant shades of orange and pink. In the near distance, the silhouette of the playground swings can be briefly made out against the colorful backdrop.",,6,1,attribute,color,"attribute - color (bracelets, silver)",Do the bracelets have silver hues? +174,"Two intricately designed bracelets with patterns of gold and silver hues rest at the base of a tall playground slide, which towers above them with its vibrant red and yellow plastic sides. The bracelets catch the fading light of a radiant sunset that paints the sky in brilliant shades of orange and pink. In the near distance, the silhouette of the playground swings can be briefly made out against the colorful backdrop.",,7,2,attribute,color,"attribute - color (playground slide, red)",Is the playground slide red? +174,"Two intricately designed bracelets with patterns of gold and silver hues rest at the base of a tall playground slide, which towers above them with its vibrant red and yellow plastic sides. The bracelets catch the fading light of a radiant sunset that paints the sky in brilliant shades of orange and pink. In the near distance, the silhouette of the playground swings can be briefly made out against the colorful backdrop.",,8,2,attribute,color,"attribute - color (playground slide, yellow)",Is the playground slide yellow? +174,"Two intricately designed bracelets with patterns of gold and silver hues rest at the base of a tall playground slide, which towers above them with its vibrant red and yellow plastic sides. The bracelets catch the fading light of a radiant sunset that paints the sky in brilliant shades of orange and pink. In the near distance, the silhouette of the playground swings can be briefly made out against the colorful backdrop.",,9,0,attribute,color,"attribute - color (sky, orange)",Is the sky painted in shades of orange? +174,"Two intricately designed bracelets with patterns of gold and silver hues rest at the base of a tall playground slide, which towers above them with its vibrant red and yellow plastic sides. The bracelets catch the fading light of a radiant sunset that paints the sky in brilliant shades of orange and pink. In the near distance, the silhouette of the playground swings can be briefly made out against the colorful backdrop.",,10,0,attribute,color,"attribute - color (sky, pink)",Is the sky painted in shades of pink? +174,"Two intricately designed bracelets with patterns of gold and silver hues rest at the base of a tall playground slide, which towers above them with its vibrant red and yellow plastic sides. The bracelets catch the fading light of a radiant sunset that paints the sky in brilliant shades of orange and pink. In the near distance, the silhouette of the playground swings can be briefly made out against the colorful backdrop.",,11,"1,2",relation,spatial,"relation - spatial (bracelets, playground slide, base of)",Are the bracelets resting at the base of the playground slide? +174,"Two intricately designed bracelets with patterns of gold and silver hues rest at the base of a tall playground slide, which towers above them with its vibrant red and yellow plastic sides. The bracelets catch the fading light of a radiant sunset that paints the sky in brilliant shades of orange and pink. In the near distance, the silhouette of the playground swings can be briefly made out against the colorful backdrop.",,12,"3,9",relation,spatial,"relation - spatial (playground swings, sky, against)",Can the silhouette of the playground swings be seen against the sky? +166,"A modern office space featuring a sleek, transparent glass desk upon which five identical flat, rectangular smartphones are arranged in a precise, evenly spaced line. Each phone reflects the overhead lighting, emphasizing their dark, glossy screens. To the side of this technological display, a single roll of white toilet paper stands out, its soft texture a stark contrast to the smooth glass surface, poised precariously at the desk's edge as if forgotten in haste.",,1,0,entity,whole,entity - whole (office space),Is there an office space? +166,"A modern office space featuring a sleek, transparent glass desk upon which five identical flat, rectangular smartphones are arranged in a precise, evenly spaced line. Each phone reflects the overhead lighting, emphasizing their dark, glossy screens. To the side of this technological display, a single roll of white toilet paper stands out, its soft texture a stark contrast to the smooth glass surface, poised precariously at the desk's edge as if forgotten in haste.",,2,0,entity,whole,entity - whole (desk),Is there a desk? +166,"A modern office space featuring a sleek, transparent glass desk upon which five identical flat, rectangular smartphones are arranged in a precise, evenly spaced line. Each phone reflects the overhead lighting, emphasizing their dark, glossy screens. To the side of this technological display, a single roll of white toilet paper stands out, its soft texture a stark contrast to the smooth glass surface, poised precariously at the desk's edge as if forgotten in haste.",,3,0,entity,whole,entity - whole (smartphones),Are there smartphones? +166,"A modern office space featuring a sleek, transparent glass desk upon which five identical flat, rectangular smartphones are arranged in a precise, evenly spaced line. Each phone reflects the overhead lighting, emphasizing their dark, glossy screens. To the side of this technological display, a single roll of white toilet paper stands out, its soft texture a stark contrast to the smooth glass surface, poised precariously at the desk's edge as if forgotten in haste.",,4,0,entity,whole,entity - whole (toilet paper),Is there toilet paper? +166,"A modern office space featuring a sleek, transparent glass desk upon which five identical flat, rectangular smartphones are arranged in a precise, evenly spaced line. Each phone reflects the overhead lighting, emphasizing their dark, glossy screens. To the side of this technological display, a single roll of white toilet paper stands out, its soft texture a stark contrast to the smooth glass surface, poised precariously at the desk's edge as if forgotten in haste.",,5,2,attribute,texture,"attribute - texture (desk, glass, transparent)","Is the desk made of sleek, transparent glass?" +166,"A modern office space featuring a sleek, transparent glass desk upon which five identical flat, rectangular smartphones are arranged in a precise, evenly spaced line. Each phone reflects the overhead lighting, emphasizing their dark, glossy screens. To the side of this technological display, a single roll of white toilet paper stands out, its soft texture a stark contrast to the smooth glass surface, poised precariously at the desk's edge as if forgotten in haste.",,6,4,attribute,texture,"attribute - texture (toilet paper, soft)",Is the toilet paper soft? +166,"A modern office space featuring a sleek, transparent glass desk upon which five identical flat, rectangular smartphones are arranged in a precise, evenly spaced line. Each phone reflects the overhead lighting, emphasizing their dark, glossy screens. To the side of this technological display, a single roll of white toilet paper stands out, its soft texture a stark contrast to the smooth glass surface, poised precariously at the desk's edge as if forgotten in haste.",,7,3,attribute,color,"attribute - color (smartphones, dark)",Are the smartphones dark? +166,"A modern office space featuring a sleek, transparent glass desk upon which five identical flat, rectangular smartphones are arranged in a precise, evenly spaced line. Each phone reflects the overhead lighting, emphasizing their dark, glossy screens. To the side of this technological display, a single roll of white toilet paper stands out, its soft texture a stark contrast to the smooth glass surface, poised precariously at the desk's edge as if forgotten in haste.",,8,3,attribute,shape,"attribute - shape (smartphones, flat, rectangular)",Are the smartphones flat and rectangular? +166,"A modern office space featuring a sleek, transparent glass desk upon which five identical flat, rectangular smartphones are arranged in a precise, evenly spaced line. Each phone reflects the overhead lighting, emphasizing their dark, glossy screens. To the side of this technological display, a single roll of white toilet paper stands out, its soft texture a stark contrast to the smooth glass surface, poised precariously at the desk's edge as if forgotten in haste.",,9,3,other,count,"other - count (smartphones, ==5)",Are there five identical smartphones? +166,"A modern office space featuring a sleek, transparent glass desk upon which five identical flat, rectangular smartphones are arranged in a precise, evenly spaced line. Each phone reflects the overhead lighting, emphasizing their dark, glossy screens. To the side of this technological display, a single roll of white toilet paper stands out, its soft texture a stark contrast to the smooth glass surface, poised precariously at the desk's edge as if forgotten in haste.",,10,"4,2",relation,spatial,"relation - spatial (toilet paper, desk, side, edge)",Is the toilet paper on the side edge of the desk? +19,"An elegant brass saxophone rests upright on a stand in the center of a dimly lit stage, its polished surface catching the limited light and casting a warm glow. The slight shimmer of the instrument stands in stark contrast to the dark, empty chairs surrounding it, evoking a sense of anticipation. Its curves and keys are highlighted by a single beam of spotlight, waiting to come to life in the quiet twilight of the auditorium.",,1,0,entity,whole,entity - whole (saxophone),Is there a saxophone? +19,"An elegant brass saxophone rests upright on a stand in the center of a dimly lit stage, its polished surface catching the limited light and casting a warm glow. The slight shimmer of the instrument stands in stark contrast to the dark, empty chairs surrounding it, evoking a sense of anticipation. Its curves and keys are highlighted by a single beam of spotlight, waiting to come to life in the quiet twilight of the auditorium.",,2,0,entity,whole,entity - whole (stand),Is there a stand? +19,"An elegant brass saxophone rests upright on a stand in the center of a dimly lit stage, its polished surface catching the limited light and casting a warm glow. The slight shimmer of the instrument stands in stark contrast to the dark, empty chairs surrounding it, evoking a sense of anticipation. Its curves and keys are highlighted by a single beam of spotlight, waiting to come to life in the quiet twilight of the auditorium.",,3,0,entity,whole,entity - whole (stage),Is there a stage? +19,"An elegant brass saxophone rests upright on a stand in the center of a dimly lit stage, its polished surface catching the limited light and casting a warm glow. The slight shimmer of the instrument stands in stark contrast to the dark, empty chairs surrounding it, evoking a sense of anticipation. Its curves and keys are highlighted by a single beam of spotlight, waiting to come to life in the quiet twilight of the auditorium.",,4,0,entity,whole,entity - whole (chairs),Are there chairs? +19,"An elegant brass saxophone rests upright on a stand in the center of a dimly lit stage, its polished surface catching the limited light and casting a warm glow. The slight shimmer of the instrument stands in stark contrast to the dark, empty chairs surrounding it, evoking a sense of anticipation. Its curves and keys are highlighted by a single beam of spotlight, waiting to come to life in the quiet twilight of the auditorium.",,5,1,attribute,color,"attribute - color (saxophone, brass)",Is the saxophone made of brass? +19,"An elegant brass saxophone rests upright on a stand in the center of a dimly lit stage, its polished surface catching the limited light and casting a warm glow. The slight shimmer of the instrument stands in stark contrast to the dark, empty chairs surrounding it, evoking a sense of anticipation. Its curves and keys are highlighted by a single beam of spotlight, waiting to come to life in the quiet twilight of the auditorium.",,6,1,attribute,texture,"attribute - texture (saxophone, polished)",Is the saxophone polished? +19,"An elegant brass saxophone rests upright on a stand in the center of a dimly lit stage, its polished surface catching the limited light and casting a warm glow. The slight shimmer of the instrument stands in stark contrast to the dark, empty chairs surrounding it, evoking a sense of anticipation. Its curves and keys are highlighted by a single beam of spotlight, waiting to come to life in the quiet twilight of the auditorium.",,7,1,entity,state,"entity - state (saxophone, upright)",Is the saxophone resting upright? +19,"An elegant brass saxophone rests upright on a stand in the center of a dimly lit stage, its polished surface catching the limited light and casting a warm glow. The slight shimmer of the instrument stands in stark contrast to the dark, empty chairs surrounding it, evoking a sense of anticipation. Its curves and keys are highlighted by a single beam of spotlight, waiting to come to life in the quiet twilight of the auditorium.",,8,3,entity,state,"entity - state (stage, dimly lit)",Is the stage dimly lit? +19,"An elegant brass saxophone rests upright on a stand in the center of a dimly lit stage, its polished surface catching the limited light and casting a warm glow. The slight shimmer of the instrument stands in stark contrast to the dark, empty chairs surrounding it, evoking a sense of anticipation. Its curves and keys are highlighted by a single beam of spotlight, waiting to come to life in the quiet twilight of the auditorium.",,9,"1,2",relation,spatial,"relation - spatial (saxophone, stand, on)",Is the saxophone on a stand? +19,"An elegant brass saxophone rests upright on a stand in the center of a dimly lit stage, its polished surface catching the limited light and casting a warm glow. The slight shimmer of the instrument stands in stark contrast to the dark, empty chairs surrounding it, evoking a sense of anticipation. Its curves and keys are highlighted by a single beam of spotlight, waiting to come to life in the quiet twilight of the auditorium.",,10,"1,3",relation,spatial,"relation - spatial (saxophone, stage, center)",Is the saxophone in the center of the stage? +67,"A solitary microphone with a silver finish stands erect on an empty stage, its round, black base firmly planted on the dark wooden floorboards. The reflective surface of the microphone gleams under the bright stage lights. Directly behind the microphone, the backdrop is a rich, crimson curtain that hangs gracefully from the ceiling to the floor.",,1,0,entity,whole,entity - whole (microphone),Is there a microphone? +67,"A solitary microphone with a silver finish stands erect on an empty stage, its round, black base firmly planted on the dark wooden floorboards. The reflective surface of the microphone gleams under the bright stage lights. Directly behind the microphone, the backdrop is a rich, crimson curtain that hangs gracefully from the ceiling to the floor.",,2,0,entity,whole,entity - whole (stage),Is there a stage? +67,"A solitary microphone with a silver finish stands erect on an empty stage, its round, black base firmly planted on the dark wooden floorboards. The reflective surface of the microphone gleams under the bright stage lights. Directly behind the microphone, the backdrop is a rich, crimson curtain that hangs gracefully from the ceiling to the floor.",,3,1,entity,whole,"entity - whole (base, microphone's base)",Does the microphone have a base? +67,"A solitary microphone with a silver finish stands erect on an empty stage, its round, black base firmly planted on the dark wooden floorboards. The reflective surface of the microphone gleams under the bright stage lights. Directly behind the microphone, the backdrop is a rich, crimson curtain that hangs gracefully from the ceiling to the floor.",,4,0,entity,whole,entity - whole (floorboards),Are there floorboards? +67,"A solitary microphone with a silver finish stands erect on an empty stage, its round, black base firmly planted on the dark wooden floorboards. The reflective surface of the microphone gleams under the bright stage lights. Directly behind the microphone, the backdrop is a rich, crimson curtain that hangs gracefully from the ceiling to the floor.",,5,0,entity,whole,"entity - whole (lights, stage lights)",Are there stage lights? +67,"A solitary microphone with a silver finish stands erect on an empty stage, its round, black base firmly planted on the dark wooden floorboards. The reflective surface of the microphone gleams under the bright stage lights. Directly behind the microphone, the backdrop is a rich, crimson curtain that hangs gracefully from the ceiling to the floor.",,6,0,entity,whole,entity - whole (curtain),Is there a curtain? +67,"A solitary microphone with a silver finish stands erect on an empty stage, its round, black base firmly planted on the dark wooden floorboards. The reflective surface of the microphone gleams under the bright stage lights. Directly behind the microphone, the backdrop is a rich, crimson curtain that hangs gracefully from the ceiling to the floor.",,7,1,attribute,color,"attribute - color (microphone, silver)",Does the microphone have a silver finish? +67,"A solitary microphone with a silver finish stands erect on an empty stage, its round, black base firmly planted on the dark wooden floorboards. The reflective surface of the microphone gleams under the bright stage lights. Directly behind the microphone, the backdrop is a rich, crimson curtain that hangs gracefully from the ceiling to the floor.",,8,3,attribute,color,"attribute - color (base, black)",Is the base of the microphone black? +67,"A solitary microphone with a silver finish stands erect on an empty stage, its round, black base firmly planted on the dark wooden floorboards. The reflective surface of the microphone gleams under the bright stage lights. Directly behind the microphone, the backdrop is a rich, crimson curtain that hangs gracefully from the ceiling to the floor.",,9,4,attribute,color,"attribute - color (floorboards, dark wooden)",Are the floorboards dark and wooden? +67,"A solitary microphone with a silver finish stands erect on an empty stage, its round, black base firmly planted on the dark wooden floorboards. The reflective surface of the microphone gleams under the bright stage lights. Directly behind the microphone, the backdrop is a rich, crimson curtain that hangs gracefully from the ceiling to the floor.",,10,6,attribute,color,"attribute - color (curtain, crimson)",Is the curtain crimson? +198,"Amidst the golden hour's warm glow, a triumvirate of sturdy, vibrant orange carrots lies clustered together, their smooth surface catching the light, on an aged wooden picnic table with a history etched into its grain. Adjacent to these garden-fresh vegetables, two pristine wine glasses with a deep ruby-red brilliance stand side by side, seemingly in anticipation of a celebratory toast. The rustic table is positioned outdoors, where the sun's descending rays cast an amber tapestry over the scene, enhancing the natural beauty and rich colors of the food and drink assembled for an evening feast.",,1,0,entity,whole,entity - whole (carrots),Are there carrots? +198,"Amidst the golden hour's warm glow, a triumvirate of sturdy, vibrant orange carrots lies clustered together, their smooth surface catching the light, on an aged wooden picnic table with a history etched into its grain. Adjacent to these garden-fresh vegetables, two pristine wine glasses with a deep ruby-red brilliance stand side by side, seemingly in anticipation of a celebratory toast. The rustic table is positioned outdoors, where the sun's descending rays cast an amber tapestry over the scene, enhancing the natural beauty and rich colors of the food and drink assembled for an evening feast.",,2,0,entity,whole,entity - whole (wine glasses),Are there wine glasses? +198,"Amidst the golden hour's warm glow, a triumvirate of sturdy, vibrant orange carrots lies clustered together, their smooth surface catching the light, on an aged wooden picnic table with a history etched into its grain. Adjacent to these garden-fresh vegetables, two pristine wine glasses with a deep ruby-red brilliance stand side by side, seemingly in anticipation of a celebratory toast. The rustic table is positioned outdoors, where the sun's descending rays cast an amber tapestry over the scene, enhancing the natural beauty and rich colors of the food and drink assembled for an evening feast.",,3,0,entity,whole,entity - whole (picnic table),Is there a picnic table? +198,"Amidst the golden hour's warm glow, a triumvirate of sturdy, vibrant orange carrots lies clustered together, their smooth surface catching the light, on an aged wooden picnic table with a history etched into its grain. Adjacent to these garden-fresh vegetables, two pristine wine glasses with a deep ruby-red brilliance stand side by side, seemingly in anticipation of a celebratory toast. The rustic table is positioned outdoors, where the sun's descending rays cast an amber tapestry over the scene, enhancing the natural beauty and rich colors of the food and drink assembled for an evening feast.",,4,1,attribute,color,"attribute - color (carrots, vibrant orange)",Are the carrots vibrant orange? +198,"Amidst the golden hour's warm glow, a triumvirate of sturdy, vibrant orange carrots lies clustered together, their smooth surface catching the light, on an aged wooden picnic table with a history etched into its grain. Adjacent to these garden-fresh vegetables, two pristine wine glasses with a deep ruby-red brilliance stand side by side, seemingly in anticipation of a celebratory toast. The rustic table is positioned outdoors, where the sun's descending rays cast an amber tapestry over the scene, enhancing the natural beauty and rich colors of the food and drink assembled for an evening feast.",,5,2,attribute,color,"attribute - color (wine glasses, ruby-red)",Are the wine glasses ruby-red? +198,"Amidst the golden hour's warm glow, a triumvirate of sturdy, vibrant orange carrots lies clustered together, their smooth surface catching the light, on an aged wooden picnic table with a history etched into its grain. Adjacent to these garden-fresh vegetables, two pristine wine glasses with a deep ruby-red brilliance stand side by side, seemingly in anticipation of a celebratory toast. The rustic table is positioned outdoors, where the sun's descending rays cast an amber tapestry over the scene, enhancing the natural beauty and rich colors of the food and drink assembled for an evening feast.",,6,3,attribute,texture,"attribute - texture (picnic table, aged wooden)",Is the picnic table made of aged wood? +198,"Amidst the golden hour's warm glow, a triumvirate of sturdy, vibrant orange carrots lies clustered together, their smooth surface catching the light, on an aged wooden picnic table with a history etched into its grain. Adjacent to these garden-fresh vegetables, two pristine wine glasses with a deep ruby-red brilliance stand side by side, seemingly in anticipation of a celebratory toast. The rustic table is positioned outdoors, where the sun's descending rays cast an amber tapestry over the scene, enhancing the natural beauty and rich colors of the food and drink assembled for an evening feast.",,7,1,attribute,texture,"attribute - texture (carrots, smooth)",Do the carrots have a smooth surface? +198,"Amidst the golden hour's warm glow, a triumvirate of sturdy, vibrant orange carrots lies clustered together, their smooth surface catching the light, on an aged wooden picnic table with a history etched into its grain. Adjacent to these garden-fresh vegetables, two pristine wine glasses with a deep ruby-red brilliance stand side by side, seemingly in anticipation of a celebratory toast. The rustic table is positioned outdoors, where the sun's descending rays cast an amber tapestry over the scene, enhancing the natural beauty and rich colors of the food and drink assembled for an evening feast.",,8,"1,3",relation,spatial,"relation - spatial (carrots, picnic table, on)",Are the carrots on the picnic table? +198,"Amidst the golden hour's warm glow, a triumvirate of sturdy, vibrant orange carrots lies clustered together, their smooth surface catching the light, on an aged wooden picnic table with a history etched into its grain. Adjacent to these garden-fresh vegetables, two pristine wine glasses with a deep ruby-red brilliance stand side by side, seemingly in anticipation of a celebratory toast. The rustic table is positioned outdoors, where the sun's descending rays cast an amber tapestry over the scene, enhancing the natural beauty and rich colors of the food and drink assembled for an evening feast.",,9,"2,3",relation,spatial,"relation - spatial (wine glasses, picnic table, on)",Are the wine glasses on the picnic table? +198,"Amidst the golden hour's warm glow, a triumvirate of sturdy, vibrant orange carrots lies clustered together, their smooth surface catching the light, on an aged wooden picnic table with a history etched into its grain. Adjacent to these garden-fresh vegetables, two pristine wine glasses with a deep ruby-red brilliance stand side by side, seemingly in anticipation of a celebratory toast. The rustic table is positioned outdoors, where the sun's descending rays cast an amber tapestry over the scene, enhancing the natural beauty and rich colors of the food and drink assembled for an evening feast.",,10,3,relation,spatial,"relation - spatial (picnic table, outdoors, positioned)",Is the picnic table positioned outdoors? +13,"A sleek, black rectangular keyboard lies comfortably on the luxurious beige carpet of a quiet home office, bathed in the gentle sunlight of early afternoon. The keys of the keyboard show signs of frequent use, and it's positioned diagonally across the plush carpet, which is textured with subtle patterns. Nearby, a rolling office chair with a high back and adjustable armrests sits invitingly, hinting at a quick break taken by its usual occupant.",,1,0,entity,whole,entity - whole (keyboard),Is there a keyboard? +13,"A sleek, black rectangular keyboard lies comfortably on the luxurious beige carpet of a quiet home office, bathed in the gentle sunlight of early afternoon. The keys of the keyboard show signs of frequent use, and it's positioned diagonally across the plush carpet, which is textured with subtle patterns. Nearby, a rolling office chair with a high back and adjustable armrests sits invitingly, hinting at a quick break taken by its usual occupant.",,2,0,entity,whole,entity - whole (carpet),Is there a carpet? +13,"A sleek, black rectangular keyboard lies comfortably on the luxurious beige carpet of a quiet home office, bathed in the gentle sunlight of early afternoon. The keys of the keyboard show signs of frequent use, and it's positioned diagonally across the plush carpet, which is textured with subtle patterns. Nearby, a rolling office chair with a high back and adjustable armrests sits invitingly, hinting at a quick break taken by its usual occupant.",,3,0,entity,whole,entity - whole (office chair),Is there an office chair? +13,"A sleek, black rectangular keyboard lies comfortably on the luxurious beige carpet of a quiet home office, bathed in the gentle sunlight of early afternoon. The keys of the keyboard show signs of frequent use, and it's positioned diagonally across the plush carpet, which is textured with subtle patterns. Nearby, a rolling office chair with a high back and adjustable armrests sits invitingly, hinting at a quick break taken by its usual occupant.",,4,1,attribute,color,"attribute - color (keyboard, black)",Is the keyboard black? +13,"A sleek, black rectangular keyboard lies comfortably on the luxurious beige carpet of a quiet home office, bathed in the gentle sunlight of early afternoon. The keys of the keyboard show signs of frequent use, and it's positioned diagonally across the plush carpet, which is textured with subtle patterns. Nearby, a rolling office chair with a high back and adjustable armrests sits invitingly, hinting at a quick break taken by its usual occupant.",,5,1,attribute,shape,"attribute - shape (keyboard, rectangular)",Is the keyboard rectangular? +13,"A sleek, black rectangular keyboard lies comfortably on the luxurious beige carpet of a quiet home office, bathed in the gentle sunlight of early afternoon. The keys of the keyboard show signs of frequent use, and it's positioned diagonally across the plush carpet, which is textured with subtle patterns. Nearby, a rolling office chair with a high back and adjustable armrests sits invitingly, hinting at a quick break taken by its usual occupant.",,6,2,attribute,color,"attribute - color (carpet, beige)",Is the carpet beige? +13,"A sleek, black rectangular keyboard lies comfortably on the luxurious beige carpet of a quiet home office, bathed in the gentle sunlight of early afternoon. The keys of the keyboard show signs of frequent use, and it's positioned diagonally across the plush carpet, which is textured with subtle patterns. Nearby, a rolling office chair with a high back and adjustable armrests sits invitingly, hinting at a quick break taken by its usual occupant.",,7,2,attribute,texture,"attribute - texture (carpet, luxurious)",Is the carpet luxurious? +13,"A sleek, black rectangular keyboard lies comfortably on the luxurious beige carpet of a quiet home office, bathed in the gentle sunlight of early afternoon. The keys of the keyboard show signs of frequent use, and it's positioned diagonally across the plush carpet, which is textured with subtle patterns. Nearby, a rolling office chair with a high back and adjustable armrests sits invitingly, hinting at a quick break taken by its usual occupant.",,8,2,attribute,texture,"attribute - texture (carpet, plush)",Is the carpet plush? +13,"A sleek, black rectangular keyboard lies comfortably on the luxurious beige carpet of a quiet home office, bathed in the gentle sunlight of early afternoon. The keys of the keyboard show signs of frequent use, and it's positioned diagonally across the plush carpet, which is textured with subtle patterns. Nearby, a rolling office chair with a high back and adjustable armrests sits invitingly, hinting at a quick break taken by its usual occupant.",,9,2,attribute,texture,"attribute - texture (carpet, patterned)",Does the carpet have subtle patterns? +13,"A sleek, black rectangular keyboard lies comfortably on the luxurious beige carpet of a quiet home office, bathed in the gentle sunlight of early afternoon. The keys of the keyboard show signs of frequent use, and it's positioned diagonally across the plush carpet, which is textured with subtle patterns. Nearby, a rolling office chair with a high back and adjustable armrests sits invitingly, hinting at a quick break taken by its usual occupant.",,10,1,entity,state,"entity - state (keyboard, signs of frequent use)",Does the keyboard show signs of frequent use? +98,"On a polished wooden table, a small circular red earphone rests, its size notably less than that of the rectangular-shaped green tape dispenser placed beside it. The table surface reflects the soft glow of the morning light, accentuating the smooth texture of the earphone's surface and the matte finish of the green tape dispenser. In the background, the grain of the wood can be seen, giving a warm ambiance to the arrangement of objects on the table.",,1,0,entity,whole,entity - whole (earphone),Is there an earphone? +98,"On a polished wooden table, a small circular red earphone rests, its size notably less than that of the rectangular-shaped green tape dispenser placed beside it. The table surface reflects the soft glow of the morning light, accentuating the smooth texture of the earphone's surface and the matte finish of the green tape dispenser. In the background, the grain of the wood can be seen, giving a warm ambiance to the arrangement of objects on the table.",,2,0,entity,whole,entity - whole (tape dispenser),Is there a tape dispenser? +98,"On a polished wooden table, a small circular red earphone rests, its size notably less than that of the rectangular-shaped green tape dispenser placed beside it. The table surface reflects the soft glow of the morning light, accentuating the smooth texture of the earphone's surface and the matte finish of the green tape dispenser. In the background, the grain of the wood can be seen, giving a warm ambiance to the arrangement of objects on the table.",,3,0,entity,whole,entity - whole (table),Is there a table? +98,"On a polished wooden table, a small circular red earphone rests, its size notably less than that of the rectangular-shaped green tape dispenser placed beside it. The table surface reflects the soft glow of the morning light, accentuating the smooth texture of the earphone's surface and the matte finish of the green tape dispenser. In the background, the grain of the wood can be seen, giving a warm ambiance to the arrangement of objects on the table.",,4,1,attribute,color,"attribute - color (earphone, red)",Is the earphone red? +98,"On a polished wooden table, a small circular red earphone rests, its size notably less than that of the rectangular-shaped green tape dispenser placed beside it. The table surface reflects the soft glow of the morning light, accentuating the smooth texture of the earphone's surface and the matte finish of the green tape dispenser. In the background, the grain of the wood can be seen, giving a warm ambiance to the arrangement of objects on the table.",,5,2,attribute,color,"attribute - color (tape dispenser, green)",Is the tape dispenser green? +98,"On a polished wooden table, a small circular red earphone rests, its size notably less than that of the rectangular-shaped green tape dispenser placed beside it. The table surface reflects the soft glow of the morning light, accentuating the smooth texture of the earphone's surface and the matte finish of the green tape dispenser. In the background, the grain of the wood can be seen, giving a warm ambiance to the arrangement of objects on the table.",,6,1,attribute,shape,"attribute - shape (earphone, circular)",Is the earphone circular? +98,"On a polished wooden table, a small circular red earphone rests, its size notably less than that of the rectangular-shaped green tape dispenser placed beside it. The table surface reflects the soft glow of the morning light, accentuating the smooth texture of the earphone's surface and the matte finish of the green tape dispenser. In the background, the grain of the wood can be seen, giving a warm ambiance to the arrangement of objects on the table.",,7,2,attribute,shape,"attribute - shape (tape dispenser, rectangular)",Is the tape dispenser rectangular-shaped? +98,"On a polished wooden table, a small circular red earphone rests, its size notably less than that of the rectangular-shaped green tape dispenser placed beside it. The table surface reflects the soft glow of the morning light, accentuating the smooth texture of the earphone's surface and the matte finish of the green tape dispenser. In the background, the grain of the wood can be seen, giving a warm ambiance to the arrangement of objects on the table.",,8,1,attribute,size,"attribute - size (earphone, small)",Is the earphone small? +98,"On a polished wooden table, a small circular red earphone rests, its size notably less than that of the rectangular-shaped green tape dispenser placed beside it. The table surface reflects the soft glow of the morning light, accentuating the smooth texture of the earphone's surface and the matte finish of the green tape dispenser. In the background, the grain of the wood can be seen, giving a warm ambiance to the arrangement of objects on the table.",,9,3,attribute,texture,"attribute - texture (table, polished wooden)",Is the table made of polished wood? +98,"On a polished wooden table, a small circular red earphone rests, its size notably less than that of the rectangular-shaped green tape dispenser placed beside it. The table surface reflects the soft glow of the morning light, accentuating the smooth texture of the earphone's surface and the matte finish of the green tape dispenser. In the background, the grain of the wood can be seen, giving a warm ambiance to the arrangement of objects on the table.",,10,"1,3",relation,spatial,"relation - spatial (earphone, table, on)",Is the earphone resting on the table? +98,"On a polished wooden table, a small circular red earphone rests, its size notably less than that of the rectangular-shaped green tape dispenser placed beside it. The table surface reflects the soft glow of the morning light, accentuating the smooth texture of the earphone's surface and the matte finish of the green tape dispenser. In the background, the grain of the wood can be seen, giving a warm ambiance to the arrangement of objects on the table.",,11,"2,3",relation,spatial,"relation - spatial (tape dispenser, table, beside earphone)",Is the tape dispenser placed beside the earphone on the table? +57,"An open laptop with a sleek metallic finish and a black keyboard sits centered on a wooden desk. The desk displays an assortment of office supplies, such as a pen holder, a stack of notebooks, and a potted green plant to one side. Visible on the laptop's screen is a colorful array of icons against a bright wallpaper, indicating it is powered on and ready for use.",,1,0,entity,whole,entity - whole (laptop),Is there an open laptop? +57,"An open laptop with a sleek metallic finish and a black keyboard sits centered on a wooden desk. The desk displays an assortment of office supplies, such as a pen holder, a stack of notebooks, and a potted green plant to one side. Visible on the laptop's screen is a colorful array of icons against a bright wallpaper, indicating it is powered on and ready for use.",,2,1,entity,whole,entity - whole (keyboard),Is there a keyboard? +57,"An open laptop with a sleek metallic finish and a black keyboard sits centered on a wooden desk. The desk displays an assortment of office supplies, such as a pen holder, a stack of notebooks, and a potted green plant to one side. Visible on the laptop's screen is a colorful array of icons against a bright wallpaper, indicating it is powered on and ready for use.",,3,0,entity,whole,entity - whole (desk),Is there a desk? +57,"An open laptop with a sleek metallic finish and a black keyboard sits centered on a wooden desk. The desk displays an assortment of office supplies, such as a pen holder, a stack of notebooks, and a potted green plant to one side. Visible on the laptop's screen is a colorful array of icons against a bright wallpaper, indicating it is powered on and ready for use.",,4,0,entity,whole,entity - whole (office supplies),Are there office supplies? +57,"An open laptop with a sleek metallic finish and a black keyboard sits centered on a wooden desk. The desk displays an assortment of office supplies, such as a pen holder, a stack of notebooks, and a potted green plant to one side. Visible on the laptop's screen is a colorful array of icons against a bright wallpaper, indicating it is powered on and ready for use.",,5,4,entity,part,entity - part (pen holder),Is there a pen holder? +57,"An open laptop with a sleek metallic finish and a black keyboard sits centered on a wooden desk. The desk displays an assortment of office supplies, such as a pen holder, a stack of notebooks, and a potted green plant to one side. Visible on the laptop's screen is a colorful array of icons against a bright wallpaper, indicating it is powered on and ready for use.",,6,4,entity,part,entity - part (stack of notebooks),Is there a stack of notebooks? +57,"An open laptop with a sleek metallic finish and a black keyboard sits centered on a wooden desk. The desk displays an assortment of office supplies, such as a pen holder, a stack of notebooks, and a potted green plant to one side. Visible on the laptop's screen is a colorful array of icons against a bright wallpaper, indicating it is powered on and ready for use.",,7,4,entity,part,entity - part (potted plant),Is there a potted green plant? +57,"An open laptop with a sleek metallic finish and a black keyboard sits centered on a wooden desk. The desk displays an assortment of office supplies, such as a pen holder, a stack of notebooks, and a potted green plant to one side. Visible on the laptop's screen is a colorful array of icons against a bright wallpaper, indicating it is powered on and ready for use.",,8,1,attribute,texture,"attribute - texture (laptop, metallic finish)",Does the laptop have a sleek metallic finish? +57,"An open laptop with a sleek metallic finish and a black keyboard sits centered on a wooden desk. The desk displays an assortment of office supplies, such as a pen holder, a stack of notebooks, and a potted green plant to one side. Visible on the laptop's screen is a colorful array of icons against a bright wallpaper, indicating it is powered on and ready for use.",,9,2,attribute,color,"attribute - color (keyboard, black)",Is the keyboard black? +57,"An open laptop with a sleek metallic finish and a black keyboard sits centered on a wooden desk. The desk displays an assortment of office supplies, such as a pen holder, a stack of notebooks, and a potted green plant to one side. Visible on the laptop's screen is a colorful array of icons against a bright wallpaper, indicating it is powered on and ready for use.",,10,3,attribute,texture,"attribute - texture (desk, wood)",Is the desk made of wood? +63,"Atop the smooth green felt of a billiard table, three glossy red cue sticks lay orderly in parallel, as if awaiting their players. Around the edges of the table, a scattering of billiard balls rests in the calm before a match, each reflecting the warm, fading light of dusk creeping in through nearby windows. The room is quiet, and the ambiance suggests the anticipation of an evening game, with the only movements being the gentle sway of a ceiling fan above and the shadows stretching across the floor as the sun sets outside.",,1,0,entity,whole,entity - whole (billiard table),Is there a billiard table? +63,"Atop the smooth green felt of a billiard table, three glossy red cue sticks lay orderly in parallel, as if awaiting their players. Around the edges of the table, a scattering of billiard balls rests in the calm before a match, each reflecting the warm, fading light of dusk creeping in through nearby windows. The room is quiet, and the ambiance suggests the anticipation of an evening game, with the only movements being the gentle sway of a ceiling fan above and the shadows stretching across the floor as the sun sets outside.",,2,0,entity,whole,entity - whole (cue sticks),Are there cue sticks? +63,"Atop the smooth green felt of a billiard table, three glossy red cue sticks lay orderly in parallel, as if awaiting their players. Around the edges of the table, a scattering of billiard balls rests in the calm before a match, each reflecting the warm, fading light of dusk creeping in through nearby windows. The room is quiet, and the ambiance suggests the anticipation of an evening game, with the only movements being the gentle sway of a ceiling fan above and the shadows stretching across the floor as the sun sets outside.",,3,0,entity,whole,entity - whole (billiard balls),Are there billiard balls? +63,"Atop the smooth green felt of a billiard table, three glossy red cue sticks lay orderly in parallel, as if awaiting their players. Around the edges of the table, a scattering of billiard balls rests in the calm before a match, each reflecting the warm, fading light of dusk creeping in through nearby windows. The room is quiet, and the ambiance suggests the anticipation of an evening game, with the only movements being the gentle sway of a ceiling fan above and the shadows stretching across the floor as the sun sets outside.",,4,0,entity,whole,entity - whole (windows),Are there windows? +63,"Atop the smooth green felt of a billiard table, three glossy red cue sticks lay orderly in parallel, as if awaiting their players. Around the edges of the table, a scattering of billiard balls rests in the calm before a match, each reflecting the warm, fading light of dusk creeping in through nearby windows. The room is quiet, and the ambiance suggests the anticipation of an evening game, with the only movements being the gentle sway of a ceiling fan above and the shadows stretching across the floor as the sun sets outside.",,5,0,entity,whole,entity - whole (ceiling fan),Is there a ceiling fan? +63,"Atop the smooth green felt of a billiard table, three glossy red cue sticks lay orderly in parallel, as if awaiting their players. Around the edges of the table, a scattering of billiard balls rests in the calm before a match, each reflecting the warm, fading light of dusk creeping in through nearby windows. The room is quiet, and the ambiance suggests the anticipation of an evening game, with the only movements being the gentle sway of a ceiling fan above and the shadows stretching across the floor as the sun sets outside.",,6,2,attribute,color,"attribute - color (cue sticks, red)",Are the cue sticks red? +63,"Atop the smooth green felt of a billiard table, three glossy red cue sticks lay orderly in parallel, as if awaiting their players. Around the edges of the table, a scattering of billiard balls rests in the calm before a match, each reflecting the warm, fading light of dusk creeping in through nearby windows. The room is quiet, and the ambiance suggests the anticipation of an evening game, with the only movements being the gentle sway of a ceiling fan above and the shadows stretching across the floor as the sun sets outside.",,7,1,attribute,texture,"attribute - texture (billiard table, felt, smooth)",Is the billiard table covered with smooth felt? +63,"Atop the smooth green felt of a billiard table, three glossy red cue sticks lay orderly in parallel, as if awaiting their players. Around the edges of the table, a scattering of billiard balls rests in the calm before a match, each reflecting the warm, fading light of dusk creeping in through nearby windows. The room is quiet, and the ambiance suggests the anticipation of an evening game, with the only movements being the gentle sway of a ceiling fan above and the shadows stretching across the floor as the sun sets outside.",,8,1,attribute,color,"attribute - color (billiard table, green)",Is the billiard table green? +63,"Atop the smooth green felt of a billiard table, three glossy red cue sticks lay orderly in parallel, as if awaiting their players. Around the edges of the table, a scattering of billiard balls rests in the calm before a match, each reflecting the warm, fading light of dusk creeping in through nearby windows. The room is quiet, and the ambiance suggests the anticipation of an evening game, with the only movements being the gentle sway of a ceiling fan above and the shadows stretching across the floor as the sun sets outside.",,9,2,other,count,"other - count (cue sticks, ==3)",Are there three cue sticks? +63,"Atop the smooth green felt of a billiard table, three glossy red cue sticks lay orderly in parallel, as if awaiting their players. Around the edges of the table, a scattering of billiard balls rests in the calm before a match, each reflecting the warm, fading light of dusk creeping in through nearby windows. The room is quiet, and the ambiance suggests the anticipation of an evening game, with the only movements being the gentle sway of a ceiling fan above and the shadows stretching across the floor as the sun sets outside.",,10,"1,2",relation,spatial,"relation - spatial (cue sticks, billiard table, on)",Are the cue sticks on the billiard table? +80,"Two bars of soap, one lavender and the other oatmeal-colored, are neatly placed beside a vibrant yellow pineapple with a thick, green crown. They rest on a white porcelain dish that contrasts with the dark granite countertop. Behind them, a small kitchen window lets in natural light that helps highlight their distinct textures and colors.",,1,0,entity,whole,entity - whole (bars of soap),Are there bars of soap? +80,"Two bars of soap, one lavender and the other oatmeal-colored, are neatly placed beside a vibrant yellow pineapple with a thick, green crown. They rest on a white porcelain dish that contrasts with the dark granite countertop. Behind them, a small kitchen window lets in natural light that helps highlight their distinct textures and colors.",,2,1,other,count,"other - count (bars of soap, ==2)",Are there two bars of soap? +80,"Two bars of soap, one lavender and the other oatmeal-colored, are neatly placed beside a vibrant yellow pineapple with a thick, green crown. They rest on a white porcelain dish that contrasts with the dark granite countertop. Behind them, a small kitchen window lets in natural light that helps highlight their distinct textures and colors.",,3,0,entity,whole,entity - whole (pineapple),Is there a pineapple? +80,"Two bars of soap, one lavender and the other oatmeal-colored, are neatly placed beside a vibrant yellow pineapple with a thick, green crown. They rest on a white porcelain dish that contrasts with the dark granite countertop. Behind them, a small kitchen window lets in natural light that helps highlight their distinct textures and colors.",,4,0,entity,whole,entity - whole (dish),Is there a dish? +80,"Two bars of soap, one lavender and the other oatmeal-colored, are neatly placed beside a vibrant yellow pineapple with a thick, green crown. They rest on a white porcelain dish that contrasts with the dark granite countertop. Behind them, a small kitchen window lets in natural light that helps highlight their distinct textures and colors.",,5,0,entity,whole,entity - whole (countertop),Is there a countertop? +80,"Two bars of soap, one lavender and the other oatmeal-colored, are neatly placed beside a vibrant yellow pineapple with a thick, green crown. They rest on a white porcelain dish that contrasts with the dark granite countertop. Behind them, a small kitchen window lets in natural light that helps highlight their distinct textures and colors.",,6,0,entity,whole,entity - whole (window),Is there a window? +80,"Two bars of soap, one lavender and the other oatmeal-colored, are neatly placed beside a vibrant yellow pineapple with a thick, green crown. They rest on a white porcelain dish that contrasts with the dark granite countertop. Behind them, a small kitchen window lets in natural light that helps highlight their distinct textures and colors.",,7,1,attribute,color,"attribute - color (soap_1, lavender)",Is one of the bars of soap lavender? +80,"Two bars of soap, one lavender and the other oatmeal-colored, are neatly placed beside a vibrant yellow pineapple with a thick, green crown. They rest on a white porcelain dish that contrasts with the dark granite countertop. Behind them, a small kitchen window lets in natural light that helps highlight their distinct textures and colors.",,8,1,attribute,color,"attribute - color (soap_2, oatmeal-colored)",Is the other bar of soap oatmeal-colored? +80,"Two bars of soap, one lavender and the other oatmeal-colored, are neatly placed beside a vibrant yellow pineapple with a thick, green crown. They rest on a white porcelain dish that contrasts with the dark granite countertop. Behind them, a small kitchen window lets in natural light that helps highlight their distinct textures and colors.",,9,3,attribute,color,"attribute - color (pineapple, yellow)",Is the pineapple vibrant yellow? +80,"Two bars of soap, one lavender and the other oatmeal-colored, are neatly placed beside a vibrant yellow pineapple with a thick, green crown. They rest on a white porcelain dish that contrasts with the dark granite countertop. Behind them, a small kitchen window lets in natural light that helps highlight their distinct textures and colors.",,10,4,attribute,color,"attribute - color (dish, white)",Is the dish white porcelain? +80,"Two bars of soap, one lavender and the other oatmeal-colored, are neatly placed beside a vibrant yellow pineapple with a thick, green crown. They rest on a white porcelain dish that contrasts with the dark granite countertop. Behind them, a small kitchen window lets in natural light that helps highlight their distinct textures and colors.",,11,5,attribute,color,"attribute - color (countertop, dark granite)",Is the countertop dark granite? +80,"Two bars of soap, one lavender and the other oatmeal-colored, are neatly placed beside a vibrant yellow pineapple with a thick, green crown. They rest on a white porcelain dish that contrasts with the dark granite countertop. Behind them, a small kitchen window lets in natural light that helps highlight their distinct textures and colors.",,12,3,attribute,texture,"attribute - texture (pineapple's crown, thick and green)","Does the pineapple have a thick, green crown?" +80,"Two bars of soap, one lavender and the other oatmeal-colored, are neatly placed beside a vibrant yellow pineapple with a thick, green crown. They rest on a white porcelain dish that contrasts with the dark granite countertop. Behind them, a small kitchen window lets in natural light that helps highlight their distinct textures and colors.",,13,"1,3",relation,spatial,"relation - spatial (bars of soap, pineapple, beside)",Are the bars of soap placed beside the pineapple? +80,"Two bars of soap, one lavender and the other oatmeal-colored, are neatly placed beside a vibrant yellow pineapple with a thick, green crown. They rest on a white porcelain dish that contrasts with the dark granite countertop. Behind them, a small kitchen window lets in natural light that helps highlight their distinct textures and colors.",,14,"1,4",relation,spatial,"relation - spatial (bars of soap, dish, on)",Are the bars of soap resting on the dish? +80,"Two bars of soap, one lavender and the other oatmeal-colored, are neatly placed beside a vibrant yellow pineapple with a thick, green crown. They rest on a white porcelain dish that contrasts with the dark granite countertop. Behind them, a small kitchen window lets in natural light that helps highlight their distinct textures and colors.",,15,"4,5",relation,spatial,"relation - spatial (dish, countertop, on)",Is the dish on the countertop? +80,"Two bars of soap, one lavender and the other oatmeal-colored, are neatly placed beside a vibrant yellow pineapple with a thick, green crown. They rest on a white porcelain dish that contrasts with the dark granite countertop. Behind them, a small kitchen window lets in natural light that helps highlight their distinct textures and colors.",,16,"1,6",relation,spatial,"relation - spatial (window, bars of soap, behind)",Is the window behind the bars of soap? +114,"In an elegantly simple room, two pairs of sandals—one blue and one red—sit tidily beneath a quaint, square wooden side table featuring a weathered finish that suggests a touch of rustic charm. The side table, which casts a soft shadow onto the textured salmon pink wall behind it, provides a harmonious balance to the vibrant footwear. The floor beneath the table is a polished light hardwood, reflecting a faint glow from the natural light entering the room.",,1,0,entity,whole,entity - whole (room),Is there a room? +114,"In an elegantly simple room, two pairs of sandals—one blue and one red—sit tidily beneath a quaint, square wooden side table featuring a weathered finish that suggests a touch of rustic charm. The side table, which casts a soft shadow onto the textured salmon pink wall behind it, provides a harmonious balance to the vibrant footwear. The floor beneath the table is a polished light hardwood, reflecting a faint glow from the natural light entering the room.",,2,0,entity,whole,entity - whole (sandals),Are there sandals? +114,"In an elegantly simple room, two pairs of sandals—one blue and one red—sit tidily beneath a quaint, square wooden side table featuring a weathered finish that suggests a touch of rustic charm. The side table, which casts a soft shadow onto the textured salmon pink wall behind it, provides a harmonious balance to the vibrant footwear. The floor beneath the table is a polished light hardwood, reflecting a faint glow from the natural light entering the room.",,3,0,entity,whole,entity - whole (side table),Is there a side table? +114,"In an elegantly simple room, two pairs of sandals—one blue and one red—sit tidily beneath a quaint, square wooden side table featuring a weathered finish that suggests a touch of rustic charm. The side table, which casts a soft shadow onto the textured salmon pink wall behind it, provides a harmonious balance to the vibrant footwear. The floor beneath the table is a polished light hardwood, reflecting a faint glow from the natural light entering the room.",,4,2,attribute,color,"attribute - color (sandals_1, blue)",Are the sandals blue? +114,"In an elegantly simple room, two pairs of sandals—one blue and one red—sit tidily beneath a quaint, square wooden side table featuring a weathered finish that suggests a touch of rustic charm. The side table, which casts a soft shadow onto the textured salmon pink wall behind it, provides a harmonious balance to the vibrant footwear. The floor beneath the table is a polished light hardwood, reflecting a faint glow from the natural light entering the room.",,5,2,attribute,color,"attribute - color (sandals_2, red)",Are the sandals red? +114,"In an elegantly simple room, two pairs of sandals—one blue and one red—sit tidily beneath a quaint, square wooden side table featuring a weathered finish that suggests a touch of rustic charm. The side table, which casts a soft shadow onto the textured salmon pink wall behind it, provides a harmonious balance to the vibrant footwear. The floor beneath the table is a polished light hardwood, reflecting a faint glow from the natural light entering the room.",,6,3,attribute,texture,"attribute - texture (side table, weathered)",Does the side table have a weathered finish? +114,"In an elegantly simple room, two pairs of sandals—one blue and one red—sit tidily beneath a quaint, square wooden side table featuring a weathered finish that suggests a touch of rustic charm. The side table, which casts a soft shadow onto the textured salmon pink wall behind it, provides a harmonious balance to the vibrant footwear. The floor beneath the table is a polished light hardwood, reflecting a faint glow from the natural light entering the room.",,7,0,attribute,texture,"attribute - texture (wall, textured)",Is the wall textured? +114,"In an elegantly simple room, two pairs of sandals—one blue and one red—sit tidily beneath a quaint, square wooden side table featuring a weathered finish that suggests a touch of rustic charm. The side table, which casts a soft shadow onto the textured salmon pink wall behind it, provides a harmonious balance to the vibrant footwear. The floor beneath the table is a polished light hardwood, reflecting a faint glow from the natural light entering the room.",,8,7,attribute,color,"attribute - color (wall, salmon pink)",Is the wall salmon pink? +114,"In an elegantly simple room, two pairs of sandals—one blue and one red—sit tidily beneath a quaint, square wooden side table featuring a weathered finish that suggests a touch of rustic charm. The side table, which casts a soft shadow onto the textured salmon pink wall behind it, provides a harmonious balance to the vibrant footwear. The floor beneath the table is a polished light hardwood, reflecting a faint glow from the natural light entering the room.",,9,0,attribute,texture,"attribute - texture (floor, polished light hardwood)",Is the floor polished light hardwood? +114,"In an elegantly simple room, two pairs of sandals—one blue and one red—sit tidily beneath a quaint, square wooden side table featuring a weathered finish that suggests a touch of rustic charm. The side table, which casts a soft shadow onto the textured salmon pink wall behind it, provides a harmonious balance to the vibrant footwear. The floor beneath the table is a polished light hardwood, reflecting a faint glow from the natural light entering the room.",,10,"2,3",relation,spatial,"relation - spatial (sandals, side table, beneath)",Are the sandals beneath the side table? +4,"On a smooth, beige desktop, four ballpoint pens with blue, black, silver, and red barrels are meticulously arranged at right angles to each other, creating a rectangular outline. In the center of this rectangle, five wooden pencils with freshly sharpened tips are placed with their erasers touching, forming a precise circle. The stark contrast between the rigid geometry of the pens and the soft curve of the pencils is evident upon the uniform background of the desk's surface.",,1,0,entity,whole,entity - whole (desktop),Is there a desktop? +4,"On a smooth, beige desktop, four ballpoint pens with blue, black, silver, and red barrels are meticulously arranged at right angles to each other, creating a rectangular outline. In the center of this rectangle, five wooden pencils with freshly sharpened tips are placed with their erasers touching, forming a precise circle. The stark contrast between the rigid geometry of the pens and the soft curve of the pencils is evident upon the uniform background of the desk's surface.",,2,0,entity,whole,entity - whole (ballpoint pens),Are there ballpoint pens? +4,"On a smooth, beige desktop, four ballpoint pens with blue, black, silver, and red barrels are meticulously arranged at right angles to each other, creating a rectangular outline. In the center of this rectangle, five wooden pencils with freshly sharpened tips are placed with their erasers touching, forming a precise circle. The stark contrast between the rigid geometry of the pens and the soft curve of the pencils is evident upon the uniform background of the desk's surface.",,3,2,other,count,"other - count (ballpoint pens, ==4)",Are there four ballpoint pens? +4,"On a smooth, beige desktop, four ballpoint pens with blue, black, silver, and red barrels are meticulously arranged at right angles to each other, creating a rectangular outline. In the center of this rectangle, five wooden pencils with freshly sharpened tips are placed with their erasers touching, forming a precise circle. The stark contrast between the rigid geometry of the pens and the soft curve of the pencils is evident upon the uniform background of the desk's surface.",,4,0,entity,whole,entity - whole (wooden pencils),Are there wooden pencils? +4,"On a smooth, beige desktop, four ballpoint pens with blue, black, silver, and red barrels are meticulously arranged at right angles to each other, creating a rectangular outline. In the center of this rectangle, five wooden pencils with freshly sharpened tips are placed with their erasers touching, forming a precise circle. The stark contrast between the rigid geometry of the pens and the soft curve of the pencils is evident upon the uniform background of the desk's surface.",,5,4,other,count,"other - count (wooden pencils, ==5)",Are there five wooden pencils? +4,"On a smooth, beige desktop, four ballpoint pens with blue, black, silver, and red barrels are meticulously arranged at right angles to each other, creating a rectangular outline. In the center of this rectangle, five wooden pencils with freshly sharpened tips are placed with their erasers touching, forming a precise circle. The stark contrast between the rigid geometry of the pens and the soft curve of the pencils is evident upon the uniform background of the desk's surface.",,6,2,attribute,color,"attribute - color (pen_1, blue)",Is one of the pens blue? +4,"On a smooth, beige desktop, four ballpoint pens with blue, black, silver, and red barrels are meticulously arranged at right angles to each other, creating a rectangular outline. In the center of this rectangle, five wooden pencils with freshly sharpened tips are placed with their erasers touching, forming a precise circle. The stark contrast between the rigid geometry of the pens and the soft curve of the pencils is evident upon the uniform background of the desk's surface.",,7,2,attribute,color,"attribute - color (pen_2, black)",Is one of the pens black? +4,"On a smooth, beige desktop, four ballpoint pens with blue, black, silver, and red barrels are meticulously arranged at right angles to each other, creating a rectangular outline. In the center of this rectangle, five wooden pencils with freshly sharpened tips are placed with their erasers touching, forming a precise circle. The stark contrast between the rigid geometry of the pens and the soft curve of the pencils is evident upon the uniform background of the desk's surface.",,8,2,attribute,color,"attribute - color (pen_3, silver)",Is one of the pens silver? +4,"On a smooth, beige desktop, four ballpoint pens with blue, black, silver, and red barrels are meticulously arranged at right angles to each other, creating a rectangular outline. In the center of this rectangle, five wooden pencils with freshly sharpened tips are placed with their erasers touching, forming a precise circle. The stark contrast between the rigid geometry of the pens and the soft curve of the pencils is evident upon the uniform background of the desk's surface.",,9,2,attribute,color,"attribute - color (pen_4, red)",Is one of the pens red? +4,"On a smooth, beige desktop, four ballpoint pens with blue, black, silver, and red barrels are meticulously arranged at right angles to each other, creating a rectangular outline. In the center of this rectangle, five wooden pencils with freshly sharpened tips are placed with their erasers touching, forming a precise circle. The stark contrast between the rigid geometry of the pens and the soft curve of the pencils is evident upon the uniform background of the desk's surface.",,10,1,attribute,texture,"attribute - texture (desktop, smooth)",Is the desktop smooth? +4,"On a smooth, beige desktop, four ballpoint pens with blue, black, silver, and red barrels are meticulously arranged at right angles to each other, creating a rectangular outline. In the center of this rectangle, five wooden pencils with freshly sharpened tips are placed with their erasers touching, forming a precise circle. The stark contrast between the rigid geometry of the pens and the soft curve of the pencils is evident upon the uniform background of the desk's surface.",,11,1,attribute,color,"attribute - color (desktop, beige)",Is the desktop beige? +4,"On a smooth, beige desktop, four ballpoint pens with blue, black, silver, and red barrels are meticulously arranged at right angles to each other, creating a rectangular outline. In the center of this rectangle, five wooden pencils with freshly sharpened tips are placed with their erasers touching, forming a precise circle. The stark contrast between the rigid geometry of the pens and the soft curve of the pencils is evident upon the uniform background of the desk's surface.",,12,"1,2",relation,spatial,"relation - spatial (ballpoint pens, desktop, on)",Are the ballpoint pens on the desktop? +4,"On a smooth, beige desktop, four ballpoint pens with blue, black, silver, and red barrels are meticulously arranged at right angles to each other, creating a rectangular outline. In the center of this rectangle, five wooden pencils with freshly sharpened tips are placed with their erasers touching, forming a precise circle. The stark contrast between the rigid geometry of the pens and the soft curve of the pencils is evident upon the uniform background of the desk's surface.",,13,"1,4",relation,spatial,"relation - spatial (wooden pencils, desktop, on)",Are the wooden pencils on the desktop? +4,"On a smooth, beige desktop, four ballpoint pens with blue, black, silver, and red barrels are meticulously arranged at right angles to each other, creating a rectangular outline. In the center of this rectangle, five wooden pencils with freshly sharpened tips are placed with their erasers touching, forming a precise circle. The stark contrast between the rigid geometry of the pens and the soft curve of the pencils is evident upon the uniform background of the desk's surface.",,14,2,relation,spatial,"relation - spatial (ballpoint pens, right angles, arranged)",Are the ballpoint pens arranged at right angles to each other? +4,"On a smooth, beige desktop, four ballpoint pens with blue, black, silver, and red barrels are meticulously arranged at right angles to each other, creating a rectangular outline. In the center of this rectangle, five wooden pencils with freshly sharpened tips are placed with their erasers touching, forming a precise circle. The stark contrast between the rigid geometry of the pens and the soft curve of the pencils is evident upon the uniform background of the desk's surface.",,15,4,relation,spatial,"relation - spatial (wooden pencils, erasers, touching)",Are the erasers of the wooden pencils touching? +4,"On a smooth, beige desktop, four ballpoint pens with blue, black, silver, and red barrels are meticulously arranged at right angles to each other, creating a rectangular outline. In the center of this rectangle, five wooden pencils with freshly sharpened tips are placed with their erasers touching, forming a precise circle. The stark contrast between the rigid geometry of the pens and the soft curve of the pencils is evident upon the uniform background of the desk's surface.",,16,4,attribute,shape,"attribute - shape (wooden pencils, circle, form)",Do the wooden pencils form a precise circle? +4,"On a smooth, beige desktop, four ballpoint pens with blue, black, silver, and red barrels are meticulously arranged at right angles to each other, creating a rectangular outline. In the center of this rectangle, five wooden pencils with freshly sharpened tips are placed with their erasers touching, forming a precise circle. The stark contrast between the rigid geometry of the pens and the soft curve of the pencils is evident upon the uniform background of the desk's surface.",,17,2,attribute,shape,"attribute - shape (ballpoint pens, rectangle, outline)",Do the ballpoint pens create a rectangular outline? +4,"On a smooth, beige desktop, four ballpoint pens with blue, black, silver, and red barrels are meticulously arranged at right angles to each other, creating a rectangular outline. In the center of this rectangle, five wooden pencils with freshly sharpened tips are placed with their erasers touching, forming a precise circle. The stark contrast between the rigid geometry of the pens and the soft curve of the pencils is evident upon the uniform background of the desk's surface.",,18,4,attribute,texture,"attribute - texture (wooden pencils, freshly sharpened tips)",Do the wooden pencils have freshly sharpened tips? +269,"On a marble countertop, three colorful cleaning product bottles are neatly arranged next to a stainless steel sink that glints under the gentle morning sunlight. The blue, green, and yellow bottles contrast with the cool metallic sheen of the sink and the light reflects softly off their smooth surfaces. Behind the sink, the wall is adorned with white subway tiles that add a touch of simplicity to the setting.",,1,0,entity,whole,entity - whole (countertop),Is there a countertop? +269,"On a marble countertop, three colorful cleaning product bottles are neatly arranged next to a stainless steel sink that glints under the gentle morning sunlight. The blue, green, and yellow bottles contrast with the cool metallic sheen of the sink and the light reflects softly off their smooth surfaces. Behind the sink, the wall is adorned with white subway tiles that add a touch of simplicity to the setting.",,2,0,entity,whole,entity - whole (cleaning product bottles),Are there cleaning product bottles? +269,"On a marble countertop, three colorful cleaning product bottles are neatly arranged next to a stainless steel sink that glints under the gentle morning sunlight. The blue, green, and yellow bottles contrast with the cool metallic sheen of the sink and the light reflects softly off their smooth surfaces. Behind the sink, the wall is adorned with white subway tiles that add a touch of simplicity to the setting.",,3,0,entity,whole,entity - whole (sink),Is there a sink? +269,"On a marble countertop, three colorful cleaning product bottles are neatly arranged next to a stainless steel sink that glints under the gentle morning sunlight. The blue, green, and yellow bottles contrast with the cool metallic sheen of the sink and the light reflects softly off their smooth surfaces. Behind the sink, the wall is adorned with white subway tiles that add a touch of simplicity to the setting.",,4,1,attribute,texture,"attribute - texture (countertop, marble)",Is the countertop made of marble? +269,"On a marble countertop, three colorful cleaning product bottles are neatly arranged next to a stainless steel sink that glints under the gentle morning sunlight. The blue, green, and yellow bottles contrast with the cool metallic sheen of the sink and the light reflects softly off their smooth surfaces. Behind the sink, the wall is adorned with white subway tiles that add a touch of simplicity to the setting.",,5,2,other,count,"other - count (cleaning product bottles, ==3)",Are there three cleaning product bottles? +269,"On a marble countertop, three colorful cleaning product bottles are neatly arranged next to a stainless steel sink that glints under the gentle morning sunlight. The blue, green, and yellow bottles contrast with the cool metallic sheen of the sink and the light reflects softly off their smooth surfaces. Behind the sink, the wall is adorned with white subway tiles that add a touch of simplicity to the setting.",,6,2,attribute,color,"attribute - color (bottle_1, blue)",Is one of the bottles blue? +269,"On a marble countertop, three colorful cleaning product bottles are neatly arranged next to a stainless steel sink that glints under the gentle morning sunlight. The blue, green, and yellow bottles contrast with the cool metallic sheen of the sink and the light reflects softly off their smooth surfaces. Behind the sink, the wall is adorned with white subway tiles that add a touch of simplicity to the setting.",,7,2,attribute,color,"attribute - color (bottle_2, green)",Is one of the bottles green? +269,"On a marble countertop, three colorful cleaning product bottles are neatly arranged next to a stainless steel sink that glints under the gentle morning sunlight. The blue, green, and yellow bottles contrast with the cool metallic sheen of the sink and the light reflects softly off their smooth surfaces. Behind the sink, the wall is adorned with white subway tiles that add a touch of simplicity to the setting.",,8,2,attribute,color,"attribute - color (bottle_3, yellow)",Is one of the bottles yellow? +269,"On a marble countertop, three colorful cleaning product bottles are neatly arranged next to a stainless steel sink that glints under the gentle morning sunlight. The blue, green, and yellow bottles contrast with the cool metallic sheen of the sink and the light reflects softly off their smooth surfaces. Behind the sink, the wall is adorned with white subway tiles that add a touch of simplicity to the setting.",,9,3,attribute,texture,"attribute - texture (sink, stainless steel)",Is the sink made of stainless steel? +269,"On a marble countertop, three colorful cleaning product bottles are neatly arranged next to a stainless steel sink that glints under the gentle morning sunlight. The blue, green, and yellow bottles contrast with the cool metallic sheen of the sink and the light reflects softly off their smooth surfaces. Behind the sink, the wall is adorned with white subway tiles that add a touch of simplicity to the setting.",,10,"1,2",relation,spatial,"relation - spatial (cleaning product bottles, countertop, on)",Are the cleaning product bottles on the countertop? +269,"On a marble countertop, three colorful cleaning product bottles are neatly arranged next to a stainless steel sink that glints under the gentle morning sunlight. The blue, green, and yellow bottles contrast with the cool metallic sheen of the sink and the light reflects softly off their smooth surfaces. Behind the sink, the wall is adorned with white subway tiles that add a touch of simplicity to the setting.",,11,"2,3",relation,spatial,"relation - spatial (cleaning product bottles, sink, next to)",Are the cleaning product bottles next to the sink? +269,"On a marble countertop, three colorful cleaning product bottles are neatly arranged next to a stainless steel sink that glints under the gentle morning sunlight. The blue, green, and yellow bottles contrast with the cool metallic sheen of the sink and the light reflects softly off their smooth surfaces. Behind the sink, the wall is adorned with white subway tiles that add a touch of simplicity to the setting.",,12,"1,3",relation,spatial,"relation - spatial (sink, countertop, on)",Is the sink on the countertop? +269,"On a marble countertop, three colorful cleaning product bottles are neatly arranged next to a stainless steel sink that glints under the gentle morning sunlight. The blue, green, and yellow bottles contrast with the cool metallic sheen of the sink and the light reflects softly off their smooth surfaces. Behind the sink, the wall is adorned with white subway tiles that add a touch of simplicity to the setting.",,13,0,entity,whole,entity - whole (wall),Is there a wall? +269,"On a marble countertop, three colorful cleaning product bottles are neatly arranged next to a stainless steel sink that glints under the gentle morning sunlight. The blue, green, and yellow bottles contrast with the cool metallic sheen of the sink and the light reflects softly off their smooth surfaces. Behind the sink, the wall is adorned with white subway tiles that add a touch of simplicity to the setting.",,14,13,attribute,texture,"attribute - texture (wall, subway tiles)",Is the wall adorned with subway tiles? +269,"On a marble countertop, three colorful cleaning product bottles are neatly arranged next to a stainless steel sink that glints under the gentle morning sunlight. The blue, green, and yellow bottles contrast with the cool metallic sheen of the sink and the light reflects softly off their smooth surfaces. Behind the sink, the wall is adorned with white subway tiles that add a touch of simplicity to the setting.",,15,13,attribute,color,"attribute - color (wall, white)",Are the subway tiles white? +26,"A gray donkey with a tuft of dark mane lies tranquilly beneath the expansive branches of a large oak tree that sits at the edge of a meandering river. The river's crystal-clear waters reflect the lush greenery of the banks and the vibrant blue sky above. In the background, the gentle slope of the riverbank is dotted with wildflowers and tall grasses, creating a picture of pastoral serenity.",,1,0,entity,whole,entity - whole (donkey),Is there a donkey? +26,"A gray donkey with a tuft of dark mane lies tranquilly beneath the expansive branches of a large oak tree that sits at the edge of a meandering river. The river's crystal-clear waters reflect the lush greenery of the banks and the vibrant blue sky above. In the background, the gentle slope of the riverbank is dotted with wildflowers and tall grasses, creating a picture of pastoral serenity.",,2,1,entity,whole,entity - whole (mane),Is there a mane? +26,"A gray donkey with a tuft of dark mane lies tranquilly beneath the expansive branches of a large oak tree that sits at the edge of a meandering river. The river's crystal-clear waters reflect the lush greenery of the banks and the vibrant blue sky above. In the background, the gentle slope of the riverbank is dotted with wildflowers and tall grasses, creating a picture of pastoral serenity.",,3,0,entity,whole,entity - whole (oak tree),Is there an oak tree? +26,"A gray donkey with a tuft of dark mane lies tranquilly beneath the expansive branches of a large oak tree that sits at the edge of a meandering river. The river's crystal-clear waters reflect the lush greenery of the banks and the vibrant blue sky above. In the background, the gentle slope of the riverbank is dotted with wildflowers and tall grasses, creating a picture of pastoral serenity.",,4,0,entity,whole,entity - whole (river),Is there a river? +26,"A gray donkey with a tuft of dark mane lies tranquilly beneath the expansive branches of a large oak tree that sits at the edge of a meandering river. The river's crystal-clear waters reflect the lush greenery of the banks and the vibrant blue sky above. In the background, the gentle slope of the riverbank is dotted with wildflowers and tall grasses, creating a picture of pastoral serenity.",,5,0,entity,whole,entity - whole (sky),Is there a sky? +26,"A gray donkey with a tuft of dark mane lies tranquilly beneath the expansive branches of a large oak tree that sits at the edge of a meandering river. The river's crystal-clear waters reflect the lush greenery of the banks and the vibrant blue sky above. In the background, the gentle slope of the riverbank is dotted with wildflowers and tall grasses, creating a picture of pastoral serenity.",,6,0,entity,whole,entity - whole (riverbank),Is there a riverbank? +26,"A gray donkey with a tuft of dark mane lies tranquilly beneath the expansive branches of a large oak tree that sits at the edge of a meandering river. The river's crystal-clear waters reflect the lush greenery of the banks and the vibrant blue sky above. In the background, the gentle slope of the riverbank is dotted with wildflowers and tall grasses, creating a picture of pastoral serenity.",,7,0,entity,whole,entity - whole (wildflowers),Are there wildflowers? +26,"A gray donkey with a tuft of dark mane lies tranquilly beneath the expansive branches of a large oak tree that sits at the edge of a meandering river. The river's crystal-clear waters reflect the lush greenery of the banks and the vibrant blue sky above. In the background, the gentle slope of the riverbank is dotted with wildflowers and tall grasses, creating a picture of pastoral serenity.",,8,0,entity,whole,entity - whole (grasses),Are there grasses? +26,"A gray donkey with a tuft of dark mane lies tranquilly beneath the expansive branches of a large oak tree that sits at the edge of a meandering river. The river's crystal-clear waters reflect the lush greenery of the banks and the vibrant blue sky above. In the background, the gentle slope of the riverbank is dotted with wildflowers and tall grasses, creating a picture of pastoral serenity.",,9,1,attribute,color,"attribute - color (donkey, gray)",Is the donkey gray? +26,"A gray donkey with a tuft of dark mane lies tranquilly beneath the expansive branches of a large oak tree that sits at the edge of a meandering river. The river's crystal-clear waters reflect the lush greenery of the banks and the vibrant blue sky above. In the background, the gentle slope of the riverbank is dotted with wildflowers and tall grasses, creating a picture of pastoral serenity.",,10,2,attribute,color,"attribute - color (mane, dark)",Is the mane dark? +26,"A gray donkey with a tuft of dark mane lies tranquilly beneath the expansive branches of a large oak tree that sits at the edge of a meandering river. The river's crystal-clear waters reflect the lush greenery of the banks and the vibrant blue sky above. In the background, the gentle slope of the riverbank is dotted with wildflowers and tall grasses, creating a picture of pastoral serenity.",,11,1,entity,state,"entity - state (donkey, lie, tranquilly)",Is the donkey lying tranquilly? +26,"A gray donkey with a tuft of dark mane lies tranquilly beneath the expansive branches of a large oak tree that sits at the edge of a meandering river. The river's crystal-clear waters reflect the lush greenery of the banks and the vibrant blue sky above. In the background, the gentle slope of the riverbank is dotted with wildflowers and tall grasses, creating a picture of pastoral serenity.",,12,3,attribute,size,"attribute - size (oak tree, large)",Is the oak tree large? +26,"A gray donkey with a tuft of dark mane lies tranquilly beneath the expansive branches of a large oak tree that sits at the edge of a meandering river. The river's crystal-clear waters reflect the lush greenery of the banks and the vibrant blue sky above. In the background, the gentle slope of the riverbank is dotted with wildflowers and tall grasses, creating a picture of pastoral serenity.",,13,4,attribute,texture,"attribute - texture (river, crystal-clear)",Are the river's waters crystal-clear? +26,"A gray donkey with a tuft of dark mane lies tranquilly beneath the expansive branches of a large oak tree that sits at the edge of a meandering river. The river's crystal-clear waters reflect the lush greenery of the banks and the vibrant blue sky above. In the background, the gentle slope of the riverbank is dotted with wildflowers and tall grasses, creating a picture of pastoral serenity.",,14,5,attribute,color,"attribute - color (sky, vibrant blue)",Is the sky vibrant blue? +26,"A gray donkey with a tuft of dark mane lies tranquilly beneath the expansive branches of a large oak tree that sits at the edge of a meandering river. The river's crystal-clear waters reflect the lush greenery of the banks and the vibrant blue sky above. In the background, the gentle slope of the riverbank is dotted with wildflowers and tall grasses, creating a picture of pastoral serenity.",,15,"3,4",relation,spatial,"relation - spatial (oak tree, river, edge of)",Is the oak tree at the edge of the river? +26,"A gray donkey with a tuft of dark mane lies tranquilly beneath the expansive branches of a large oak tree that sits at the edge of a meandering river. The river's crystal-clear waters reflect the lush greenery of the banks and the vibrant blue sky above. In the background, the gentle slope of the riverbank is dotted with wildflowers and tall grasses, creating a picture of pastoral serenity.",,16,"1,3",relation,spatial,"relation - spatial (donkey, oak tree, beneath)",Is the donkey beneath the oak tree? +26,"A gray donkey with a tuft of dark mane lies tranquilly beneath the expansive branches of a large oak tree that sits at the edge of a meandering river. The river's crystal-clear waters reflect the lush greenery of the banks and the vibrant blue sky above. In the background, the gentle slope of the riverbank is dotted with wildflowers and tall grasses, creating a picture of pastoral serenity.",,17,"4,6",relation,spatial,"relation - spatial (river, riverbank, meandering)",Is the river meandering by the riverbank? +26,"A gray donkey with a tuft of dark mane lies tranquilly beneath the expansive branches of a large oak tree that sits at the edge of a meandering river. The river's crystal-clear waters reflect the lush greenery of the banks and the vibrant blue sky above. In the background, the gentle slope of the riverbank is dotted with wildflowers and tall grasses, creating a picture of pastoral serenity.",,18,"6,7",relation,spatial,"relation - spatial (wildflowers, riverbank, on)",Are the wildflowers on the riverbank? +26,"A gray donkey with a tuft of dark mane lies tranquilly beneath the expansive branches of a large oak tree that sits at the edge of a meandering river. The river's crystal-clear waters reflect the lush greenery of the banks and the vibrant blue sky above. In the background, the gentle slope of the riverbank is dotted with wildflowers and tall grasses, creating a picture of pastoral serenity.",,19,"6,8",relation,spatial,"relation - spatial (grasses, riverbank, on)",Are the grasses on the riverbank? +26,"A gray donkey with a tuft of dark mane lies tranquilly beneath the expansive branches of a large oak tree that sits at the edge of a meandering river. The river's crystal-clear waters reflect the lush greenery of the banks and the vibrant blue sky above. In the background, the gentle slope of the riverbank is dotted with wildflowers and tall grasses, creating a picture of pastoral serenity.",,20,"4,5",entity,state,"entity - state (river, reflect, lush greenery and vibrant blue sky)",Does the river reflect the lush greenery and vibrant blue sky? +257,"Amid the soft glow of twilight, a lone deer with a coat of warm brown and subtle spots stands still on the grassy bank of a tranquil lake. As it looks on, five geese with bright white feathers and orange beaks are captured in a moment of energetic flight, their wings beating in unison as they rise from the water's edge. The backdrop is painted with the serene surface of the lake, which reflects the blushing sky and the silhouettes of distant trees.",,1,0,entity,whole,entity - whole (deer),Is there a deer? +257,"Amid the soft glow of twilight, a lone deer with a coat of warm brown and subtle spots stands still on the grassy bank of a tranquil lake. As it looks on, five geese with bright white feathers and orange beaks are captured in a moment of energetic flight, their wings beating in unison as they rise from the water's edge. The backdrop is painted with the serene surface of the lake, which reflects the blushing sky and the silhouettes of distant trees.",,2,0,entity,whole,entity - whole (geese),Are there geese? +257,"Amid the soft glow of twilight, a lone deer with a coat of warm brown and subtle spots stands still on the grassy bank of a tranquil lake. As it looks on, five geese with bright white feathers and orange beaks are captured in a moment of energetic flight, their wings beating in unison as they rise from the water's edge. The backdrop is painted with the serene surface of the lake, which reflects the blushing sky and the silhouettes of distant trees.",,3,0,entity,whole,entity - whole (lake),Is there a lake? +257,"Amid the soft glow of twilight, a lone deer with a coat of warm brown and subtle spots stands still on the grassy bank of a tranquil lake. As it looks on, five geese with bright white feathers and orange beaks are captured in a moment of energetic flight, their wings beating in unison as they rise from the water's edge. The backdrop is painted with the serene surface of the lake, which reflects the blushing sky and the silhouettes of distant trees.",,4,0,entity,whole,entity - whole (sky),Is there a sky? +257,"Amid the soft glow of twilight, a lone deer with a coat of warm brown and subtle spots stands still on the grassy bank of a tranquil lake. As it looks on, five geese with bright white feathers and orange beaks are captured in a moment of energetic flight, their wings beating in unison as they rise from the water's edge. The backdrop is painted with the serene surface of the lake, which reflects the blushing sky and the silhouettes of distant trees.",,5,0,entity,whole,entity - whole (trees),Are there trees? +257,"Amid the soft glow of twilight, a lone deer with a coat of warm brown and subtle spots stands still on the grassy bank of a tranquil lake. As it looks on, five geese with bright white feathers and orange beaks are captured in a moment of energetic flight, their wings beating in unison as they rise from the water's edge. The backdrop is painted with the serene surface of the lake, which reflects the blushing sky and the silhouettes of distant trees.",,6,1,attribute,color,"attribute - color (deer's coat, warm brown)",Does the deer have a coat of warm brown? +257,"Amid the soft glow of twilight, a lone deer with a coat of warm brown and subtle spots stands still on the grassy bank of a tranquil lake. As it looks on, five geese with bright white feathers and orange beaks are captured in a moment of energetic flight, their wings beating in unison as they rise from the water's edge. The backdrop is painted with the serene surface of the lake, which reflects the blushing sky and the silhouettes of distant trees.",,7,2,attribute,color,"attribute - color (geese's feathers, bright white)",Do the geese have bright white feathers? +257,"Amid the soft glow of twilight, a lone deer with a coat of warm brown and subtle spots stands still on the grassy bank of a tranquil lake. As it looks on, five geese with bright white feathers and orange beaks are captured in a moment of energetic flight, their wings beating in unison as they rise from the water's edge. The backdrop is painted with the serene surface of the lake, which reflects the blushing sky and the silhouettes of distant trees.",,8,2,attribute,color,"attribute - color (geese's beaks, orange)",Do the geese have orange beaks? +257,"Amid the soft glow of twilight, a lone deer with a coat of warm brown and subtle spots stands still on the grassy bank of a tranquil lake. As it looks on, five geese with bright white feathers and orange beaks are captured in a moment of energetic flight, their wings beating in unison as they rise from the water's edge. The backdrop is painted with the serene surface of the lake, which reflects the blushing sky and the silhouettes of distant trees.",,9,1,attribute,texture,"attribute - texture (deer's coat, spots)",Does the deer's coat have subtle spots? +257,"Amid the soft glow of twilight, a lone deer with a coat of warm brown and subtle spots stands still on the grassy bank of a tranquil lake. As it looks on, five geese with bright white feathers and orange beaks are captured in a moment of energetic flight, their wings beating in unison as they rise from the water's edge. The backdrop is painted with the serene surface of the lake, which reflects the blushing sky and the silhouettes of distant trees.",,10,2,other,count,"other - count (geese, ==5)",Are there five geese? +257,"Amid the soft glow of twilight, a lone deer with a coat of warm brown and subtle spots stands still on the grassy bank of a tranquil lake. As it looks on, five geese with bright white feathers and orange beaks are captured in a moment of energetic flight, their wings beating in unison as they rise from the water's edge. The backdrop is painted with the serene surface of the lake, which reflects the blushing sky and the silhouettes of distant trees.",,11,1,entity,state,"entity - state (deer, stand still)",Is the deer standing still? +257,"Amid the soft glow of twilight, a lone deer with a coat of warm brown and subtle spots stands still on the grassy bank of a tranquil lake. As it looks on, five geese with bright white feathers and orange beaks are captured in a moment of energetic flight, their wings beating in unison as they rise from the water's edge. The backdrop is painted with the serene surface of the lake, which reflects the blushing sky and the silhouettes of distant trees.",,12,2,entity,state,"entity - state (geese, flight)",Are the geese in flight? +257,"Amid the soft glow of twilight, a lone deer with a coat of warm brown and subtle spots stands still on the grassy bank of a tranquil lake. As it looks on, five geese with bright white feathers and orange beaks are captured in a moment of energetic flight, their wings beating in unison as they rise from the water's edge. The backdrop is painted with the serene surface of the lake, which reflects the blushing sky and the silhouettes of distant trees.",,13,"1,3",relation,spatial,"relation - spatial (deer, lake's bank, on)",Is the deer on the grassy bank of the lake? +257,"Amid the soft glow of twilight, a lone deer with a coat of warm brown and subtle spots stands still on the grassy bank of a tranquil lake. As it looks on, five geese with bright white feathers and orange beaks are captured in a moment of energetic flight, their wings beating in unison as they rise from the water's edge. The backdrop is painted with the serene surface of the lake, which reflects the blushing sky and the silhouettes of distant trees.",,14,"2,3",relation,spatial,"relation - spatial (geese, water's edge, rise from)",Are the geese rising from the water's edge? +257,"Amid the soft glow of twilight, a lone deer with a coat of warm brown and subtle spots stands still on the grassy bank of a tranquil lake. As it looks on, five geese with bright white feathers and orange beaks are captured in a moment of energetic flight, their wings beating in unison as they rise from the water's edge. The backdrop is painted with the serene surface of the lake, which reflects the blushing sky and the silhouettes of distant trees.",,15,"3,4",relation,spatial,"relation - spatial (lake, sky, reflects)",Does the lake reflect the sky? +257,"Amid the soft glow of twilight, a lone deer with a coat of warm brown and subtle spots stands still on the grassy bank of a tranquil lake. As it looks on, five geese with bright white feathers and orange beaks are captured in a moment of energetic flight, their wings beating in unison as they rise from the water's edge. The backdrop is painted with the serene surface of the lake, which reflects the blushing sky and the silhouettes of distant trees.",,16,"3,5",relation,spatial,"relation - spatial (lake, trees, distant, silhouettes)",Does the lake show the silhouettes of distant trees? +163,"Two vibrant red jugs are carefully positioned below a trio of open black umbrellas, which stand stark against the backdrop of a grey, stormy sky. The jugs rest on the wet, glistening concrete, while the umbrellas, with their smooth, nylon fabric catching the breeze, provide a sharp contrast in both color and texture. Each umbrella casts a protective shadow over the jugs, seemingly safeguarding them from the impending rain.",,1,0,entity,whole,entity - whole (jugs),Are there jugs? +163,"Two vibrant red jugs are carefully positioned below a trio of open black umbrellas, which stand stark against the backdrop of a grey, stormy sky. The jugs rest on the wet, glistening concrete, while the umbrellas, with their smooth, nylon fabric catching the breeze, provide a sharp contrast in both color and texture. Each umbrella casts a protective shadow over the jugs, seemingly safeguarding them from the impending rain.",,2,1,other,count,"other - count (jugs, ==2)",Are there two jugs? +163,"Two vibrant red jugs are carefully positioned below a trio of open black umbrellas, which stand stark against the backdrop of a grey, stormy sky. The jugs rest on the wet, glistening concrete, while the umbrellas, with their smooth, nylon fabric catching the breeze, provide a sharp contrast in both color and texture. Each umbrella casts a protective shadow over the jugs, seemingly safeguarding them from the impending rain.",,3,0,entity,whole,entity - whole (umbrellas),Are there umbrellas? +163,"Two vibrant red jugs are carefully positioned below a trio of open black umbrellas, which stand stark against the backdrop of a grey, stormy sky. The jugs rest on the wet, glistening concrete, while the umbrellas, with their smooth, nylon fabric catching the breeze, provide a sharp contrast in both color and texture. Each umbrella casts a protective shadow over the jugs, seemingly safeguarding them from the impending rain.",,4,3,other,count,"other - count (umbrellas, ==3)",Are there three umbrellas? +163,"Two vibrant red jugs are carefully positioned below a trio of open black umbrellas, which stand stark against the backdrop of a grey, stormy sky. The jugs rest on the wet, glistening concrete, while the umbrellas, with their smooth, nylon fabric catching the breeze, provide a sharp contrast in both color and texture. Each umbrella casts a protective shadow over the jugs, seemingly safeguarding them from the impending rain.",,5,0,entity,whole,entity - whole (sky),Is there a sky? +163,"Two vibrant red jugs are carefully positioned below a trio of open black umbrellas, which stand stark against the backdrop of a grey, stormy sky. The jugs rest on the wet, glistening concrete, while the umbrellas, with their smooth, nylon fabric catching the breeze, provide a sharp contrast in both color and texture. Each umbrella casts a protective shadow over the jugs, seemingly safeguarding them from the impending rain.",,6,1,attribute,color,"attribute - color (jugs, vibrant red)",Are the jugs vibrant red? +163,"Two vibrant red jugs are carefully positioned below a trio of open black umbrellas, which stand stark against the backdrop of a grey, stormy sky. The jugs rest on the wet, glistening concrete, while the umbrellas, with their smooth, nylon fabric catching the breeze, provide a sharp contrast in both color and texture. Each umbrella casts a protective shadow over the jugs, seemingly safeguarding them from the impending rain.",,7,3,attribute,color,"attribute - color (umbrellas, black)",Are the umbrellas black? +163,"Two vibrant red jugs are carefully positioned below a trio of open black umbrellas, which stand stark against the backdrop of a grey, stormy sky. The jugs rest on the wet, glistening concrete, while the umbrellas, with their smooth, nylon fabric catching the breeze, provide a sharp contrast in both color and texture. Each umbrella casts a protective shadow over the jugs, seemingly safeguarding them from the impending rain.",,8,5,attribute,color,"attribute - color (sky, grey)",Is the sky grey? +163,"Two vibrant red jugs are carefully positioned below a trio of open black umbrellas, which stand stark against the backdrop of a grey, stormy sky. The jugs rest on the wet, glistening concrete, while the umbrellas, with their smooth, nylon fabric catching the breeze, provide a sharp contrast in both color and texture. Each umbrella casts a protective shadow over the jugs, seemingly safeguarding them from the impending rain.",,9,3,attribute,texture,"attribute - texture (umbrellas, nylon)",Are the umbrellas made of nylon? +163,"Two vibrant red jugs are carefully positioned below a trio of open black umbrellas, which stand stark against the backdrop of a grey, stormy sky. The jugs rest on the wet, glistening concrete, while the umbrellas, with their smooth, nylon fabric catching the breeze, provide a sharp contrast in both color and texture. Each umbrella casts a protective shadow over the jugs, seemingly safeguarding them from the impending rain.",,10,0,attribute,texture,"attribute - texture (concrete, wet and glistening)",Is the concrete wet and glistening? +163,"Two vibrant red jugs are carefully positioned below a trio of open black umbrellas, which stand stark against the backdrop of a grey, stormy sky. The jugs rest on the wet, glistening concrete, while the umbrellas, with their smooth, nylon fabric catching the breeze, provide a sharp contrast in both color and texture. Each umbrella casts a protective shadow over the jugs, seemingly safeguarding them from the impending rain.",,11,"1,3",relation,spatial,"relation - spatial (jugs, umbrellas, below)",Are the jugs positioned below the umbrellas? +163,"Two vibrant red jugs are carefully positioned below a trio of open black umbrellas, which stand stark against the backdrop of a grey, stormy sky. The jugs rest on the wet, glistening concrete, while the umbrellas, with their smooth, nylon fabric catching the breeze, provide a sharp contrast in both color and texture. Each umbrella casts a protective shadow over the jugs, seemingly safeguarding them from the impending rain.",,12,"3,5",relation,spatial,"relation - spatial (umbrellas, sky, against)",Do the umbrellas stand against the sky? +163,"Two vibrant red jugs are carefully positioned below a trio of open black umbrellas, which stand stark against the backdrop of a grey, stormy sky. The jugs rest on the wet, glistening concrete, while the umbrellas, with their smooth, nylon fabric catching the breeze, provide a sharp contrast in both color and texture. Each umbrella casts a protective shadow over the jugs, seemingly safeguarding them from the impending rain.",,13,1,relation,spatial,"relation - spatial (jugs, concrete, on)",Are the jugs resting on the concrete? +163,"Two vibrant red jugs are carefully positioned below a trio of open black umbrellas, which stand stark against the backdrop of a grey, stormy sky. The jugs rest on the wet, glistening concrete, while the umbrellas, with their smooth, nylon fabric catching the breeze, provide a sharp contrast in both color and texture. Each umbrella casts a protective shadow over the jugs, seemingly safeguarding them from the impending rain.",,14,5,entity,state,"entity - state (sky, stormy)",Is the sky stormy? +163,"Two vibrant red jugs are carefully positioned below a trio of open black umbrellas, which stand stark against the backdrop of a grey, stormy sky. The jugs rest on the wet, glistening concrete, while the umbrellas, with their smooth, nylon fabric catching the breeze, provide a sharp contrast in both color and texture. Each umbrella casts a protective shadow over the jugs, seemingly safeguarding them from the impending rain.",,15,3,entity,state,"entity - state (umbrellas, open)",Are the umbrellas open? +185,"Under a vast expanse of clear blue sky, a dilapidated piece of machinery with peeling orange paint and signs of rust is carefully maneuvering a pair of red bricks. The vehicle, possibly an aging forklift or crane, creaks as it transports the heavy materials across a barren construction site. Each brick has a rough texture, accentuated by the bright sunlight casting sharp shadows on the ground.",,1,0,entity,whole,entity - whole (machinery),Is there a piece of machinery? +185,"Under a vast expanse of clear blue sky, a dilapidated piece of machinery with peeling orange paint and signs of rust is carefully maneuvering a pair of red bricks. The vehicle, possibly an aging forklift or crane, creaks as it transports the heavy materials across a barren construction site. Each brick has a rough texture, accentuated by the bright sunlight casting sharp shadows on the ground.",,2,0,entity,whole,entity - whole (bricks),Are there bricks? +185,"Under a vast expanse of clear blue sky, a dilapidated piece of machinery with peeling orange paint and signs of rust is carefully maneuvering a pair of red bricks. The vehicle, possibly an aging forklift or crane, creaks as it transports the heavy materials across a barren construction site. Each brick has a rough texture, accentuated by the bright sunlight casting sharp shadows on the ground.",,3,0,entity,whole,entity - whole (construction site),Is there a construction site? +185,"Under a vast expanse of clear blue sky, a dilapidated piece of machinery with peeling orange paint and signs of rust is carefully maneuvering a pair of red bricks. The vehicle, possibly an aging forklift or crane, creaks as it transports the heavy materials across a barren construction site. Each brick has a rough texture, accentuated by the bright sunlight casting sharp shadows on the ground.",,4,0,attribute,color,"attribute - color (sky, clear blue)",Is the sky clear blue? +185,"Under a vast expanse of clear blue sky, a dilapidated piece of machinery with peeling orange paint and signs of rust is carefully maneuvering a pair of red bricks. The vehicle, possibly an aging forklift or crane, creaks as it transports the heavy materials across a barren construction site. Each brick has a rough texture, accentuated by the bright sunlight casting sharp shadows on the ground.",,5,1,attribute,color,"attribute - color (machinery, orange)",Is the machinery orange? +185,"Under a vast expanse of clear blue sky, a dilapidated piece of machinery with peeling orange paint and signs of rust is carefully maneuvering a pair of red bricks. The vehicle, possibly an aging forklift or crane, creaks as it transports the heavy materials across a barren construction site. Each brick has a rough texture, accentuated by the bright sunlight casting sharp shadows on the ground.",,6,2,attribute,color,"attribute - color (bricks, red)",Are the bricks red? +185,"Under a vast expanse of clear blue sky, a dilapidated piece of machinery with peeling orange paint and signs of rust is carefully maneuvering a pair of red bricks. The vehicle, possibly an aging forklift or crane, creaks as it transports the heavy materials across a barren construction site. Each brick has a rough texture, accentuated by the bright sunlight casting sharp shadows on the ground.",,7,1,attribute,texture,"attribute - texture (machinery, peeling paint)",Does the machinery have peeling paint? +185,"Under a vast expanse of clear blue sky, a dilapidated piece of machinery with peeling orange paint and signs of rust is carefully maneuvering a pair of red bricks. The vehicle, possibly an aging forklift or crane, creaks as it transports the heavy materials across a barren construction site. Each brick has a rough texture, accentuated by the bright sunlight casting sharp shadows on the ground.",,8,1,attribute,texture,"attribute - texture (machinery, rust)",Does the machinery show signs of rust? +185,"Under a vast expanse of clear blue sky, a dilapidated piece of machinery with peeling orange paint and signs of rust is carefully maneuvering a pair of red bricks. The vehicle, possibly an aging forklift or crane, creaks as it transports the heavy materials across a barren construction site. Each brick has a rough texture, accentuated by the bright sunlight casting sharp shadows on the ground.",,9,2,attribute,texture,"attribute - texture (bricks, rough)",Do the bricks have a rough texture? +185,"Under a vast expanse of clear blue sky, a dilapidated piece of machinery with peeling orange paint and signs of rust is carefully maneuvering a pair of red bricks. The vehicle, possibly an aging forklift or crane, creaks as it transports the heavy materials across a barren construction site. Each brick has a rough texture, accentuated by the bright sunlight casting sharp shadows on the ground.",,10,"1,2",relation,spatial,"relation - spatial (machinery, bricks, maneuvering)",Is the machinery carefully maneuvering a pair of bricks? +148,"A vivid yellow chair with a smooth, plastic texture sits adjacent to a sleek red treadmill in a compact, square-shaped room. The wall behind these pieces of equipment is painted a vibrant turquoise blue, which contrasts sharply with the equipment. The sun shines through a window, illuminating the space at midday, casting soft shadows on the light grey flooring.",,1,0,entity,whole,entity - whole (chair),Is there a chair? +148,"A vivid yellow chair with a smooth, plastic texture sits adjacent to a sleek red treadmill in a compact, square-shaped room. The wall behind these pieces of equipment is painted a vibrant turquoise blue, which contrasts sharply with the equipment. The sun shines through a window, illuminating the space at midday, casting soft shadows on the light grey flooring.",,2,0,entity,whole,entity - whole (treadmill),Is there a treadmill? +148,"A vivid yellow chair with a smooth, plastic texture sits adjacent to a sleek red treadmill in a compact, square-shaped room. The wall behind these pieces of equipment is painted a vibrant turquoise blue, which contrasts sharply with the equipment. The sun shines through a window, illuminating the space at midday, casting soft shadows on the light grey flooring.",,3,0,entity,whole,entity - whole (room),Is there a room? +148,"A vivid yellow chair with a smooth, plastic texture sits adjacent to a sleek red treadmill in a compact, square-shaped room. The wall behind these pieces of equipment is painted a vibrant turquoise blue, which contrasts sharply with the equipment. The sun shines through a window, illuminating the space at midday, casting soft shadows on the light grey flooring.",,4,0,entity,whole,entity - whole (wall),Is there a wall? +148,"A vivid yellow chair with a smooth, plastic texture sits adjacent to a sleek red treadmill in a compact, square-shaped room. The wall behind these pieces of equipment is painted a vibrant turquoise blue, which contrasts sharply with the equipment. The sun shines through a window, illuminating the space at midday, casting soft shadows on the light grey flooring.",,5,0,entity,whole,entity - whole (window),Is there a window? +148,"A vivid yellow chair with a smooth, plastic texture sits adjacent to a sleek red treadmill in a compact, square-shaped room. The wall behind these pieces of equipment is painted a vibrant turquoise blue, which contrasts sharply with the equipment. The sun shines through a window, illuminating the space at midday, casting soft shadows on the light grey flooring.",,6,1,attribute,color,"attribute - color (chair, vivid yellow)",Is the chair vivid yellow? +148,"A vivid yellow chair with a smooth, plastic texture sits adjacent to a sleek red treadmill in a compact, square-shaped room. The wall behind these pieces of equipment is painted a vibrant turquoise blue, which contrasts sharply with the equipment. The sun shines through a window, illuminating the space at midday, casting soft shadows on the light grey flooring.",,7,1,attribute,texture,"attribute - texture (chair, smooth, plastic)","Does the chair have a smooth, plastic texture?" +148,"A vivid yellow chair with a smooth, plastic texture sits adjacent to a sleek red treadmill in a compact, square-shaped room. The wall behind these pieces of equipment is painted a vibrant turquoise blue, which contrasts sharply with the equipment. The sun shines through a window, illuminating the space at midday, casting soft shadows on the light grey flooring.",,8,2,attribute,color,"attribute - color (treadmill, sleek red)",Is the treadmill sleek red? +148,"A vivid yellow chair with a smooth, plastic texture sits adjacent to a sleek red treadmill in a compact, square-shaped room. The wall behind these pieces of equipment is painted a vibrant turquoise blue, which contrasts sharply with the equipment. The sun shines through a window, illuminating the space at midday, casting soft shadows on the light grey flooring.",,9,4,attribute,color,"attribute - color (wall, vibrant turquoise blue)",Is the wall painted a vibrant turquoise blue? +148,"A vivid yellow chair with a smooth, plastic texture sits adjacent to a sleek red treadmill in a compact, square-shaped room. The wall behind these pieces of equipment is painted a vibrant turquoise blue, which contrasts sharply with the equipment. The sun shines through a window, illuminating the space at midday, casting soft shadows on the light grey flooring.",,10,0,attribute,color,"attribute - color (flooring, light grey)",Is the flooring light grey? +148,"A vivid yellow chair with a smooth, plastic texture sits adjacent to a sleek red treadmill in a compact, square-shaped room. The wall behind these pieces of equipment is painted a vibrant turquoise blue, which contrasts sharply with the equipment. The sun shines through a window, illuminating the space at midday, casting soft shadows on the light grey flooring.",,11,"1,2",relation,spatial,"relation - spatial (chair, treadmill, adjacent to)",Is the chair adjacent to the treadmill? +148,"A vivid yellow chair with a smooth, plastic texture sits adjacent to a sleek red treadmill in a compact, square-shaped room. The wall behind these pieces of equipment is painted a vibrant turquoise blue, which contrasts sharply with the equipment. The sun shines through a window, illuminating the space at midday, casting soft shadows on the light grey flooring.",,12,"1,2,4",relation,spatial,"relation - spatial (equipment, wall, behind)",Is the equipment behind the wall? +148,"A vivid yellow chair with a smooth, plastic texture sits adjacent to a sleek red treadmill in a compact, square-shaped room. The wall behind these pieces of equipment is painted a vibrant turquoise blue, which contrasts sharply with the equipment. The sun shines through a window, illuminating the space at midday, casting soft shadows on the light grey flooring.",,13,5,entity,state,"entity - state (sun, midday, shines through window)",Does the sun shine through the window at midday? +148,"A vivid yellow chair with a smooth, plastic texture sits adjacent to a sleek red treadmill in a compact, square-shaped room. The wall behind these pieces of equipment is painted a vibrant turquoise blue, which contrasts sharply with the equipment. The sun shines through a window, illuminating the space at midday, casting soft shadows on the light grey flooring.",,14,"3,10",relation,spatial,"relation - spatial (shadows, flooring, on)",Are there soft shadows on the light grey flooring? +140,"An outdoor setting illuminated by sunlight, showcasing three vibrantly red towels, meticulously folded and placed on a concrete surface. Beside this tidy arrangement, a sleek white scooter stands parked, its handlebar casting a slender shadow on the ground. The contrasting colors create a striking visual against the backdrop of a clear blue sky.",,1,0,entity,whole,entity - whole (setting),Is there an outdoor setting? +140,"An outdoor setting illuminated by sunlight, showcasing three vibrantly red towels, meticulously folded and placed on a concrete surface. Beside this tidy arrangement, a sleek white scooter stands parked, its handlebar casting a slender shadow on the ground. The contrasting colors create a striking visual against the backdrop of a clear blue sky.",,2,0,entity,whole,entity - whole (towels),Are there towels? +140,"An outdoor setting illuminated by sunlight, showcasing three vibrantly red towels, meticulously folded and placed on a concrete surface. Beside this tidy arrangement, a sleek white scooter stands parked, its handlebar casting a slender shadow on the ground. The contrasting colors create a striking visual against the backdrop of a clear blue sky.",,3,2,other,count,"other - count (towels, ==3)",Are there three towels? +140,"An outdoor setting illuminated by sunlight, showcasing three vibrantly red towels, meticulously folded and placed on a concrete surface. Beside this tidy arrangement, a sleek white scooter stands parked, its handlebar casting a slender shadow on the ground. The contrasting colors create a striking visual against the backdrop of a clear blue sky.",,4,0,entity,whole,entity - whole (surface),Is there a concrete surface? +140,"An outdoor setting illuminated by sunlight, showcasing three vibrantly red towels, meticulously folded and placed on a concrete surface. Beside this tidy arrangement, a sleek white scooter stands parked, its handlebar casting a slender shadow on the ground. The contrasting colors create a striking visual against the backdrop of a clear blue sky.",,5,0,entity,whole,entity - whole (scooter),Is there a scooter? +140,"An outdoor setting illuminated by sunlight, showcasing three vibrantly red towels, meticulously folded and placed on a concrete surface. Beside this tidy arrangement, a sleek white scooter stands parked, its handlebar casting a slender shadow on the ground. The contrasting colors create a striking visual against the backdrop of a clear blue sky.",,6,5,entity,whole,entity - whole (handlebar),Is there a handlebar? +140,"An outdoor setting illuminated by sunlight, showcasing three vibrantly red towels, meticulously folded and placed on a concrete surface. Beside this tidy arrangement, a sleek white scooter stands parked, its handlebar casting a slender shadow on the ground. The contrasting colors create a striking visual against the backdrop of a clear blue sky.",,7,0,entity,whole,entity - whole (sky),Is there a sky? +140,"An outdoor setting illuminated by sunlight, showcasing three vibrantly red towels, meticulously folded and placed on a concrete surface. Beside this tidy arrangement, a sleek white scooter stands parked, its handlebar casting a slender shadow on the ground. The contrasting colors create a striking visual against the backdrop of a clear blue sky.",,8,2,attribute,color,"attribute - color (towels, red)",Are the towels vibrantly red? +140,"An outdoor setting illuminated by sunlight, showcasing three vibrantly red towels, meticulously folded and placed on a concrete surface. Beside this tidy arrangement, a sleek white scooter stands parked, its handlebar casting a slender shadow on the ground. The contrasting colors create a striking visual against the backdrop of a clear blue sky.",,9,5,attribute,color,"attribute - color (scooter, white)",Is the scooter sleek and white? +140,"An outdoor setting illuminated by sunlight, showcasing three vibrantly red towels, meticulously folded and placed on a concrete surface. Beside this tidy arrangement, a sleek white scooter stands parked, its handlebar casting a slender shadow on the ground. The contrasting colors create a striking visual against the backdrop of a clear blue sky.",,10,7,attribute,color,"attribute - color (sky, blue)",Is the sky clear and blue? +277,"A modern kitchen vignette where a sleek, black induction cooker is placed on a polished granite countertop. Its surface glows as it heats a stainless steel pot, from which tendrils of steam rise, indicating a simmering soup within. Adjacent to the cooker, a vibrant red blender is in operation, its contents swirling at high speed, presenting a dynamic contrast to the tranquil act of the soup slowly cooking. The countertop around these appliances is dotted with various culinary tools and ingredients, embodying the lively activity typical of meal preparation time.",,1,0,entity,whole,entity - whole (kitchen vignette),Is there a kitchen vignette? +277,"A modern kitchen vignette where a sleek, black induction cooker is placed on a polished granite countertop. Its surface glows as it heats a stainless steel pot, from which tendrils of steam rise, indicating a simmering soup within. Adjacent to the cooker, a vibrant red blender is in operation, its contents swirling at high speed, presenting a dynamic contrast to the tranquil act of the soup slowly cooking. The countertop around these appliances is dotted with various culinary tools and ingredients, embodying the lively activity typical of meal preparation time.",,2,0,entity,whole,entity - whole (induction cooker),Is there an induction cooker? +277,"A modern kitchen vignette where a sleek, black induction cooker is placed on a polished granite countertop. Its surface glows as it heats a stainless steel pot, from which tendrils of steam rise, indicating a simmering soup within. Adjacent to the cooker, a vibrant red blender is in operation, its contents swirling at high speed, presenting a dynamic contrast to the tranquil act of the soup slowly cooking. The countertop around these appliances is dotted with various culinary tools and ingredients, embodying the lively activity typical of meal preparation time.",,3,0,entity,whole,entity - whole (countertop),Is there a countertop? +277,"A modern kitchen vignette where a sleek, black induction cooker is placed on a polished granite countertop. Its surface glows as it heats a stainless steel pot, from which tendrils of steam rise, indicating a simmering soup within. Adjacent to the cooker, a vibrant red blender is in operation, its contents swirling at high speed, presenting a dynamic contrast to the tranquil act of the soup slowly cooking. The countertop around these appliances is dotted with various culinary tools and ingredients, embodying the lively activity typical of meal preparation time.",,4,0,entity,whole,entity - whole (pot),Is there a pot? +277,"A modern kitchen vignette where a sleek, black induction cooker is placed on a polished granite countertop. Its surface glows as it heats a stainless steel pot, from which tendrils of steam rise, indicating a simmering soup within. Adjacent to the cooker, a vibrant red blender is in operation, its contents swirling at high speed, presenting a dynamic contrast to the tranquil act of the soup slowly cooking. The countertop around these appliances is dotted with various culinary tools and ingredients, embodying the lively activity typical of meal preparation time.",,5,0,entity,whole,entity - whole (blender),Is there a blender? +277,"A modern kitchen vignette where a sleek, black induction cooker is placed on a polished granite countertop. Its surface glows as it heats a stainless steel pot, from which tendrils of steam rise, indicating a simmering soup within. Adjacent to the cooker, a vibrant red blender is in operation, its contents swirling at high speed, presenting a dynamic contrast to the tranquil act of the soup slowly cooking. The countertop around these appliances is dotted with various culinary tools and ingredients, embodying the lively activity typical of meal preparation time.",,6,2,attribute,color,"attribute - color (induction cooker, black)",Is the induction cooker black? +277,"A modern kitchen vignette where a sleek, black induction cooker is placed on a polished granite countertop. Its surface glows as it heats a stainless steel pot, from which tendrils of steam rise, indicating a simmering soup within. Adjacent to the cooker, a vibrant red blender is in operation, its contents swirling at high speed, presenting a dynamic contrast to the tranquil act of the soup slowly cooking. The countertop around these appliances is dotted with various culinary tools and ingredients, embodying the lively activity typical of meal preparation time.",,7,3,attribute,texture,"attribute - texture (countertop, polished granite)",Is the countertop made of polished granite? +277,"A modern kitchen vignette where a sleek, black induction cooker is placed on a polished granite countertop. Its surface glows as it heats a stainless steel pot, from which tendrils of steam rise, indicating a simmering soup within. Adjacent to the cooker, a vibrant red blender is in operation, its contents swirling at high speed, presenting a dynamic contrast to the tranquil act of the soup slowly cooking. The countertop around these appliances is dotted with various culinary tools and ingredients, embodying the lively activity typical of meal preparation time.",,8,5,attribute,color,"attribute - color (blender, vibrant red)",Is the blender vibrant red? +277,"A modern kitchen vignette where a sleek, black induction cooker is placed on a polished granite countertop. Its surface glows as it heats a stainless steel pot, from which tendrils of steam rise, indicating a simmering soup within. Adjacent to the cooker, a vibrant red blender is in operation, its contents swirling at high speed, presenting a dynamic contrast to the tranquil act of the soup slowly cooking. The countertop around these appliances is dotted with various culinary tools and ingredients, embodying the lively activity typical of meal preparation time.",,9,4,attribute,texture,"attribute - texture (pot, stainless steel)",Is the pot made of stainless steel? +277,"A modern kitchen vignette where a sleek, black induction cooker is placed on a polished granite countertop. Its surface glows as it heats a stainless steel pot, from which tendrils of steam rise, indicating a simmering soup within. Adjacent to the cooker, a vibrant red blender is in operation, its contents swirling at high speed, presenting a dynamic contrast to the tranquil act of the soup slowly cooking. The countertop around these appliances is dotted with various culinary tools and ingredients, embodying the lively activity typical of meal preparation time.",,10,"2,3",relation,spatial,"relation - spatial (induction cooker, countertop, on)",Is the induction cooker placed on the countertop? +122,"An old fashioned, metallic fan with a rounded base and rusted blades stands next to an ornate, antique knife with a weathered bone handle. Both items are propped against a timeworn wooden wall that bears the marks of age and the warm, golden hue of the afternoon sunlight filtering through a nearby window. The dust particles in the air catch the light, highlighting the vintage aura of the scene.",,1,0,entity,whole,entity - whole (fan),Is there a fan? +122,"An old fashioned, metallic fan with a rounded base and rusted blades stands next to an ornate, antique knife with a weathered bone handle. Both items are propped against a timeworn wooden wall that bears the marks of age and the warm, golden hue of the afternoon sunlight filtering through a nearby window. The dust particles in the air catch the light, highlighting the vintage aura of the scene.",,2,0,entity,whole,entity - whole (knife),Is there a knife? +122,"An old fashioned, metallic fan with a rounded base and rusted blades stands next to an ornate, antique knife with a weathered bone handle. Both items are propped against a timeworn wooden wall that bears the marks of age and the warm, golden hue of the afternoon sunlight filtering through a nearby window. The dust particles in the air catch the light, highlighting the vintage aura of the scene.",,3,0,entity,whole,entity - whole (wall),Is there a wall? +122,"An old fashioned, metallic fan with a rounded base and rusted blades stands next to an ornate, antique knife with a weathered bone handle. Both items are propped against a timeworn wooden wall that bears the marks of age and the warm, golden hue of the afternoon sunlight filtering through a nearby window. The dust particles in the air catch the light, highlighting the vintage aura of the scene.",,4,1,attribute,texture,"attribute - texture (fan, metallic)",Is the fan metallic? +122,"An old fashioned, metallic fan with a rounded base and rusted blades stands next to an ornate, antique knife with a weathered bone handle. Both items are propped against a timeworn wooden wall that bears the marks of age and the warm, golden hue of the afternoon sunlight filtering through a nearby window. The dust particles in the air catch the light, highlighting the vintage aura of the scene.",,5,2,attribute,texture,"attribute - texture (knife handle, bone)",Is the knife handle made of bone? +122,"An old fashioned, metallic fan with a rounded base and rusted blades stands next to an ornate, antique knife with a weathered bone handle. Both items are propped against a timeworn wooden wall that bears the marks of age and the warm, golden hue of the afternoon sunlight filtering through a nearby window. The dust particles in the air catch the light, highlighting the vintage aura of the scene.",,6,3,attribute,texture,"attribute - texture (wall, wooden)",Is the wall wooden? +122,"An old fashioned, metallic fan with a rounded base and rusted blades stands next to an ornate, antique knife with a weathered bone handle. Both items are propped against a timeworn wooden wall that bears the marks of age and the warm, golden hue of the afternoon sunlight filtering through a nearby window. The dust particles in the air catch the light, highlighting the vintage aura of the scene.",,7,1,attribute,texture,"attribute - texture (fan blades, rusted)",Are the fan blades rusted? +122,"An old fashioned, metallic fan with a rounded base and rusted blades stands next to an ornate, antique knife with a weathered bone handle. Both items are propped against a timeworn wooden wall that bears the marks of age and the warm, golden hue of the afternoon sunlight filtering through a nearby window. The dust particles in the air catch the light, highlighting the vintage aura of the scene.",,8,3,attribute,color,"attribute - color (wall, golden hue)",Does the wall have a golden hue? +122,"An old fashioned, metallic fan with a rounded base and rusted blades stands next to an ornate, antique knife with a weathered bone handle. Both items are propped against a timeworn wooden wall that bears the marks of age and the warm, golden hue of the afternoon sunlight filtering through a nearby window. The dust particles in the air catch the light, highlighting the vintage aura of the scene.",,9,1,attribute,other,"attribute - other (fan, old fashioned)",Is the fan old fashioned? +122,"An old fashioned, metallic fan with a rounded base and rusted blades stands next to an ornate, antique knife with a weathered bone handle. Both items are propped against a timeworn wooden wall that bears the marks of age and the warm, golden hue of the afternoon sunlight filtering through a nearby window. The dust particles in the air catch the light, highlighting the vintage aura of the scene.",,10,2,attribute,other,"attribute - other (knife, ornate, antique)",Is the knife ornate and antique? +265,"A majestic white crane with outstretched wings captured in the act of taking flight from a patch of green grass. In the foreground, an ambulance emblazoned with vibrant red crosses races past, its siren lights ablaze with urgency against the evening sky. The cityscape beyond is silhouetted by the fading hues of dusk, with the outlines of buildings casting long shadows as the day comes to a close.",,1,0,entity,whole,entity - whole (crane),Is there a crane? +265,"A majestic white crane with outstretched wings captured in the act of taking flight from a patch of green grass. In the foreground, an ambulance emblazoned with vibrant red crosses races past, its siren lights ablaze with urgency against the evening sky. The cityscape beyond is silhouetted by the fading hues of dusk, with the outlines of buildings casting long shadows as the day comes to a close.",,2,0,entity,whole,entity - whole (ambulance),Is there an ambulance? +265,"A majestic white crane with outstretched wings captured in the act of taking flight from a patch of green grass. In the foreground, an ambulance emblazoned with vibrant red crosses races past, its siren lights ablaze with urgency against the evening sky. The cityscape beyond is silhouetted by the fading hues of dusk, with the outlines of buildings casting long shadows as the day comes to a close.",,3,0,entity,whole,entity - whole (grass),Is there grass? +265,"A majestic white crane with outstretched wings captured in the act of taking flight from a patch of green grass. In the foreground, an ambulance emblazoned with vibrant red crosses races past, its siren lights ablaze with urgency against the evening sky. The cityscape beyond is silhouetted by the fading hues of dusk, with the outlines of buildings casting long shadows as the day comes to a close.",,4,0,entity,whole,entity - whole (cityscape),Is there a cityscape? +265,"A majestic white crane with outstretched wings captured in the act of taking flight from a patch of green grass. In the foreground, an ambulance emblazoned with vibrant red crosses races past, its siren lights ablaze with urgency against the evening sky. The cityscape beyond is silhouetted by the fading hues of dusk, with the outlines of buildings casting long shadows as the day comes to a close.",,5,1,attribute,color,"attribute - color (crane, white)",Is the crane white? +265,"A majestic white crane with outstretched wings captured in the act of taking flight from a patch of green grass. In the foreground, an ambulance emblazoned with vibrant red crosses races past, its siren lights ablaze with urgency against the evening sky. The cityscape beyond is silhouetted by the fading hues of dusk, with the outlines of buildings casting long shadows as the day comes to a close.",,6,2,attribute,color,"attribute - color (ambulance, red crosses)",Does the ambulance have vibrant red crosses? +265,"A majestic white crane with outstretched wings captured in the act of taking flight from a patch of green grass. In the foreground, an ambulance emblazoned with vibrant red crosses races past, its siren lights ablaze with urgency against the evening sky. The cityscape beyond is silhouetted by the fading hues of dusk, with the outlines of buildings casting long shadows as the day comes to a close.",,7,1,entity,state,"entity - state (crane, wings, outstretched)",Does the crane have outstretched wings? +265,"A majestic white crane with outstretched wings captured in the act of taking flight from a patch of green grass. In the foreground, an ambulance emblazoned with vibrant red crosses races past, its siren lights ablaze with urgency against the evening sky. The cityscape beyond is silhouetted by the fading hues of dusk, with the outlines of buildings casting long shadows as the day comes to a close.",,8,1,entity,state,"entity - state (crane, flight, taking)",Is the crane taking flight? +265,"A majestic white crane with outstretched wings captured in the act of taking flight from a patch of green grass. In the foreground, an ambulance emblazoned with vibrant red crosses races past, its siren lights ablaze with urgency against the evening sky. The cityscape beyond is silhouetted by the fading hues of dusk, with the outlines of buildings casting long shadows as the day comes to a close.",,9,2,entity,state,"entity - state (ambulance, siren lights, ablaze)",Are the ambulance's siren lights ablaze with urgency? +265,"A majestic white crane with outstretched wings captured in the act of taking flight from a patch of green grass. In the foreground, an ambulance emblazoned with vibrant red crosses races past, its siren lights ablaze with urgency against the evening sky. The cityscape beyond is silhouetted by the fading hues of dusk, with the outlines of buildings casting long shadows as the day comes to a close.",,10,"1,3",relation,spatial,"relation - spatial (crane, grass, from)",Is the crane taking flight from a patch of green grass? +180,"A slice of vibrant red watermelon, with its green rind visible, serves as a plate for a single, orange-hued cooked shrimp. The curves of the shrimp follow the crescent shape of the melon, contrasting in both color and texture. Beside the watermelon, there are droplets of water, suggesting the fruit's juicy freshness.",,1,0,entity,whole,entity - whole (slice of watermelon),Is there a slice of watermelon? +180,"A slice of vibrant red watermelon, with its green rind visible, serves as a plate for a single, orange-hued cooked shrimp. The curves of the shrimp follow the crescent shape of the melon, contrasting in both color and texture. Beside the watermelon, there are droplets of water, suggesting the fruit's juicy freshness.",,2,0,entity,whole,entity - whole (shrimp),Is there a shrimp? +180,"A slice of vibrant red watermelon, with its green rind visible, serves as a plate for a single, orange-hued cooked shrimp. The curves of the shrimp follow the crescent shape of the melon, contrasting in both color and texture. Beside the watermelon, there are droplets of water, suggesting the fruit's juicy freshness.",,3,1,entity,part,entity - part (watermelon's rind),Is the rind of the watermelon visible? +180,"A slice of vibrant red watermelon, with its green rind visible, serves as a plate for a single, orange-hued cooked shrimp. The curves of the shrimp follow the crescent shape of the melon, contrasting in both color and texture. Beside the watermelon, there are droplets of water, suggesting the fruit's juicy freshness.",,4,1,attribute,color,"attribute - color (watermelon, vibrant red)",Is the watermelon vibrant red? +180,"A slice of vibrant red watermelon, with its green rind visible, serves as a plate for a single, orange-hued cooked shrimp. The curves of the shrimp follow the crescent shape of the melon, contrasting in both color and texture. Beside the watermelon, there are droplets of water, suggesting the fruit's juicy freshness.",,5,3,attribute,color,"attribute - color (watermelon's rind, green)",Is the watermelon's rind green? +180,"A slice of vibrant red watermelon, with its green rind visible, serves as a plate for a single, orange-hued cooked shrimp. The curves of the shrimp follow the crescent shape of the melon, contrasting in both color and texture. Beside the watermelon, there are droplets of water, suggesting the fruit's juicy freshness.",,6,2,attribute,color,"attribute - color (shrimp, orange-hued)",Is the shrimp orange-hued? +180,"A slice of vibrant red watermelon, with its green rind visible, serves as a plate for a single, orange-hued cooked shrimp. The curves of the shrimp follow the crescent shape of the melon, contrasting in both color and texture. Beside the watermelon, there are droplets of water, suggesting the fruit's juicy freshness.",,7,2,attribute,texture,"attribute - texture (shrimp, cooked)",Is the shrimp cooked? +180,"A slice of vibrant red watermelon, with its green rind visible, serves as a plate for a single, orange-hued cooked shrimp. The curves of the shrimp follow the crescent shape of the melon, contrasting in both color and texture. Beside the watermelon, there are droplets of water, suggesting the fruit's juicy freshness.",,8,2,attribute,shape,"attribute - shape (shrimp, crescent)",Does the shrimp have a crescent shape? +180,"A slice of vibrant red watermelon, with its green rind visible, serves as a plate for a single, orange-hued cooked shrimp. The curves of the shrimp follow the crescent shape of the melon, contrasting in both color and texture. Beside the watermelon, there are droplets of water, suggesting the fruit's juicy freshness.",,9,"1,2",relation,spatial,"relation - spatial (shrimp, watermelon, on)",Is the shrimp on the watermelon? +180,"A slice of vibrant red watermelon, with its green rind visible, serves as a plate for a single, orange-hued cooked shrimp. The curves of the shrimp follow the crescent shape of the melon, contrasting in both color and texture. Beside the watermelon, there are droplets of water, suggesting the fruit's juicy freshness.",,10,1,entity,state,"entity - state (watermelon, juicy, suggested by water droplets)",Does the presence of water droplets suggest that the watermelon is juicy? +15,"An ornate silver cosmetics mirror gracefully positions itself upon a pristine white marble vanity top. Surrounding the mirror are various high-end makeup products and delicate perfume bottles, each catching the room's natural light in their uniquely colored glass. The vanity itself, sleek in design with clean lines, is nestled in a space that feels both modern and timeless.",,1,0,entity,whole,entity - whole (cosmetics mirror),Is there a cosmetics mirror? +15,"An ornate silver cosmetics mirror gracefully positions itself upon a pristine white marble vanity top. Surrounding the mirror are various high-end makeup products and delicate perfume bottles, each catching the room's natural light in their uniquely colored glass. The vanity itself, sleek in design with clean lines, is nestled in a space that feels both modern and timeless.",,2,0,entity,whole,entity - whole (vanity top),Is there a vanity top? +15,"An ornate silver cosmetics mirror gracefully positions itself upon a pristine white marble vanity top. Surrounding the mirror are various high-end makeup products and delicate perfume bottles, each catching the room's natural light in their uniquely colored glass. The vanity itself, sleek in design with clean lines, is nestled in a space that feels both modern and timeless.",,3,0,entity,whole,entity - whole (makeup products),Are there makeup products? +15,"An ornate silver cosmetics mirror gracefully positions itself upon a pristine white marble vanity top. Surrounding the mirror are various high-end makeup products and delicate perfume bottles, each catching the room's natural light in their uniquely colored glass. The vanity itself, sleek in design with clean lines, is nestled in a space that feels both modern and timeless.",,4,0,entity,whole,entity - whole (perfume bottles),Are there perfume bottles? +15,"An ornate silver cosmetics mirror gracefully positions itself upon a pristine white marble vanity top. Surrounding the mirror are various high-end makeup products and delicate perfume bottles, each catching the room's natural light in their uniquely colored glass. The vanity itself, sleek in design with clean lines, is nestled in a space that feels both modern and timeless.",,5,2,attribute,color,"attribute - color (vanity top, white)",Is the vanity top white? +15,"An ornate silver cosmetics mirror gracefully positions itself upon a pristine white marble vanity top. Surrounding the mirror are various high-end makeup products and delicate perfume bottles, each catching the room's natural light in their uniquely colored glass. The vanity itself, sleek in design with clean lines, is nestled in a space that feels both modern and timeless.",,6,2,attribute,texture,"attribute - texture (vanity top, marble)",Is the vanity top made of marble? +15,"An ornate silver cosmetics mirror gracefully positions itself upon a pristine white marble vanity top. Surrounding the mirror are various high-end makeup products and delicate perfume bottles, each catching the room's natural light in their uniquely colored glass. The vanity itself, sleek in design with clean lines, is nestled in a space that feels both modern and timeless.",,7,1,attribute,color,"attribute - color (mirror, silver)",Is the mirror silver? +15,"An ornate silver cosmetics mirror gracefully positions itself upon a pristine white marble vanity top. Surrounding the mirror are various high-end makeup products and delicate perfume bottles, each catching the room's natural light in their uniquely colored glass. The vanity itself, sleek in design with clean lines, is nestled in a space that feels both modern and timeless.",,8,2,attribute,texture,"attribute - texture (vanity, sleek)",Is the vanity sleek in design? +15,"An ornate silver cosmetics mirror gracefully positions itself upon a pristine white marble vanity top. Surrounding the mirror are various high-end makeup products and delicate perfume bottles, each catching the room's natural light in their uniquely colored glass. The vanity itself, sleek in design with clean lines, is nestled in a space that feels both modern and timeless.",,9,"1,2",relation,spatial,"relation - spatial (cosmetics mirror, vanity top, upon)",Is the cosmetics mirror positioned upon the vanity top? +15,"An ornate silver cosmetics mirror gracefully positions itself upon a pristine white marble vanity top. Surrounding the mirror are various high-end makeup products and delicate perfume bottles, each catching the room's natural light in their uniquely colored glass. The vanity itself, sleek in design with clean lines, is nestled in a space that feels both modern and timeless.",,10,"3,4",relation,spatial,"relation - non-spatial (perfume bottles, makeup products, surrounding)",Are the perfume bottles surrounding the mirror? +191,"Two worn pairs of leather boots lie haphazardly on a dusty barn floor, their laces tangled and their muddy soles facing outward. They are adjacent to a tall, weathered wooden barrel that stands upright, bearing the marks and scratches of frequent use. The golden light from the setting sun filters through the gaps in the barn's wooden slats, casting elongated shadows that stretch towards the old, creaking doorway.",,1,0,entity,whole,entity - whole (boots),Are there boots? +191,"Two worn pairs of leather boots lie haphazardly on a dusty barn floor, their laces tangled and their muddy soles facing outward. They are adjacent to a tall, weathered wooden barrel that stands upright, bearing the marks and scratches of frequent use. The golden light from the setting sun filters through the gaps in the barn's wooden slats, casting elongated shadows that stretch towards the old, creaking doorway.",,2,1,other,count,"other - count (pairs of boots, ==2)",Are there two pairs of boots? +191,"Two worn pairs of leather boots lie haphazardly on a dusty barn floor, their laces tangled and their muddy soles facing outward. They are adjacent to a tall, weathered wooden barrel that stands upright, bearing the marks and scratches of frequent use. The golden light from the setting sun filters through the gaps in the barn's wooden slats, casting elongated shadows that stretch towards the old, creaking doorway.",,3,1,attribute,texture,"attribute - texture (boots, leather)",Are the boots made of leather? +191,"Two worn pairs of leather boots lie haphazardly on a dusty barn floor, their laces tangled and their muddy soles facing outward. They are adjacent to a tall, weathered wooden barrel that stands upright, bearing the marks and scratches of frequent use. The golden light from the setting sun filters through the gaps in the barn's wooden slats, casting elongated shadows that stretch towards the old, creaking doorway.",,4,1,attribute,texture,"attribute - texture (boots, worn)",Are the boots worn? +191,"Two worn pairs of leather boots lie haphazardly on a dusty barn floor, their laces tangled and their muddy soles facing outward. They are adjacent to a tall, weathered wooden barrel that stands upright, bearing the marks and scratches of frequent use. The golden light from the setting sun filters through the gaps in the barn's wooden slats, casting elongated shadows that stretch towards the old, creaking doorway.",,5,0,entity,whole,entity - whole (barn floor),Is there a barn floor? +191,"Two worn pairs of leather boots lie haphazardly on a dusty barn floor, their laces tangled and their muddy soles facing outward. They are adjacent to a tall, weathered wooden barrel that stands upright, bearing the marks and scratches of frequent use. The golden light from the setting sun filters through the gaps in the barn's wooden slats, casting elongated shadows that stretch towards the old, creaking doorway.",,6,5,attribute,texture,"attribute - texture (barn floor, dusty)",Is the barn floor dusty? +191,"Two worn pairs of leather boots lie haphazardly on a dusty barn floor, their laces tangled and their muddy soles facing outward. They are adjacent to a tall, weathered wooden barrel that stands upright, bearing the marks and scratches of frequent use. The golden light from the setting sun filters through the gaps in the barn's wooden slats, casting elongated shadows that stretch towards the old, creaking doorway.",,7,0,entity,whole,entity - whole (barrel),Is there a barrel? +191,"Two worn pairs of leather boots lie haphazardly on a dusty barn floor, their laces tangled and their muddy soles facing outward. They are adjacent to a tall, weathered wooden barrel that stands upright, bearing the marks and scratches of frequent use. The golden light from the setting sun filters through the gaps in the barn's wooden slats, casting elongated shadows that stretch towards the old, creaking doorway.",,8,7,attribute,texture,"attribute - texture (barrel, wooden)",Is the barrel made of wood? +191,"Two worn pairs of leather boots lie haphazardly on a dusty barn floor, their laces tangled and their muddy soles facing outward. They are adjacent to a tall, weathered wooden barrel that stands upright, bearing the marks and scratches of frequent use. The golden light from the setting sun filters through the gaps in the barn's wooden slats, casting elongated shadows that stretch towards the old, creaking doorway.",,9,7,attribute,texture,"attribute - texture (barrel, weathered)",Is the barrel weathered? +191,"Two worn pairs of leather boots lie haphazardly on a dusty barn floor, their laces tangled and their muddy soles facing outward. They are adjacent to a tall, weathered wooden barrel that stands upright, bearing the marks and scratches of frequent use. The golden light from the setting sun filters through the gaps in the barn's wooden slats, casting elongated shadows that stretch towards the old, creaking doorway.",,10,"1,5",relation,spatial,"relation - spatial (boots, barn floor, on)",Are the boots lying on the barn floor? +275,"An immense grey elephant with gently flapping ears lumbers towards a bubbling stream, a stark contrast against the lush green grass. Meanwhile, in the cool, reflective waters, a sleek black swan glides gracefully, its red beak standing out against its dark feathers. The gentle ripples caused by the swan's movement disrupt the reflection of the overhanging trees on the water's surface.",,1,0,entity,whole,entity - whole (elephant),Is there an elephant? +275,"An immense grey elephant with gently flapping ears lumbers towards a bubbling stream, a stark contrast against the lush green grass. Meanwhile, in the cool, reflective waters, a sleek black swan glides gracefully, its red beak standing out against its dark feathers. The gentle ripples caused by the swan's movement disrupt the reflection of the overhanging trees on the water's surface.",,2,0,entity,whole,entity - whole (stream),Is there a stream? +275,"An immense grey elephant with gently flapping ears lumbers towards a bubbling stream, a stark contrast against the lush green grass. Meanwhile, in the cool, reflective waters, a sleek black swan glides gracefully, its red beak standing out against its dark feathers. The gentle ripples caused by the swan's movement disrupt the reflection of the overhanging trees on the water's surface.",,3,0,entity,whole,entity - whole (grass),Is there grass? +275,"An immense grey elephant with gently flapping ears lumbers towards a bubbling stream, a stark contrast against the lush green grass. Meanwhile, in the cool, reflective waters, a sleek black swan glides gracefully, its red beak standing out against its dark feathers. The gentle ripples caused by the swan's movement disrupt the reflection of the overhanging trees on the water's surface.",,4,0,entity,whole,entity - whole (swan),Is there a swan? +275,"An immense grey elephant with gently flapping ears lumbers towards a bubbling stream, a stark contrast against the lush green grass. Meanwhile, in the cool, reflective waters, a sleek black swan glides gracefully, its red beak standing out against its dark feathers. The gentle ripples caused by the swan's movement disrupt the reflection of the overhanging trees on the water's surface.",,5,1,attribute,color,"attribute - color (elephant, grey)",Is the elephant grey? +275,"An immense grey elephant with gently flapping ears lumbers towards a bubbling stream, a stark contrast against the lush green grass. Meanwhile, in the cool, reflective waters, a sleek black swan glides gracefully, its red beak standing out against its dark feathers. The gentle ripples caused by the swan's movement disrupt the reflection of the overhanging trees on the water's surface.",,6,4,attribute,color,"attribute - color (swan, black)",Is the swan black? +275,"An immense grey elephant with gently flapping ears lumbers towards a bubbling stream, a stark contrast against the lush green grass. Meanwhile, in the cool, reflective waters, a sleek black swan glides gracefully, its red beak standing out against its dark feathers. The gentle ripples caused by the swan's movement disrupt the reflection of the overhanging trees on the water's surface.",,7,4,attribute,color,"attribute - color (swan's beak, red)",Is the swan's beak red? +275,"An immense grey elephant with gently flapping ears lumbers towards a bubbling stream, a stark contrast against the lush green grass. Meanwhile, in the cool, reflective waters, a sleek black swan glides gracefully, its red beak standing out against its dark feathers. The gentle ripples caused by the swan's movement disrupt the reflection of the overhanging trees on the water's surface.",,8,1,attribute,size,"attribute - size (elephant, immense)",Is the elephant immense? +275,"An immense grey elephant with gently flapping ears lumbers towards a bubbling stream, a stark contrast against the lush green grass. Meanwhile, in the cool, reflective waters, a sleek black swan glides gracefully, its red beak standing out against its dark feathers. The gentle ripples caused by the swan's movement disrupt the reflection of the overhanging trees on the water's surface.",,9,1,entity,state,"entity - state (elephant, ears, flapping gently)",Are the elephant's ears flapping gently? +275,"An immense grey elephant with gently flapping ears lumbers towards a bubbling stream, a stark contrast against the lush green grass. Meanwhile, in the cool, reflective waters, a sleek black swan glides gracefully, its red beak standing out against its dark feathers. The gentle ripples caused by the swan's movement disrupt the reflection of the overhanging trees on the water's surface.",,10,1,entity,state,"entity - state (elephant, lumber towards)",Is the elephant lumbering towards something? +275,"An immense grey elephant with gently flapping ears lumbers towards a bubbling stream, a stark contrast against the lush green grass. Meanwhile, in the cool, reflective waters, a sleek black swan glides gracefully, its red beak standing out against its dark feathers. The gentle ripples caused by the swan's movement disrupt the reflection of the overhanging trees on the water's surface.",,11,4,entity,state,"entity - state (swan, glide gracefully)",Is the swan gliding gracefully? +275,"An immense grey elephant with gently flapping ears lumbers towards a bubbling stream, a stark contrast against the lush green grass. Meanwhile, in the cool, reflective waters, a sleek black swan glides gracefully, its red beak standing out against its dark feathers. The gentle ripples caused by the swan's movement disrupt the reflection of the overhanging trees on the water's surface.",,12,"1,2",relation,spatial,"relation - spatial (elephant, stream, towards)",Is the elephant moving towards the stream? +275,"An immense grey elephant with gently flapping ears lumbers towards a bubbling stream, a stark contrast against the lush green grass. Meanwhile, in the cool, reflective waters, a sleek black swan glides gracefully, its red beak standing out against its dark feathers. The gentle ripples caused by the swan's movement disrupt the reflection of the overhanging trees on the water's surface.",,13,"4,2",relation,spatial,"relation - spatial (swan, stream, in)",Is the swan in the stream? +275,"An immense grey elephant with gently flapping ears lumbers towards a bubbling stream, a stark contrast against the lush green grass. Meanwhile, in the cool, reflective waters, a sleek black swan glides gracefully, its red beak standing out against its dark feathers. The gentle ripples caused by the swan's movement disrupt the reflection of the overhanging trees on the water's surface.",,14,3,attribute,texture,"attribute - texture (grass, lush green)",Is the grass lush and green? +86,"A medium-sized brown dog with a shiny coat stands in a large room filled with warm, yellow sunlight streaming in from a nearby window. The curious canine directs its attention towards a pristine white porcelain urinal situated awkwardly in the center of the otherwise unfurnished space. The room's aging, cracked walls, painted a once-bright shade of blue, provide a stark contrast to the urinal's smooth and clean surface.",,1,0,entity,whole,entity - whole (dog),Is there a dog? +86,"A medium-sized brown dog with a shiny coat stands in a large room filled with warm, yellow sunlight streaming in from a nearby window. The curious canine directs its attention towards a pristine white porcelain urinal situated awkwardly in the center of the otherwise unfurnished space. The room's aging, cracked walls, painted a once-bright shade of blue, provide a stark contrast to the urinal's smooth and clean surface.",,2,1,entity,whole,entity - whole (coat),Is there a coat? +86,"A medium-sized brown dog with a shiny coat stands in a large room filled with warm, yellow sunlight streaming in from a nearby window. The curious canine directs its attention towards a pristine white porcelain urinal situated awkwardly in the center of the otherwise unfurnished space. The room's aging, cracked walls, painted a once-bright shade of blue, provide a stark contrast to the urinal's smooth and clean surface.",,3,0,entity,whole,entity - whole (room),Is there a room? +86,"A medium-sized brown dog with a shiny coat stands in a large room filled with warm, yellow sunlight streaming in from a nearby window. The curious canine directs its attention towards a pristine white porcelain urinal situated awkwardly in the center of the otherwise unfurnished space. The room's aging, cracked walls, painted a once-bright shade of blue, provide a stark contrast to the urinal's smooth and clean surface.",,4,0,entity,whole,entity - whole (sunlight),Is there sunlight? +86,"A medium-sized brown dog with a shiny coat stands in a large room filled with warm, yellow sunlight streaming in from a nearby window. The curious canine directs its attention towards a pristine white porcelain urinal situated awkwardly in the center of the otherwise unfurnished space. The room's aging, cracked walls, painted a once-bright shade of blue, provide a stark contrast to the urinal's smooth and clean surface.",,5,0,entity,whole,entity - whole (window),Is there a window? +86,"A medium-sized brown dog with a shiny coat stands in a large room filled with warm, yellow sunlight streaming in from a nearby window. The curious canine directs its attention towards a pristine white porcelain urinal situated awkwardly in the center of the otherwise unfurnished space. The room's aging, cracked walls, painted a once-bright shade of blue, provide a stark contrast to the urinal's smooth and clean surface.",,6,0,entity,whole,entity - whole (urinal),Is there a urinal? +86,"A medium-sized brown dog with a shiny coat stands in a large room filled with warm, yellow sunlight streaming in from a nearby window. The curious canine directs its attention towards a pristine white porcelain urinal situated awkwardly in the center of the otherwise unfurnished space. The room's aging, cracked walls, painted a once-bright shade of blue, provide a stark contrast to the urinal's smooth and clean surface.",,7,0,entity,whole,entity - whole (walls),Are there walls? +86,"A medium-sized brown dog with a shiny coat stands in a large room filled with warm, yellow sunlight streaming in from a nearby window. The curious canine directs its attention towards a pristine white porcelain urinal situated awkwardly in the center of the otherwise unfurnished space. The room's aging, cracked walls, painted a once-bright shade of blue, provide a stark contrast to the urinal's smooth and clean surface.",,8,1,attribute,color,"attribute - color (dog, brown)",Is the dog brown? +86,"A medium-sized brown dog with a shiny coat stands in a large room filled with warm, yellow sunlight streaming in from a nearby window. The curious canine directs its attention towards a pristine white porcelain urinal situated awkwardly in the center of the otherwise unfurnished space. The room's aging, cracked walls, painted a once-bright shade of blue, provide a stark contrast to the urinal's smooth and clean surface.",,9,2,attribute,texture,"attribute - texture (coat, shiny)",Is the coat shiny? +86,"A medium-sized brown dog with a shiny coat stands in a large room filled with warm, yellow sunlight streaming in from a nearby window. The curious canine directs its attention towards a pristine white porcelain urinal situated awkwardly in the center of the otherwise unfurnished space. The room's aging, cracked walls, painted a once-bright shade of blue, provide a stark contrast to the urinal's smooth and clean surface.",,10,6,attribute,color,"attribute - color (urinal, white)",Is the urinal white? +86,"A medium-sized brown dog with a shiny coat stands in a large room filled with warm, yellow sunlight streaming in from a nearby window. The curious canine directs its attention towards a pristine white porcelain urinal situated awkwardly in the center of the otherwise unfurnished space. The room's aging, cracked walls, painted a once-bright shade of blue, provide a stark contrast to the urinal's smooth and clean surface.",,11,7,attribute,color,"attribute - color (walls, blue)",Are the walls blue? +86,"A medium-sized brown dog with a shiny coat stands in a large room filled with warm, yellow sunlight streaming in from a nearby window. The curious canine directs its attention towards a pristine white porcelain urinal situated awkwardly in the center of the otherwise unfurnished space. The room's aging, cracked walls, painted a once-bright shade of blue, provide a stark contrast to the urinal's smooth and clean surface.",,12,7,attribute,texture,"attribute - texture (walls, cracked)",Are the walls cracked? +86,"A medium-sized brown dog with a shiny coat stands in a large room filled with warm, yellow sunlight streaming in from a nearby window. The curious canine directs its attention towards a pristine white porcelain urinal situated awkwardly in the center of the otherwise unfurnished space. The room's aging, cracked walls, painted a once-bright shade of blue, provide a stark contrast to the urinal's smooth and clean surface.",,13,3,attribute,size,"attribute - size (room, large)",Is the room large? +86,"A medium-sized brown dog with a shiny coat stands in a large room filled with warm, yellow sunlight streaming in from a nearby window. The curious canine directs its attention towards a pristine white porcelain urinal situated awkwardly in the center of the otherwise unfurnished space. The room's aging, cracked walls, painted a once-bright shade of blue, provide a stark contrast to the urinal's smooth and clean surface.",,14,1,attribute,size,"attribute - size (dog, medium-sized)",Is the dog medium-sized? +86,"A medium-sized brown dog with a shiny coat stands in a large room filled with warm, yellow sunlight streaming in from a nearby window. The curious canine directs its attention towards a pristine white porcelain urinal situated awkwardly in the center of the otherwise unfurnished space. The room's aging, cracked walls, painted a once-bright shade of blue, provide a stark contrast to the urinal's smooth and clean surface.",,15,4,attribute,other,"attribute - other (sunlight, warm, yellow)",Is the sunlight warm and yellow? +86,"A medium-sized brown dog with a shiny coat stands in a large room filled with warm, yellow sunlight streaming in from a nearby window. The curious canine directs its attention towards a pristine white porcelain urinal situated awkwardly in the center of the otherwise unfurnished space. The room's aging, cracked walls, painted a once-bright shade of blue, provide a stark contrast to the urinal's smooth and clean surface.",,16,1,entity,state,"entity - state (dog, stand)",Is the dog standing? +86,"A medium-sized brown dog with a shiny coat stands in a large room filled with warm, yellow sunlight streaming in from a nearby window. The curious canine directs its attention towards a pristine white porcelain urinal situated awkwardly in the center of the otherwise unfurnished space. The room's aging, cracked walls, painted a once-bright shade of blue, provide a stark contrast to the urinal's smooth and clean surface.",,17,1,entity,state,"entity - state (dog, curious)",Is the dog curious? +86,"A medium-sized brown dog with a shiny coat stands in a large room filled with warm, yellow sunlight streaming in from a nearby window. The curious canine directs its attention towards a pristine white porcelain urinal situated awkwardly in the center of the otherwise unfurnished space. The room's aging, cracked walls, painted a once-bright shade of blue, provide a stark contrast to the urinal's smooth and clean surface.",,18,"3,4",relation,spatial,"relation - spatial (sunlight, room, streaming in)",Is the sunlight streaming into the room? +86,"A medium-sized brown dog with a shiny coat stands in a large room filled with warm, yellow sunlight streaming in from a nearby window. The curious canine directs its attention towards a pristine white porcelain urinal situated awkwardly in the center of the otherwise unfurnished space. The room's aging, cracked walls, painted a once-bright shade of blue, provide a stark contrast to the urinal's smooth and clean surface.",,19,"3,6",relation,spatial,"relation - spatial (urinal, room, center)",Is the urinal in the center of the room? +86,"A medium-sized brown dog with a shiny coat stands in a large room filled with warm, yellow sunlight streaming in from a nearby window. The curious canine directs its attention towards a pristine white porcelain urinal situated awkwardly in the center of the otherwise unfurnished space. The room's aging, cracked walls, painted a once-bright shade of blue, provide a stark contrast to the urinal's smooth and clean surface.",,20,"1,5",relation,spatial,"relation - spatial (dog, window, near)",Is the dog near the window? +251,"A small, round glass flask sits filled with a brightly colored, luminous potion on an aged wooden tabletop, its contours clear and sharp. The flask seems tiny in comparison to the massive stainless steel rice cooker positioned in the corner of the room, its steam vent puffing gently as it diligently prepares a sizeable meal for a nocturnal feast. The tabletop's surface is scattered with a few pieces of parchment and an assortment of dried herbs, which adds to the contrast between the delicate glassware and the robust kitchen appliance.",,1,0,entity,whole,entity - whole (glass flask),Is there a glass flask? +251,"A small, round glass flask sits filled with a brightly colored, luminous potion on an aged wooden tabletop, its contours clear and sharp. The flask seems tiny in comparison to the massive stainless steel rice cooker positioned in the corner of the room, its steam vent puffing gently as it diligently prepares a sizeable meal for a nocturnal feast. The tabletop's surface is scattered with a few pieces of parchment and an assortment of dried herbs, which adds to the contrast between the delicate glassware and the robust kitchen appliance.",,2,1,entity,whole,entity - whole (potion),Is there a potion? +251,"A small, round glass flask sits filled with a brightly colored, luminous potion on an aged wooden tabletop, its contours clear and sharp. The flask seems tiny in comparison to the massive stainless steel rice cooker positioned in the corner of the room, its steam vent puffing gently as it diligently prepares a sizeable meal for a nocturnal feast. The tabletop's surface is scattered with a few pieces of parchment and an assortment of dried herbs, which adds to the contrast between the delicate glassware and the robust kitchen appliance.",,3,0,entity,whole,entity - whole (tabletop),Is there a tabletop? +251,"A small, round glass flask sits filled with a brightly colored, luminous potion on an aged wooden tabletop, its contours clear and sharp. The flask seems tiny in comparison to the massive stainless steel rice cooker positioned in the corner of the room, its steam vent puffing gently as it diligently prepares a sizeable meal for a nocturnal feast. The tabletop's surface is scattered with a few pieces of parchment and an assortment of dried herbs, which adds to the contrast between the delicate glassware and the robust kitchen appliance.",,4,0,entity,whole,entity - whole (rice cooker),Is there a rice cooker? +251,"A small, round glass flask sits filled with a brightly colored, luminous potion on an aged wooden tabletop, its contours clear and sharp. The flask seems tiny in comparison to the massive stainless steel rice cooker positioned in the corner of the room, its steam vent puffing gently as it diligently prepares a sizeable meal for a nocturnal feast. The tabletop's surface is scattered with a few pieces of parchment and an assortment of dried herbs, which adds to the contrast between the delicate glassware and the robust kitchen appliance.",,5,1,attribute,size,"attribute - size (glass flask, small)",Is the glass flask small? +251,"A small, round glass flask sits filled with a brightly colored, luminous potion on an aged wooden tabletop, its contours clear and sharp. The flask seems tiny in comparison to the massive stainless steel rice cooker positioned in the corner of the room, its steam vent puffing gently as it diligently prepares a sizeable meal for a nocturnal feast. The tabletop's surface is scattered with a few pieces of parchment and an assortment of dried herbs, which adds to the contrast between the delicate glassware and the robust kitchen appliance.",,6,1,attribute,shape,"attribute - shape (glass flask, round)",Is the glass flask round? +251,"A small, round glass flask sits filled with a brightly colored, luminous potion on an aged wooden tabletop, its contours clear and sharp. The flask seems tiny in comparison to the massive stainless steel rice cooker positioned in the corner of the room, its steam vent puffing gently as it diligently prepares a sizeable meal for a nocturnal feast. The tabletop's surface is scattered with a few pieces of parchment and an assortment of dried herbs, which adds to the contrast between the delicate glassware and the robust kitchen appliance.",,7,2,attribute,color,"attribute - color (potion, brightly colored)",Is the potion brightly colored? +251,"A small, round glass flask sits filled with a brightly colored, luminous potion on an aged wooden tabletop, its contours clear and sharp. The flask seems tiny in comparison to the massive stainless steel rice cooker positioned in the corner of the room, its steam vent puffing gently as it diligently prepares a sizeable meal for a nocturnal feast. The tabletop's surface is scattered with a few pieces of parchment and an assortment of dried herbs, which adds to the contrast between the delicate glassware and the robust kitchen appliance.",,8,3,attribute,texture,"attribute - texture (tabletop, aged wooden)",Is the tabletop made of aged wood? +251,"A small, round glass flask sits filled with a brightly colored, luminous potion on an aged wooden tabletop, its contours clear and sharp. The flask seems tiny in comparison to the massive stainless steel rice cooker positioned in the corner of the room, its steam vent puffing gently as it diligently prepares a sizeable meal for a nocturnal feast. The tabletop's surface is scattered with a few pieces of parchment and an assortment of dried herbs, which adds to the contrast between the delicate glassware and the robust kitchen appliance.",,9,4,attribute,texture,"attribute - texture (rice cooker, stainless steel)",Is the rice cooker made of stainless steel? +251,"A small, round glass flask sits filled with a brightly colored, luminous potion on an aged wooden tabletop, its contours clear and sharp. The flask seems tiny in comparison to the massive stainless steel rice cooker positioned in the corner of the room, its steam vent puffing gently as it diligently prepares a sizeable meal for a nocturnal feast. The tabletop's surface is scattered with a few pieces of parchment and an assortment of dried herbs, which adds to the contrast between the delicate glassware and the robust kitchen appliance.",,10,"1,3",relation,spatial,"relation - spatial (glass flask, tabletop, on)",Is the glass flask sitting on the tabletop? +65,"A vibrant display of ten round-shaped boxing gloves arranged in five pairs, each pair a different neon color, against a backdrop of a wall covered in colorful graffiti. The wall's artwork features an array of abstract designs and tags, adding an urban feel to the showcase. The gloves appear to be made of a glossy, leather-like material, and they are hung at eye level for easy viewing and selection.",,1,0,entity,whole,entity - whole (boxing gloves),Is there a display of boxing gloves? +65,"A vibrant display of ten round-shaped boxing gloves arranged in five pairs, each pair a different neon color, against a backdrop of a wall covered in colorful graffiti. The wall's artwork features an array of abstract designs and tags, adding an urban feel to the showcase. The gloves appear to be made of a glossy, leather-like material, and they are hung at eye level for easy viewing and selection.",,2,1,other,count,"other - count (boxing gloves, ==10)",Are there ten boxing gloves? +65,"A vibrant display of ten round-shaped boxing gloves arranged in five pairs, each pair a different neon color, against a backdrop of a wall covered in colorful graffiti. The wall's artwork features an array of abstract designs and tags, adding an urban feel to the showcase. The gloves appear to be made of a glossy, leather-like material, and they are hung at eye level for easy viewing and selection.",,3,1,attribute,shape,"attribute - shape (boxing gloves, round)",Are the boxing gloves round-shaped? +65,"A vibrant display of ten round-shaped boxing gloves arranged in five pairs, each pair a different neon color, against a backdrop of a wall covered in colorful graffiti. The wall's artwork features an array of abstract designs and tags, adding an urban feel to the showcase. The gloves appear to be made of a glossy, leather-like material, and they are hung at eye level for easy viewing and selection.",,4,0,entity,whole,entity - whole (wall),Is there a wall? +65,"A vibrant display of ten round-shaped boxing gloves arranged in five pairs, each pair a different neon color, against a backdrop of a wall covered in colorful graffiti. The wall's artwork features an array of abstract designs and tags, adding an urban feel to the showcase. The gloves appear to be made of a glossy, leather-like material, and they are hung at eye level for easy viewing and selection.",,5,4,attribute,texture,"attribute - texture (wall, graffiti)",Is the wall covered in graffiti? +65,"A vibrant display of ten round-shaped boxing gloves arranged in five pairs, each pair a different neon color, against a backdrop of a wall covered in colorful graffiti. The wall's artwork features an array of abstract designs and tags, adding an urban feel to the showcase. The gloves appear to be made of a glossy, leather-like material, and they are hung at eye level for easy viewing and selection.",,6,1,attribute,color,"attribute - color (boxing gloves, neon)",Are the boxing gloves neon-colored? +65,"A vibrant display of ten round-shaped boxing gloves arranged in five pairs, each pair a different neon color, against a backdrop of a wall covered in colorful graffiti. The wall's artwork features an array of abstract designs and tags, adding an urban feel to the showcase. The gloves appear to be made of a glossy, leather-like material, and they are hung at eye level for easy viewing and selection.",,7,1,attribute,texture,"attribute - texture (boxing gloves, glossy leather-like)","Do the boxing gloves appear to be made of glossy, leather-like material?" +65,"A vibrant display of ten round-shaped boxing gloves arranged in five pairs, each pair a different neon color, against a backdrop of a wall covered in colorful graffiti. The wall's artwork features an array of abstract designs and tags, adding an urban feel to the showcase. The gloves appear to be made of a glossy, leather-like material, and they are hung at eye level for easy viewing and selection.",,8,"1,4",relation,spatial,"relation - spatial (boxing gloves, wall, against)",Are the boxing gloves arranged against a wall? +65,"A vibrant display of ten round-shaped boxing gloves arranged in five pairs, each pair a different neon color, against a backdrop of a wall covered in colorful graffiti. The wall's artwork features an array of abstract designs and tags, adding an urban feel to the showcase. The gloves appear to be made of a glossy, leather-like material, and they are hung at eye level for easy viewing and selection.",,9,1,relation,spatial,"relation - spatial (boxing gloves, eye level, hung at)",Are the boxing gloves hung at eye level? +65,"A vibrant display of ten round-shaped boxing gloves arranged in five pairs, each pair a different neon color, against a backdrop of a wall covered in colorful graffiti. The wall's artwork features an array of abstract designs and tags, adding an urban feel to the showcase. The gloves appear to be made of a glossy, leather-like material, and they are hung at eye level for easy viewing and selection.",,10,0,global,,"global - (display, vibrant)",Is the display vibrant? +135,"Chrome silver medals, both engraved with intricate designs, can be seen gently spinning within the drum of a white washing machine. The machine is placed beside a window through which bright sunlight streams, casting a warm glow on the machine's glossy surface. The gentle rotation of the medals creates a soft clinking sound against the steel interior of the washer, which is otherwise filled with clothes on a slow spin cycle.",,1,0,entity,whole,entity - whole (medals),Are there medals? +135,"Chrome silver medals, both engraved with intricate designs, can be seen gently spinning within the drum of a white washing machine. The machine is placed beside a window through which bright sunlight streams, casting a warm glow on the machine's glossy surface. The gentle rotation of the medals creates a soft clinking sound against the steel interior of the washer, which is otherwise filled with clothes on a slow spin cycle.",,2,0,entity,whole,entity - whole (washing machine),Is there a washing machine? +135,"Chrome silver medals, both engraved with intricate designs, can be seen gently spinning within the drum of a white washing machine. The machine is placed beside a window through which bright sunlight streams, casting a warm glow on the machine's glossy surface. The gentle rotation of the medals creates a soft clinking sound against the steel interior of the washer, which is otherwise filled with clothes on a slow spin cycle.",,3,0,entity,whole,entity - whole (window),Is there a window? +135,"Chrome silver medals, both engraved with intricate designs, can be seen gently spinning within the drum of a white washing machine. The machine is placed beside a window through which bright sunlight streams, casting a warm glow on the machine's glossy surface. The gentle rotation of the medals creates a soft clinking sound against the steel interior of the washer, which is otherwise filled with clothes on a slow spin cycle.",,4,1,attribute,color,"attribute - color (medals, chrome silver)",Are the medals chrome silver? +135,"Chrome silver medals, both engraved with intricate designs, can be seen gently spinning within the drum of a white washing machine. The machine is placed beside a window through which bright sunlight streams, casting a warm glow on the machine's glossy surface. The gentle rotation of the medals creates a soft clinking sound against the steel interior of the washer, which is otherwise filled with clothes on a slow spin cycle.",,5,2,attribute,color,"attribute - color (washing machine, white)",Is the washing machine white? +135,"Chrome silver medals, both engraved with intricate designs, can be seen gently spinning within the drum of a white washing machine. The machine is placed beside a window through which bright sunlight streams, casting a warm glow on the machine's glossy surface. The gentle rotation of the medals creates a soft clinking sound against the steel interior of the washer, which is otherwise filled with clothes on a slow spin cycle.",,6,1,attribute,texture,"attribute - texture (medals, engraved)",Are the medals engraved with intricate designs? +135,"Chrome silver medals, both engraved with intricate designs, can be seen gently spinning within the drum of a white washing machine. The machine is placed beside a window through which bright sunlight streams, casting a warm glow on the machine's glossy surface. The gentle rotation of the medals creates a soft clinking sound against the steel interior of the washer, which is otherwise filled with clothes on a slow spin cycle.",,7,1,entity,state,"entity - state (medals, spinning)",Are the medals spinning? +135,"Chrome silver medals, both engraved with intricate designs, can be seen gently spinning within the drum of a white washing machine. The machine is placed beside a window through which bright sunlight streams, casting a warm glow on the machine's glossy surface. The gentle rotation of the medals creates a soft clinking sound against the steel interior of the washer, which is otherwise filled with clothes on a slow spin cycle.",,8,2,entity,state,"entity - state (washing machine, placed)",Is the washing machine placed somewhere? +135,"Chrome silver medals, both engraved with intricate designs, can be seen gently spinning within the drum of a white washing machine. The machine is placed beside a window through which bright sunlight streams, casting a warm glow on the machine's glossy surface. The gentle rotation of the medals creates a soft clinking sound against the steel interior of the washer, which is otherwise filled with clothes on a slow spin cycle.",,9,"2,3",relation,spatial,"relation - spatial (washing machine, window, beside)",Is the washing machine beside a window? +135,"Chrome silver medals, both engraved with intricate designs, can be seen gently spinning within the drum of a white washing machine. The machine is placed beside a window through which bright sunlight streams, casting a warm glow on the machine's glossy surface. The gentle rotation of the medals creates a soft clinking sound against the steel interior of the washer, which is otherwise filled with clothes on a slow spin cycle.",,10,"2,3",relation,spatial,"relation - spatial (sunlight, washing machine, cast on)",Does the sunlight cast a warm glow on the washing machine's surface? +diffusiondb33,"a highly intricate and vibrant cityscape that reflects a fusion of Moebius's imaginative design and Makoto Shinkai's detailed animation style. The streets are aglow with neon signs in a kaleidoscope of colors, casting reflections on the glossy, rain-slicked pavements. Towering skyscrapers with glowing windows rise towards a starless night sky, as the artwork garners significant attention and praise on ArtStation.",,1,0,entity,whole,entity - whole (cityscape),Is there a cityscape? +diffusiondb33,"a highly intricate and vibrant cityscape that reflects a fusion of Moebius's imaginative design and Makoto Shinkai's detailed animation style. The streets are aglow with neon signs in a kaleidoscope of colors, casting reflections on the glossy, rain-slicked pavements. Towering skyscrapers with glowing windows rise towards a starless night sky, as the artwork garners significant attention and praise on ArtStation.",,2,0,attribute,texture,"attribute - texture (streets, rain-slicked)",Are the streets rain-slicked? +diffusiondb33,"a highly intricate and vibrant cityscape that reflects a fusion of Moebius's imaginative design and Makoto Shinkai's detailed animation style. The streets are aglow with neon signs in a kaleidoscope of colors, casting reflections on the glossy, rain-slicked pavements. Towering skyscrapers with glowing windows rise towards a starless night sky, as the artwork garners significant attention and praise on ArtStation.",,3,0,attribute,color,"attribute - color (neon signs, kaleidoscope of colors)",Do the neon signs have a kaleidoscope of colors? +diffusiondb33,"a highly intricate and vibrant cityscape that reflects a fusion of Moebius's imaginative design and Makoto Shinkai's detailed animation style. The streets are aglow with neon signs in a kaleidoscope of colors, casting reflections on the glossy, rain-slicked pavements. Towering skyscrapers with glowing windows rise towards a starless night sky, as the artwork garners significant attention and praise on ArtStation.",,4,0,entity,part,entity - part (skyscrapers' windows),Are there windows on the skyscrapers? +diffusiondb33,"a highly intricate and vibrant cityscape that reflects a fusion of Moebius's imaginative design and Makoto Shinkai's detailed animation style. The streets are aglow with neon signs in a kaleidoscope of colors, casting reflections on the glossy, rain-slicked pavements. Towering skyscrapers with glowing windows rise towards a starless night sky, as the artwork garners significant attention and praise on ArtStation.",,5,4,entity,state,"entity - state (windows, glowing)",Are the windows glowing? +diffusiondb33,"a highly intricate and vibrant cityscape that reflects a fusion of Moebius's imaginative design and Makoto Shinkai's detailed animation style. The streets are aglow with neon signs in a kaleidoscope of colors, casting reflections on the glossy, rain-slicked pavements. Towering skyscrapers with glowing windows rise towards a starless night sky, as the artwork garners significant attention and praise on ArtStation.",,6,1,global,,"global - (artwork, ArtStation, significant attention and praise)",Is the artwork receiving significant attention and praise on ArtStation? +diffusiondb33,"a highly intricate and vibrant cityscape that reflects a fusion of Moebius's imaginative design and Makoto Shinkai's detailed animation style. The streets are aglow with neon signs in a kaleidoscope of colors, casting reflections on the glossy, rain-slicked pavements. Towering skyscrapers with glowing windows rise towards a starless night sky, as the artwork garners significant attention and praise on ArtStation.",,7,1,global,,"global - (artwork, style, Moebius's imaginative design)",Does the artwork reflect Moebius's imaginative design style? +diffusiondb33,"a highly intricate and vibrant cityscape that reflects a fusion of Moebius's imaginative design and Makoto Shinkai's detailed animation style. The streets are aglow with neon signs in a kaleidoscope of colors, casting reflections on the glossy, rain-slicked pavements. Towering skyscrapers with glowing windows rise towards a starless night sky, as the artwork garners significant attention and praise on ArtStation.",,8,1,global,,"global - (artwork, style, Makoto Shinkai's detailed animation)",Does the artwork reflect Makoto Shinkai's detailed animation style? +diffusiondb33,"a highly intricate and vibrant cityscape that reflects a fusion of Moebius's imaginative design and Makoto Shinkai's detailed animation style. The streets are aglow with neon signs in a kaleidoscope of colors, casting reflections on the glossy, rain-slicked pavements. Towering skyscrapers with glowing windows rise towards a starless night sky, as the artwork garners significant attention and praise on ArtStation.",,9,"4,1",relation,spatial,"relation - spatial (skyscrapers, sky, rise towards)",Do the towering skyscrapers rise towards the sky? +diffusiondb33,"a highly intricate and vibrant cityscape that reflects a fusion of Moebius's imaginative design and Makoto Shinkai's detailed animation style. The streets are aglow with neon signs in a kaleidoscope of colors, casting reflections on the glossy, rain-slicked pavements. Towering skyscrapers with glowing windows rise towards a starless night sky, as the artwork garners significant attention and praise on ArtStation.",,10,1,entity,state,"entity - state (sky, starless)",Is the night sky starless? +countbench24,"A quaint collection of waterproof stickers, each featuring whimsical designs of cats and dogs intertwined with imagery of meaty meatballs and festive New Year couplets. The set comprises a small, curated group of five unique stickers, each with its own vibrant color scheme and glossy texture. These stickers are neatly displayed in a section designated for pet lovers and holiday enthusiasts, providing a charming and functional decoration that can withstand the elements.",,1,0,entity,whole,entity - whole (stickers),Are there stickers? +countbench24,"A quaint collection of waterproof stickers, each featuring whimsical designs of cats and dogs intertwined with imagery of meaty meatballs and festive New Year couplets. The set comprises a small, curated group of five unique stickers, each with its own vibrant color scheme and glossy texture. These stickers are neatly displayed in a section designated for pet lovers and holiday enthusiasts, providing a charming and functional decoration that can withstand the elements.",,2,1,attribute,texture,"attribute - texture (stickers, waterproof)",Are the stickers waterproof? +countbench24,"A quaint collection of waterproof stickers, each featuring whimsical designs of cats and dogs intertwined with imagery of meaty meatballs and festive New Year couplets. The set comprises a small, curated group of five unique stickers, each with its own vibrant color scheme and glossy texture. These stickers are neatly displayed in a section designated for pet lovers and holiday enthusiasts, providing a charming and functional decoration that can withstand the elements.",,3,1,attribute,texture,"attribute - texture (stickers, glossy)",Do the stickers have a glossy texture? +countbench24,"A quaint collection of waterproof stickers, each featuring whimsical designs of cats and dogs intertwined with imagery of meaty meatballs and festive New Year couplets. The set comprises a small, curated group of five unique stickers, each with its own vibrant color scheme and glossy texture. These stickers are neatly displayed in a section designated for pet lovers and holiday enthusiasts, providing a charming and functional decoration that can withstand the elements.",,4,1,other,count,"other - count (stickers, ==5)",Are there five unique stickers? +countbench24,"A quaint collection of waterproof stickers, each featuring whimsical designs of cats and dogs intertwined with imagery of meaty meatballs and festive New Year couplets. The set comprises a small, curated group of five unique stickers, each with its own vibrant color scheme and glossy texture. These stickers are neatly displayed in a section designated for pet lovers and holiday enthusiasts, providing a charming and functional decoration that can withstand the elements.",,5,1,entity,part,entity - part (stickers' designs),Do the stickers have designs? +countbench24,"A quaint collection of waterproof stickers, each featuring whimsical designs of cats and dogs intertwined with imagery of meaty meatballs and festive New Year couplets. The set comprises a small, curated group of five unique stickers, each with its own vibrant color scheme and glossy texture. These stickers are neatly displayed in a section designated for pet lovers and holiday enthusiasts, providing a charming and functional decoration that can withstand the elements.",,6,5,attribute,other,"attribute - other (stickers' designs, whimsical)",Are the designs on the stickers whimsical? +countbench24,"A quaint collection of waterproof stickers, each featuring whimsical designs of cats and dogs intertwined with imagery of meaty meatballs and festive New Year couplets. The set comprises a small, curated group of five unique stickers, each with its own vibrant color scheme and glossy texture. These stickers are neatly displayed in a section designated for pet lovers and holiday enthusiasts, providing a charming and functional decoration that can withstand the elements.",,7,5,attribute,other,"attribute - other (stickers' designs, intertwined)",Are the designs intertwined with imagery? +countbench24,"A quaint collection of waterproof stickers, each featuring whimsical designs of cats and dogs intertwined with imagery of meaty meatballs and festive New Year couplets. The set comprises a small, curated group of five unique stickers, each with its own vibrant color scheme and glossy texture. These stickers are neatly displayed in a section designated for pet lovers and holiday enthusiasts, providing a charming and functional decoration that can withstand the elements.",,8,1,entity,state,"entity - state (stickers, displayed)",Are the stickers displayed? +countbench24,"A quaint collection of waterproof stickers, each featuring whimsical designs of cats and dogs intertwined with imagery of meaty meatballs and festive New Year couplets. The set comprises a small, curated group of five unique stickers, each with its own vibrant color scheme and glossy texture. These stickers are neatly displayed in a section designated for pet lovers and holiday enthusiasts, providing a charming and functional decoration that can withstand the elements.",,9,1,relation,non-spatial,"relation - non-spatial (stickers, pet lovers, designated for)",Are the stickers designated for pet lovers? +countbench24,"A quaint collection of waterproof stickers, each featuring whimsical designs of cats and dogs intertwined with imagery of meaty meatballs and festive New Year couplets. The set comprises a small, curated group of five unique stickers, each with its own vibrant color scheme and glossy texture. These stickers are neatly displayed in a section designated for pet lovers and holiday enthusiasts, providing a charming and functional decoration that can withstand the elements.",,10,1,relation,non-spatial,"relation - non-spatial (stickers, holiday enthusiasts, designated for)",Are the stickers designated for holiday enthusiasts? +posescript27,"An individual is standing in front of a gently curved white wall, embodying a sense of tranquility through their posture. Their arms hang loosely at their sides, contributing to the relaxed aura they exude. The left leg is gracefully bent at the knee such that the left foot is nestled against the right inner thigh, displaying the classic pose of a tree in yoga practice. The person's attire is minimal and provides a contrast to the simplicity of the backdrop. Their focus appears to be directed inward, further emphasizing the meditative state suggested by their stance.",,1,0,entity,whole,entity - whole (individual),Is there an individual? +posescript27,"An individual is standing in front of a gently curved white wall, embodying a sense of tranquility through their posture. Their arms hang loosely at their sides, contributing to the relaxed aura they exude. The left leg is gracefully bent at the knee such that the left foot is nestled against the right inner thigh, displaying the classic pose of a tree in yoga practice. The person's attire is minimal and provides a contrast to the simplicity of the backdrop. Their focus appears to be directed inward, further emphasizing the meditative state suggested by their stance.",,2,0,entity,whole,entity - whole (wall),Is there a wall? +posescript27,"An individual is standing in front of a gently curved white wall, embodying a sense of tranquility through their posture. Their arms hang loosely at their sides, contributing to the relaxed aura they exude. The left leg is gracefully bent at the knee such that the left foot is nestled against the right inner thigh, displaying the classic pose of a tree in yoga practice. The person's attire is minimal and provides a contrast to the simplicity of the backdrop. Their focus appears to be directed inward, further emphasizing the meditative state suggested by their stance.",,3,2,attribute,color,"attribute - color (wall, white)",Is the wall white? +posescript27,"An individual is standing in front of a gently curved white wall, embodying a sense of tranquility through their posture. Their arms hang loosely at their sides, contributing to the relaxed aura they exude. The left leg is gracefully bent at the knee such that the left foot is nestled against the right inner thigh, displaying the classic pose of a tree in yoga practice. The person's attire is minimal and provides a contrast to the simplicity of the backdrop. Their focus appears to be directed inward, further emphasizing the meditative state suggested by their stance.",,4,2,attribute,shape,"attribute - shape (wall, gently curved)",Is the wall gently curved? +posescript27,"An individual is standing in front of a gently curved white wall, embodying a sense of tranquility through their posture. Their arms hang loosely at their sides, contributing to the relaxed aura they exude. The left leg is gracefully bent at the knee such that the left foot is nestled against the right inner thigh, displaying the classic pose of a tree in yoga practice. The person's attire is minimal and provides a contrast to the simplicity of the backdrop. Their focus appears to be directed inward, further emphasizing the meditative state suggested by their stance.",,5,1,entity,part,entity - part (individual's arms),Does the individual have arms? +posescript27,"An individual is standing in front of a gently curved white wall, embodying a sense of tranquility through their posture. Their arms hang loosely at their sides, contributing to the relaxed aura they exude. The left leg is gracefully bent at the knee such that the left foot is nestled against the right inner thigh, displaying the classic pose of a tree in yoga practice. The person's attire is minimal and provides a contrast to the simplicity of the backdrop. Their focus appears to be directed inward, further emphasizing the meditative state suggested by their stance.",,6,1,entity,part,entity - part (individual's legs),Does the individual have legs? +posescript27,"An individual is standing in front of a gently curved white wall, embodying a sense of tranquility through their posture. Their arms hang loosely at their sides, contributing to the relaxed aura they exude. The left leg is gracefully bent at the knee such that the left foot is nestled against the right inner thigh, displaying the classic pose of a tree in yoga practice. The person's attire is minimal and provides a contrast to the simplicity of the backdrop. Their focus appears to be directed inward, further emphasizing the meditative state suggested by their stance.",,7,1,entity,state,"entity - state (individual, stand)",Is the individual standing? +posescript27,"An individual is standing in front of a gently curved white wall, embodying a sense of tranquility through their posture. Their arms hang loosely at their sides, contributing to the relaxed aura they exude. The left leg is gracefully bent at the knee such that the left foot is nestled against the right inner thigh, displaying the classic pose of a tree in yoga practice. The person's attire is minimal and provides a contrast to the simplicity of the backdrop. Their focus appears to be directed inward, further emphasizing the meditative state suggested by their stance.",,8,1,entity,state,"entity - state (individual, tranquility, embody)",Is the individual embodying a sense of tranquility? +posescript27,"An individual is standing in front of a gently curved white wall, embodying a sense of tranquility through their posture. Their arms hang loosely at their sides, contributing to the relaxed aura they exude. The left leg is gracefully bent at the knee such that the left foot is nestled against the right inner thigh, displaying the classic pose of a tree in yoga practice. The person's attire is minimal and provides a contrast to the simplicity of the backdrop. Their focus appears to be directed inward, further emphasizing the meditative state suggested by their stance.",,9,6,entity,state,"entity - state (individual's leg, bent at the knee)",Is the individual's leg bent at the knee? +posescript27,"An individual is standing in front of a gently curved white wall, embodying a sense of tranquility through their posture. Their arms hang loosely at their sides, contributing to the relaxed aura they exude. The left leg is gracefully bent at the knee such that the left foot is nestled against the right inner thigh, displaying the classic pose of a tree in yoga practice. The person's attire is minimal and provides a contrast to the simplicity of the backdrop. Their focus appears to be directed inward, further emphasizing the meditative state suggested by their stance.",,10,"1,2",relation,spatial,"relation - spatial (individual, wall, in front of)",Is the individual standing in front of the wall? +countbench30,"A collection of nine vibrant, assorted speech bubble stickers, each displaying the acronym 'LOL' in bold, playful lettering. The stickers feature a kaleidoscope of colors such as pink, yellow, blue, and green, set against a pristine white background, emphasizing their colorful appeal. Each sticker has a unique shape and size, adding to the diversity of the set, and their surfaces are smooth with a slight sheen, suggesting they are made of a high-quality adhesive material suitable for a variety of surfaces.",,1,0,entity,whole,entity - whole (speech bubble stickers),Is there a collection of speech bubble stickers? +countbench30,"A collection of nine vibrant, assorted speech bubble stickers, each displaying the acronym 'LOL' in bold, playful lettering. The stickers feature a kaleidoscope of colors such as pink, yellow, blue, and green, set against a pristine white background, emphasizing their colorful appeal. Each sticker has a unique shape and size, adding to the diversity of the set, and their surfaces are smooth with a slight sheen, suggesting they are made of a high-quality adhesive material suitable for a variety of surfaces.",,2,1,other,count,"other - count (speech bubble stickers, ==9)",Are there nine speech bubble stickers? +countbench30,"A collection of nine vibrant, assorted speech bubble stickers, each displaying the acronym 'LOL' in bold, playful lettering. The stickers feature a kaleidoscope of colors such as pink, yellow, blue, and green, set against a pristine white background, emphasizing their colorful appeal. Each sticker has a unique shape and size, adding to the diversity of the set, and their surfaces are smooth with a slight sheen, suggesting they are made of a high-quality adhesive material suitable for a variety of surfaces.",,3,1,other,text,"other - text (acronym, ""LOL"")",Do the stickers display the acronym 'LOL'? +countbench30,"A collection of nine vibrant, assorted speech bubble stickers, each displaying the acronym 'LOL' in bold, playful lettering. The stickers feature a kaleidoscope of colors such as pink, yellow, blue, and green, set against a pristine white background, emphasizing their colorful appeal. Each sticker has a unique shape and size, adding to the diversity of the set, and their surfaces are smooth with a slight sheen, suggesting they are made of a high-quality adhesive material suitable for a variety of surfaces.",,4,1,attribute,color,"attribute - color (stickers, assorted colors)",Are the stickers of assorted colors? +countbench30,"A collection of nine vibrant, assorted speech bubble stickers, each displaying the acronym 'LOL' in bold, playful lettering. The stickers feature a kaleidoscope of colors such as pink, yellow, blue, and green, set against a pristine white background, emphasizing their colorful appeal. Each sticker has a unique shape and size, adding to the diversity of the set, and their surfaces are smooth with a slight sheen, suggesting they are made of a high-quality adhesive material suitable for a variety of surfaces.",,5,0,attribute,color,"attribute - color (background, white)",Is the background white? +countbench30,"A collection of nine vibrant, assorted speech bubble stickers, each displaying the acronym 'LOL' in bold, playful lettering. The stickers feature a kaleidoscope of colors such as pink, yellow, blue, and green, set against a pristine white background, emphasizing their colorful appeal. Each sticker has a unique shape and size, adding to the diversity of the set, and their surfaces are smooth with a slight sheen, suggesting they are made of a high-quality adhesive material suitable for a variety of surfaces.",,6,1,attribute,texture,"attribute - texture (stickers, smooth with a slight sheen)",Are the stickers' surfaces smooth with a slight sheen? +countbench30,"A collection of nine vibrant, assorted speech bubble stickers, each displaying the acronym 'LOL' in bold, playful lettering. The stickers feature a kaleidoscope of colors such as pink, yellow, blue, and green, set against a pristine white background, emphasizing their colorful appeal. Each sticker has a unique shape and size, adding to the diversity of the set, and their surfaces are smooth with a slight sheen, suggesting they are made of a high-quality adhesive material suitable for a variety of surfaces.",,7,1,attribute,other,"attribute - other (stickers, high-quality adhesive material)",Are the stickers made of high-quality adhesive material? +countbench30,"A collection of nine vibrant, assorted speech bubble stickers, each displaying the acronym 'LOL' in bold, playful lettering. The stickers feature a kaleidoscope of colors such as pink, yellow, blue, and green, set against a pristine white background, emphasizing their colorful appeal. Each sticker has a unique shape and size, adding to the diversity of the set, and their surfaces are smooth with a slight sheen, suggesting they are made of a high-quality adhesive material suitable for a variety of surfaces.",,8,1,attribute,other,"attribute - other (stickers, vibrant)",Are the stickers vibrant? +countbench30,"A collection of nine vibrant, assorted speech bubble stickers, each displaying the acronym 'LOL' in bold, playful lettering. The stickers feature a kaleidoscope of colors such as pink, yellow, blue, and green, set against a pristine white background, emphasizing their colorful appeal. Each sticker has a unique shape and size, adding to the diversity of the set, and their surfaces are smooth with a slight sheen, suggesting they are made of a high-quality adhesive material suitable for a variety of surfaces.",,9,1,attribute,other,"attribute - other (stickers, playful lettering)",Do the stickers have playful lettering? +countbench30,"A collection of nine vibrant, assorted speech bubble stickers, each displaying the acronym 'LOL' in bold, playful lettering. The stickers feature a kaleidoscope of colors such as pink, yellow, blue, and green, set against a pristine white background, emphasizing their colorful appeal. Each sticker has a unique shape and size, adding to the diversity of the set, and their surfaces are smooth with a slight sheen, suggesting they are made of a high-quality adhesive material suitable for a variety of surfaces.",,10,"1,5",relation,spatial,"relation - spatial (stickers, background, against)",Are the stickers set against the background? +whoops17,"Two individuals are deeply engrossed in a strategic game, seated at a polished wooden table with a chessboard that uniquely features all black chess pieces. The players, both wearing glasses, are in a room with cream-colored walls and a potted plant in the corner. To the side of the chessboard, a timer is set, indicating the serious nature of their contest. The sunlight from the adjacent window casts a soft glow on the game, highlighting the intricate details of the ebony pieces.",,1,0,entity,whole,entity - whole (individuals),Are there individuals? +whoops17,"Two individuals are deeply engrossed in a strategic game, seated at a polished wooden table with a chessboard that uniquely features all black chess pieces. The players, both wearing glasses, are in a room with cream-colored walls and a potted plant in the corner. To the side of the chessboard, a timer is set, indicating the serious nature of their contest. The sunlight from the adjacent window casts a soft glow on the game, highlighting the intricate details of the ebony pieces.",,2,1,other,count,"other - count (individuals, ==2)",Are there two individuals? +whoops17,"Two individuals are deeply engrossed in a strategic game, seated at a polished wooden table with a chessboard that uniquely features all black chess pieces. The players, both wearing glasses, are in a room with cream-colored walls and a potted plant in the corner. To the side of the chessboard, a timer is set, indicating the serious nature of their contest. The sunlight from the adjacent window casts a soft glow on the game, highlighting the intricate details of the ebony pieces.",,3,0,entity,whole,entity - whole (table),Is there a table? +whoops17,"Two individuals are deeply engrossed in a strategic game, seated at a polished wooden table with a chessboard that uniquely features all black chess pieces. The players, both wearing glasses, are in a room with cream-colored walls and a potted plant in the corner. To the side of the chessboard, a timer is set, indicating the serious nature of their contest. The sunlight from the adjacent window casts a soft glow on the game, highlighting the intricate details of the ebony pieces.",,4,0,entity,whole,entity - whole (chessboard),Is there a chessboard? +whoops17,"Two individuals are deeply engrossed in a strategic game, seated at a polished wooden table with a chessboard that uniquely features all black chess pieces. The players, both wearing glasses, are in a room with cream-colored walls and a potted plant in the corner. To the side of the chessboard, a timer is set, indicating the serious nature of their contest. The sunlight from the adjacent window casts a soft glow on the game, highlighting the intricate details of the ebony pieces.",,5,0,entity,whole,entity - whole (chess pieces),Are there chess pieces? +whoops17,"Two individuals are deeply engrossed in a strategic game, seated at a polished wooden table with a chessboard that uniquely features all black chess pieces. The players, both wearing glasses, are in a room with cream-colored walls and a potted plant in the corner. To the side of the chessboard, a timer is set, indicating the serious nature of their contest. The sunlight from the adjacent window casts a soft glow on the game, highlighting the intricate details of the ebony pieces.",,6,0,entity,whole,entity - whole (glasses),Are there glasses? +whoops17,"Two individuals are deeply engrossed in a strategic game, seated at a polished wooden table with a chessboard that uniquely features all black chess pieces. The players, both wearing glasses, are in a room with cream-colored walls and a potted plant in the corner. To the side of the chessboard, a timer is set, indicating the serious nature of their contest. The sunlight from the adjacent window casts a soft glow on the game, highlighting the intricate details of the ebony pieces.",,7,0,entity,whole,entity - whole (room),Is there a room? +whoops17,"Two individuals are deeply engrossed in a strategic game, seated at a polished wooden table with a chessboard that uniquely features all black chess pieces. The players, both wearing glasses, are in a room with cream-colored walls and a potted plant in the corner. To the side of the chessboard, a timer is set, indicating the serious nature of their contest. The sunlight from the adjacent window casts a soft glow on the game, highlighting the intricate details of the ebony pieces.",,8,0,entity,whole,entity - whole (plant),Is there a plant? +whoops17,"Two individuals are deeply engrossed in a strategic game, seated at a polished wooden table with a chessboard that uniquely features all black chess pieces. The players, both wearing glasses, are in a room with cream-colored walls and a potted plant in the corner. To the side of the chessboard, a timer is set, indicating the serious nature of their contest. The sunlight from the adjacent window casts a soft glow on the game, highlighting the intricate details of the ebony pieces.",,9,0,entity,whole,entity - whole (timer),Is there a timer? +whoops17,"Two individuals are deeply engrossed in a strategic game, seated at a polished wooden table with a chessboard that uniquely features all black chess pieces. The players, both wearing glasses, are in a room with cream-colored walls and a potted plant in the corner. To the side of the chessboard, a timer is set, indicating the serious nature of their contest. The sunlight from the adjacent window casts a soft glow on the game, highlighting the intricate details of the ebony pieces.",,10,3,attribute,texture,"attribute - texture (table, polished wood)",Is the table made of polished wood? +whoops17,"Two individuals are deeply engrossed in a strategic game, seated at a polished wooden table with a chessboard that uniquely features all black chess pieces. The players, both wearing glasses, are in a room with cream-colored walls and a potted plant in the corner. To the side of the chessboard, a timer is set, indicating the serious nature of their contest. The sunlight from the adjacent window casts a soft glow on the game, highlighting the intricate details of the ebony pieces.",,11,5,attribute,color,"attribute - color (chess pieces, black)",Are the chess pieces black? +whoops17,"Two individuals are deeply engrossed in a strategic game, seated at a polished wooden table with a chessboard that uniquely features all black chess pieces. The players, both wearing glasses, are in a room with cream-colored walls and a potted plant in the corner. To the side of the chessboard, a timer is set, indicating the serious nature of their contest. The sunlight from the adjacent window casts a soft glow on the game, highlighting the intricate details of the ebony pieces.",,12,7,attribute,color,"attribute - color (walls, cream-colored)",Are the walls cream-colored? +whoops17,"Two individuals are deeply engrossed in a strategic game, seated at a polished wooden table with a chessboard that uniquely features all black chess pieces. The players, both wearing glasses, are in a room with cream-colored walls and a potted plant in the corner. To the side of the chessboard, a timer is set, indicating the serious nature of their contest. The sunlight from the adjacent window casts a soft glow on the game, highlighting the intricate details of the ebony pieces.",,13,1,entity,state,"entity - state (individuals, seated)",Are the individuals seated? +whoops17,"Two individuals are deeply engrossed in a strategic game, seated at a polished wooden table with a chessboard that uniquely features all black chess pieces. The players, both wearing glasses, are in a room with cream-colored walls and a potted plant in the corner. To the side of the chessboard, a timer is set, indicating the serious nature of their contest. The sunlight from the adjacent window casts a soft glow on the game, highlighting the intricate details of the ebony pieces.",,14,1,entity,state,"entity - state (individuals, engrossed in game)",Are the individuals deeply engrossed in a game? +whoops17,"Two individuals are deeply engrossed in a strategic game, seated at a polished wooden table with a chessboard that uniquely features all black chess pieces. The players, both wearing glasses, are in a room with cream-colored walls and a potted plant in the corner. To the side of the chessboard, a timer is set, indicating the serious nature of their contest. The sunlight from the adjacent window casts a soft glow on the game, highlighting the intricate details of the ebony pieces.",,15,4,entity,state,"entity - state (chessboard, features all black chess pieces)",Does the chessboard feature all black chess pieces? +whoops17,"Two individuals are deeply engrossed in a strategic game, seated at a polished wooden table with a chessboard that uniquely features all black chess pieces. The players, both wearing glasses, are in a room with cream-colored walls and a potted plant in the corner. To the side of the chessboard, a timer is set, indicating the serious nature of their contest. The sunlight from the adjacent window casts a soft glow on the game, highlighting the intricate details of the ebony pieces.",,16,"3,7",relation,spatial,"relation - spatial (table, room, in)",Is the table in the room? +whoops17,"Two individuals are deeply engrossed in a strategic game, seated at a polished wooden table with a chessboard that uniquely features all black chess pieces. The players, both wearing glasses, are in a room with cream-colored walls and a potted plant in the corner. To the side of the chessboard, a timer is set, indicating the serious nature of their contest. The sunlight from the adjacent window casts a soft glow on the game, highlighting the intricate details of the ebony pieces.",,17,"7,8",relation,spatial,"relation - spatial (plant, room, in corner)",Is the plant in the corner of the room? +whoops17,"Two individuals are deeply engrossed in a strategic game, seated at a polished wooden table with a chessboard that uniquely features all black chess pieces. The players, both wearing glasses, are in a room with cream-colored walls and a potted plant in the corner. To the side of the chessboard, a timer is set, indicating the serious nature of their contest. The sunlight from the adjacent window casts a soft glow on the game, highlighting the intricate details of the ebony pieces.",,18,"4,9",relation,spatial,"relation - spatial (timer, chessboard, side)",Is the timer set to the side of the chessboard? +whoops17,"Two individuals are deeply engrossed in a strategic game, seated at a polished wooden table with a chessboard that uniquely features all black chess pieces. The players, both wearing glasses, are in a room with cream-colored walls and a potted plant in the corner. To the side of the chessboard, a timer is set, indicating the serious nature of their contest. The sunlight from the adjacent window casts a soft glow on the game, highlighting the intricate details of the ebony pieces.",,19,4,relation,spatial,"relation - spatial (sunlight, game, cast on)",Does the sunlight cast a soft glow on the game? +whoops17,"Two individuals are deeply engrossed in a strategic game, seated at a polished wooden table with a chessboard that uniquely features all black chess pieces. The players, both wearing glasses, are in a room with cream-colored walls and a potted plant in the corner. To the side of the chessboard, a timer is set, indicating the serious nature of their contest. The sunlight from the adjacent window casts a soft glow on the game, highlighting the intricate details of the ebony pieces.",,20,"1,6",relation,non-spatial,"relation - non-spatial (players, glasses, wearing)",Are the players wearing glasses? +whoops17,"Two individuals are deeply engrossed in a strategic game, seated at a polished wooden table with a chessboard that uniquely features all black chess pieces. The players, both wearing glasses, are in a room with cream-colored walls and a potted plant in the corner. To the side of the chessboard, a timer is set, indicating the serious nature of their contest. The sunlight from the adjacent window casts a soft glow on the game, highlighting the intricate details of the ebony pieces.",,21,"4,9",relation,non-spatial,"relation - non-spatial (game, serious nature, indicate by timer)",Does the timer indicate the serious nature of their contest? +vrd18,"On a wooden table outdoors, a small, portable traffic light stands beside a potted plant. A person is seated nearby, wearing reflective aviator sunglasses, a casual striped shirt, and khaki shorts. Above them, the expansive blue sky sprawls with a few wispy clouds, casting a soft light over the scene. The sunlight reflects off the lenses of the sunglasses and the surface of the table, creating a play of light and shadow.",,1,0,entity,whole,entity - whole (traffic light),Is there a traffic light? +vrd18,"On a wooden table outdoors, a small, portable traffic light stands beside a potted plant. A person is seated nearby, wearing reflective aviator sunglasses, a casual striped shirt, and khaki shorts. Above them, the expansive blue sky sprawls with a few wispy clouds, casting a soft light over the scene. The sunlight reflects off the lenses of the sunglasses and the surface of the table, creating a play of light and shadow.",,2,0,entity,whole,entity - whole (potted plant),Is there a potted plant? +vrd18,"On a wooden table outdoors, a small, portable traffic light stands beside a potted plant. A person is seated nearby, wearing reflective aviator sunglasses, a casual striped shirt, and khaki shorts. Above them, the expansive blue sky sprawls with a few wispy clouds, casting a soft light over the scene. The sunlight reflects off the lenses of the sunglasses and the surface of the table, creating a play of light and shadow.",,3,0,entity,whole,entity - whole (person),Is there a person? +vrd18,"On a wooden table outdoors, a small, portable traffic light stands beside a potted plant. A person is seated nearby, wearing reflective aviator sunglasses, a casual striped shirt, and khaki shorts. Above them, the expansive blue sky sprawls with a few wispy clouds, casting a soft light over the scene. The sunlight reflects off the lenses of the sunglasses and the surface of the table, creating a play of light and shadow.",,4,0,entity,whole,entity - whole (table),Is there a table? +vrd18,"On a wooden table outdoors, a small, portable traffic light stands beside a potted plant. A person is seated nearby, wearing reflective aviator sunglasses, a casual striped shirt, and khaki shorts. Above them, the expansive blue sky sprawls with a few wispy clouds, casting a soft light over the scene. The sunlight reflects off the lenses of the sunglasses and the surface of the table, creating a play of light and shadow.",,5,3,entity,part,entity - part (person's sunglasses),Does the person have sunglasses? +vrd18,"On a wooden table outdoors, a small, portable traffic light stands beside a potted plant. A person is seated nearby, wearing reflective aviator sunglasses, a casual striped shirt, and khaki shorts. Above them, the expansive blue sky sprawls with a few wispy clouds, casting a soft light over the scene. The sunlight reflects off the lenses of the sunglasses and the surface of the table, creating a play of light and shadow.",,6,3,entity,part,entity - part (person's shirt),Is the person wearing a shirt? +vrd18,"On a wooden table outdoors, a small, portable traffic light stands beside a potted plant. A person is seated nearby, wearing reflective aviator sunglasses, a casual striped shirt, and khaki shorts. Above them, the expansive blue sky sprawls with a few wispy clouds, casting a soft light over the scene. The sunlight reflects off the lenses of the sunglasses and the surface of the table, creating a play of light and shadow.",,7,3,entity,part,entity - part (person's shorts),Is the person wearing shorts? +vrd18,"On a wooden table outdoors, a small, portable traffic light stands beside a potted plant. A person is seated nearby, wearing reflective aviator sunglasses, a casual striped shirt, and khaki shorts. Above them, the expansive blue sky sprawls with a few wispy clouds, casting a soft light over the scene. The sunlight reflects off the lenses of the sunglasses and the surface of the table, creating a play of light and shadow.",,8,5,attribute,color,"attribute - color (sunglasses, reflective)",Are the sunglasses reflective? +vrd18,"On a wooden table outdoors, a small, portable traffic light stands beside a potted plant. A person is seated nearby, wearing reflective aviator sunglasses, a casual striped shirt, and khaki shorts. Above them, the expansive blue sky sprawls with a few wispy clouds, casting a soft light over the scene. The sunlight reflects off the lenses of the sunglasses and the surface of the table, creating a play of light and shadow.",,9,6,attribute,color,"attribute - color (shirt, striped)",Is the shirt striped? +vrd18,"On a wooden table outdoors, a small, portable traffic light stands beside a potted plant. A person is seated nearby, wearing reflective aviator sunglasses, a casual striped shirt, and khaki shorts. Above them, the expansive blue sky sprawls with a few wispy clouds, casting a soft light over the scene. The sunlight reflects off the lenses of the sunglasses and the surface of the table, creating a play of light and shadow.",,10,7,attribute,color,"attribute - color (shorts, khaki)",Are the shorts khaki? +vrd18,"On a wooden table outdoors, a small, portable traffic light stands beside a potted plant. A person is seated nearby, wearing reflective aviator sunglasses, a casual striped shirt, and khaki shorts. Above them, the expansive blue sky sprawls with a few wispy clouds, casting a soft light over the scene. The sunlight reflects off the lenses of the sunglasses and the surface of the table, creating a play of light and shadow.",,11,4,attribute,texture,"attribute - texture (table, wood)",Is the table made of wood? +vrd18,"On a wooden table outdoors, a small, portable traffic light stands beside a potted plant. A person is seated nearby, wearing reflective aviator sunglasses, a casual striped shirt, and khaki shorts. Above them, the expansive blue sky sprawls with a few wispy clouds, casting a soft light over the scene. The sunlight reflects off the lenses of the sunglasses and the surface of the table, creating a play of light and shadow.",,12,1,attribute,size,"attribute - size (traffic light, small)",Is the traffic light small? +vrd18,"On a wooden table outdoors, a small, portable traffic light stands beside a potted plant. A person is seated nearby, wearing reflective aviator sunglasses, a casual striped shirt, and khaki shorts. Above them, the expansive blue sky sprawls with a few wispy clouds, casting a soft light over the scene. The sunlight reflects off the lenses of the sunglasses and the surface of the table, creating a play of light and shadow.",,13,1,attribute,size,"attribute - size (traffic light, portable)",Is the traffic light portable? +vrd18,"On a wooden table outdoors, a small, portable traffic light stands beside a potted plant. A person is seated nearby, wearing reflective aviator sunglasses, a casual striped shirt, and khaki shorts. Above them, the expansive blue sky sprawls with a few wispy clouds, casting a soft light over the scene. The sunlight reflects off the lenses of the sunglasses and the surface of the table, creating a play of light and shadow.",,14,"1,4",relation,spatial,"relation - spatial (traffic light, table, on)",Is the traffic light on the table? +vrd18,"On a wooden table outdoors, a small, portable traffic light stands beside a potted plant. A person is seated nearby, wearing reflective aviator sunglasses, a casual striped shirt, and khaki shorts. Above them, the expansive blue sky sprawls with a few wispy clouds, casting a soft light over the scene. The sunlight reflects off the lenses of the sunglasses and the surface of the table, creating a play of light and shadow.",,15,"2,4",relation,spatial,"relation - spatial (potted plant, table, on)",Is the potted plant on the table? +vrd18,"On a wooden table outdoors, a small, portable traffic light stands beside a potted plant. A person is seated nearby, wearing reflective aviator sunglasses, a casual striped shirt, and khaki shorts. Above them, the expansive blue sky sprawls with a few wispy clouds, casting a soft light over the scene. The sunlight reflects off the lenses of the sunglasses and the surface of the table, creating a play of light and shadow.",,16,"3,4",relation,spatial,"relation - spatial (person, table, near)",Is the person seated near the table? +vrd18,"On a wooden table outdoors, a small, portable traffic light stands beside a potted plant. A person is seated nearby, wearing reflective aviator sunglasses, a casual striped shirt, and khaki shorts. Above them, the expansive blue sky sprawls with a few wispy clouds, casting a soft light over the scene. The sunlight reflects off the lenses of the sunglasses and the surface of the table, creating a play of light and shadow.",,17,4,relation,spatial,"relation - spatial (table, outdoors, on)",Is the table outdoors? +vrd18,"On a wooden table outdoors, a small, portable traffic light stands beside a potted plant. A person is seated nearby, wearing reflective aviator sunglasses, a casual striped shirt, and khaki shorts. Above them, the expansive blue sky sprawls with a few wispy clouds, casting a soft light over the scene. The sunlight reflects off the lenses of the sunglasses and the surface of the table, creating a play of light and shadow.",,18,3,entity,state,"entity - state (person, seated)",Is the person seated? +posescript14,"A person practicing a yoga pose on a light grey mat in a spacious room with white walls. He stands firmly, balancing on his left leg while his right knee is bent upwards, and his right hand gently holds his right ankle. His left arm is extended back, enhancing his poise, and his gaze is intently fixed towards the left corner of the room, displaying a sense of concentration and balance.",,1,0,entity,whole,entity - whole (person),Is there a person? +posescript14,"A person practicing a yoga pose on a light grey mat in a spacious room with white walls. He stands firmly, balancing on his left leg while his right knee is bent upwards, and his right hand gently holds his right ankle. His left arm is extended back, enhancing his poise, and his gaze is intently fixed towards the left corner of the room, displaying a sense of concentration and balance.",,2,1,entity,whole,entity - whole (yoga pose),Is the person practicing a yoga pose? +posescript14,"A person practicing a yoga pose on a light grey mat in a spacious room with white walls. He stands firmly, balancing on his left leg while his right knee is bent upwards, and his right hand gently holds his right ankle. His left arm is extended back, enhancing his poise, and his gaze is intently fixed towards the left corner of the room, displaying a sense of concentration and balance.",,3,0,entity,whole,entity - whole (mat),Is there a mat? +posescript14,"A person practicing a yoga pose on a light grey mat in a spacious room with white walls. He stands firmly, balancing on his left leg while his right knee is bent upwards, and his right hand gently holds his right ankle. His left arm is extended back, enhancing his poise, and his gaze is intently fixed towards the left corner of the room, displaying a sense of concentration and balance.",,4,0,entity,whole,entity - whole (room),Is there a room? +posescript14,"A person practicing a yoga pose on a light grey mat in a spacious room with white walls. He stands firmly, balancing on his left leg while his right knee is bent upwards, and his right hand gently holds his right ankle. His left arm is extended back, enhancing his poise, and his gaze is intently fixed towards the left corner of the room, displaying a sense of concentration and balance.",,5,3,attribute,color,"attribute - color (mat, light grey)",Is the mat light grey? +posescript14,"A person practicing a yoga pose on a light grey mat in a spacious room with white walls. He stands firmly, balancing on his left leg while his right knee is bent upwards, and his right hand gently holds his right ankle. His left arm is extended back, enhancing his poise, and his gaze is intently fixed towards the left corner of the room, displaying a sense of concentration and balance.",,6,4,attribute,color,"attribute - color (room's walls, white)",Are the walls of the room white? +posescript14,"A person practicing a yoga pose on a light grey mat in a spacious room with white walls. He stands firmly, balancing on his left leg while his right knee is bent upwards, and his right hand gently holds his right ankle. His left arm is extended back, enhancing his poise, and his gaze is intently fixed towards the left corner of the room, displaying a sense of concentration and balance.",,7,1,entity,state,"entity - state (person, stand firmly)",Is the person standing firmly? +posescript14,"A person practicing a yoga pose on a light grey mat in a spacious room with white walls. He stands firmly, balancing on his left leg while his right knee is bent upwards, and his right hand gently holds his right ankle. His left arm is extended back, enhancing his poise, and his gaze is intently fixed towards the left corner of the room, displaying a sense of concentration and balance.",,8,1,entity,state,"entity - state (person, balance on left leg)",Is the person balancing on his left leg? +posescript14,"A person practicing a yoga pose on a light grey mat in a spacious room with white walls. He stands firmly, balancing on his left leg while his right knee is bent upwards, and his right hand gently holds his right ankle. His left arm is extended back, enhancing his poise, and his gaze is intently fixed towards the left corner of the room, displaying a sense of concentration and balance.",,9,1,entity,state,"entity - state (person's right knee, bent upwards)",Is the person's right knee bent upwards? +posescript14,"A person practicing a yoga pose on a light grey mat in a spacious room with white walls. He stands firmly, balancing on his left leg while his right knee is bent upwards, and his right hand gently holds his right ankle. His left arm is extended back, enhancing his poise, and his gaze is intently fixed towards the left corner of the room, displaying a sense of concentration and balance.",,10,"1,3",relation,spatial,"relation - spatial (person, mat, on)",Is the person on the mat? +posescript14,"A person practicing a yoga pose on a light grey mat in a spacious room with white walls. He stands firmly, balancing on his left leg while his right knee is bent upwards, and his right hand gently holds his right ankle. His left arm is extended back, enhancing his poise, and his gaze is intently fixed towards the left corner of the room, displaying a sense of concentration and balance.",,11,"3,4",relation,spatial,"relation - spatial (mat, room, in)",Is the mat in the room? +diffusiondb11,"An ominous figure looms within the frame, a dark demonic entity with an array of infinite, wispy wings that cascade behind it like a shadowy aurora. Each translucent wing shimmers with a sinister glow, suggesting an otherworldly portal to a malevolent dimension, illuminated in an eerie spectrum of dark neochrome colors. The unsettling image, reminiscent of the haunting styles of Beksinski and Gammell, is captured through the lens of a 35mm camera, casting a tangible unease as though the entity could breach the confines of its two-dimensional prison at any moment.",,1,0,entity,whole,entity - whole (figure),Is there a figure? +diffusiondb11,"An ominous figure looms within the frame, a dark demonic entity with an array of infinite, wispy wings that cascade behind it like a shadowy aurora. Each translucent wing shimmers with a sinister glow, suggesting an otherworldly portal to a malevolent dimension, illuminated in an eerie spectrum of dark neochrome colors. The unsettling image, reminiscent of the haunting styles of Beksinski and Gammell, is captured through the lens of a 35mm camera, casting a tangible unease as though the entity could breach the confines of its two-dimensional prison at any moment.",,2,1,entity,whole,entity - whole (wings),Are there wings? +diffusiondb11,"An ominous figure looms within the frame, a dark demonic entity with an array of infinite, wispy wings that cascade behind it like a shadowy aurora. Each translucent wing shimmers with a sinister glow, suggesting an otherworldly portal to a malevolent dimension, illuminated in an eerie spectrum of dark neochrome colors. The unsettling image, reminiscent of the haunting styles of Beksinski and Gammell, is captured through the lens of a 35mm camera, casting a tangible unease as though the entity could breach the confines of its two-dimensional prison at any moment.",,3,2,attribute,color,"attribute - color (wings, dark neochrome)",Are the wings dark neochrome in color? +diffusiondb11,"An ominous figure looms within the frame, a dark demonic entity with an array of infinite, wispy wings that cascade behind it like a shadowy aurora. Each translucent wing shimmers with a sinister glow, suggesting an otherworldly portal to a malevolent dimension, illuminated in an eerie spectrum of dark neochrome colors. The unsettling image, reminiscent of the haunting styles of Beksinski and Gammell, is captured through the lens of a 35mm camera, casting a tangible unease as though the entity could breach the confines of its two-dimensional prison at any moment.",,4,2,attribute,texture,"attribute - texture (wings, wispy)",Are the wings wispy? +diffusiondb11,"An ominous figure looms within the frame, a dark demonic entity with an array of infinite, wispy wings that cascade behind it like a shadowy aurora. Each translucent wing shimmers with a sinister glow, suggesting an otherworldly portal to a malevolent dimension, illuminated in an eerie spectrum of dark neochrome colors. The unsettling image, reminiscent of the haunting styles of Beksinski and Gammell, is captured through the lens of a 35mm camera, casting a tangible unease as though the entity could breach the confines of its two-dimensional prison at any moment.",,5,2,attribute,texture,"attribute - texture (wings, translucent)",Are the wings translucent? +diffusiondb11,"An ominous figure looms within the frame, a dark demonic entity with an array of infinite, wispy wings that cascade behind it like a shadowy aurora. Each translucent wing shimmers with a sinister glow, suggesting an otherworldly portal to a malevolent dimension, illuminated in an eerie spectrum of dark neochrome colors. The unsettling image, reminiscent of the haunting styles of Beksinski and Gammell, is captured through the lens of a 35mm camera, casting a tangible unease as though the entity could breach the confines of its two-dimensional prison at any moment.",,6,2,attribute,other,"attribute - other (wings, infinite)",Are there an infinite number of wings? +diffusiondb11,"An ominous figure looms within the frame, a dark demonic entity with an array of infinite, wispy wings that cascade behind it like a shadowy aurora. Each translucent wing shimmers with a sinister glow, suggesting an otherworldly portal to a malevolent dimension, illuminated in an eerie spectrum of dark neochrome colors. The unsettling image, reminiscent of the haunting styles of Beksinski and Gammell, is captured through the lens of a 35mm camera, casting a tangible unease as though the entity could breach the confines of its two-dimensional prison at any moment.",,7,1,entity,state,"entity - state (figure, loom)",Is the figure looming within the frame? +diffusiondb11,"An ominous figure looms within the frame, a dark demonic entity with an array of infinite, wispy wings that cascade behind it like a shadowy aurora. Each translucent wing shimmers with a sinister glow, suggesting an otherworldly portal to a malevolent dimension, illuminated in an eerie spectrum of dark neochrome colors. The unsettling image, reminiscent of the haunting styles of Beksinski and Gammell, is captured through the lens of a 35mm camera, casting a tangible unease as though the entity could breach the confines of its two-dimensional prison at any moment.",,8,2,entity,state,"entity - state (wings, cascade)",Do the wings cascade behind the figure? +diffusiondb11,"An ominous figure looms within the frame, a dark demonic entity with an array of infinite, wispy wings that cascade behind it like a shadowy aurora. Each translucent wing shimmers with a sinister glow, suggesting an otherworldly portal to a malevolent dimension, illuminated in an eerie spectrum of dark neochrome colors. The unsettling image, reminiscent of the haunting styles of Beksinski and Gammell, is captured through the lens of a 35mm camera, casting a tangible unease as though the entity could breach the confines of its two-dimensional prison at any moment.",,9,2,entity,state,"entity - state (wings, shimmer)",Do the wings shimmer with a sinister glow? +diffusiondb11,"An ominous figure looms within the frame, a dark demonic entity with an array of infinite, wispy wings that cascade behind it like a shadowy aurora. Each translucent wing shimmers with a sinister glow, suggesting an otherworldly portal to a malevolent dimension, illuminated in an eerie spectrum of dark neochrome colors. The unsettling image, reminiscent of the haunting styles of Beksinski and Gammell, is captured through the lens of a 35mm camera, casting a tangible unease as though the entity could breach the confines of its two-dimensional prison at any moment.",,10,0,global,,global - (35mm camera),Was the image captured with a 35mm camera? +midjourney5,"An outdoor setting where an array of brightly painted rocks is meticulously arranged in a gridded pattern on the ground. Each stone is carefully spaced to maintain uniformity and starts with vibrant red rocks in the top right corner, progressing through the colors of the rainbow to end with deep violet ones in the lower left corner. The smooth surfaces of the stones glisten in the sunlight, enhancing the vividness of each hue.",,1,0,entity,whole,entity - whole (rocks),Are there rocks? +midjourney5,"An outdoor setting where an array of brightly painted rocks is meticulously arranged in a gridded pattern on the ground. Each stone is carefully spaced to maintain uniformity and starts with vibrant red rocks in the top right corner, progressing through the colors of the rainbow to end with deep violet ones in the lower left corner. The smooth surfaces of the stones glisten in the sunlight, enhancing the vividness of each hue.",,2,0,global,,global - (outdoor setting),Is this an outdoor setting? +midjourney5,"An outdoor setting where an array of brightly painted rocks is meticulously arranged in a gridded pattern on the ground. Each stone is carefully spaced to maintain uniformity and starts with vibrant red rocks in the top right corner, progressing through the colors of the rainbow to end with deep violet ones in the lower left corner. The smooth surfaces of the stones glisten in the sunlight, enhancing the vividness of each hue.",,3,1,attribute,color,"attribute - color (rocks, brightly painted)",Are the rocks brightly painted? +midjourney5,"An outdoor setting where an array of brightly painted rocks is meticulously arranged in a gridded pattern on the ground. Each stone is carefully spaced to maintain uniformity and starts with vibrant red rocks in the top right corner, progressing through the colors of the rainbow to end with deep violet ones in the lower left corner. The smooth surfaces of the stones glisten in the sunlight, enhancing the vividness of each hue.",,4,1,relation,spatial,"relation - spatial (rocks, ground, on)",Are the rocks on the ground? +midjourney5,"An outdoor setting where an array of brightly painted rocks is meticulously arranged in a gridded pattern on the ground. Each stone is carefully spaced to maintain uniformity and starts with vibrant red rocks in the top right corner, progressing through the colors of the rainbow to end with deep violet ones in the lower left corner. The smooth surfaces of the stones glisten in the sunlight, enhancing the vividness of each hue.",,5,1,relation,non-spatial,"relation - non-spatial (rocks, gridded pattern, arranged in)",Are the rocks arranged in a gridded pattern? +midjourney5,"An outdoor setting where an array of brightly painted rocks is meticulously arranged in a gridded pattern on the ground. Each stone is carefully spaced to maintain uniformity and starts with vibrant red rocks in the top right corner, progressing through the colors of the rainbow to end with deep violet ones in the lower left corner. The smooth surfaces of the stones glisten in the sunlight, enhancing the vividness of each hue.",,6,1,attribute,other,"attribute - other (rocks, uniformly spaced)",Are the rocks uniformly spaced? +midjourney5,"An outdoor setting where an array of brightly painted rocks is meticulously arranged in a gridded pattern on the ground. Each stone is carefully spaced to maintain uniformity and starts with vibrant red rocks in the top right corner, progressing through the colors of the rainbow to end with deep violet ones in the lower left corner. The smooth surfaces of the stones glisten in the sunlight, enhancing the vividness of each hue.",,7,1,attribute,color,"attribute - color (rock_1, vibrant red)",Are the rocks in the top right corner vibrant red? +midjourney5,"An outdoor setting where an array of brightly painted rocks is meticulously arranged in a gridded pattern on the ground. Each stone is carefully spaced to maintain uniformity and starts with vibrant red rocks in the top right corner, progressing through the colors of the rainbow to end with deep violet ones in the lower left corner. The smooth surfaces of the stones glisten in the sunlight, enhancing the vividness of each hue.",,8,1,attribute,color,"attribute - color (rock_last, deep violet)",Are the rocks in the lower left corner deep violet? +midjourney5,"An outdoor setting where an array of brightly painted rocks is meticulously arranged in a gridded pattern on the ground. Each stone is carefully spaced to maintain uniformity and starts with vibrant red rocks in the top right corner, progressing through the colors of the rainbow to end with deep violet ones in the lower left corner. The smooth surfaces of the stones glisten in the sunlight, enhancing the vividness of each hue.",,9,1,attribute,texture,"attribute - texture (rocks, smooth)",Are the surfaces of the rocks smooth? +midjourney5,"An outdoor setting where an array of brightly painted rocks is meticulously arranged in a gridded pattern on the ground. Each stone is carefully spaced to maintain uniformity and starts with vibrant red rocks in the top right corner, progressing through the colors of the rainbow to end with deep violet ones in the lower left corner. The smooth surfaces of the stones glisten in the sunlight, enhancing the vividness of each hue.",,10,1,entity,state,"entity - state (rocks, glisten in sunlight)",Do the rocks glisten in the sunlight? +diffusiondb39,"a grainy black-and-white image from a 1920s television show, featuring the iconic figure of Batman. He is captured mid-dance, with exaggerated gestures typical of vaudeville performances of the time. The scene shows him on a simple stage with minimal props, evoking the early days of television when the focus was purely on the performer's charisma and talent.",,1,0,entity,whole,entity - whole (image),Is there an image? +diffusiondb39,"a grainy black-and-white image from a 1920s television show, featuring the iconic figure of Batman. He is captured mid-dance, with exaggerated gestures typical of vaudeville performances of the time. The scene shows him on a simple stage with minimal props, evoking the early days of television when the focus was purely on the performer's charisma and talent.",,2,0,entity,whole,entity - whole (television show),Is there a television show? +diffusiondb39,"a grainy black-and-white image from a 1920s television show, featuring the iconic figure of Batman. He is captured mid-dance, with exaggerated gestures typical of vaudeville performances of the time. The scene shows him on a simple stage with minimal props, evoking the early days of television when the focus was purely on the performer's charisma and talent.",,3,0,entity,whole,entity - whole (Batman),Is Batman featured in the image? +diffusiondb39,"a grainy black-and-white image from a 1920s television show, featuring the iconic figure of Batman. He is captured mid-dance, with exaggerated gestures typical of vaudeville performances of the time. The scene shows him on a simple stage with minimal props, evoking the early days of television when the focus was purely on the performer's charisma and talent.",,4,0,entity,whole,entity - whole (stage),Is there a stage? +diffusiondb39,"a grainy black-and-white image from a 1920s television show, featuring the iconic figure of Batman. He is captured mid-dance, with exaggerated gestures typical of vaudeville performances of the time. The scene shows him on a simple stage with minimal props, evoking the early days of television when the focus was purely on the performer's charisma and talent.",,5,0,global,,global - (grainy),Is the image grainy? +diffusiondb39,"a grainy black-and-white image from a 1920s television show, featuring the iconic figure of Batman. He is captured mid-dance, with exaggerated gestures typical of vaudeville performances of the time. The scene shows him on a simple stage with minimal props, evoking the early days of television when the focus was purely on the performer's charisma and talent.",,6,1,attribute,color,"attribute - color (image, black-and-white)",Is the image black-and-white? +diffusiondb39,"a grainy black-and-white image from a 1920s television show, featuring the iconic figure of Batman. He is captured mid-dance, with exaggerated gestures typical of vaudeville performances of the time. The scene shows him on a simple stage with minimal props, evoking the early days of television when the focus was purely on the performer's charisma and talent.",,7,2,attribute,other,"attribute - other (television show, 1920s)",Is the television show from the 1920s? +diffusiondb39,"a grainy black-and-white image from a 1920s television show, featuring the iconic figure of Batman. He is captured mid-dance, with exaggerated gestures typical of vaudeville performances of the time. The scene shows him on a simple stage with minimal props, evoking the early days of television when the focus was purely on the performer's charisma and talent.",,8,3,entity,state,"entity - state (Batman, dance, mid-dance)",Is Batman captured mid-dance? +diffusiondb39,"a grainy black-and-white image from a 1920s television show, featuring the iconic figure of Batman. He is captured mid-dance, with exaggerated gestures typical of vaudeville performances of the time. The scene shows him on a simple stage with minimal props, evoking the early days of television when the focus was purely on the performer's charisma and talent.",,9,3,attribute,other,"attribute - other (gestures, exaggerated)",Are the gestures exaggerated? +diffusiondb39,"a grainy black-and-white image from a 1920s television show, featuring the iconic figure of Batman. He is captured mid-dance, with exaggerated gestures typical of vaudeville performances of the time. The scene shows him on a simple stage with minimal props, evoking the early days of television when the focus was purely on the performer's charisma and talent.",,10,"3,4",relation,spatial,"relation - spatial (Batman, stage, on)",Is Batman on the stage? +drawtext39,"a small green lizard basking on the white, pentagonal home plate of a baseball field, with the words 'made it safe' written in a cartoonish speech bubble above its head. surrounding the home plate is a well-trodden dusty red infield, and in the background, the neatly manicured outfield grass stretches out. beyond the field, a row of bleachers can be seen, hinting at the presence of an eager audience awaiting the next play.",,1,0,entity,whole,entity - whole (lizard),Is there a lizard? +drawtext39,"a small green lizard basking on the white, pentagonal home plate of a baseball field, with the words 'made it safe' written in a cartoonish speech bubble above its head. surrounding the home plate is a well-trodden dusty red infield, and in the background, the neatly manicured outfield grass stretches out. beyond the field, a row of bleachers can be seen, hinting at the presence of an eager audience awaiting the next play.",,2,0,entity,whole,entity - whole (home plate),Is there a home plate? +drawtext39,"a small green lizard basking on the white, pentagonal home plate of a baseball field, with the words 'made it safe' written in a cartoonish speech bubble above its head. surrounding the home plate is a well-trodden dusty red infield, and in the background, the neatly manicured outfield grass stretches out. beyond the field, a row of bleachers can be seen, hinting at the presence of an eager audience awaiting the next play.",,3,0,entity,whole,entity - whole (infield),Is there an infield? +drawtext39,"a small green lizard basking on the white, pentagonal home plate of a baseball field, with the words 'made it safe' written in a cartoonish speech bubble above its head. surrounding the home plate is a well-trodden dusty red infield, and in the background, the neatly manicured outfield grass stretches out. beyond the field, a row of bleachers can be seen, hinting at the presence of an eager audience awaiting the next play.",,4,0,entity,whole,entity - whole (outfield),Is there an outfield? +drawtext39,"a small green lizard basking on the white, pentagonal home plate of a baseball field, with the words 'made it safe' written in a cartoonish speech bubble above its head. surrounding the home plate is a well-trodden dusty red infield, and in the background, the neatly manicured outfield grass stretches out. beyond the field, a row of bleachers can be seen, hinting at the presence of an eager audience awaiting the next play.",,5,0,entity,whole,entity - whole (bleachers),Are there bleachers? +drawtext39,"a small green lizard basking on the white, pentagonal home plate of a baseball field, with the words 'made it safe' written in a cartoonish speech bubble above its head. surrounding the home plate is a well-trodden dusty red infield, and in the background, the neatly manicured outfield grass stretches out. beyond the field, a row of bleachers can be seen, hinting at the presence of an eager audience awaiting the next play.",,6,1,attribute,color,"attribute - color (lizard, green)",Is the lizard green? +drawtext39,"a small green lizard basking on the white, pentagonal home plate of a baseball field, with the words 'made it safe' written in a cartoonish speech bubble above its head. surrounding the home plate is a well-trodden dusty red infield, and in the background, the neatly manicured outfield grass stretches out. beyond the field, a row of bleachers can be seen, hinting at the presence of an eager audience awaiting the next play.",,7,2,attribute,color,"attribute - color (home plate, white)",Is the home plate white? +drawtext39,"a small green lizard basking on the white, pentagonal home plate of a baseball field, with the words 'made it safe' written in a cartoonish speech bubble above its head. surrounding the home plate is a well-trodden dusty red infield, and in the background, the neatly manicured outfield grass stretches out. beyond the field, a row of bleachers can be seen, hinting at the presence of an eager audience awaiting the next play.",,8,2,attribute,shape,"attribute - shape (home plate, pentagonal)",Is the home plate pentagonal? +drawtext39,"a small green lizard basking on the white, pentagonal home plate of a baseball field, with the words 'made it safe' written in a cartoonish speech bubble above its head. surrounding the home plate is a well-trodden dusty red infield, and in the background, the neatly manicured outfield grass stretches out. beyond the field, a row of bleachers can be seen, hinting at the presence of an eager audience awaiting the next play.",,9,3,attribute,texture,"attribute - texture (infield, dusty red)",Is the infield dusty red? +drawtext39,"a small green lizard basking on the white, pentagonal home plate of a baseball field, with the words 'made it safe' written in a cartoonish speech bubble above its head. surrounding the home plate is a well-trodden dusty red infield, and in the background, the neatly manicured outfield grass stretches out. beyond the field, a row of bleachers can be seen, hinting at the presence of an eager audience awaiting the next play.",,10,4,attribute,texture,"attribute - texture (outfield, manicured grass)",Is the outfield grass neatly manicured? +drawtext39,"a small green lizard basking on the white, pentagonal home plate of a baseball field, with the words 'made it safe' written in a cartoonish speech bubble above its head. surrounding the home plate is a well-trodden dusty red infield, and in the background, the neatly manicured outfield grass stretches out. beyond the field, a row of bleachers can be seen, hinting at the presence of an eager audience awaiting the next play.",,11,1,entity,state,"entity - state (lizard, bask)",Is the lizard basking? +drawtext39,"a small green lizard basking on the white, pentagonal home plate of a baseball field, with the words 'made it safe' written in a cartoonish speech bubble above its head. surrounding the home plate is a well-trodden dusty red infield, and in the background, the neatly manicured outfield grass stretches out. beyond the field, a row of bleachers can be seen, hinting at the presence of an eager audience awaiting the next play.",,12,"1,2",relation,spatial,"relation - spatial (lizard, home plate, on)",Is the lizard on the home plate? +drawtext39,"a small green lizard basking on the white, pentagonal home plate of a baseball field, with the words 'made it safe' written in a cartoonish speech bubble above its head. surrounding the home plate is a well-trodden dusty red infield, and in the background, the neatly manicured outfield grass stretches out. beyond the field, a row of bleachers can be seen, hinting at the presence of an eager audience awaiting the next play.",,13,"2,3",relation,spatial,"relation - spatial (home plate, infield, surrounded by)",Is the home plate surrounded by the infield? +drawtext39,"a small green lizard basking on the white, pentagonal home plate of a baseball field, with the words 'made it safe' written in a cartoonish speech bubble above its head. surrounding the home plate is a well-trodden dusty red infield, and in the background, the neatly manicured outfield grass stretches out. beyond the field, a row of bleachers can be seen, hinting at the presence of an eager audience awaiting the next play.",,14,"4,3",relation,spatial,"relation - spatial (outfield, infield, beyond)",Is the outfield beyond the infield? +drawtext39,"a small green lizard basking on the white, pentagonal home plate of a baseball field, with the words 'made it safe' written in a cartoonish speech bubble above its head. surrounding the home plate is a well-trodden dusty red infield, and in the background, the neatly manicured outfield grass stretches out. beyond the field, a row of bleachers can be seen, hinting at the presence of an eager audience awaiting the next play.",,15,"5,4",relation,spatial,"relation - spatial (bleachers, outfield, beyond)",Are the bleachers beyond the outfield? +drawtext39,"a small green lizard basking on the white, pentagonal home plate of a baseball field, with the words 'made it safe' written in a cartoonish speech bubble above its head. surrounding the home plate is a well-trodden dusty red infield, and in the background, the neatly manicured outfield grass stretches out. beyond the field, a row of bleachers can be seen, hinting at the presence of an eager audience awaiting the next play.",,16,1,other,text,"other - text (speech bubble, ""made it safe"")","Does the speech bubble above the lizard's head say ""made it safe""?" +midjourney39,"A scene featuring several prominent items: a piece of matte black paper lies beneath a set of decorative zodiac-themed tarot cards, carefully placed in the center. Above this arrangement, two spherical ornaments designed to resemble moons hang suspended, with a silhouette of a mountain range providing a stark backdrop. Additionally, two white streaks, perhaps cords or decorative ribbons, run parallel to each other, intersecting the paper and the tarot cards, adding a dynamic element to the composition.",,1,0,entity,whole,entity - whole (paper),Is there a piece of paper? +midjourney39,"A scene featuring several prominent items: a piece of matte black paper lies beneath a set of decorative zodiac-themed tarot cards, carefully placed in the center. Above this arrangement, two spherical ornaments designed to resemble moons hang suspended, with a silhouette of a mountain range providing a stark backdrop. Additionally, two white streaks, perhaps cords or decorative ribbons, run parallel to each other, intersecting the paper and the tarot cards, adding a dynamic element to the composition.",,2,0,entity,whole,entity - whole (tarot cards),Are there tarot cards? +midjourney39,"A scene featuring several prominent items: a piece of matte black paper lies beneath a set of decorative zodiac-themed tarot cards, carefully placed in the center. Above this arrangement, two spherical ornaments designed to resemble moons hang suspended, with a silhouette of a mountain range providing a stark backdrop. Additionally, two white streaks, perhaps cords or decorative ribbons, run parallel to each other, intersecting the paper and the tarot cards, adding a dynamic element to the composition.",,3,0,entity,whole,entity - whole (ornaments),Are there ornaments? +midjourney39,"A scene featuring several prominent items: a piece of matte black paper lies beneath a set of decorative zodiac-themed tarot cards, carefully placed in the center. Above this arrangement, two spherical ornaments designed to resemble moons hang suspended, with a silhouette of a mountain range providing a stark backdrop. Additionally, two white streaks, perhaps cords or decorative ribbons, run parallel to each other, intersecting the paper and the tarot cards, adding a dynamic element to the composition.",,4,0,entity,whole,entity - whole (mountain range),Is there a mountain range? +midjourney39,"A scene featuring several prominent items: a piece of matte black paper lies beneath a set of decorative zodiac-themed tarot cards, carefully placed in the center. Above this arrangement, two spherical ornaments designed to resemble moons hang suspended, with a silhouette of a mountain range providing a stark backdrop. Additionally, two white streaks, perhaps cords or decorative ribbons, run parallel to each other, intersecting the paper and the tarot cards, adding a dynamic element to the composition.",,5,0,entity,whole,entity - whole (streaks),Are there streaks? +midjourney39,"A scene featuring several prominent items: a piece of matte black paper lies beneath a set of decorative zodiac-themed tarot cards, carefully placed in the center. Above this arrangement, two spherical ornaments designed to resemble moons hang suspended, with a silhouette of a mountain range providing a stark backdrop. Additionally, two white streaks, perhaps cords or decorative ribbons, run parallel to each other, intersecting the paper and the tarot cards, adding a dynamic element to the composition.",,6,1,attribute,color,"attribute - color (paper, matte black)",Is the paper matte black? +midjourney39,"A scene featuring several prominent items: a piece of matte black paper lies beneath a set of decorative zodiac-themed tarot cards, carefully placed in the center. Above this arrangement, two spherical ornaments designed to resemble moons hang suspended, with a silhouette of a mountain range providing a stark backdrop. Additionally, two white streaks, perhaps cords or decorative ribbons, run parallel to each other, intersecting the paper and the tarot cards, adding a dynamic element to the composition.",,7,2,attribute,texture,"attribute - texture (tarot cards, decorative)",Are the tarot cards decorative? +midjourney39,"A scene featuring several prominent items: a piece of matte black paper lies beneath a set of decorative zodiac-themed tarot cards, carefully placed in the center. Above this arrangement, two spherical ornaments designed to resemble moons hang suspended, with a silhouette of a mountain range providing a stark backdrop. Additionally, two white streaks, perhaps cords or decorative ribbons, run parallel to each other, intersecting the paper and the tarot cards, adding a dynamic element to the composition.",,8,3,attribute,shape,"attribute - shape (ornaments, spherical)",Are the ornaments spherical? +midjourney39,"A scene featuring several prominent items: a piece of matte black paper lies beneath a set of decorative zodiac-themed tarot cards, carefully placed in the center. Above this arrangement, two spherical ornaments designed to resemble moons hang suspended, with a silhouette of a mountain range providing a stark backdrop. Additionally, two white streaks, perhaps cords or decorative ribbons, run parallel to each other, intersecting the paper and the tarot cards, adding a dynamic element to the composition.",,9,5,attribute,color,"attribute - color (streaks, white)",Are the streaks white? +midjourney39,"A scene featuring several prominent items: a piece of matte black paper lies beneath a set of decorative zodiac-themed tarot cards, carefully placed in the center. Above this arrangement, two spherical ornaments designed to resemble moons hang suspended, with a silhouette of a mountain range providing a stark backdrop. Additionally, two white streaks, perhaps cords or decorative ribbons, run parallel to each other, intersecting the paper and the tarot cards, adding a dynamic element to the composition.",,10,"1,2",relation,spatial,"relation - spatial (tarot cards, paper, on center)",Are the tarot cards placed in the center on the paper? +midjourney39,"A scene featuring several prominent items: a piece of matte black paper lies beneath a set of decorative zodiac-themed tarot cards, carefully placed in the center. Above this arrangement, two spherical ornaments designed to resemble moons hang suspended, with a silhouette of a mountain range providing a stark backdrop. Additionally, two white streaks, perhaps cords or decorative ribbons, run parallel to each other, intersecting the paper and the tarot cards, adding a dynamic element to the composition.",,11,"2,3",relation,spatial,"relation - spatial (ornaments, tarot cards, above)",Are the spherical ornaments hanging above the tarot cards? +midjourney39,"A scene featuring several prominent items: a piece of matte black paper lies beneath a set of decorative zodiac-themed tarot cards, carefully placed in the center. Above this arrangement, two spherical ornaments designed to resemble moons hang suspended, with a silhouette of a mountain range providing a stark backdrop. Additionally, two white streaks, perhaps cords or decorative ribbons, run parallel to each other, intersecting the paper and the tarot cards, adding a dynamic element to the composition.",,12,"2,4",relation,spatial,"relation - spatial (mountain range, tarot cards, backdrop)",Does the mountain range provide a backdrop to the tarot cards? +midjourney39,"A scene featuring several prominent items: a piece of matte black paper lies beneath a set of decorative zodiac-themed tarot cards, carefully placed in the center. Above this arrangement, two spherical ornaments designed to resemble moons hang suspended, with a silhouette of a mountain range providing a stark backdrop. Additionally, two white streaks, perhaps cords or decorative ribbons, run parallel to each other, intersecting the paper and the tarot cards, adding a dynamic element to the composition.",,13,"1,5",relation,spatial,"relation - spatial (streaks, paper, intersect)",Do the white streaks intersect the paper? +midjourney39,"A scene featuring several prominent items: a piece of matte black paper lies beneath a set of decorative zodiac-themed tarot cards, carefully placed in the center. Above this arrangement, two spherical ornaments designed to resemble moons hang suspended, with a silhouette of a mountain range providing a stark backdrop. Additionally, two white streaks, perhaps cords or decorative ribbons, run parallel to each other, intersecting the paper and the tarot cards, adding a dynamic element to the composition.",,14,"2,5",relation,spatial,"relation - spatial (streaks, tarot cards, intersect)",Do the white streaks intersect the tarot cards? +countbench18,"A cheerful family of four gathered around a wooden dining table set within a brightly lit kitchen. The table is laden with a scrumptious breakfast spread, including bowls of colorful fruit, pitchers of juice, and plates of toast. Two young children, a boy and a girl, their faces lit up with joy, are seated between their parents, eagerly reaching for their favorite dishes. Behind them, the kitchen is cozy and welcoming, complete with white appliances and a vase of fresh flowers adding a touch of warmth to the scene.",,1,0,entity,whole,entity - whole (family),Is there a family? +countbench18,"A cheerful family of four gathered around a wooden dining table set within a brightly lit kitchen. The table is laden with a scrumptious breakfast spread, including bowls of colorful fruit, pitchers of juice, and plates of toast. Two young children, a boy and a girl, their faces lit up with joy, are seated between their parents, eagerly reaching for their favorite dishes. Behind them, the kitchen is cozy and welcoming, complete with white appliances and a vase of fresh flowers adding a touch of warmth to the scene.",,2,1,other,count,"other - count (family members, ==4)",Are there four members in the family? +countbench18,"A cheerful family of four gathered around a wooden dining table set within a brightly lit kitchen. The table is laden with a scrumptious breakfast spread, including bowls of colorful fruit, pitchers of juice, and plates of toast. Two young children, a boy and a girl, their faces lit up with joy, are seated between their parents, eagerly reaching for their favorite dishes. Behind them, the kitchen is cozy and welcoming, complete with white appliances and a vase of fresh flowers adding a touch of warmth to the scene.",,3,0,entity,whole,entity - whole (dining table),Is there a dining table? +countbench18,"A cheerful family of four gathered around a wooden dining table set within a brightly lit kitchen. The table is laden with a scrumptious breakfast spread, including bowls of colorful fruit, pitchers of juice, and plates of toast. Two young children, a boy and a girl, their faces lit up with joy, are seated between their parents, eagerly reaching for their favorite dishes. Behind them, the kitchen is cozy and welcoming, complete with white appliances and a vase of fresh flowers adding a touch of warmth to the scene.",,4,0,entity,whole,entity - whole (kitchen),Is there a kitchen? +countbench18,"A cheerful family of four gathered around a wooden dining table set within a brightly lit kitchen. The table is laden with a scrumptious breakfast spread, including bowls of colorful fruit, pitchers of juice, and plates of toast. Two young children, a boy and a girl, their faces lit up with joy, are seated between their parents, eagerly reaching for their favorite dishes. Behind them, the kitchen is cozy and welcoming, complete with white appliances and a vase of fresh flowers adding a touch of warmth to the scene.",,5,3,attribute,texture,"attribute - texture (dining table, wood)",Is the dining table made of wood? +countbench18,"A cheerful family of four gathered around a wooden dining table set within a brightly lit kitchen. The table is laden with a scrumptious breakfast spread, including bowls of colorful fruit, pitchers of juice, and plates of toast. Two young children, a boy and a girl, their faces lit up with joy, are seated between their parents, eagerly reaching for their favorite dishes. Behind them, the kitchen is cozy and welcoming, complete with white appliances and a vase of fresh flowers adding a touch of warmth to the scene.",,6,4,attribute,color,"attribute - color (kitchen, brightly lit)",Is the kitchen brightly lit? +countbench18,"A cheerful family of four gathered around a wooden dining table set within a brightly lit kitchen. The table is laden with a scrumptious breakfast spread, including bowls of colorful fruit, pitchers of juice, and plates of toast. Two young children, a boy and a girl, their faces lit up with joy, are seated between their parents, eagerly reaching for their favorite dishes. Behind them, the kitchen is cozy and welcoming, complete with white appliances and a vase of fresh flowers adding a touch of warmth to the scene.",,7,3,entity,part,entity - part (breakfast spread),Is there a breakfast spread on the table? +countbench18,"A cheerful family of four gathered around a wooden dining table set within a brightly lit kitchen. The table is laden with a scrumptious breakfast spread, including bowls of colorful fruit, pitchers of juice, and plates of toast. Two young children, a boy and a girl, their faces lit up with joy, are seated between their parents, eagerly reaching for their favorite dishes. Behind them, the kitchen is cozy and welcoming, complete with white appliances and a vase of fresh flowers adding a touch of warmth to the scene.",,8,7,entity,whole,entity - whole (fruit),Are there bowls of colorful fruit? +countbench18,"A cheerful family of four gathered around a wooden dining table set within a brightly lit kitchen. The table is laden with a scrumptious breakfast spread, including bowls of colorful fruit, pitchers of juice, and plates of toast. Two young children, a boy and a girl, their faces lit up with joy, are seated between their parents, eagerly reaching for their favorite dishes. Behind them, the kitchen is cozy and welcoming, complete with white appliances and a vase of fresh flowers adding a touch of warmth to the scene.",,9,7,entity,whole,entity - whole (juice),Are there pitchers of juice? +countbench18,"A cheerful family of four gathered around a wooden dining table set within a brightly lit kitchen. The table is laden with a scrumptious breakfast spread, including bowls of colorful fruit, pitchers of juice, and plates of toast. Two young children, a boy and a girl, their faces lit up with joy, are seated between their parents, eagerly reaching for their favorite dishes. Behind them, the kitchen is cozy and welcoming, complete with white appliances and a vase of fresh flowers adding a touch of warmth to the scene.",,10,7,entity,whole,entity - whole (toast),Are there plates of toast? +stanford18,"A delicious pink smoothie sits in the center of a clean, white ceramic plate, with a sprinkle of cinnamon dusting the surface, giving it an aromatic allure. Beside the smoothie, a ripe, yellow banana lies slightly curved, its peel gently touched by the morning light. Close to the banana, a small cluster of plump blueberries adds a vibrant pop of deep blue to the arrangement, contrasting with the soft pink hue of the smoothie and the pristine white of the plate.",,1,0,entity,whole,entity - whole (smoothie),Is there a smoothie? +stanford18,"A delicious pink smoothie sits in the center of a clean, white ceramic plate, with a sprinkle of cinnamon dusting the surface, giving it an aromatic allure. Beside the smoothie, a ripe, yellow banana lies slightly curved, its peel gently touched by the morning light. Close to the banana, a small cluster of plump blueberries adds a vibrant pop of deep blue to the arrangement, contrasting with the soft pink hue of the smoothie and the pristine white of the plate.",,2,0,entity,whole,entity - whole (plate),Is there a plate? +stanford18,"A delicious pink smoothie sits in the center of a clean, white ceramic plate, with a sprinkle of cinnamon dusting the surface, giving it an aromatic allure. Beside the smoothie, a ripe, yellow banana lies slightly curved, its peel gently touched by the morning light. Close to the banana, a small cluster of plump blueberries adds a vibrant pop of deep blue to the arrangement, contrasting with the soft pink hue of the smoothie and the pristine white of the plate.",,3,0,entity,whole,entity - whole (banana),Is there a banana? +stanford18,"A delicious pink smoothie sits in the center of a clean, white ceramic plate, with a sprinkle of cinnamon dusting the surface, giving it an aromatic allure. Beside the smoothie, a ripe, yellow banana lies slightly curved, its peel gently touched by the morning light. Close to the banana, a small cluster of plump blueberries adds a vibrant pop of deep blue to the arrangement, contrasting with the soft pink hue of the smoothie and the pristine white of the plate.",,4,0,entity,whole,entity - whole (blueberries),Are there blueberries? +stanford18,"A delicious pink smoothie sits in the center of a clean, white ceramic plate, with a sprinkle of cinnamon dusting the surface, giving it an aromatic allure. Beside the smoothie, a ripe, yellow banana lies slightly curved, its peel gently touched by the morning light. Close to the banana, a small cluster of plump blueberries adds a vibrant pop of deep blue to the arrangement, contrasting with the soft pink hue of the smoothie and the pristine white of the plate.",,5,1,attribute,color,"attribute - color (smoothie, pink)",Is the smoothie pink? +stanford18,"A delicious pink smoothie sits in the center of a clean, white ceramic plate, with a sprinkle of cinnamon dusting the surface, giving it an aromatic allure. Beside the smoothie, a ripe, yellow banana lies slightly curved, its peel gently touched by the morning light. Close to the banana, a small cluster of plump blueberries adds a vibrant pop of deep blue to the arrangement, contrasting with the soft pink hue of the smoothie and the pristine white of the plate.",,6,2,attribute,color,"attribute - color (plate, white)",Is the plate white? +stanford18,"A delicious pink smoothie sits in the center of a clean, white ceramic plate, with a sprinkle of cinnamon dusting the surface, giving it an aromatic allure. Beside the smoothie, a ripe, yellow banana lies slightly curved, its peel gently touched by the morning light. Close to the banana, a small cluster of plump blueberries adds a vibrant pop of deep blue to the arrangement, contrasting with the soft pink hue of the smoothie and the pristine white of the plate.",,7,3,attribute,color,"attribute - color (banana, yellow)",Is the banana yellow? +stanford18,"A delicious pink smoothie sits in the center of a clean, white ceramic plate, with a sprinkle of cinnamon dusting the surface, giving it an aromatic allure. Beside the smoothie, a ripe, yellow banana lies slightly curved, its peel gently touched by the morning light. Close to the banana, a small cluster of plump blueberries adds a vibrant pop of deep blue to the arrangement, contrasting with the soft pink hue of the smoothie and the pristine white of the plate.",,8,4,attribute,color,"attribute - color (blueberries, deep blue)",Are the blueberries deep blue? +stanford18,"A delicious pink smoothie sits in the center of a clean, white ceramic plate, with a sprinkle of cinnamon dusting the surface, giving it an aromatic allure. Beside the smoothie, a ripe, yellow banana lies slightly curved, its peel gently touched by the morning light. Close to the banana, a small cluster of plump blueberries adds a vibrant pop of deep blue to the arrangement, contrasting with the soft pink hue of the smoothie and the pristine white of the plate.",,9,1,attribute,texture,"attribute - texture (smoothie, cinnamon dusting)",Is there a cinnamon dusting on the smoothie? +stanford18,"A delicious pink smoothie sits in the center of a clean, white ceramic plate, with a sprinkle of cinnamon dusting the surface, giving it an aromatic allure. Beside the smoothie, a ripe, yellow banana lies slightly curved, its peel gently touched by the morning light. Close to the banana, a small cluster of plump blueberries adds a vibrant pop of deep blue to the arrangement, contrasting with the soft pink hue of the smoothie and the pristine white of the plate.",,10,"1,2",relation,spatial,"relation - spatial (smoothie, plate, center)",Is the smoothie in the center of the plate? +midjourney33,"A 35mm film still capturing a scene from David Lynch's reimagined version of 'The Wizard of Oz', with the setting transposed to the lush, green backdrop of the Pacific Northwest. In the frame, a Dorothy character dons a plaid dress reminiscent of flannel, common in the region, and her ruby slippers contrast with the verdant forest floor. Towering evergreens and a hazy mist encapsulate the background, providing an enigmatic touch true to Lynch's signature style.",,1,0,entity,whole,entity - whole (film still),Is there a film still? +midjourney33,"A 35mm film still capturing a scene from David Lynch's reimagined version of 'The Wizard of Oz', with the setting transposed to the lush, green backdrop of the Pacific Northwest. In the frame, a Dorothy character dons a plaid dress reminiscent of flannel, common in the region, and her ruby slippers contrast with the verdant forest floor. Towering evergreens and a hazy mist encapsulate the background, providing an enigmatic touch true to Lynch's signature style.",,2,1,entity,whole,entity - whole (scene),Is there a scene? +midjourney33,"A 35mm film still capturing a scene from David Lynch's reimagined version of 'The Wizard of Oz', with the setting transposed to the lush, green backdrop of the Pacific Northwest. In the frame, a Dorothy character dons a plaid dress reminiscent of flannel, common in the region, and her ruby slippers contrast with the verdant forest floor. Towering evergreens and a hazy mist encapsulate the background, providing an enigmatic touch true to Lynch's signature style.",,3,2,entity,whole,entity - whole (Dorothy character),Is there a Dorothy character? +midjourney33,"A 35mm film still capturing a scene from David Lynch's reimagined version of 'The Wizard of Oz', with the setting transposed to the lush, green backdrop of the Pacific Northwest. In the frame, a Dorothy character dons a plaid dress reminiscent of flannel, common in the region, and her ruby slippers contrast with the verdant forest floor. Towering evergreens and a hazy mist encapsulate the background, providing an enigmatic touch true to Lynch's signature style.",,4,3,entity,whole,entity - whole (dress),Is there a dress? +midjourney33,"A 35mm film still capturing a scene from David Lynch's reimagined version of 'The Wizard of Oz', with the setting transposed to the lush, green backdrop of the Pacific Northwest. In the frame, a Dorothy character dons a plaid dress reminiscent of flannel, common in the region, and her ruby slippers contrast with the verdant forest floor. Towering evergreens and a hazy mist encapsulate the background, providing an enigmatic touch true to Lynch's signature style.",,5,3,entity,whole,entity - whole (ruby slippers),Are there ruby slippers? +midjourney33,"A 35mm film still capturing a scene from David Lynch's reimagined version of 'The Wizard of Oz', with the setting transposed to the lush, green backdrop of the Pacific Northwest. In the frame, a Dorothy character dons a plaid dress reminiscent of flannel, common in the region, and her ruby slippers contrast with the verdant forest floor. Towering evergreens and a hazy mist encapsulate the background, providing an enigmatic touch true to Lynch's signature style.",,6,2,entity,whole,entity - whole (forest floor),Is there a forest floor? +midjourney33,"A 35mm film still capturing a scene from David Lynch's reimagined version of 'The Wizard of Oz', with the setting transposed to the lush, green backdrop of the Pacific Northwest. In the frame, a Dorothy character dons a plaid dress reminiscent of flannel, common in the region, and her ruby slippers contrast with the verdant forest floor. Towering evergreens and a hazy mist encapsulate the background, providing an enigmatic touch true to Lynch's signature style.",,7,2,entity,whole,entity - whole (evergreens),Are there towering evergreens? +midjourney33,"A 35mm film still capturing a scene from David Lynch's reimagined version of 'The Wizard of Oz', with the setting transposed to the lush, green backdrop of the Pacific Northwest. In the frame, a Dorothy character dons a plaid dress reminiscent of flannel, common in the region, and her ruby slippers contrast with the verdant forest floor. Towering evergreens and a hazy mist encapsulate the background, providing an enigmatic touch true to Lynch's signature style.",,8,2,entity,whole,entity - whole (mist),Is there a hazy mist? +midjourney33,"A 35mm film still capturing a scene from David Lynch's reimagined version of 'The Wizard of Oz', with the setting transposed to the lush, green backdrop of the Pacific Northwest. In the frame, a Dorothy character dons a plaid dress reminiscent of flannel, common in the region, and her ruby slippers contrast with the verdant forest floor. Towering evergreens and a hazy mist encapsulate the background, providing an enigmatic touch true to Lynch's signature style.",,9,4,attribute,color,"attribute - color (dress, plaid)",Is the dress plaid? +midjourney33,"A 35mm film still capturing a scene from David Lynch's reimagined version of 'The Wizard of Oz', with the setting transposed to the lush, green backdrop of the Pacific Northwest. In the frame, a Dorothy character dons a plaid dress reminiscent of flannel, common in the region, and her ruby slippers contrast with the verdant forest floor. Towering evergreens and a hazy mist encapsulate the background, providing an enigmatic touch true to Lynch's signature style.",,10,5,attribute,color,"attribute - color (ruby slippers, red)",Are the ruby slippers red? +stanford13,"A majestic bird of prey with white breast and belly contrasted by brown wings is perched confidently on the sturdy branch of a leafy green tree. Its sharp gaze, highlighted by a striking yellow eye, reveals a sense of purpose as it holds a shimmering silver fish with dark spots in its firm beak. The tree, bathed in sunlight, provides a natural backdrop, accentuating the textures of the bird's feathers and the subtle sheen of the fish's scales.",,1,0,entity,whole,entity - whole (bird of prey),Is there a bird of prey? +stanford13,"A majestic bird of prey with white breast and belly contrasted by brown wings is perched confidently on the sturdy branch of a leafy green tree. Its sharp gaze, highlighted by a striking yellow eye, reveals a sense of purpose as it holds a shimmering silver fish with dark spots in its firm beak. The tree, bathed in sunlight, provides a natural backdrop, accentuating the textures of the bird's feathers and the subtle sheen of the fish's scales.",,2,0,entity,whole,entity - whole (fish),Is there a fish? +stanford13,"A majestic bird of prey with white breast and belly contrasted by brown wings is perched confidently on the sturdy branch of a leafy green tree. Its sharp gaze, highlighted by a striking yellow eye, reveals a sense of purpose as it holds a shimmering silver fish with dark spots in its firm beak. The tree, bathed in sunlight, provides a natural backdrop, accentuating the textures of the bird's feathers and the subtle sheen of the fish's scales.",,3,0,entity,whole,entity - whole (tree),Is there a tree? +stanford13,"A majestic bird of prey with white breast and belly contrasted by brown wings is perched confidently on the sturdy branch of a leafy green tree. Its sharp gaze, highlighted by a striking yellow eye, reveals a sense of purpose as it holds a shimmering silver fish with dark spots in its firm beak. The tree, bathed in sunlight, provides a natural backdrop, accentuating the textures of the bird's feathers and the subtle sheen of the fish's scales.",,4,1,entity,part,entity - part (bird's breast),Does the bird have a breast? +stanford13,"A majestic bird of prey with white breast and belly contrasted by brown wings is perched confidently on the sturdy branch of a leafy green tree. Its sharp gaze, highlighted by a striking yellow eye, reveals a sense of purpose as it holds a shimmering silver fish with dark spots in its firm beak. The tree, bathed in sunlight, provides a natural backdrop, accentuating the textures of the bird's feathers and the subtle sheen of the fish's scales.",,5,1,entity,part,entity - part (bird's belly),Does the bird have a belly? +stanford13,"A majestic bird of prey with white breast and belly contrasted by brown wings is perched confidently on the sturdy branch of a leafy green tree. Its sharp gaze, highlighted by a striking yellow eye, reveals a sense of purpose as it holds a shimmering silver fish with dark spots in its firm beak. The tree, bathed in sunlight, provides a natural backdrop, accentuating the textures of the bird's feathers and the subtle sheen of the fish's scales.",,6,1,entity,part,entity - part (bird's wings),Does the bird have wings? +stanford13,"A majestic bird of prey with white breast and belly contrasted by brown wings is perched confidently on the sturdy branch of a leafy green tree. Its sharp gaze, highlighted by a striking yellow eye, reveals a sense of purpose as it holds a shimmering silver fish with dark spots in its firm beak. The tree, bathed in sunlight, provides a natural backdrop, accentuating the textures of the bird's feathers and the subtle sheen of the fish's scales.",,7,1,entity,part,entity - part (bird's eye),Does the bird have an eye? +stanford13,"A majestic bird of prey with white breast and belly contrasted by brown wings is perched confidently on the sturdy branch of a leafy green tree. Its sharp gaze, highlighted by a striking yellow eye, reveals a sense of purpose as it holds a shimmering silver fish with dark spots in its firm beak. The tree, bathed in sunlight, provides a natural backdrop, accentuating the textures of the bird's feathers and the subtle sheen of the fish's scales.",,8,1,entity,part,entity - part (bird's beak),Does the bird have a beak? +stanford13,"A majestic bird of prey with white breast and belly contrasted by brown wings is perched confidently on the sturdy branch of a leafy green tree. Its sharp gaze, highlighted by a striking yellow eye, reveals a sense of purpose as it holds a shimmering silver fish with dark spots in its firm beak. The tree, bathed in sunlight, provides a natural backdrop, accentuating the textures of the bird's feathers and the subtle sheen of the fish's scales.",,9,4,attribute,color,"attribute - color (bird's breast, white)",Is the bird's breast white? +stanford13,"A majestic bird of prey with white breast and belly contrasted by brown wings is perched confidently on the sturdy branch of a leafy green tree. Its sharp gaze, highlighted by a striking yellow eye, reveals a sense of purpose as it holds a shimmering silver fish with dark spots in its firm beak. The tree, bathed in sunlight, provides a natural backdrop, accentuating the textures of the bird's feathers and the subtle sheen of the fish's scales.",,10,5,attribute,color,"attribute - color (bird's belly, white)",Is the bird's belly white? +stanford13,"A majestic bird of prey with white breast and belly contrasted by brown wings is perched confidently on the sturdy branch of a leafy green tree. Its sharp gaze, highlighted by a striking yellow eye, reveals a sense of purpose as it holds a shimmering silver fish with dark spots in its firm beak. The tree, bathed in sunlight, provides a natural backdrop, accentuating the textures of the bird's feathers and the subtle sheen of the fish's scales.",,11,6,attribute,color,"attribute - color (bird's wings, brown)",Are the bird's wings brown? +stanford13,"A majestic bird of prey with white breast and belly contrasted by brown wings is perched confidently on the sturdy branch of a leafy green tree. Its sharp gaze, highlighted by a striking yellow eye, reveals a sense of purpose as it holds a shimmering silver fish with dark spots in its firm beak. The tree, bathed in sunlight, provides a natural backdrop, accentuating the textures of the bird's feathers and the subtle sheen of the fish's scales.",,12,7,attribute,color,"attribute - color (bird's eye, yellow)",Is the bird's eye yellow? +stanford13,"A majestic bird of prey with white breast and belly contrasted by brown wings is perched confidently on the sturdy branch of a leafy green tree. Its sharp gaze, highlighted by a striking yellow eye, reveals a sense of purpose as it holds a shimmering silver fish with dark spots in its firm beak. The tree, bathed in sunlight, provides a natural backdrop, accentuating the textures of the bird's feathers and the subtle sheen of the fish's scales.",,13,2,attribute,texture,"attribute - texture (fish, shimmering silver with dark spots)",Is the fish shimmering silver with dark spots? +stanford13,"A majestic bird of prey with white breast and belly contrasted by brown wings is perched confidently on the sturdy branch of a leafy green tree. Its sharp gaze, highlighted by a striking yellow eye, reveals a sense of purpose as it holds a shimmering silver fish with dark spots in its firm beak. The tree, bathed in sunlight, provides a natural backdrop, accentuating the textures of the bird's feathers and the subtle sheen of the fish's scales.",,14,3,attribute,texture,"attribute - texture (tree, leafy green)",Is the tree leafy green? +stanford13,"A majestic bird of prey with white breast and belly contrasted by brown wings is perched confidently on the sturdy branch of a leafy green tree. Its sharp gaze, highlighted by a striking yellow eye, reveals a sense of purpose as it holds a shimmering silver fish with dark spots in its firm beak. The tree, bathed in sunlight, provides a natural backdrop, accentuating the textures of the bird's feathers and the subtle sheen of the fish's scales.",,15,1,attribute,texture,"attribute - texture (bird's feathers, textured)",Are the bird's feathers textured? +stanford13,"A majestic bird of prey with white breast and belly contrasted by brown wings is perched confidently on the sturdy branch of a leafy green tree. Its sharp gaze, highlighted by a striking yellow eye, reveals a sense of purpose as it holds a shimmering silver fish with dark spots in its firm beak. The tree, bathed in sunlight, provides a natural backdrop, accentuating the textures of the bird's feathers and the subtle sheen of the fish's scales.",,16,1,entity,state,"entity - state (bird, perched)",Is the bird perched? +stanford13,"A majestic bird of prey with white breast and belly contrasted by brown wings is perched confidently on the sturdy branch of a leafy green tree. Its sharp gaze, highlighted by a striking yellow eye, reveals a sense of purpose as it holds a shimmering silver fish with dark spots in its firm beak. The tree, bathed in sunlight, provides a natural backdrop, accentuating the textures of the bird's feathers and the subtle sheen of the fish's scales.",,17,"2,8",entity,state,"entity - state (fish, held in beak)",Is the fish held in the bird's beak? +stanford13,"A majestic bird of prey with white breast and belly contrasted by brown wings is perched confidently on the sturdy branch of a leafy green tree. Its sharp gaze, highlighted by a striking yellow eye, reveals a sense of purpose as it holds a shimmering silver fish with dark spots in its firm beak. The tree, bathed in sunlight, provides a natural backdrop, accentuating the textures of the bird's feathers and the subtle sheen of the fish's scales.",,18,"1,3",relation,spatial,"relation - spatial (bird, branch, on)",Is the bird on a branch? +stanford13,"A majestic bird of prey with white breast and belly contrasted by brown wings is perched confidently on the sturdy branch of a leafy green tree. Its sharp gaze, highlighted by a striking yellow eye, reveals a sense of purpose as it holds a shimmering silver fish with dark spots in its firm beak. The tree, bathed in sunlight, provides a natural backdrop, accentuating the textures of the bird's feathers and the subtle sheen of the fish's scales.",,19,3,relation,spatial,"relation - spatial (tree, sunlight, bathed in)",Is the tree bathed in sunlight? +stanford13,"A majestic bird of prey with white breast and belly contrasted by brown wings is perched confidently on the sturdy branch of a leafy green tree. Its sharp gaze, highlighted by a striking yellow eye, reveals a sense of purpose as it holds a shimmering silver fish with dark spots in its firm beak. The tree, bathed in sunlight, provides a natural backdrop, accentuating the textures of the bird's feathers and the subtle sheen of the fish's scales.",,20,"2,8",relation,spatial,"relation - spatial (fish, bird's beak, in)",Is the fish in the bird's beak? +whoops7,"A striking black bird with glossy feathers sits atop the vibrant orange petals of a Bird of Paradise flower. The unique flower is positioned in the midst of an arid desert landscape, with various cacti and sparse vegetation dotting the sandy ground. In the background, the sun casts a warm glow on the distant rolling dunes.",,1,0,entity,whole,entity - whole (bird),Is there a bird? +whoops7,"A striking black bird with glossy feathers sits atop the vibrant orange petals of a Bird of Paradise flower. The unique flower is positioned in the midst of an arid desert landscape, with various cacti and sparse vegetation dotting the sandy ground. In the background, the sun casts a warm glow on the distant rolling dunes.",,2,1,entity,whole,entity - whole (feathers),Are there feathers? +whoops7,"A striking black bird with glossy feathers sits atop the vibrant orange petals of a Bird of Paradise flower. The unique flower is positioned in the midst of an arid desert landscape, with various cacti and sparse vegetation dotting the sandy ground. In the background, the sun casts a warm glow on the distant rolling dunes.",,3,0,entity,whole,entity - whole (flower),Is there a flower? +whoops7,"A striking black bird with glossy feathers sits atop the vibrant orange petals of a Bird of Paradise flower. The unique flower is positioned in the midst of an arid desert landscape, with various cacti and sparse vegetation dotting the sandy ground. In the background, the sun casts a warm glow on the distant rolling dunes.",,4,0,entity,whole,entity - whole (desert landscape),Is there a desert landscape? +whoops7,"A striking black bird with glossy feathers sits atop the vibrant orange petals of a Bird of Paradise flower. The unique flower is positioned in the midst of an arid desert landscape, with various cacti and sparse vegetation dotting the sandy ground. In the background, the sun casts a warm glow on the distant rolling dunes.",,5,0,entity,whole,entity - whole (cacti),Are there cacti? +whoops7,"A striking black bird with glossy feathers sits atop the vibrant orange petals of a Bird of Paradise flower. The unique flower is positioned in the midst of an arid desert landscape, with various cacti and sparse vegetation dotting the sandy ground. In the background, the sun casts a warm glow on the distant rolling dunes.",,6,0,entity,whole,entity - whole (vegetation),Is there vegetation? +whoops7,"A striking black bird with glossy feathers sits atop the vibrant orange petals of a Bird of Paradise flower. The unique flower is positioned in the midst of an arid desert landscape, with various cacti and sparse vegetation dotting the sandy ground. In the background, the sun casts a warm glow on the distant rolling dunes.",,7,0,entity,whole,entity - whole (dunes),Are there dunes? +whoops7,"A striking black bird with glossy feathers sits atop the vibrant orange petals of a Bird of Paradise flower. The unique flower is positioned in the midst of an arid desert landscape, with various cacti and sparse vegetation dotting the sandy ground. In the background, the sun casts a warm glow on the distant rolling dunes.",,8,1,attribute,color,"attribute - color (bird, black)",Is the bird black? +whoops7,"A striking black bird with glossy feathers sits atop the vibrant orange petals of a Bird of Paradise flower. The unique flower is positioned in the midst of an arid desert landscape, with various cacti and sparse vegetation dotting the sandy ground. In the background, the sun casts a warm glow on the distant rolling dunes.",,9,2,attribute,texture,"attribute - texture (feathers, glossy)",Are the feathers glossy? +whoops7,"A striking black bird with glossy feathers sits atop the vibrant orange petals of a Bird of Paradise flower. The unique flower is positioned in the midst of an arid desert landscape, with various cacti and sparse vegetation dotting the sandy ground. In the background, the sun casts a warm glow on the distant rolling dunes.",,10,3,attribute,color,"attribute - color (flower petals, vibrant orange)",Are the flower petals vibrant orange? +whoops7,"A striking black bird with glossy feathers sits atop the vibrant orange petals of a Bird of Paradise flower. The unique flower is positioned in the midst of an arid desert landscape, with various cacti and sparse vegetation dotting the sandy ground. In the background, the sun casts a warm glow on the distant rolling dunes.",,11,1,entity,state,"entity - state (bird, sit)",Is the bird sitting? +whoops7,"A striking black bird with glossy feathers sits atop the vibrant orange petals of a Bird of Paradise flower. The unique flower is positioned in the midst of an arid desert landscape, with various cacti and sparse vegetation dotting the sandy ground. In the background, the sun casts a warm glow on the distant rolling dunes.",,12,"1,3",relation,spatial,"relation - spatial (bird, flower, atop)",Is the bird atop the flower? +whoops7,"A striking black bird with glossy feathers sits atop the vibrant orange petals of a Bird of Paradise flower. The unique flower is positioned in the midst of an arid desert landscape, with various cacti and sparse vegetation dotting the sandy ground. In the background, the sun casts a warm glow on the distant rolling dunes.",,13,"3,4",relation,spatial,"relation - spatial (flower, desert landscape, in midst of)",Is the flower positioned in the midst of a desert landscape? +whoops7,"A striking black bird with glossy feathers sits atop the vibrant orange petals of a Bird of Paradise flower. The unique flower is positioned in the midst of an arid desert landscape, with various cacti and sparse vegetation dotting the sandy ground. In the background, the sun casts a warm glow on the distant rolling dunes.",,14,"4,5",relation,non-spatial,"relation - non-spatial (cacti, desert landscape, dotting)",Are the cacti dotting the desert landscape? +whoops7,"A striking black bird with glossy feathers sits atop the vibrant orange petals of a Bird of Paradise flower. The unique flower is positioned in the midst of an arid desert landscape, with various cacti and sparse vegetation dotting the sandy ground. In the background, the sun casts a warm glow on the distant rolling dunes.",,15,"4,6",relation,non-spatial,"relation - non-spatial (vegetation, desert landscape, dotting)",Is the sparse vegetation dotting the desert landscape? +whoops7,"A striking black bird with glossy feathers sits atop the vibrant orange petals of a Bird of Paradise flower. The unique flower is positioned in the midst of an arid desert landscape, with various cacti and sparse vegetation dotting the sandy ground. In the background, the sun casts a warm glow on the distant rolling dunes.",,16,"4,7",relation,spatial,"relation - spatial (dunes, desert landscape, distant rolling)",Are the distant rolling dunes part of the desert landscape? +whoops7,"A striking black bird with glossy feathers sits atop the vibrant orange petals of a Bird of Paradise flower. The unique flower is positioned in the midst of an arid desert landscape, with various cacti and sparse vegetation dotting the sandy ground. In the background, the sun casts a warm glow on the distant rolling dunes.",,17,4,attribute,texture,"attribute - texture (landscape, arid)",Is the landscape arid? +whoops7,"A striking black bird with glossy feathers sits atop the vibrant orange petals of a Bird of Paradise flower. The unique flower is positioned in the midst of an arid desert landscape, with various cacti and sparse vegetation dotting the sandy ground. In the background, the sun casts a warm glow on the distant rolling dunes.",,18,4,attribute,texture,"attribute - texture (ground, sandy)",Is the ground sandy? +whoops7,"A striking black bird with glossy feathers sits atop the vibrant orange petals of a Bird of Paradise flower. The unique flower is positioned in the midst of an arid desert landscape, with various cacti and sparse vegetation dotting the sandy ground. In the background, the sun casts a warm glow on the distant rolling dunes.",,19,0,attribute,color,"attribute - color (sunlight, warm glow)",Does the sun cast a warm glow on the dunes? +drawtext26,"A digitally rendered image of a whimsical toothpaste tube figurine that boasts a candy pastel color palette. The figurine is set against a soft, neutral background, enhancing its playful charm. On the body of the toothpaste tube, bold letters spell out the reminder 'brush your teeth,' inviting a sense of dental care responsibility. The tube cap is carefully designed to exhibit a realistic, shiny texture, creating a striking contrast with the matte finish of the tube itself.",,1,0,entity,whole,entity - whole (toothpaste tube figurine),Is there a toothpaste tube figurine? +drawtext26,"A digitally rendered image of a whimsical toothpaste tube figurine that boasts a candy pastel color palette. The figurine is set against a soft, neutral background, enhancing its playful charm. On the body of the toothpaste tube, bold letters spell out the reminder 'brush your teeth,' inviting a sense of dental care responsibility. The tube cap is carefully designed to exhibit a realistic, shiny texture, creating a striking contrast with the matte finish of the tube itself.",,2,0,global,,global - (digitally rendered image),Is this image digitally rendered? +drawtext26,"A digitally rendered image of a whimsical toothpaste tube figurine that boasts a candy pastel color palette. The figurine is set against a soft, neutral background, enhancing its playful charm. On the body of the toothpaste tube, bold letters spell out the reminder 'brush your teeth,' inviting a sense of dental care responsibility. The tube cap is carefully designed to exhibit a realistic, shiny texture, creating a striking contrast with the matte finish of the tube itself.",,3,1,attribute,color,"attribute - color (toothpaste tube, candy pastel)",Does the toothpaste tube have a candy pastel color palette? +drawtext26,"A digitally rendered image of a whimsical toothpaste tube figurine that boasts a candy pastel color palette. The figurine is set against a soft, neutral background, enhancing its playful charm. On the body of the toothpaste tube, bold letters spell out the reminder 'brush your teeth,' inviting a sense of dental care responsibility. The tube cap is carefully designed to exhibit a realistic, shiny texture, creating a striking contrast with the matte finish of the tube itself.",,4,1,attribute,texture,"attribute - texture (tube cap, shiny)",Does the tube cap have a shiny texture? +drawtext26,"A digitally rendered image of a whimsical toothpaste tube figurine that boasts a candy pastel color palette. The figurine is set against a soft, neutral background, enhancing its playful charm. On the body of the toothpaste tube, bold letters spell out the reminder 'brush your teeth,' inviting a sense of dental care responsibility. The tube cap is carefully designed to exhibit a realistic, shiny texture, creating a striking contrast with the matte finish of the tube itself.",,5,1,attribute,texture,"attribute - texture (toothpaste tube, matte)",Does the toothpaste tube have a matte finish? +drawtext26,"A digitally rendered image of a whimsical toothpaste tube figurine that boasts a candy pastel color palette. The figurine is set against a soft, neutral background, enhancing its playful charm. On the body of the toothpaste tube, bold letters spell out the reminder 'brush your teeth,' inviting a sense of dental care responsibility. The tube cap is carefully designed to exhibit a realistic, shiny texture, creating a striking contrast with the matte finish of the tube itself.",,6,0,global,,"global - (background, soft neutral)",Is the background soft and neutral? +drawtext26,"A digitally rendered image of a whimsical toothpaste tube figurine that boasts a candy pastel color palette. The figurine is set against a soft, neutral background, enhancing its playful charm. On the body of the toothpaste tube, bold letters spell out the reminder 'brush your teeth,' inviting a sense of dental care responsibility. The tube cap is carefully designed to exhibit a realistic, shiny texture, creating a striking contrast with the matte finish of the tube itself.",,7,1,other,text,"other - text (toothpaste tube, ""brush your teeth"")","Does the toothpaste tube have the words ""brush your teeth"" on it?" +drawtext26,"A digitally rendered image of a whimsical toothpaste tube figurine that boasts a candy pastel color palette. The figurine is set against a soft, neutral background, enhancing its playful charm. On the body of the toothpaste tube, bold letters spell out the reminder 'brush your teeth,' inviting a sense of dental care responsibility. The tube cap is carefully designed to exhibit a realistic, shiny texture, creating a striking contrast with the matte finish of the tube itself.",,8,6,attribute,other,"attribute - other (background, enhancing playful charm)",Does the background enhance the figurine's playful charm? +drawtext26,"A digitally rendered image of a whimsical toothpaste tube figurine that boasts a candy pastel color palette. The figurine is set against a soft, neutral background, enhancing its playful charm. On the body of the toothpaste tube, bold letters spell out the reminder 'brush your teeth,' inviting a sense of dental care responsibility. The tube cap is carefully designed to exhibit a realistic, shiny texture, creating a striking contrast with the matte finish of the tube itself.",,9,"1,6",relation,spatial,"relation - spatial (toothpaste tube figurine, background, against)",Is the toothpaste tube figurine set against the background? +diffusiondb34,"An exquisite collection of premium 2D magical spell art assets, showcasing minimalistic designs with elegant gradients. Each piece is meticulously crafted, allowing for seamless kit-bash integration into digital projects. These paid assets flaunt a refined aesthetic ideal for enhancing any visual piece requiring a touch of enchantment.",,1,0,entity,whole,entity - whole (collection),Is there a collection? +diffusiondb34,"An exquisite collection of premium 2D magical spell art assets, showcasing minimalistic designs with elegant gradients. Each piece is meticulously crafted, allowing for seamless kit-bash integration into digital projects. These paid assets flaunt a refined aesthetic ideal for enhancing any visual piece requiring a touch of enchantment.",,2,1,entity,whole,entity - whole (art assets),Are there art assets? +diffusiondb34,"An exquisite collection of premium 2D magical spell art assets, showcasing minimalistic designs with elegant gradients. Each piece is meticulously crafted, allowing for seamless kit-bash integration into digital projects. These paid assets flaunt a refined aesthetic ideal for enhancing any visual piece requiring a touch of enchantment.",,3,2,global,,global - (2D),Are the art assets 2D? +diffusiondb34,"An exquisite collection of premium 2D magical spell art assets, showcasing minimalistic designs with elegant gradients. Each piece is meticulously crafted, allowing for seamless kit-bash integration into digital projects. These paid assets flaunt a refined aesthetic ideal for enhancing any visual piece requiring a touch of enchantment.",,4,2,global,,global - (magical spell),Do the art assets represent magical spells? +diffusiondb34,"An exquisite collection of premium 2D magical spell art assets, showcasing minimalistic designs with elegant gradients. Each piece is meticulously crafted, allowing for seamless kit-bash integration into digital projects. These paid assets flaunt a refined aesthetic ideal for enhancing any visual piece requiring a touch of enchantment.",,5,2,attribute,other,"attribute - other (designs, minimalistic)",Are the designs minimalistic? +diffusiondb34,"An exquisite collection of premium 2D magical spell art assets, showcasing minimalistic designs with elegant gradients. Each piece is meticulously crafted, allowing for seamless kit-bash integration into digital projects. These paid assets flaunt a refined aesthetic ideal for enhancing any visual piece requiring a touch of enchantment.",,6,2,attribute,texture,"attribute - texture (designs, gradients, elegant)",Do the designs feature elegant gradients? +diffusiondb34,"An exquisite collection of premium 2D magical spell art assets, showcasing minimalistic designs with elegant gradients. Each piece is meticulously crafted, allowing for seamless kit-bash integration into digital projects. These paid assets flaunt a refined aesthetic ideal for enhancing any visual piece requiring a touch of enchantment.",,7,2,attribute,other,"attribute - other (assets, premium)",Are the assets premium? +diffusiondb34,"An exquisite collection of premium 2D magical spell art assets, showcasing minimalistic designs with elegant gradients. Each piece is meticulously crafted, allowing for seamless kit-bash integration into digital projects. These paid assets flaunt a refined aesthetic ideal for enhancing any visual piece requiring a touch of enchantment.",,8,2,attribute,other,"attribute - other (assets, paid)",Are the assets paid? +diffusiondb34,"An exquisite collection of premium 2D magical spell art assets, showcasing minimalistic designs with elegant gradients. Each piece is meticulously crafted, allowing for seamless kit-bash integration into digital projects. These paid assets flaunt a refined aesthetic ideal for enhancing any visual piece requiring a touch of enchantment.",,9,2,attribute,other,"attribute - other (integration, kit-bash, seamless)",Is the integration of the assets seamless for kit-bashing? +diffusiondb34,"An exquisite collection of premium 2D magical spell art assets, showcasing minimalistic designs with elegant gradients. Each piece is meticulously crafted, allowing for seamless kit-bash integration into digital projects. These paid assets flaunt a refined aesthetic ideal for enhancing any visual piece requiring a touch of enchantment.",,10,2,attribute,other,"attribute - other (aesthetic, refined)",Do the assets have a refined aesthetic? +stanford34,"A beach scene captures a man, clad in blue and white striped swim shorts, standing barefoot on the warm, golden sand. To his side, a playful black and white dog, with its gaze fixed on an object in the sky, waits in anticipation. Suspended in the air above them is a spinning white frisbee, creating a dynamic moment of play and excitement just off the coast, where the gentle waves lap at the shore.",,1,0,entity,whole,entity - whole (beach scene),Is there a beach scene? +stanford34,"A beach scene captures a man, clad in blue and white striped swim shorts, standing barefoot on the warm, golden sand. To his side, a playful black and white dog, with its gaze fixed on an object in the sky, waits in anticipation. Suspended in the air above them is a spinning white frisbee, creating a dynamic moment of play and excitement just off the coast, where the gentle waves lap at the shore.",,2,0,entity,whole,entity - whole (man),Is there a man? +stanford34,"A beach scene captures a man, clad in blue and white striped swim shorts, standing barefoot on the warm, golden sand. To his side, a playful black and white dog, with its gaze fixed on an object in the sky, waits in anticipation. Suspended in the air above them is a spinning white frisbee, creating a dynamic moment of play and excitement just off the coast, where the gentle waves lap at the shore.",,3,0,entity,whole,entity - whole (dog),Is there a dog? +stanford34,"A beach scene captures a man, clad in blue and white striped swim shorts, standing barefoot on the warm, golden sand. To his side, a playful black and white dog, with its gaze fixed on an object in the sky, waits in anticipation. Suspended in the air above them is a spinning white frisbee, creating a dynamic moment of play and excitement just off the coast, where the gentle waves lap at the shore.",,4,0,entity,whole,entity - whole (frisbee),Is there a frisbee? +stanford34,"A beach scene captures a man, clad in blue and white striped swim shorts, standing barefoot on the warm, golden sand. To his side, a playful black and white dog, with its gaze fixed on an object in the sky, waits in anticipation. Suspended in the air above them is a spinning white frisbee, creating a dynamic moment of play and excitement just off the coast, where the gentle waves lap at the shore.",,5,0,entity,whole,entity - whole (coast),Is there a coast? +stanford34,"A beach scene captures a man, clad in blue and white striped swim shorts, standing barefoot on the warm, golden sand. To his side, a playful black and white dog, with its gaze fixed on an object in the sky, waits in anticipation. Suspended in the air above them is a spinning white frisbee, creating a dynamic moment of play and excitement just off the coast, where the gentle waves lap at the shore.",,6,0,entity,whole,entity - whole (waves),Are there waves? +stanford34,"A beach scene captures a man, clad in blue and white striped swim shorts, standing barefoot on the warm, golden sand. To his side, a playful black and white dog, with its gaze fixed on an object in the sky, waits in anticipation. Suspended in the air above them is a spinning white frisbee, creating a dynamic moment of play and excitement just off the coast, where the gentle waves lap at the shore.",,7,2,entity,part,entity - part (man's swim shorts),Does the man have swim shorts? +stanford34,"A beach scene captures a man, clad in blue and white striped swim shorts, standing barefoot on the warm, golden sand. To his side, a playful black and white dog, with its gaze fixed on an object in the sky, waits in anticipation. Suspended in the air above them is a spinning white frisbee, creating a dynamic moment of play and excitement just off the coast, where the gentle waves lap at the shore.",,8,7,attribute,color,"attribute - color (man's swim shorts, blue and white striped)",Are the man's swim shorts blue and white striped? +stanford34,"A beach scene captures a man, clad in blue and white striped swim shorts, standing barefoot on the warm, golden sand. To his side, a playful black and white dog, with its gaze fixed on an object in the sky, waits in anticipation. Suspended in the air above them is a spinning white frisbee, creating a dynamic moment of play and excitement just off the coast, where the gentle waves lap at the shore.",,9,3,attribute,color,"attribute - color (dog, black and white)",Is the dog black and white? +stanford34,"A beach scene captures a man, clad in blue and white striped swim shorts, standing barefoot on the warm, golden sand. To his side, a playful black and white dog, with its gaze fixed on an object in the sky, waits in anticipation. Suspended in the air above them is a spinning white frisbee, creating a dynamic moment of play and excitement just off the coast, where the gentle waves lap at the shore.",,10,4,attribute,color,"attribute - color (frisbee, white)",Is the frisbee white? +stanford34,"A beach scene captures a man, clad in blue and white striped swim shorts, standing barefoot on the warm, golden sand. To his side, a playful black and white dog, with its gaze fixed on an object in the sky, waits in anticipation. Suspended in the air above them is a spinning white frisbee, creating a dynamic moment of play and excitement just off the coast, where the gentle waves lap at the shore.",,11,0,attribute,texture,"attribute - texture (sand, warm, golden)",Is the sand warm and golden? +stanford34,"A beach scene captures a man, clad in blue and white striped swim shorts, standing barefoot on the warm, golden sand. To his side, a playful black and white dog, with its gaze fixed on an object in the sky, waits in anticipation. Suspended in the air above them is a spinning white frisbee, creating a dynamic moment of play and excitement just off the coast, where the gentle waves lap at the shore.",,12,2,entity,state,"entity - state (man, stand, barefoot)",Is the man standing barefoot? +stanford34,"A beach scene captures a man, clad in blue and white striped swim shorts, standing barefoot on the warm, golden sand. To his side, a playful black and white dog, with its gaze fixed on an object in the sky, waits in anticipation. Suspended in the air above them is a spinning white frisbee, creating a dynamic moment of play and excitement just off the coast, where the gentle waves lap at the shore.",,13,3,entity,state,"entity - state (dog, gaze, fixed)",Is the dog's gaze fixed on something? +stanford34,"A beach scene captures a man, clad in blue and white striped swim shorts, standing barefoot on the warm, golden sand. To his side, a playful black and white dog, with its gaze fixed on an object in the sky, waits in anticipation. Suspended in the air above them is a spinning white frisbee, creating a dynamic moment of play and excitement just off the coast, where the gentle waves lap at the shore.",,14,4,entity,state,"entity - state (frisbee, air, spinning)",Is the frisbee spinning in the air? +stanford34,"A beach scene captures a man, clad in blue and white striped swim shorts, standing barefoot on the warm, golden sand. To his side, a playful black and white dog, with its gaze fixed on an object in the sky, waits in anticipation. Suspended in the air above them is a spinning white frisbee, creating a dynamic moment of play and excitement just off the coast, where the gentle waves lap at the shore.",,15,2,relation,spatial,"relation - spatial (man, sand, on)",Is the man on the sand? +stanford34,"A beach scene captures a man, clad in blue and white striped swim shorts, standing barefoot on the warm, golden sand. To his side, a playful black and white dog, with its gaze fixed on an object in the sky, waits in anticipation. Suspended in the air above them is a spinning white frisbee, creating a dynamic moment of play and excitement just off the coast, where the gentle waves lap at the shore.",,16,"2,3",relation,spatial,"relation - spatial (dog, man, side)",Is the dog at the man's side? +stanford34,"A beach scene captures a man, clad in blue and white striped swim shorts, standing barefoot on the warm, golden sand. To his side, a playful black and white dog, with its gaze fixed on an object in the sky, waits in anticipation. Suspended in the air above them is a spinning white frisbee, creating a dynamic moment of play and excitement just off the coast, where the gentle waves lap at the shore.",,17,"2,4",relation,spatial,"relation - spatial (frisbee, man, above)",Is the frisbee above the man? +stanford34,"A beach scene captures a man, clad in blue and white striped swim shorts, standing barefoot on the warm, golden sand. To his side, a playful black and white dog, with its gaze fixed on an object in the sky, waits in anticipation. Suspended in the air above them is a spinning white frisbee, creating a dynamic moment of play and excitement just off the coast, where the gentle waves lap at the shore.",,18,"3,4",relation,spatial,"relation - spatial (frisbee, dog, above)",Is the frisbee above the dog? +stanford34,"A beach scene captures a man, clad in blue and white striped swim shorts, standing barefoot on the warm, golden sand. To his side, a playful black and white dog, with its gaze fixed on an object in the sky, waits in anticipation. Suspended in the air above them is a spinning white frisbee, creating a dynamic moment of play and excitement just off the coast, where the gentle waves lap at the shore.",,19,"5,6",relation,spatial,"relation - spatial (waves, coast, lap at)",Are the waves lapping at the coast? +midjourney11,"a distorted, low-resolution video feed from a trail camera, displaying a bizarre scene of animated minion figurines moving erratically within a crop circle that appears cursed and sinister. the image is plagued with digital artifacts, creating a grainy texture that adds to the unsettling atmosphere. flashes of datamoshing cause the figures to appear fused and deformed, creating a chilling effect as they twist and contort in unnatural ways.",,1,0,entity,whole,entity - whole (video feed),Is there a video feed? +midjourney11,"a distorted, low-resolution video feed from a trail camera, displaying a bizarre scene of animated minion figurines moving erratically within a crop circle that appears cursed and sinister. the image is plagued with digital artifacts, creating a grainy texture that adds to the unsettling atmosphere. flashes of datamoshing cause the figures to appear fused and deformed, creating a chilling effect as they twist and contort in unnatural ways.",,2,0,entity,whole,entity - whole (trail camera),Is there a trail camera? +midjourney11,"a distorted, low-resolution video feed from a trail camera, displaying a bizarre scene of animated minion figurines moving erratically within a crop circle that appears cursed and sinister. the image is plagued with digital artifacts, creating a grainy texture that adds to the unsettling atmosphere. flashes of datamoshing cause the figures to appear fused and deformed, creating a chilling effect as they twist and contort in unnatural ways.",,3,0,entity,whole,entity - whole (minion figurines),Are there minion figurines? +midjourney11,"a distorted, low-resolution video feed from a trail camera, displaying a bizarre scene of animated minion figurines moving erratically within a crop circle that appears cursed and sinister. the image is plagued with digital artifacts, creating a grainy texture that adds to the unsettling atmosphere. flashes of datamoshing cause the figures to appear fused and deformed, creating a chilling effect as they twist and contort in unnatural ways.",,4,0,entity,whole,entity - whole (crop circle),Is there a crop circle? +midjourney11,"a distorted, low-resolution video feed from a trail camera, displaying a bizarre scene of animated minion figurines moving erratically within a crop circle that appears cursed and sinister. the image is plagued with digital artifacts, creating a grainy texture that adds to the unsettling atmosphere. flashes of datamoshing cause the figures to appear fused and deformed, creating a chilling effect as they twist and contort in unnatural ways.",,5,1,attribute,texture,"attribute - texture (video feed, low-resolution)",Is the video feed low-resolution? +midjourney11,"a distorted, low-resolution video feed from a trail camera, displaying a bizarre scene of animated minion figurines moving erratically within a crop circle that appears cursed and sinister. the image is plagued with digital artifacts, creating a grainy texture that adds to the unsettling atmosphere. flashes of datamoshing cause the figures to appear fused and deformed, creating a chilling effect as they twist and contort in unnatural ways.",,6,1,attribute,texture,"attribute - texture (video feed, grainy)",Does the video feed have a grainy texture? +midjourney11,"a distorted, low-resolution video feed from a trail camera, displaying a bizarre scene of animated minion figurines moving erratically within a crop circle that appears cursed and sinister. the image is plagued with digital artifacts, creating a grainy texture that adds to the unsettling atmosphere. flashes of datamoshing cause the figures to appear fused and deformed, creating a chilling effect as they twist and contort in unnatural ways.",,7,1,attribute,texture,"attribute - texture (video feed, digital artifacts)",Are there digital artifacts in the video feed? +midjourney11,"a distorted, low-resolution video feed from a trail camera, displaying a bizarre scene of animated minion figurines moving erratically within a crop circle that appears cursed and sinister. the image is plagued with digital artifacts, creating a grainy texture that adds to the unsettling atmosphere. flashes of datamoshing cause the figures to appear fused and deformed, creating a chilling effect as they twist and contort in unnatural ways.",,8,4,attribute,other,"attribute - other (crop circle, cursed and sinister)",Does the crop circle appear cursed and sinister? +midjourney11,"a distorted, low-resolution video feed from a trail camera, displaying a bizarre scene of animated minion figurines moving erratically within a crop circle that appears cursed and sinister. the image is plagued with digital artifacts, creating a grainy texture that adds to the unsettling atmosphere. flashes of datamoshing cause the figures to appear fused and deformed, creating a chilling effect as they twist and contort in unnatural ways.",,9,3,attribute,other,"attribute - other (minion figurines, animated)",Are the minion figurines animated? +midjourney11,"a distorted, low-resolution video feed from a trail camera, displaying a bizarre scene of animated minion figurines moving erratically within a crop circle that appears cursed and sinister. the image is plagued with digital artifacts, creating a grainy texture that adds to the unsettling atmosphere. flashes of datamoshing cause the figures to appear fused and deformed, creating a chilling effect as they twist and contort in unnatural ways.",,10,3,entity,state,"entity - state (minion figurines, moving erratically)",Are the minion figurines moving erratically? +localized4,"In this monochromatic photograph, an array of vehicles, including cars and motorcycles, are captured against an urban backdrop. The background features an assortment of streetlights casting a soft glow, utility poles rising towards the sky, stacked logs waiting to be moved, and the silhouettes of various walls that add to the complexity of the scene. The foreground is dominated by a stretch of road that guides the viewer's eye through the image, paving a path amidst the diverse elements contained within this black and white tableau.",,1,0,global,,"global - (photograph, monochromatic)",Is this a monochromatic photograph? +localized4,"In this monochromatic photograph, an array of vehicles, including cars and motorcycles, are captured against an urban backdrop. The background features an assortment of streetlights casting a soft glow, utility poles rising towards the sky, stacked logs waiting to be moved, and the silhouettes of various walls that add to the complexity of the scene. The foreground is dominated by a stretch of road that guides the viewer's eye through the image, paving a path amidst the diverse elements contained within this black and white tableau.",,2,0,entity,whole,entity - whole (vehicles),Are there vehicles in the photograph? +localized4,"In this monochromatic photograph, an array of vehicles, including cars and motorcycles, are captured against an urban backdrop. The background features an assortment of streetlights casting a soft glow, utility poles rising towards the sky, stacked logs waiting to be moved, and the silhouettes of various walls that add to the complexity of the scene. The foreground is dominated by a stretch of road that guides the viewer's eye through the image, paving a path amidst the diverse elements contained within this black and white tableau.",,3,2,entity,whole,entity - whole (cars),Are there cars in the photograph? +localized4,"In this monochromatic photograph, an array of vehicles, including cars and motorcycles, are captured against an urban backdrop. The background features an assortment of streetlights casting a soft glow, utility poles rising towards the sky, stacked logs waiting to be moved, and the silhouettes of various walls that add to the complexity of the scene. The foreground is dominated by a stretch of road that guides the viewer's eye through the image, paving a path amidst the diverse elements contained within this black and white tableau.",,4,2,entity,whole,entity - whole (motorcycles),Are there motorcycles in the photograph? +localized4,"In this monochromatic photograph, an array of vehicles, including cars and motorcycles, are captured against an urban backdrop. The background features an assortment of streetlights casting a soft glow, utility poles rising towards the sky, stacked logs waiting to be moved, and the silhouettes of various walls that add to the complexity of the scene. The foreground is dominated by a stretch of road that guides the viewer's eye through the image, paving a path amidst the diverse elements contained within this black and white tableau.",,5,0,entity,whole,entity - whole (urban backdrop),Is there an urban backdrop in the photograph? +localized4,"In this monochromatic photograph, an array of vehicles, including cars and motorcycles, are captured against an urban backdrop. The background features an assortment of streetlights casting a soft glow, utility poles rising towards the sky, stacked logs waiting to be moved, and the silhouettes of various walls that add to the complexity of the scene. The foreground is dominated by a stretch of road that guides the viewer's eye through the image, paving a path amidst the diverse elements contained within this black and white tableau.",,6,5,entity,whole,entity - whole (streetlights),Are there streetlights in the photograph? +localized4,"In this monochromatic photograph, an array of vehicles, including cars and motorcycles, are captured against an urban backdrop. The background features an assortment of streetlights casting a soft glow, utility poles rising towards the sky, stacked logs waiting to be moved, and the silhouettes of various walls that add to the complexity of the scene. The foreground is dominated by a stretch of road that guides the viewer's eye through the image, paving a path amidst the diverse elements contained within this black and white tableau.",,7,5,entity,whole,entity - whole (utility poles),Are there utility poles in the photograph? +localized4,"In this monochromatic photograph, an array of vehicles, including cars and motorcycles, are captured against an urban backdrop. The background features an assortment of streetlights casting a soft glow, utility poles rising towards the sky, stacked logs waiting to be moved, and the silhouettes of various walls that add to the complexity of the scene. The foreground is dominated by a stretch of road that guides the viewer's eye through the image, paving a path amidst the diverse elements contained within this black and white tableau.",,8,5,entity,whole,entity - whole (logs),Are there logs in the photograph? +localized4,"In this monochromatic photograph, an array of vehicles, including cars and motorcycles, are captured against an urban backdrop. The background features an assortment of streetlights casting a soft glow, utility poles rising towards the sky, stacked logs waiting to be moved, and the silhouettes of various walls that add to the complexity of the scene. The foreground is dominated by a stretch of road that guides the viewer's eye through the image, paving a path amidst the diverse elements contained within this black and white tableau.",,9,5,entity,whole,entity - whole (walls),Are there walls in the photograph? +localized4,"In this monochromatic photograph, an array of vehicles, including cars and motorcycles, are captured against an urban backdrop. The background features an assortment of streetlights casting a soft glow, utility poles rising towards the sky, stacked logs waiting to be moved, and the silhouettes of various walls that add to the complexity of the scene. The foreground is dominated by a stretch of road that guides the viewer's eye through the image, paving a path amidst the diverse elements contained within this black and white tableau.",,10,0,entity,whole,entity - whole (road),Is there a road in the foreground of the photograph? +posescript38,"A person stands in a poised stance with their legs straight, making contact with each other down to the feet, which are clad in black, lace-up shoes. Their back maintains a subtle lean forward, suggesting a stance of attentiveness or mild anticipation. Their arms rest casually along the sides of their body, with hands gently relaxed. The person's head is tilted just a fraction to the left, their gaze perhaps fixed on an unseen object of interest in their immediate vicinity.",,1,0,entity,whole,entity - whole (person),Is there a person? +posescript38,"A person stands in a poised stance with their legs straight, making contact with each other down to the feet, which are clad in black, lace-up shoes. Their back maintains a subtle lean forward, suggesting a stance of attentiveness or mild anticipation. Their arms rest casually along the sides of their body, with hands gently relaxed. The person's head is tilted just a fraction to the left, their gaze perhaps fixed on an unseen object of interest in their immediate vicinity.",,2,1,entity,state,"entity - state (person, stand, poised)",Is the person standing in a poised stance? +posescript38,"A person stands in a poised stance with their legs straight, making contact with each other down to the feet, which are clad in black, lace-up shoes. Their back maintains a subtle lean forward, suggesting a stance of attentiveness or mild anticipation. Their arms rest casually along the sides of their body, with hands gently relaxed. The person's head is tilted just a fraction to the left, their gaze perhaps fixed on an unseen object of interest in their immediate vicinity.",,3,1,entity,state,"entity - state (legs, straight)",Are the person's legs straight? +posescript38,"A person stands in a poised stance with their legs straight, making contact with each other down to the feet, which are clad in black, lace-up shoes. Their back maintains a subtle lean forward, suggesting a stance of attentiveness or mild anticipation. Their arms rest casually along the sides of their body, with hands gently relaxed. The person's head is tilted just a fraction to the left, their gaze perhaps fixed on an unseen object of interest in their immediate vicinity.",,4,3,relation,non-spatial,"relation - non-spatial (legs, contact with each other)",Are the person's legs making contact with each other down to the feet? +posescript38,"A person stands in a poised stance with their legs straight, making contact with each other down to the feet, which are clad in black, lace-up shoes. Their back maintains a subtle lean forward, suggesting a stance of attentiveness or mild anticipation. Their arms rest casually along the sides of their body, with hands gently relaxed. The person's head is tilted just a fraction to the left, their gaze perhaps fixed on an unseen object of interest in their immediate vicinity.",,5,1,entity,part,entity - part (shoes),Is the person wearing shoes? +posescript38,"A person stands in a poised stance with their legs straight, making contact with each other down to the feet, which are clad in black, lace-up shoes. Their back maintains a subtle lean forward, suggesting a stance of attentiveness or mild anticipation. Their arms rest casually along the sides of their body, with hands gently relaxed. The person's head is tilted just a fraction to the left, their gaze perhaps fixed on an unseen object of interest in their immediate vicinity.",,6,5,attribute,color,"attribute - color (shoes, black)",Are the shoes black? +posescript38,"A person stands in a poised stance with their legs straight, making contact with each other down to the feet, which are clad in black, lace-up shoes. Their back maintains a subtle lean forward, suggesting a stance of attentiveness or mild anticipation. Their arms rest casually along the sides of their body, with hands gently relaxed. The person's head is tilted just a fraction to the left, their gaze perhaps fixed on an unseen object of interest in their immediate vicinity.",,7,5,attribute,other,"attribute - other (shoes, lace-up)",Are the shoes lace-up? +posescript38,"A person stands in a poised stance with their legs straight, making contact with each other down to the feet, which are clad in black, lace-up shoes. Their back maintains a subtle lean forward, suggesting a stance of attentiveness or mild anticipation. Their arms rest casually along the sides of their body, with hands gently relaxed. The person's head is tilted just a fraction to the left, their gaze perhaps fixed on an unseen object of interest in their immediate vicinity.",,8,1,entity,state,"entity - state (back, lean forward, subtle)",Does the person's back maintain a subtle lean forward? +posescript38,"A person stands in a poised stance with their legs straight, making contact with each other down to the feet, which are clad in black, lace-up shoes. Their back maintains a subtle lean forward, suggesting a stance of attentiveness or mild anticipation. Their arms rest casually along the sides of their body, with hands gently relaxed. The person's head is tilted just a fraction to the left, their gaze perhaps fixed on an unseen object of interest in their immediate vicinity.",,9,1,entity,state,"entity - state (arms, rest, casually)",Do the person's arms rest casually along the sides of their body? +posescript38,"A person stands in a poised stance with their legs straight, making contact with each other down to the feet, which are clad in black, lace-up shoes. Their back maintains a subtle lean forward, suggesting a stance of attentiveness or mild anticipation. Their arms rest casually along the sides of their body, with hands gently relaxed. The person's head is tilted just a fraction to the left, their gaze perhaps fixed on an unseen object of interest in their immediate vicinity.",,10,1,entity,state,"entity - state (head, tilt, fraction to the left)",Is the person's head tilted just a fraction to the left? +drawtext0,"A visually striking isometric design spells out the word 'DRAW' using an array of artist pencils with softly rounded edges, demonstrating the principles of modular constructivism. Each pencil features a pastel color palette, blending harmoniously against a serene blue background. The entire composition benefits from soft, smooth lighting that accentuates the textures and forms, created with a physically based rendering technique that provides a realistic appearance, with the entire artwork centrally positioned within the frame, creating a trendy and aesthetically pleasing image.",,1,0,entity,whole,entity - whole (design),Is there a design? +drawtext0,"A visually striking isometric design spells out the word 'DRAW' using an array of artist pencils with softly rounded edges, demonstrating the principles of modular constructivism. Each pencil features a pastel color palette, blending harmoniously against a serene blue background. The entire composition benefits from soft, smooth lighting that accentuates the textures and forms, created with a physically based rendering technique that provides a realistic appearance, with the entire artwork centrally positioned within the frame, creating a trendy and aesthetically pleasing image.",,2,0,entity,whole,entity - whole (pencils),Are there artist pencils? +drawtext0,"A visually striking isometric design spells out the word 'DRAW' using an array of artist pencils with softly rounded edges, demonstrating the principles of modular constructivism. Each pencil features a pastel color palette, blending harmoniously against a serene blue background. The entire composition benefits from soft, smooth lighting that accentuates the textures and forms, created with a physically based rendering technique that provides a realistic appearance, with the entire artwork centrally positioned within the frame, creating a trendy and aesthetically pleasing image.",,3,0,entity,whole,entity - whole (background),Is there a background? +drawtext0,"A visually striking isometric design spells out the word 'DRAW' using an array of artist pencils with softly rounded edges, demonstrating the principles of modular constructivism. Each pencil features a pastel color palette, blending harmoniously against a serene blue background. The entire composition benefits from soft, smooth lighting that accentuates the textures and forms, created with a physically based rendering technique that provides a realistic appearance, with the entire artwork centrally positioned within the frame, creating a trendy and aesthetically pleasing image.",,4,1,other,text,"other - text (word, ""DRAW"")","Does the design spell out the word ""DRAW""?" +drawtext0,"A visually striking isometric design spells out the word 'DRAW' using an array of artist pencils with softly rounded edges, demonstrating the principles of modular constructivism. Each pencil features a pastel color palette, blending harmoniously against a serene blue background. The entire composition benefits from soft, smooth lighting that accentuates the textures and forms, created with a physically based rendering technique that provides a realistic appearance, with the entire artwork centrally positioned within the frame, creating a trendy and aesthetically pleasing image.",,5,2,attribute,color,"attribute - color (pencils, pastel)",Do the pencils have a pastel color palette? +drawtext0,"A visually striking isometric design spells out the word 'DRAW' using an array of artist pencils with softly rounded edges, demonstrating the principles of modular constructivism. Each pencil features a pastel color palette, blending harmoniously against a serene blue background. The entire composition benefits from soft, smooth lighting that accentuates the textures and forms, created with a physically based rendering technique that provides a realistic appearance, with the entire artwork centrally positioned within the frame, creating a trendy and aesthetically pleasing image.",,6,3,attribute,color,"attribute - color (background, blue)",Is the background blue? +drawtext0,"A visually striking isometric design spells out the word 'DRAW' using an array of artist pencils with softly rounded edges, demonstrating the principles of modular constructivism. Each pencil features a pastel color palette, blending harmoniously against a serene blue background. The entire composition benefits from soft, smooth lighting that accentuates the textures and forms, created with a physically based rendering technique that provides a realistic appearance, with the entire artwork centrally positioned within the frame, creating a trendy and aesthetically pleasing image.",,7,2,attribute,texture,"attribute - texture (pencils, softly rounded edges)",Do the pencils have softly rounded edges? +drawtext0,"A visually striking isometric design spells out the word 'DRAW' using an array of artist pencils with softly rounded edges, demonstrating the principles of modular constructivism. Each pencil features a pastel color palette, blending harmoniously against a serene blue background. The entire composition benefits from soft, smooth lighting that accentuates the textures and forms, created with a physically based rendering technique that provides a realistic appearance, with the entire artwork centrally positioned within the frame, creating a trendy and aesthetically pleasing image.",,8,1,global,,global - (isometric),Is the design isometric? +drawtext0,"A visually striking isometric design spells out the word 'DRAW' using an array of artist pencils with softly rounded edges, demonstrating the principles of modular constructivism. Each pencil features a pastel color palette, blending harmoniously against a serene blue background. The entire composition benefits from soft, smooth lighting that accentuates the textures and forms, created with a physically based rendering technique that provides a realistic appearance, with the entire artwork centrally positioned within the frame, creating a trendy and aesthetically pleasing image.",,9,1,global,,global - (modular constructivism),Does the design demonstrate the principles of modular constructivism? +drawtext0,"A visually striking isometric design spells out the word 'DRAW' using an array of artist pencils with softly rounded edges, demonstrating the principles of modular constructivism. Each pencil features a pastel color palette, blending harmoniously against a serene blue background. The entire composition benefits from soft, smooth lighting that accentuates the textures and forms, created with a physically based rendering technique that provides a realistic appearance, with the entire artwork centrally positioned within the frame, creating a trendy and aesthetically pleasing image.",,10,1,global,,global - (physically based rendering),Is the artwork created with a physically based rendering technique? +midjourney0,"An intricate tower crafted of white cloth and rope stands with an ethereal presence against the stark tundra backdrop, with windows and ramparts woven into its design. The structure appears to float just above the muted colors of the earth, with clouds swelling around it, adding a voluminous depth to the scene. The photograph boasts an impressive dynamic range, capturing the subtlest nuances from the brightest cloud to the deepest shadow. Reminiscent of a Studio Ghibli fantasy blended with the magical realism of a Michael Parkes painting, the image is strikingly detailed and remarkably photorealistic.",,1,0,entity,whole,entity - whole (tower),Is there a tower? +midjourney0,"An intricate tower crafted of white cloth and rope stands with an ethereal presence against the stark tundra backdrop, with windows and ramparts woven into its design. The structure appears to float just above the muted colors of the earth, with clouds swelling around it, adding a voluminous depth to the scene. The photograph boasts an impressive dynamic range, capturing the subtlest nuances from the brightest cloud to the deepest shadow. Reminiscent of a Studio Ghibli fantasy blended with the magical realism of a Michael Parkes painting, the image is strikingly detailed and remarkably photorealistic.",,2,0,entity,whole,entity - whole (cloth),Is there cloth? +midjourney0,"An intricate tower crafted of white cloth and rope stands with an ethereal presence against the stark tundra backdrop, with windows and ramparts woven into its design. The structure appears to float just above the muted colors of the earth, with clouds swelling around it, adding a voluminous depth to the scene. The photograph boasts an impressive dynamic range, capturing the subtlest nuances from the brightest cloud to the deepest shadow. Reminiscent of a Studio Ghibli fantasy blended with the magical realism of a Michael Parkes painting, the image is strikingly detailed and remarkably photorealistic.",,3,0,entity,whole,entity - whole (rope),Is there a rope? +midjourney0,"An intricate tower crafted of white cloth and rope stands with an ethereal presence against the stark tundra backdrop, with windows and ramparts woven into its design. The structure appears to float just above the muted colors of the earth, with clouds swelling around it, adding a voluminous depth to the scene. The photograph boasts an impressive dynamic range, capturing the subtlest nuances from the brightest cloud to the deepest shadow. Reminiscent of a Studio Ghibli fantasy blended with the magical realism of a Michael Parkes painting, the image is strikingly detailed and remarkably photorealistic.",,4,0,entity,whole,entity - whole (tundra),Is there a tundra? +midjourney0,"An intricate tower crafted of white cloth and rope stands with an ethereal presence against the stark tundra backdrop, with windows and ramparts woven into its design. The structure appears to float just above the muted colors of the earth, with clouds swelling around it, adding a voluminous depth to the scene. The photograph boasts an impressive dynamic range, capturing the subtlest nuances from the brightest cloud to the deepest shadow. Reminiscent of a Studio Ghibli fantasy blended with the magical realism of a Michael Parkes painting, the image is strikingly detailed and remarkably photorealistic.",,5,1,entity,whole,entity - whole (windows),Are there windows? +midjourney0,"An intricate tower crafted of white cloth and rope stands with an ethereal presence against the stark tundra backdrop, with windows and ramparts woven into its design. The structure appears to float just above the muted colors of the earth, with clouds swelling around it, adding a voluminous depth to the scene. The photograph boasts an impressive dynamic range, capturing the subtlest nuances from the brightest cloud to the deepest shadow. Reminiscent of a Studio Ghibli fantasy blended with the magical realism of a Michael Parkes painting, the image is strikingly detailed and remarkably photorealistic.",,6,1,entity,whole,entity - whole (ramparts),Are there ramparts? +midjourney0,"An intricate tower crafted of white cloth and rope stands with an ethereal presence against the stark tundra backdrop, with windows and ramparts woven into its design. The structure appears to float just above the muted colors of the earth, with clouds swelling around it, adding a voluminous depth to the scene. The photograph boasts an impressive dynamic range, capturing the subtlest nuances from the brightest cloud to the deepest shadow. Reminiscent of a Studio Ghibli fantasy blended with the magical realism of a Michael Parkes painting, the image is strikingly detailed and remarkably photorealistic.",,7,1,attribute,color,"attribute - color (tower, white)",Is the tower white? +midjourney0,"An intricate tower crafted of white cloth and rope stands with an ethereal presence against the stark tundra backdrop, with windows and ramparts woven into its design. The structure appears to float just above the muted colors of the earth, with clouds swelling around it, adding a voluminous depth to the scene. The photograph boasts an impressive dynamic range, capturing the subtlest nuances from the brightest cloud to the deepest shadow. Reminiscent of a Studio Ghibli fantasy blended with the magical realism of a Michael Parkes painting, the image is strikingly detailed and remarkably photorealistic.",,8,"1,2,3",attribute,texture,"attribute - texture (tower, cloth and rope)",Is the tower crafted of cloth and rope? +midjourney0,"An intricate tower crafted of white cloth and rope stands with an ethereal presence against the stark tundra backdrop, with windows and ramparts woven into its design. The structure appears to float just above the muted colors of the earth, with clouds swelling around it, adding a voluminous depth to the scene. The photograph boasts an impressive dynamic range, capturing the subtlest nuances from the brightest cloud to the deepest shadow. Reminiscent of a Studio Ghibli fantasy blended with the magical realism of a Michael Parkes painting, the image is strikingly detailed and remarkably photorealistic.",,9,1,entity,state,"entity - state (tower, ethereal presence)",Does the tower have an ethereal presence? +midjourney0,"An intricate tower crafted of white cloth and rope stands with an ethereal presence against the stark tundra backdrop, with windows and ramparts woven into its design. The structure appears to float just above the muted colors of the earth, with clouds swelling around it, adding a voluminous depth to the scene. The photograph boasts an impressive dynamic range, capturing the subtlest nuances from the brightest cloud to the deepest shadow. Reminiscent of a Studio Ghibli fantasy blended with the magical realism of a Michael Parkes painting, the image is strikingly detailed and remarkably photorealistic.",,10,"1,4",relation,spatial,"relation - spatial (tower, tundra, against)",Does the tower stand against the stark tundra backdrop? +midjourney17,"An intricately designed airship, with sleek steel panels and ornate golden trims, hovers gracefully above a bustling port. The city skyline, a fantastical fusion of floating islands and elevated platforms, echoes the artistic vision of Ivan Shishkin's creations on ArtStation, reminiscent of the game Bioshock Infinite. Captured with the depth of field effect of a 35mm lens, the image exudes a cinematic quality, with the airship's cables and anchors creating a stark contrast against the backdrop of the sky-high metropolis.",,1,0,entity,whole,entity - whole (airship),Is there an intricately designed airship? +midjourney17,"An intricately designed airship, with sleek steel panels and ornate golden trims, hovers gracefully above a bustling port. The city skyline, a fantastical fusion of floating islands and elevated platforms, echoes the artistic vision of Ivan Shishkin's creations on ArtStation, reminiscent of the game Bioshock Infinite. Captured with the depth of field effect of a 35mm lens, the image exudes a cinematic quality, with the airship's cables and anchors creating a stark contrast against the backdrop of the sky-high metropolis.",,2,0,entity,whole,entity - whole (port),Is there a bustling port? +midjourney17,"An intricately designed airship, with sleek steel panels and ornate golden trims, hovers gracefully above a bustling port. The city skyline, a fantastical fusion of floating islands and elevated platforms, echoes the artistic vision of Ivan Shishkin's creations on ArtStation, reminiscent of the game Bioshock Infinite. Captured with the depth of field effect of a 35mm lens, the image exudes a cinematic quality, with the airship's cables and anchors creating a stark contrast against the backdrop of the sky-high metropolis.",,3,0,entity,whole,entity - whole (city skyline),Is there a city skyline? +midjourney17,"An intricately designed airship, with sleek steel panels and ornate golden trims, hovers gracefully above a bustling port. The city skyline, a fantastical fusion of floating islands and elevated platforms, echoes the artistic vision of Ivan Shishkin's creations on ArtStation, reminiscent of the game Bioshock Infinite. Captured with the depth of field effect of a 35mm lens, the image exudes a cinematic quality, with the airship's cables and anchors creating a stark contrast against the backdrop of the sky-high metropolis.",,4,0,entity,whole,entity - whole (floating islands),Are there floating islands? +midjourney17,"An intricately designed airship, with sleek steel panels and ornate golden trims, hovers gracefully above a bustling port. The city skyline, a fantastical fusion of floating islands and elevated platforms, echoes the artistic vision of Ivan Shishkin's creations on ArtStation, reminiscent of the game Bioshock Infinite. Captured with the depth of field effect of a 35mm lens, the image exudes a cinematic quality, with the airship's cables and anchors creating a stark contrast against the backdrop of the sky-high metropolis.",,5,0,entity,whole,entity - whole (elevated platforms),Are there elevated platforms? +midjourney17,"An intricately designed airship, with sleek steel panels and ornate golden trims, hovers gracefully above a bustling port. The city skyline, a fantastical fusion of floating islands and elevated platforms, echoes the artistic vision of Ivan Shishkin's creations on ArtStation, reminiscent of the game Bioshock Infinite. Captured with the depth of field effect of a 35mm lens, the image exudes a cinematic quality, with the airship's cables and anchors creating a stark contrast against the backdrop of the sky-high metropolis.",,6,1,attribute,texture,"attribute - texture (airship, steel panels)",Does the airship have sleek steel panels? +midjourney17,"An intricately designed airship, with sleek steel panels and ornate golden trims, hovers gracefully above a bustling port. The city skyline, a fantastical fusion of floating islands and elevated platforms, echoes the artistic vision of Ivan Shishkin's creations on ArtStation, reminiscent of the game Bioshock Infinite. Captured with the depth of field effect of a 35mm lens, the image exudes a cinematic quality, with the airship's cables and anchors creating a stark contrast against the backdrop of the sky-high metropolis.",,7,1,attribute,color,"attribute - color (airship, golden trims)",Does the airship have ornate golden trims? +midjourney17,"An intricately designed airship, with sleek steel panels and ornate golden trims, hovers gracefully above a bustling port. The city skyline, a fantastical fusion of floating islands and elevated platforms, echoes the artistic vision of Ivan Shishkin's creations on ArtStation, reminiscent of the game Bioshock Infinite. Captured with the depth of field effect of a 35mm lens, the image exudes a cinematic quality, with the airship's cables and anchors creating a stark contrast against the backdrop of the sky-high metropolis.",,8,1,entity,state,"entity - state (airship, hover)",Is the airship hovering? +midjourney17,"An intricately designed airship, with sleek steel panels and ornate golden trims, hovers gracefully above a bustling port. The city skyline, a fantastical fusion of floating islands and elevated platforms, echoes the artistic vision of Ivan Shishkin's creations on ArtStation, reminiscent of the game Bioshock Infinite. Captured with the depth of field effect of a 35mm lens, the image exudes a cinematic quality, with the airship's cables and anchors creating a stark contrast against the backdrop of the sky-high metropolis.",,9,0,global,,global - (cinematic quality),Does the image have a cinematic quality? +midjourney17,"An intricately designed airship, with sleek steel panels and ornate golden trims, hovers gracefully above a bustling port. The city skyline, a fantastical fusion of floating islands and elevated platforms, echoes the artistic vision of Ivan Shishkin's creations on ArtStation, reminiscent of the game Bioshock Infinite. Captured with the depth of field effect of a 35mm lens, the image exudes a cinematic quality, with the airship's cables and anchors creating a stark contrast against the backdrop of the sky-high metropolis.",,10,"1,2",relation,spatial,"relation - spatial (airship, port, above)",Is the airship hovering above the port? +diffusiondb21,"A thought-provoking piece of digital art that has gained popularity on ArtStation depicts a surreal scene where an open binder notebook serves as a door, standing incongruously amidst a dense woodland setting. The trees surrounding the notebook are rendered in meticulous detail, their bark dark and textured against the misty backdrop. The overall feel of the image evokes an eerie sense of a thriller, with the peculiar juxtaposition of the school supply and the natural environment inviting viewers to ponder the story behind it.",,1,0,entity,whole,entity - whole (digital art),Is there a piece of digital art? +diffusiondb21,"A thought-provoking piece of digital art that has gained popularity on ArtStation depicts a surreal scene where an open binder notebook serves as a door, standing incongruously amidst a dense woodland setting. The trees surrounding the notebook are rendered in meticulous detail, their bark dark and textured against the misty backdrop. The overall feel of the image evokes an eerie sense of a thriller, with the peculiar juxtaposition of the school supply and the natural environment inviting viewers to ponder the story behind it.",,2,0,entity,whole,entity - whole (binder notebook),Is there a binder notebook? +diffusiondb21,"A thought-provoking piece of digital art that has gained popularity on ArtStation depicts a surreal scene where an open binder notebook serves as a door, standing incongruously amidst a dense woodland setting. The trees surrounding the notebook are rendered in meticulous detail, their bark dark and textured against the misty backdrop. The overall feel of the image evokes an eerie sense of a thriller, with the peculiar juxtaposition of the school supply and the natural environment inviting viewers to ponder the story behind it.",,3,0,entity,whole,entity - whole (woodland),Is there a woodland setting? +diffusiondb21,"A thought-provoking piece of digital art that has gained popularity on ArtStation depicts a surreal scene where an open binder notebook serves as a door, standing incongruously amidst a dense woodland setting. The trees surrounding the notebook are rendered in meticulous detail, their bark dark and textured against the misty backdrop. The overall feel of the image evokes an eerie sense of a thriller, with the peculiar juxtaposition of the school supply and the natural environment inviting viewers to ponder the story behind it.",,4,0,entity,whole,entity - whole (trees),Are there trees? +diffusiondb21,"A thought-provoking piece of digital art that has gained popularity on ArtStation depicts a surreal scene where an open binder notebook serves as a door, standing incongruously amidst a dense woodland setting. The trees surrounding the notebook are rendered in meticulous detail, their bark dark and textured against the misty backdrop. The overall feel of the image evokes an eerie sense of a thriller, with the peculiar juxtaposition of the school supply and the natural environment inviting viewers to ponder the story behind it.",,5,1,global,,"global - (ArtStation, popularity)",Has the digital art gained popularity on ArtStation? +diffusiondb21,"A thought-provoking piece of digital art that has gained popularity on ArtStation depicts a surreal scene where an open binder notebook serves as a door, standing incongruously amidst a dense woodland setting. The trees surrounding the notebook are rendered in meticulous detail, their bark dark and textured against the misty backdrop. The overall feel of the image evokes an eerie sense of a thriller, with the peculiar juxtaposition of the school supply and the natural environment inviting viewers to ponder the story behind it.",,6,4,attribute,texture,"attribute - texture (trees, bark, dark and textured)",Are the trees rendered with dark and textured bark? +diffusiondb21,"A thought-provoking piece of digital art that has gained popularity on ArtStation depicts a surreal scene where an open binder notebook serves as a door, standing incongruously amidst a dense woodland setting. The trees surrounding the notebook are rendered in meticulous detail, their bark dark and textured against the misty backdrop. The overall feel of the image evokes an eerie sense of a thriller, with the peculiar juxtaposition of the school supply and the natural environment inviting viewers to ponder the story behind it.",,7,2,attribute,texture,"attribute - texture (binder notebook, open)",Is the binder notebook open? +diffusiondb21,"A thought-provoking piece of digital art that has gained popularity on ArtStation depicts a surreal scene where an open binder notebook serves as a door, standing incongruously amidst a dense woodland setting. The trees surrounding the notebook are rendered in meticulous detail, their bark dark and textured against the misty backdrop. The overall feel of the image evokes an eerie sense of a thriller, with the peculiar juxtaposition of the school supply and the natural environment inviting viewers to ponder the story behind it.",,8,"2,3",relation,spatial,"relation - spatial (binder notebook, woodland, amidst)",Is the open binder notebook standing amidst a dense woodland? +diffusiondb21,"A thought-provoking piece of digital art that has gained popularity on ArtStation depicts a surreal scene where an open binder notebook serves as a door, standing incongruously amidst a dense woodland setting. The trees surrounding the notebook are rendered in meticulous detail, their bark dark and textured against the misty backdrop. The overall feel of the image evokes an eerie sense of a thriller, with the peculiar juxtaposition of the school supply and the natural environment inviting viewers to ponder the story behind it.",,9,"2,4",relation,spatial,"relation - spatial (trees, binder notebook, surrounding)",Are the trees surrounding the notebook? +diffusiondb21,"A thought-provoking piece of digital art that has gained popularity on ArtStation depicts a surreal scene where an open binder notebook serves as a door, standing incongruously amidst a dense woodland setting. The trees surrounding the notebook are rendered in meticulous detail, their bark dark and textured against the misty backdrop. The overall feel of the image evokes an eerie sense of a thriller, with the peculiar juxtaposition of the school supply and the natural environment inviting viewers to ponder the story behind it.",,10,1,global,,"global - (image, eerie sense, thriller)",Does the image evoke an eerie sense of a thriller? +diffusiondb27,"A striking image depicting an imagined distant galaxy teeming with life, inspired by the work of the renowned artist Caspar David Friedrich, is showcased in high quality on Artstation. The matte painting presents a vibrant scene filled with ethereal colors and pulsating with otherworldly energy. As viewers delve into the scene, they encounter intricate details of celestial bodies and the silhouettes of people populating this fantasy cosmos.",,1,0,entity,whole,entity - whole (image),Is there an image? +diffusiondb27,"A striking image depicting an imagined distant galaxy teeming with life, inspired by the work of the renowned artist Caspar David Friedrich, is showcased in high quality on Artstation. The matte painting presents a vibrant scene filled with ethereal colors and pulsating with otherworldly energy. As viewers delve into the scene, they encounter intricate details of celestial bodies and the silhouettes of people populating this fantasy cosmos.",,2,1,entity,whole,entity - whole (galaxy),Is there a galaxy? +diffusiondb27,"A striking image depicting an imagined distant galaxy teeming with life, inspired by the work of the renowned artist Caspar David Friedrich, is showcased in high quality on Artstation. The matte painting presents a vibrant scene filled with ethereal colors and pulsating with otherworldly energy. As viewers delve into the scene, they encounter intricate details of celestial bodies and the silhouettes of people populating this fantasy cosmos.",,3,2,entity,whole,entity - whole (life),Is there life? +diffusiondb27,"A striking image depicting an imagined distant galaxy teeming with life, inspired by the work of the renowned artist Caspar David Friedrich, is showcased in high quality on Artstation. The matte painting presents a vibrant scene filled with ethereal colors and pulsating with otherworldly energy. As viewers delve into the scene, they encounter intricate details of celestial bodies and the silhouettes of people populating this fantasy cosmos.",,4,0,entity,whole,entity - whole (artist Caspar David Friedrich),Is the work inspired by artist Caspar David Friedrich? +diffusiondb27,"A striking image depicting an imagined distant galaxy teeming with life, inspired by the work of the renowned artist Caspar David Friedrich, is showcased in high quality on Artstation. The matte painting presents a vibrant scene filled with ethereal colors and pulsating with otherworldly energy. As viewers delve into the scene, they encounter intricate details of celestial bodies and the silhouettes of people populating this fantasy cosmos.",,5,0,entity,whole,entity - whole (Artstation),Is the image showcased on Artstation? +diffusiondb27,"A striking image depicting an imagined distant galaxy teeming with life, inspired by the work of the renowned artist Caspar David Friedrich, is showcased in high quality on Artstation. The matte painting presents a vibrant scene filled with ethereal colors and pulsating with otherworldly energy. As viewers delve into the scene, they encounter intricate details of celestial bodies and the silhouettes of people populating this fantasy cosmos.",,6,1,entity,whole,entity - whole (matte painting),Is there a matte painting? +diffusiondb27,"A striking image depicting an imagined distant galaxy teeming with life, inspired by the work of the renowned artist Caspar David Friedrich, is showcased in high quality on Artstation. The matte painting presents a vibrant scene filled with ethereal colors and pulsating with otherworldly energy. As viewers delve into the scene, they encounter intricate details of celestial bodies and the silhouettes of people populating this fantasy cosmos.",,7,2,entity,whole,entity - whole (celestial bodies),Are there celestial bodies? +diffusiondb27,"A striking image depicting an imagined distant galaxy teeming with life, inspired by the work of the renowned artist Caspar David Friedrich, is showcased in high quality on Artstation. The matte painting presents a vibrant scene filled with ethereal colors and pulsating with otherworldly energy. As viewers delve into the scene, they encounter intricate details of celestial bodies and the silhouettes of people populating this fantasy cosmos.",,8,2,entity,whole,entity - whole (people),Are there people? +diffusiondb27,"A striking image depicting an imagined distant galaxy teeming with life, inspired by the work of the renowned artist Caspar David Friedrich, is showcased in high quality on Artstation. The matte painting presents a vibrant scene filled with ethereal colors and pulsating with otherworldly energy. As viewers delve into the scene, they encounter intricate details of celestial bodies and the silhouettes of people populating this fantasy cosmos.",,9,1,global,,global - (high quality),Is the image of high quality? +diffusiondb27,"A striking image depicting an imagined distant galaxy teeming with life, inspired by the work of the renowned artist Caspar David Friedrich, is showcased in high quality on Artstation. The matte painting presents a vibrant scene filled with ethereal colors and pulsating with otherworldly energy. As viewers delve into the scene, they encounter intricate details of celestial bodies and the silhouettes of people populating this fantasy cosmos.",,10,6,attribute,color,"attribute - color (scene, ethereal colors)",Does the scene have ethereal colors? +midjourney1,"An extraordinary rendition of Melbourne's Southern Cross Station presented from a bird's-eye view, encapsulated by the signature aesthetics akin to the works of Makoto Shinkai. The image boasts a resolution of 8K, delivering an ultra-detailed and sharply defined portrayal that captures even the subtlest of features. The station and its surroundings are bathed in epic lighting that casts dramatic shadows and projects vivid light refractions across the scene, offering a sense of hyperrealism that's enhanced by the ultra uplight effect. Each element within the composition is rendered with high fidelity, giving life to a photorealistic scene that is both captivating and intricately depicted.",,1,0,entity,whole,entity - whole (Southern Cross Station),Is there a Southern Cross Station? +midjourney1,"An extraordinary rendition of Melbourne's Southern Cross Station presented from a bird's-eye view, encapsulated by the signature aesthetics akin to the works of Makoto Shinkai. The image boasts a resolution of 8K, delivering an ultra-detailed and sharply defined portrayal that captures even the subtlest of features. The station and its surroundings are bathed in epic lighting that casts dramatic shadows and projects vivid light refractions across the scene, offering a sense of hyperrealism that's enhanced by the ultra uplight effect. Each element within the composition is rendered with high fidelity, giving life to a photorealistic scene that is both captivating and intricately depicted.",,2,0,global,,global - (extraordinary rendition),Is this an extraordinary rendition? +midjourney1,"An extraordinary rendition of Melbourne's Southern Cross Station presented from a bird's-eye view, encapsulated by the signature aesthetics akin to the works of Makoto Shinkai. The image boasts a resolution of 8K, delivering an ultra-detailed and sharply defined portrayal that captures even the subtlest of features. The station and its surroundings are bathed in epic lighting that casts dramatic shadows and projects vivid light refractions across the scene, offering a sense of hyperrealism that's enhanced by the ultra uplight effect. Each element within the composition is rendered with high fidelity, giving life to a photorealistic scene that is both captivating and intricately depicted.",,3,0,global,,global - (bird's-eye view),Is this presented from a bird's-eye view? +midjourney1,"An extraordinary rendition of Melbourne's Southern Cross Station presented from a bird's-eye view, encapsulated by the signature aesthetics akin to the works of Makoto Shinkai. The image boasts a resolution of 8K, delivering an ultra-detailed and sharply defined portrayal that captures even the subtlest of features. The station and its surroundings are bathed in epic lighting that casts dramatic shadows and projects vivid light refractions across the scene, offering a sense of hyperrealism that's enhanced by the ultra uplight effect. Each element within the composition is rendered with high fidelity, giving life to a photorealistic scene that is both captivating and intricately depicted.",,4,0,global,,"global - (resolution, 8K)",Does the image have a resolution of 8K? +midjourney1,"An extraordinary rendition of Melbourne's Southern Cross Station presented from a bird's-eye view, encapsulated by the signature aesthetics akin to the works of Makoto Shinkai. The image boasts a resolution of 8K, delivering an ultra-detailed and sharply defined portrayal that captures even the subtlest of features. The station and its surroundings are bathed in epic lighting that casts dramatic shadows and projects vivid light refractions across the scene, offering a sense of hyperrealism that's enhanced by the ultra uplight effect. Each element within the composition is rendered with high fidelity, giving life to a photorealistic scene that is both captivating and intricately depicted.",,5,0,attribute,other,"attribute - other (image, ultra-detailed)",Is the image ultra-detailed? +midjourney1,"An extraordinary rendition of Melbourne's Southern Cross Station presented from a bird's-eye view, encapsulated by the signature aesthetics akin to the works of Makoto Shinkai. The image boasts a resolution of 8K, delivering an ultra-detailed and sharply defined portrayal that captures even the subtlest of features. The station and its surroundings are bathed in epic lighting that casts dramatic shadows and projects vivid light refractions across the scene, offering a sense of hyperrealism that's enhanced by the ultra uplight effect. Each element within the composition is rendered with high fidelity, giving life to a photorealistic scene that is both captivating and intricately depicted.",,6,0,attribute,other,"attribute - other (image, sharply defined)",Is the image sharply defined? +midjourney1,"An extraordinary rendition of Melbourne's Southern Cross Station presented from a bird's-eye view, encapsulated by the signature aesthetics akin to the works of Makoto Shinkai. The image boasts a resolution of 8K, delivering an ultra-detailed and sharply defined portrayal that captures even the subtlest of features. The station and its surroundings are bathed in epic lighting that casts dramatic shadows and projects vivid light refractions across the scene, offering a sense of hyperrealism that's enhanced by the ultra uplight effect. Each element within the composition is rendered with high fidelity, giving life to a photorealistic scene that is both captivating and intricately depicted.",,7,0,relation,non-spatial,"relation - non-spatial (lighting, shadows, cast)",Does the lighting cast dramatic shadows? +midjourney1,"An extraordinary rendition of Melbourne's Southern Cross Station presented from a bird's-eye view, encapsulated by the signature aesthetics akin to the works of Makoto Shinkai. The image boasts a resolution of 8K, delivering an ultra-detailed and sharply defined portrayal that captures even the subtlest of features. The station and its surroundings are bathed in epic lighting that casts dramatic shadows and projects vivid light refractions across the scene, offering a sense of hyperrealism that's enhanced by the ultra uplight effect. Each element within the composition is rendered with high fidelity, giving life to a photorealistic scene that is both captivating and intricately depicted.",,8,0,relation,non-spatial,"relation - non-spatial (lighting, light refractions, project)",Does the lighting project vivid light refractions across the scene? +midjourney1,"An extraordinary rendition of Melbourne's Southern Cross Station presented from a bird's-eye view, encapsulated by the signature aesthetics akin to the works of Makoto Shinkai. The image boasts a resolution of 8K, delivering an ultra-detailed and sharply defined portrayal that captures even the subtlest of features. The station and its surroundings are bathed in epic lighting that casts dramatic shadows and projects vivid light refractions across the scene, offering a sense of hyperrealism that's enhanced by the ultra uplight effect. Each element within the composition is rendered with high fidelity, giving life to a photorealistic scene that is both captivating and intricately depicted.",,9,0,attribute,other,"attribute - other (scene, hyperrealism)",Does the scene offer a sense of hyperrealism? +midjourney1,"An extraordinary rendition of Melbourne's Southern Cross Station presented from a bird's-eye view, encapsulated by the signature aesthetics akin to the works of Makoto Shinkai. The image boasts a resolution of 8K, delivering an ultra-detailed and sharply defined portrayal that captures even the subtlest of features. The station and its surroundings are bathed in epic lighting that casts dramatic shadows and projects vivid light refractions across the scene, offering a sense of hyperrealism that's enhanced by the ultra uplight effect. Each element within the composition is rendered with high fidelity, giving life to a photorealistic scene that is both captivating and intricately depicted.",,10,0,attribute,other,"attribute - other (scene, ultra uplight effect)",Is there an ultra uplight effect in the scene? +whoops14,"A person dressed in a full, white beekeeper's suit with a mesh veil is engaging in a fencing match. Their opponent, blurred in the background, is wearing a traditional white fencing outfit with a metallic mask. In the foreground, the beekeeper wields an épée, its slender blade glinting in the light filtering through the nearby window.",,1,0,entity,whole,entity - whole (person),Is there a person? +whoops14,"A person dressed in a full, white beekeeper's suit with a mesh veil is engaging in a fencing match. Their opponent, blurred in the background, is wearing a traditional white fencing outfit with a metallic mask. In the foreground, the beekeeper wields an épée, its slender blade glinting in the light filtering through the nearby window.",,2,1,entity,whole,entity - whole (beekeeper's suit),Is there a beekeeper's suit? +whoops14,"A person dressed in a full, white beekeeper's suit with a mesh veil is engaging in a fencing match. Their opponent, blurred in the background, is wearing a traditional white fencing outfit with a metallic mask. In the foreground, the beekeeper wields an épée, its slender blade glinting in the light filtering through the nearby window.",,3,1,entity,whole,entity - whole (mesh veil),Is there a mesh veil? +whoops14,"A person dressed in a full, white beekeeper's suit with a mesh veil is engaging in a fencing match. Their opponent, blurred in the background, is wearing a traditional white fencing outfit with a metallic mask. In the foreground, the beekeeper wields an épée, its slender blade glinting in the light filtering through the nearby window.",,4,0,entity,whole,entity - whole (opponent),Is there an opponent? +whoops14,"A person dressed in a full, white beekeeper's suit with a mesh veil is engaging in a fencing match. Their opponent, blurred in the background, is wearing a traditional white fencing outfit with a metallic mask. In the foreground, the beekeeper wields an épée, its slender blade glinting in the light filtering through the nearby window.",,5,4,entity,whole,entity - whole (fencing outfit),Is there a fencing outfit? +whoops14,"A person dressed in a full, white beekeeper's suit with a mesh veil is engaging in a fencing match. Their opponent, blurred in the background, is wearing a traditional white fencing outfit with a metallic mask. In the foreground, the beekeeper wields an épée, its slender blade glinting in the light filtering through the nearby window.",,6,4,entity,whole,entity - whole (metallic mask),Is there a metallic mask? +whoops14,"A person dressed in a full, white beekeeper's suit with a mesh veil is engaging in a fencing match. Their opponent, blurred in the background, is wearing a traditional white fencing outfit with a metallic mask. In the foreground, the beekeeper wields an épée, its slender blade glinting in the light filtering through the nearby window.",,7,0,entity,whole,entity - whole (épée),Is there an épée? +whoops14,"A person dressed in a full, white beekeeper's suit with a mesh veil is engaging in a fencing match. Their opponent, blurred in the background, is wearing a traditional white fencing outfit with a metallic mask. In the foreground, the beekeeper wields an épée, its slender blade glinting in the light filtering through the nearby window.",,8,0,entity,whole,entity - whole (window),Is there a window? +whoops14,"A person dressed in a full, white beekeeper's suit with a mesh veil is engaging in a fencing match. Their opponent, blurred in the background, is wearing a traditional white fencing outfit with a metallic mask. In the foreground, the beekeeper wields an épée, its slender blade glinting in the light filtering through the nearby window.",,9,2,attribute,color,"attribute - color (beekeeper's suit, white)",Is the beekeeper's suit white? +whoops14,"A person dressed in a full, white beekeeper's suit with a mesh veil is engaging in a fencing match. Their opponent, blurred in the background, is wearing a traditional white fencing outfit with a metallic mask. In the foreground, the beekeeper wields an épée, its slender blade glinting in the light filtering through the nearby window.",,10,5,attribute,color,"attribute - color (fencing outfit, white)",Is the fencing outfit white? +whoops14,"A person dressed in a full, white beekeeper's suit with a mesh veil is engaging in a fencing match. Their opponent, blurred in the background, is wearing a traditional white fencing outfit with a metallic mask. In the foreground, the beekeeper wields an épée, its slender blade glinting in the light filtering through the nearby window.",,11,"1,4",relation,spatial,"relation - spatial (opponent, person, blurred, background)",Is the opponent blurred in the background? +whoops14,"A person dressed in a full, white beekeeper's suit with a mesh veil is engaging in a fencing match. Their opponent, blurred in the background, is wearing a traditional white fencing outfit with a metallic mask. In the foreground, the beekeeper wields an épée, its slender blade glinting in the light filtering through the nearby window.",,12,"1,7",relation,spatial,"relation - spatial (épée, person, wield by)",Is the person wielding an épée? +whoops14,"A person dressed in a full, white beekeeper's suit with a mesh veil is engaging in a fencing match. Their opponent, blurred in the background, is wearing a traditional white fencing outfit with a metallic mask. In the foreground, the beekeeper wields an épée, its slender blade glinting in the light filtering through the nearby window.",,13,7,entity,state,"entity - state (light, épée, glinting)",Is the épée's blade glinting? +whoops14,"A person dressed in a full, white beekeeper's suit with a mesh veil is engaging in a fencing match. Their opponent, blurred in the background, is wearing a traditional white fencing outfit with a metallic mask. In the foreground, the beekeeper wields an épée, its slender blade glinting in the light filtering through the nearby window.",,14,8,relation,spatial,"relation - spatial (window, light, filtering through)",Is light filtering through the window? +whoops14,"A person dressed in a full, white beekeeper's suit with a mesh veil is engaging in a fencing match. Their opponent, blurred in the background, is wearing a traditional white fencing outfit with a metallic mask. In the foreground, the beekeeper wields an épée, its slender blade glinting in the light filtering through the nearby window.",,15,1,entity,state,"entity - state (person, fencing match, engage in)",Is the person in the beekeeper's suit engaging in a fencing match? +posescript10,"A person is positioned on a cushioned grey floor mat, with their knees drawn closely to their chest and their bare feet slightly tucked underneath. Their arms are extended wide, fingers splayed upon the cool floor surface, creating a sense of balance. The individual's gaze is directed intently downwards, focused on the space just above their folded legs, as if in deep contemplation or in the midst of a stretching routine.",,1,0,entity,whole,entity - whole (person),Is there a person? +posescript10,"A person is positioned on a cushioned grey floor mat, with their knees drawn closely to their chest and their bare feet slightly tucked underneath. Their arms are extended wide, fingers splayed upon the cool floor surface, creating a sense of balance. The individual's gaze is directed intently downwards, focused on the space just above their folded legs, as if in deep contemplation or in the midst of a stretching routine.",,2,0,entity,whole,entity - whole (floor mat),Is there a floor mat? +posescript10,"A person is positioned on a cushioned grey floor mat, with their knees drawn closely to their chest and their bare feet slightly tucked underneath. Their arms are extended wide, fingers splayed upon the cool floor surface, creating a sense of balance. The individual's gaze is directed intently downwards, focused on the space just above their folded legs, as if in deep contemplation or in the midst of a stretching routine.",,3,1,entity,part,entity - part (person's knees),Are the person's knees drawn closely to their chest? +posescript10,"A person is positioned on a cushioned grey floor mat, with their knees drawn closely to their chest and their bare feet slightly tucked underneath. Their arms are extended wide, fingers splayed upon the cool floor surface, creating a sense of balance. The individual's gaze is directed intently downwards, focused on the space just above their folded legs, as if in deep contemplation or in the midst of a stretching routine.",,4,1,entity,part,entity - part (person's feet),Are the person's feet bare? +posescript10,"A person is positioned on a cushioned grey floor mat, with their knees drawn closely to their chest and their bare feet slightly tucked underneath. Their arms are extended wide, fingers splayed upon the cool floor surface, creating a sense of balance. The individual's gaze is directed intently downwards, focused on the space just above their folded legs, as if in deep contemplation or in the midst of a stretching routine.",,5,1,entity,part,entity - part (person's arms),Are the person's arms extended wide? +posescript10,"A person is positioned on a cushioned grey floor mat, with their knees drawn closely to their chest and their bare feet slightly tucked underneath. Their arms are extended wide, fingers splayed upon the cool floor surface, creating a sense of balance. The individual's gaze is directed intently downwards, focused on the space just above their folded legs, as if in deep contemplation or in the midst of a stretching routine.",,6,2,attribute,color,"attribute - color (floor mat, grey)",Is the floor mat grey? +posescript10,"A person is positioned on a cushioned grey floor mat, with their knees drawn closely to their chest and their bare feet slightly tucked underneath. Their arms are extended wide, fingers splayed upon the cool floor surface, creating a sense of balance. The individual's gaze is directed intently downwards, focused on the space just above their folded legs, as if in deep contemplation or in the midst of a stretching routine.",,7,2,attribute,texture,"attribute - texture (floor mat, cushioned)",Is the floor mat cushioned? +posescript10,"A person is positioned on a cushioned grey floor mat, with their knees drawn closely to their chest and their bare feet slightly tucked underneath. Their arms are extended wide, fingers splayed upon the cool floor surface, creating a sense of balance. The individual's gaze is directed intently downwards, focused on the space just above their folded legs, as if in deep contemplation or in the midst of a stretching routine.",,8,"1,3",entity,state,"entity - state (person, knees, drawn to chest)",Does the person have their knees drawn to their chest? +posescript10,"A person is positioned on a cushioned grey floor mat, with their knees drawn closely to their chest and their bare feet slightly tucked underneath. Their arms are extended wide, fingers splayed upon the cool floor surface, creating a sense of balance. The individual's gaze is directed intently downwards, focused on the space just above their folded legs, as if in deep contemplation or in the midst of a stretching routine.",,9,"1,4",entity,state,"entity - state (person, feet, bare)",Does the person have bare feet? +posescript10,"A person is positioned on a cushioned grey floor mat, with their knees drawn closely to their chest and their bare feet slightly tucked underneath. Their arms are extended wide, fingers splayed upon the cool floor surface, creating a sense of balance. The individual's gaze is directed intently downwards, focused on the space just above their folded legs, as if in deep contemplation or in the midst of a stretching routine.",,10,"1,4",entity,state,"entity - state (person, feet, tucked underneath)",Are the person's feet slightly tucked underneath? +posescript10,"A person is positioned on a cushioned grey floor mat, with their knees drawn closely to their chest and their bare feet slightly tucked underneath. Their arms are extended wide, fingers splayed upon the cool floor surface, creating a sense of balance. The individual's gaze is directed intently downwards, focused on the space just above their folded legs, as if in deep contemplation or in the midst of a stretching routine.",,11,"1,5",entity,state,"entity - state (person, arms, extended wide)",Are the person's arms extended wide? +posescript10,"A person is positioned on a cushioned grey floor mat, with their knees drawn closely to their chest and their bare feet slightly tucked underneath. Their arms are extended wide, fingers splayed upon the cool floor surface, creating a sense of balance. The individual's gaze is directed intently downwards, focused on the space just above their folded legs, as if in deep contemplation or in the midst of a stretching routine.",,12,"1,5",entity,state,"entity - state (person, fingers, splayed)",Are the person's fingers splayed upon the floor? +posescript10,"A person is positioned on a cushioned grey floor mat, with their knees drawn closely to their chest and their bare feet slightly tucked underneath. Their arms are extended wide, fingers splayed upon the cool floor surface, creating a sense of balance. The individual's gaze is directed intently downwards, focused on the space just above their folded legs, as if in deep contemplation or in the midst of a stretching routine.",,13,1,entity,state,"entity - state (person, gaze, directed downwards)",Is the person's gaze directed intently downwards? +posescript10,"A person is positioned on a cushioned grey floor mat, with their knees drawn closely to their chest and their bare feet slightly tucked underneath. Their arms are extended wide, fingers splayed upon the cool floor surface, creating a sense of balance. The individual's gaze is directed intently downwards, focused on the space just above their folded legs, as if in deep contemplation or in the midst of a stretching routine.",,14,"1,2",relation,spatial,"relation - spatial (person, floor mat, on)",Is the person positioned on the floor mat? +posescript10,"A person is positioned on a cushioned grey floor mat, with their knees drawn closely to their chest and their bare feet slightly tucked underneath. Their arms are extended wide, fingers splayed upon the cool floor surface, creating a sense of balance. The individual's gaze is directed intently downwards, focused on the space just above their folded legs, as if in deep contemplation or in the midst of a stretching routine.",,15,"1,3",relation,spatial,"relation - spatial (person's gaze, space above folded legs, focused on)",Is the person's gaze focused on the space just above their folded legs? +stanford5,"Eight white hands, all gripped around the edges of sleek smartphones, are positioned at the bottom of the frame. The phones display colorful screens visible against the backdrop of a light-textured wall. Above two of the hands, the lower halves of faces are in view; one features the bottom of a male's face with an unshaven chin, likely in his mid-thirties, wearing a light green canvas jacket, and the other, a female with sun-kissed blond hair, is dressed in a classic blue denim jacket. Both appear to be engrossed in the content on their devices.",,1,0,entity,whole,entity - whole (hands),Are there hands? +stanford5,"Eight white hands, all gripped around the edges of sleek smartphones, are positioned at the bottom of the frame. The phones display colorful screens visible against the backdrop of a light-textured wall. Above two of the hands, the lower halves of faces are in view; one features the bottom of a male's face with an unshaven chin, likely in his mid-thirties, wearing a light green canvas jacket, and the other, a female with sun-kissed blond hair, is dressed in a classic blue denim jacket. Both appear to be engrossed in the content on their devices.",,2,1,other,count,"other - count (hands, ==8)",Are there eight hands? +stanford5,"Eight white hands, all gripped around the edges of sleek smartphones, are positioned at the bottom of the frame. The phones display colorful screens visible against the backdrop of a light-textured wall. Above two of the hands, the lower halves of faces are in view; one features the bottom of a male's face with an unshaven chin, likely in his mid-thirties, wearing a light green canvas jacket, and the other, a female with sun-kissed blond hair, is dressed in a classic blue denim jacket. Both appear to be engrossed in the content on their devices.",,3,0,entity,whole,entity - whole (smartphones),Are there smartphones? +stanford5,"Eight white hands, all gripped around the edges of sleek smartphones, are positioned at the bottom of the frame. The phones display colorful screens visible against the backdrop of a light-textured wall. Above two of the hands, the lower halves of faces are in view; one features the bottom of a male's face with an unshaven chin, likely in his mid-thirties, wearing a light green canvas jacket, and the other, a female with sun-kissed blond hair, is dressed in a classic blue denim jacket. Both appear to be engrossed in the content on their devices.",,4,0,entity,whole,entity - whole (faces),Are there faces? +stanford5,"Eight white hands, all gripped around the edges of sleek smartphones, are positioned at the bottom of the frame. The phones display colorful screens visible against the backdrop of a light-textured wall. Above two of the hands, the lower halves of faces are in view; one features the bottom of a male's face with an unshaven chin, likely in his mid-thirties, wearing a light green canvas jacket, and the other, a female with sun-kissed blond hair, is dressed in a classic blue denim jacket. Both appear to be engrossed in the content on their devices.",,5,1,attribute,color,"attribute - color (hands, white)",Are the hands white? +stanford5,"Eight white hands, all gripped around the edges of sleek smartphones, are positioned at the bottom of the frame. The phones display colorful screens visible against the backdrop of a light-textured wall. Above two of the hands, the lower halves of faces are in view; one features the bottom of a male's face with an unshaven chin, likely in his mid-thirties, wearing a light green canvas jacket, and the other, a female with sun-kissed blond hair, is dressed in a classic blue denim jacket. Both appear to be engrossed in the content on their devices.",,6,0,attribute,color,"attribute - color (jacket_1, light green)",Is the jacket light green? +stanford5,"Eight white hands, all gripped around the edges of sleek smartphones, are positioned at the bottom of the frame. The phones display colorful screens visible against the backdrop of a light-textured wall. Above two of the hands, the lower halves of faces are in view; one features the bottom of a male's face with an unshaven chin, likely in his mid-thirties, wearing a light green canvas jacket, and the other, a female with sun-kissed blond hair, is dressed in a classic blue denim jacket. Both appear to be engrossed in the content on their devices.",,7,0,attribute,color,"attribute - color (jacket_2, classic blue)",Is the jacket classic blue? +stanford5,"Eight white hands, all gripped around the edges of sleek smartphones, are positioned at the bottom of the frame. The phones display colorful screens visible against the backdrop of a light-textured wall. Above two of the hands, the lower halves of faces are in view; one features the bottom of a male's face with an unshaven chin, likely in his mid-thirties, wearing a light green canvas jacket, and the other, a female with sun-kissed blond hair, is dressed in a classic blue denim jacket. Both appear to be engrossed in the content on their devices.",,8,0,attribute,texture,"attribute - texture (wall, light-textured)",Is the wall light-textured? +stanford5,"Eight white hands, all gripped around the edges of sleek smartphones, are positioned at the bottom of the frame. The phones display colorful screens visible against the backdrop of a light-textured wall. Above two of the hands, the lower halves of faces are in view; one features the bottom of a male's face with an unshaven chin, likely in his mid-thirties, wearing a light green canvas jacket, and the other, a female with sun-kissed blond hair, is dressed in a classic blue denim jacket. Both appear to be engrossed in the content on their devices.",,9,4,entity,part,"entity - part (face_1, male's chin)",Is there a male's chin? +stanford5,"Eight white hands, all gripped around the edges of sleek smartphones, are positioned at the bottom of the frame. The phones display colorful screens visible against the backdrop of a light-textured wall. Above two of the hands, the lower halves of faces are in view; one features the bottom of a male's face with an unshaven chin, likely in his mid-thirties, wearing a light green canvas jacket, and the other, a female with sun-kissed blond hair, is dressed in a classic blue denim jacket. Both appear to be engrossed in the content on their devices.",,10,4,entity,part,"entity - part (face_2, female's hair)",Is there female's hair? +stanford5,"Eight white hands, all gripped around the edges of sleek smartphones, are positioned at the bottom of the frame. The phones display colorful screens visible against the backdrop of a light-textured wall. Above two of the hands, the lower halves of faces are in view; one features the bottom of a male's face with an unshaven chin, likely in his mid-thirties, wearing a light green canvas jacket, and the other, a female with sun-kissed blond hair, is dressed in a classic blue denim jacket. Both appear to be engrossed in the content on their devices.",,11,9,attribute,other,"attribute - other (face_1, unshaven)",Is the male's chin unshaven? +stanford5,"Eight white hands, all gripped around the edges of sleek smartphones, are positioned at the bottom of the frame. The phones display colorful screens visible against the backdrop of a light-textured wall. Above two of the hands, the lower halves of faces are in view; one features the bottom of a male's face with an unshaven chin, likely in his mid-thirties, wearing a light green canvas jacket, and the other, a female with sun-kissed blond hair, is dressed in a classic blue denim jacket. Both appear to be engrossed in the content on their devices.",,12,9,attribute,other,"attribute - other (face_1, mid-thirties)",Is the male likely in his mid-thirties? +stanford5,"Eight white hands, all gripped around the edges of sleek smartphones, are positioned at the bottom of the frame. The phones display colorful screens visible against the backdrop of a light-textured wall. Above two of the hands, the lower halves of faces are in view; one features the bottom of a male's face with an unshaven chin, likely in his mid-thirties, wearing a light green canvas jacket, and the other, a female with sun-kissed blond hair, is dressed in a classic blue denim jacket. Both appear to be engrossed in the content on their devices.",,13,10,attribute,other,"attribute - other (face_2, sun-kissed blond)",Is the female's hair sun-kissed blond? +stanford5,"Eight white hands, all gripped around the edges of sleek smartphones, are positioned at the bottom of the frame. The phones display colorful screens visible against the backdrop of a light-textured wall. Above two of the hands, the lower halves of faces are in view; one features the bottom of a male's face with an unshaven chin, likely in his mid-thirties, wearing a light green canvas jacket, and the other, a female with sun-kissed blond hair, is dressed in a classic blue denim jacket. Both appear to be engrossed in the content on their devices.",,14,"1,3",relation,spatial,"relation - spatial (hands, smartphones, gripped around)",Are the hands gripped around the smartphones? +stanford5,"Eight white hands, all gripped around the edges of sleek smartphones, are positioned at the bottom of the frame. The phones display colorful screens visible against the backdrop of a light-textured wall. Above two of the hands, the lower halves of faces are in view; one features the bottom of a male's face with an unshaven chin, likely in his mid-thirties, wearing a light green canvas jacket, and the other, a female with sun-kissed blond hair, is dressed in a classic blue denim jacket. Both appear to be engrossed in the content on their devices.",,15,"3,8",relation,spatial,"relation - spatial (smartphones, wall, against)",Are the smartphones against the wall? +stanford5,"Eight white hands, all gripped around the edges of sleek smartphones, are positioned at the bottom of the frame. The phones display colorful screens visible against the backdrop of a light-textured wall. Above two of the hands, the lower halves of faces are in view; one features the bottom of a male's face with an unshaven chin, likely in his mid-thirties, wearing a light green canvas jacket, and the other, a female with sun-kissed blond hair, is dressed in a classic blue denim jacket. Both appear to be engrossed in the content on their devices.",,16,"4,1",relation,spatial,"relation - spatial (faces, hands, above)",Are the faces above the hands? +diffusiondb17,"In an expansive sewer bathed in shadow, a mechanical spider looms, crafted with astonishing detail that suggests it could spring to life at any moment. The fine drawing, accentuated with hyper-realistic textures, showcases the intricacy of its design, each metallic segment reflecting the scant warm light that filters through the gloom. The artwork is presented in an ultra-high definition 4K resolution, capturing the essence of this eerie, mechanical wonder in a moody, warm-lit environment.",,1,0,entity,whole,entity - whole (sewer),Is there a sewer? +diffusiondb17,"In an expansive sewer bathed in shadow, a mechanical spider looms, crafted with astonishing detail that suggests it could spring to life at any moment. The fine drawing, accentuated with hyper-realistic textures, showcases the intricacy of its design, each metallic segment reflecting the scant warm light that filters through the gloom. The artwork is presented in an ultra-high definition 4K resolution, capturing the essence of this eerie, mechanical wonder in a moody, warm-lit environment.",,2,0,entity,whole,entity - whole (mechanical spider),Is there a mechanical spider? +diffusiondb17,"In an expansive sewer bathed in shadow, a mechanical spider looms, crafted with astonishing detail that suggests it could spring to life at any moment. The fine drawing, accentuated with hyper-realistic textures, showcases the intricacy of its design, each metallic segment reflecting the scant warm light that filters through the gloom. The artwork is presented in an ultra-high definition 4K resolution, capturing the essence of this eerie, mechanical wonder in a moody, warm-lit environment.",,3,0,global,,"global - (drawing, fine)",Is the drawing fine? +diffusiondb17,"In an expansive sewer bathed in shadow, a mechanical spider looms, crafted with astonishing detail that suggests it could spring to life at any moment. The fine drawing, accentuated with hyper-realistic textures, showcases the intricacy of its design, each metallic segment reflecting the scant warm light that filters through the gloom. The artwork is presented in an ultra-high definition 4K resolution, capturing the essence of this eerie, mechanical wonder in a moody, warm-lit environment.",,4,2,attribute,texture,"attribute - texture (mechanical spider, hyper-realistic)",Does the mechanical spider have hyper-realistic textures? +diffusiondb17,"In an expansive sewer bathed in shadow, a mechanical spider looms, crafted with astonishing detail that suggests it could spring to life at any moment. The fine drawing, accentuated with hyper-realistic textures, showcases the intricacy of its design, each metallic segment reflecting the scant warm light that filters through the gloom. The artwork is presented in an ultra-high definition 4K resolution, capturing the essence of this eerie, mechanical wonder in a moody, warm-lit environment.",,5,2,attribute,texture,"attribute - texture (mechanical spider, metallic)",Does the mechanical spider have metallic segments? +diffusiondb17,"In an expansive sewer bathed in shadow, a mechanical spider looms, crafted with astonishing detail that suggests it could spring to life at any moment. The fine drawing, accentuated with hyper-realistic textures, showcases the intricacy of its design, each metallic segment reflecting the scant warm light that filters through the gloom. The artwork is presented in an ultra-high definition 4K resolution, capturing the essence of this eerie, mechanical wonder in a moody, warm-lit environment.",,6,0,global,,"global - (resolution, 4K ultra-high definition)",Is the artwork presented in 4K ultra-high definition resolution? +diffusiondb17,"In an expansive sewer bathed in shadow, a mechanical spider looms, crafted with astonishing detail that suggests it could spring to life at any moment. The fine drawing, accentuated with hyper-realistic textures, showcases the intricacy of its design, each metallic segment reflecting the scant warm light that filters through the gloom. The artwork is presented in an ultra-high definition 4K resolution, capturing the essence of this eerie, mechanical wonder in a moody, warm-lit environment.",,7,2,entity,state,"entity - state (mechanical spider, crafted with astonishing detail)",Is the mechanical spider crafted with astonishing detail? +diffusiondb17,"In an expansive sewer bathed in shadow, a mechanical spider looms, crafted with astonishing detail that suggests it could spring to life at any moment. The fine drawing, accentuated with hyper-realistic textures, showcases the intricacy of its design, each metallic segment reflecting the scant warm light that filters through the gloom. The artwork is presented in an ultra-high definition 4K resolution, capturing the essence of this eerie, mechanical wonder in a moody, warm-lit environment.",,8,0,entity,state,"entity - state (light, warm, filters through)",Does warm light filter through the environment? +diffusiondb17,"In an expansive sewer bathed in shadow, a mechanical spider looms, crafted with astonishing detail that suggests it could spring to life at any moment. The fine drawing, accentuated with hyper-realistic textures, showcases the intricacy of its design, each metallic segment reflecting the scant warm light that filters through the gloom. The artwork is presented in an ultra-high definition 4K resolution, capturing the essence of this eerie, mechanical wonder in a moody, warm-lit environment.",,9,"1,2",relation,spatial,"relation - spatial (mechanical spider, sewer, in)",Is the mechanical spider in the sewer? +diffusiondb17,"In an expansive sewer bathed in shadow, a mechanical spider looms, crafted with astonishing detail that suggests it could spring to life at any moment. The fine drawing, accentuated with hyper-realistic textures, showcases the intricacy of its design, each metallic segment reflecting the scant warm light that filters through the gloom. The artwork is presented in an ultra-high definition 4K resolution, capturing the essence of this eerie, mechanical wonder in a moody, warm-lit environment.",,10,1,entity,state,"entity - state (sewer, expansive)",Is the sewer expansive? +stanford0,"A solitary figure stands on the sandy expanse of the beach, identifiable as a lifeguard by the bright red shorts and white tank top they are wearing. The sky above is a blanket of grey, hinting at the overcast weather as gentle waves rhythmically roll onto the shore. Beside the lifeguard, a vivid yellow and black rescue board leans against a wooden post, its surface speckled with droplets from the sea's mist. Nearby, the shoreline extends into the distance, marked by the sporadic presence of seagulls and scattered shells.",,1,0,entity,whole,entity - whole (figure),Is there a figure? +stanford0,"A solitary figure stands on the sandy expanse of the beach, identifiable as a lifeguard by the bright red shorts and white tank top they are wearing. The sky above is a blanket of grey, hinting at the overcast weather as gentle waves rhythmically roll onto the shore. Beside the lifeguard, a vivid yellow and black rescue board leans against a wooden post, its surface speckled with droplets from the sea's mist. Nearby, the shoreline extends into the distance, marked by the sporadic presence of seagulls and scattered shells.",,2,0,entity,whole,entity - whole (beach),Is there a beach? +stanford0,"A solitary figure stands on the sandy expanse of the beach, identifiable as a lifeguard by the bright red shorts and white tank top they are wearing. The sky above is a blanket of grey, hinting at the overcast weather as gentle waves rhythmically roll onto the shore. Beside the lifeguard, a vivid yellow and black rescue board leans against a wooden post, its surface speckled with droplets from the sea's mist. Nearby, the shoreline extends into the distance, marked by the sporadic presence of seagulls and scattered shells.",,3,1,entity,whole,entity - whole (lifeguard),Can the figure be identified as a lifeguard? +stanford0,"A solitary figure stands on the sandy expanse of the beach, identifiable as a lifeguard by the bright red shorts and white tank top they are wearing. The sky above is a blanket of grey, hinting at the overcast weather as gentle waves rhythmically roll onto the shore. Beside the lifeguard, a vivid yellow and black rescue board leans against a wooden post, its surface speckled with droplets from the sea's mist. Nearby, the shoreline extends into the distance, marked by the sporadic presence of seagulls and scattered shells.",,4,3,entity,whole,entity - whole (shorts),Are there shorts? +stanford0,"A solitary figure stands on the sandy expanse of the beach, identifiable as a lifeguard by the bright red shorts and white tank top they are wearing. The sky above is a blanket of grey, hinting at the overcast weather as gentle waves rhythmically roll onto the shore. Beside the lifeguard, a vivid yellow and black rescue board leans against a wooden post, its surface speckled with droplets from the sea's mist. Nearby, the shoreline extends into the distance, marked by the sporadic presence of seagulls and scattered shells.",,5,3,entity,whole,entity - whole (tank top),Is there a tank top? +stanford0,"A solitary figure stands on the sandy expanse of the beach, identifiable as a lifeguard by the bright red shorts and white tank top they are wearing. The sky above is a blanket of grey, hinting at the overcast weather as gentle waves rhythmically roll onto the shore. Beside the lifeguard, a vivid yellow and black rescue board leans against a wooden post, its surface speckled with droplets from the sea's mist. Nearby, the shoreline extends into the distance, marked by the sporadic presence of seagulls and scattered shells.",,6,0,entity,whole,entity - whole (sky),Is there a sky? +stanford0,"A solitary figure stands on the sandy expanse of the beach, identifiable as a lifeguard by the bright red shorts and white tank top they are wearing. The sky above is a blanket of grey, hinting at the overcast weather as gentle waves rhythmically roll onto the shore. Beside the lifeguard, a vivid yellow and black rescue board leans against a wooden post, its surface speckled with droplets from the sea's mist. Nearby, the shoreline extends into the distance, marked by the sporadic presence of seagulls and scattered shells.",,7,0,entity,whole,entity - whole (waves),Are there waves? +stanford0,"A solitary figure stands on the sandy expanse of the beach, identifiable as a lifeguard by the bright red shorts and white tank top they are wearing. The sky above is a blanket of grey, hinting at the overcast weather as gentle waves rhythmically roll onto the shore. Beside the lifeguard, a vivid yellow and black rescue board leans against a wooden post, its surface speckled with droplets from the sea's mist. Nearby, the shoreline extends into the distance, marked by the sporadic presence of seagulls and scattered shells.",,8,0,entity,whole,entity - whole (rescue board),Is there a rescue board? +stanford0,"A solitary figure stands on the sandy expanse of the beach, identifiable as a lifeguard by the bright red shorts and white tank top they are wearing. The sky above is a blanket of grey, hinting at the overcast weather as gentle waves rhythmically roll onto the shore. Beside the lifeguard, a vivid yellow and black rescue board leans against a wooden post, its surface speckled with droplets from the sea's mist. Nearby, the shoreline extends into the distance, marked by the sporadic presence of seagulls and scattered shells.",,9,0,entity,whole,entity - whole (wooden post),Is there a wooden post? +stanford0,"A solitary figure stands on the sandy expanse of the beach, identifiable as a lifeguard by the bright red shorts and white tank top they are wearing. The sky above is a blanket of grey, hinting at the overcast weather as gentle waves rhythmically roll onto the shore. Beside the lifeguard, a vivid yellow and black rescue board leans against a wooden post, its surface speckled with droplets from the sea's mist. Nearby, the shoreline extends into the distance, marked by the sporadic presence of seagulls and scattered shells.",,10,0,entity,whole,entity - whole (shoreline),Is there a shoreline? +stanford27,"An imposing large building with gray stone walls and tall windows secured by dark iron bars, casting shadows on the facade. In front of this edifice, a diverse group of people walk by on the wide concrete sidewalk, some in casual attire, others in business suits, all going about their daily routines. A bustling street runs parallel to the sidewalk, filled with an array of vehicles including yellow taxis, red buses, and private cars of various makes and colors, creating a vibrant urban scene.",,1,0,entity,whole,entity - whole (building),Is there an imposing large building? +stanford27,"An imposing large building with gray stone walls and tall windows secured by dark iron bars, casting shadows on the facade. In front of this edifice, a diverse group of people walk by on the wide concrete sidewalk, some in casual attire, others in business suits, all going about their daily routines. A bustling street runs parallel to the sidewalk, filled with an array of vehicles including yellow taxis, red buses, and private cars of various makes and colors, creating a vibrant urban scene.",,2,1,entity,whole,entity - whole (stone walls),Does the building have stone walls? +stanford27,"An imposing large building with gray stone walls and tall windows secured by dark iron bars, casting shadows on the facade. In front of this edifice, a diverse group of people walk by on the wide concrete sidewalk, some in casual attire, others in business suits, all going about their daily routines. A bustling street runs parallel to the sidewalk, filled with an array of vehicles including yellow taxis, red buses, and private cars of various makes and colors, creating a vibrant urban scene.",,3,1,entity,whole,entity - whole (windows),Are there tall windows on the building? +stanford27,"An imposing large building with gray stone walls and tall windows secured by dark iron bars, casting shadows on the facade. In front of this edifice, a diverse group of people walk by on the wide concrete sidewalk, some in casual attire, others in business suits, all going about their daily routines. A bustling street runs parallel to the sidewalk, filled with an array of vehicles including yellow taxis, red buses, and private cars of various makes and colors, creating a vibrant urban scene.",,4,3,entity,whole,entity - whole (iron bars),Are there iron bars on the windows? +stanford27,"An imposing large building with gray stone walls and tall windows secured by dark iron bars, casting shadows on the facade. In front of this edifice, a diverse group of people walk by on the wide concrete sidewalk, some in casual attire, others in business suits, all going about their daily routines. A bustling street runs parallel to the sidewalk, filled with an array of vehicles including yellow taxis, red buses, and private cars of various makes and colors, creating a vibrant urban scene.",,5,0,entity,whole,entity - whole (people),Is there a diverse group of people? +stanford27,"An imposing large building with gray stone walls and tall windows secured by dark iron bars, casting shadows on the facade. In front of this edifice, a diverse group of people walk by on the wide concrete sidewalk, some in casual attire, others in business suits, all going about their daily routines. A bustling street runs parallel to the sidewalk, filled with an array of vehicles including yellow taxis, red buses, and private cars of various makes and colors, creating a vibrant urban scene.",,6,0,entity,whole,entity - whole (sidewalk),Is there a wide concrete sidewalk? +stanford27,"An imposing large building with gray stone walls and tall windows secured by dark iron bars, casting shadows on the facade. In front of this edifice, a diverse group of people walk by on the wide concrete sidewalk, some in casual attire, others in business suits, all going about their daily routines. A bustling street runs parallel to the sidewalk, filled with an array of vehicles including yellow taxis, red buses, and private cars of various makes and colors, creating a vibrant urban scene.",,7,0,entity,whole,entity - whole (street),Is there a bustling street? +stanford27,"An imposing large building with gray stone walls and tall windows secured by dark iron bars, casting shadows on the facade. In front of this edifice, a diverse group of people walk by on the wide concrete sidewalk, some in casual attire, others in business suits, all going about their daily routines. A bustling street runs parallel to the sidewalk, filled with an array of vehicles including yellow taxis, red buses, and private cars of various makes and colors, creating a vibrant urban scene.",,8,0,entity,whole,entity - whole (vehicles),Are there vehicles on the street? +stanford27,"An imposing large building with gray stone walls and tall windows secured by dark iron bars, casting shadows on the facade. In front of this edifice, a diverse group of people walk by on the wide concrete sidewalk, some in casual attire, others in business suits, all going about their daily routines. A bustling street runs parallel to the sidewalk, filled with an array of vehicles including yellow taxis, red buses, and private cars of various makes and colors, creating a vibrant urban scene.",,9,2,attribute,color,"attribute - color (stone walls, gray)",Are the stone walls gray? +stanford27,"An imposing large building with gray stone walls and tall windows secured by dark iron bars, casting shadows on the facade. In front of this edifice, a diverse group of people walk by on the wide concrete sidewalk, some in casual attire, others in business suits, all going about their daily routines. A bustling street runs parallel to the sidewalk, filled with an array of vehicles including yellow taxis, red buses, and private cars of various makes and colors, creating a vibrant urban scene.",,10,4,attribute,color,"attribute - color (iron bars, dark)",Are the iron bars dark? +vrd37,"A cyclist wearing a dark jacket and a protective helmet is on an open road, astride a sleek bicycle with its wheels firmly planted on the asphalt. The bike's wheels, black with a reflective stripe, are in motion, indicating a journey in progress. The road ahead is clear, accompanied by the faint lines marking lanes, guiding the path for the traveler.",,1,0,entity,whole,entity - whole (cyclist),Is there a cyclist? +vrd37,"A cyclist wearing a dark jacket and a protective helmet is on an open road, astride a sleek bicycle with its wheels firmly planted on the asphalt. The bike's wheels, black with a reflective stripe, are in motion, indicating a journey in progress. The road ahead is clear, accompanied by the faint lines marking lanes, guiding the path for the traveler.",,2,0,entity,whole,entity - whole (jacket),Is there a jacket? +vrd37,"A cyclist wearing a dark jacket and a protective helmet is on an open road, astride a sleek bicycle with its wheels firmly planted on the asphalt. The bike's wheels, black with a reflective stripe, are in motion, indicating a journey in progress. The road ahead is clear, accompanied by the faint lines marking lanes, guiding the path for the traveler.",,3,0,entity,whole,entity - whole (helmet),Is there a helmet? +vrd37,"A cyclist wearing a dark jacket and a protective helmet is on an open road, astride a sleek bicycle with its wheels firmly planted on the asphalt. The bike's wheels, black with a reflective stripe, are in motion, indicating a journey in progress. The road ahead is clear, accompanied by the faint lines marking lanes, guiding the path for the traveler.",,4,0,entity,whole,entity - whole (bicycle),Is there a bicycle? +vrd37,"A cyclist wearing a dark jacket and a protective helmet is on an open road, astride a sleek bicycle with its wheels firmly planted on the asphalt. The bike's wheels, black with a reflective stripe, are in motion, indicating a journey in progress. The road ahead is clear, accompanied by the faint lines marking lanes, guiding the path for the traveler.",,5,0,entity,whole,entity - whole (road),Is there a road? +vrd37,"A cyclist wearing a dark jacket and a protective helmet is on an open road, astride a sleek bicycle with its wheels firmly planted on the asphalt. The bike's wheels, black with a reflective stripe, are in motion, indicating a journey in progress. The road ahead is clear, accompanied by the faint lines marking lanes, guiding the path for the traveler.",,6,2,attribute,color,"attribute - color (jacket, dark)",Is the jacket dark? +vrd37,"A cyclist wearing a dark jacket and a protective helmet is on an open road, astride a sleek bicycle with its wheels firmly planted on the asphalt. The bike's wheels, black with a reflective stripe, are in motion, indicating a journey in progress. The road ahead is clear, accompanied by the faint lines marking lanes, guiding the path for the traveler.",,7,3,attribute,other,"attribute - other (helmet, protective)",Is the helmet protective? +vrd37,"A cyclist wearing a dark jacket and a protective helmet is on an open road, astride a sleek bicycle with its wheels firmly planted on the asphalt. The bike's wheels, black with a reflective stripe, are in motion, indicating a journey in progress. The road ahead is clear, accompanied by the faint lines marking lanes, guiding the path for the traveler.",,8,5,attribute,texture,"attribute - texture (road, asphalt)",Is the road made of asphalt? +vrd37,"A cyclist wearing a dark jacket and a protective helmet is on an open road, astride a sleek bicycle with its wheels firmly planted on the asphalt. The bike's wheels, black with a reflective stripe, are in motion, indicating a journey in progress. The road ahead is clear, accompanied by the faint lines marking lanes, guiding the path for the traveler.",,9,4,attribute,color,"attribute - color (bike's wheels, black)",Are the bike's wheels black? +vrd37,"A cyclist wearing a dark jacket and a protective helmet is on an open road, astride a sleek bicycle with its wheels firmly planted on the asphalt. The bike's wheels, black with a reflective stripe, are in motion, indicating a journey in progress. The road ahead is clear, accompanied by the faint lines marking lanes, guiding the path for the traveler.",,10,4,attribute,other,"attribute - other (bike's wheels, reflective stripe)",Do the bike's wheels have a reflective stripe? +vrd21,"A bright red umbrella hovers protectively above a pair of sleek black-framed glasses which rest on a gloss-finished wooden table. Beneath the umbrella, the glasses are shielded from the ambient light. A verdant green plant with lush leaves springs from within a terracotta pot, which sits to the right of the glasses, adding a touch of nature to the composition. To the left of the scene, a person clad in a striped shirt stands shoulder-to-shoulder with another individual, engrossed in cheerful conversation. In the background, a leafy tree gracefully arches over the umbrella, casting a softened shadow over the entire tranquil setting.",,1,0,entity,whole,entity - whole (umbrella),Is there an umbrella? +vrd21,"A bright red umbrella hovers protectively above a pair of sleek black-framed glasses which rest on a gloss-finished wooden table. Beneath the umbrella, the glasses are shielded from the ambient light. A verdant green plant with lush leaves springs from within a terracotta pot, which sits to the right of the glasses, adding a touch of nature to the composition. To the left of the scene, a person clad in a striped shirt stands shoulder-to-shoulder with another individual, engrossed in cheerful conversation. In the background, a leafy tree gracefully arches over the umbrella, casting a softened shadow over the entire tranquil setting.",,2,0,entity,whole,entity - whole (glasses),Are there glasses? +vrd21,"A bright red umbrella hovers protectively above a pair of sleek black-framed glasses which rest on a gloss-finished wooden table. Beneath the umbrella, the glasses are shielded from the ambient light. A verdant green plant with lush leaves springs from within a terracotta pot, which sits to the right of the glasses, adding a touch of nature to the composition. To the left of the scene, a person clad in a striped shirt stands shoulder-to-shoulder with another individual, engrossed in cheerful conversation. In the background, a leafy tree gracefully arches over the umbrella, casting a softened shadow over the entire tranquil setting.",,3,0,entity,whole,entity - whole (table),Is there a table? +vrd21,"A bright red umbrella hovers protectively above a pair of sleek black-framed glasses which rest on a gloss-finished wooden table. Beneath the umbrella, the glasses are shielded from the ambient light. A verdant green plant with lush leaves springs from within a terracotta pot, which sits to the right of the glasses, adding a touch of nature to the composition. To the left of the scene, a person clad in a striped shirt stands shoulder-to-shoulder with another individual, engrossed in cheerful conversation. In the background, a leafy tree gracefully arches over the umbrella, casting a softened shadow over the entire tranquil setting.",,4,0,entity,whole,entity - whole (plant),Is there a plant? +vrd21,"A bright red umbrella hovers protectively above a pair of sleek black-framed glasses which rest on a gloss-finished wooden table. Beneath the umbrella, the glasses are shielded from the ambient light. A verdant green plant with lush leaves springs from within a terracotta pot, which sits to the right of the glasses, adding a touch of nature to the composition. To the left of the scene, a person clad in a striped shirt stands shoulder-to-shoulder with another individual, engrossed in cheerful conversation. In the background, a leafy tree gracefully arches over the umbrella, casting a softened shadow over the entire tranquil setting.",,5,0,entity,whole,entity - whole (pot),Is there a pot? +vrd21,"A bright red umbrella hovers protectively above a pair of sleek black-framed glasses which rest on a gloss-finished wooden table. Beneath the umbrella, the glasses are shielded from the ambient light. A verdant green plant with lush leaves springs from within a terracotta pot, which sits to the right of the glasses, adding a touch of nature to the composition. To the left of the scene, a person clad in a striped shirt stands shoulder-to-shoulder with another individual, engrossed in cheerful conversation. In the background, a leafy tree gracefully arches over the umbrella, casting a softened shadow over the entire tranquil setting.",,6,0,entity,whole,entity - whole (person),Is there a person? +vrd21,"A bright red umbrella hovers protectively above a pair of sleek black-framed glasses which rest on a gloss-finished wooden table. Beneath the umbrella, the glasses are shielded from the ambient light. A verdant green plant with lush leaves springs from within a terracotta pot, which sits to the right of the glasses, adding a touch of nature to the composition. To the left of the scene, a person clad in a striped shirt stands shoulder-to-shoulder with another individual, engrossed in cheerful conversation. In the background, a leafy tree gracefully arches over the umbrella, casting a softened shadow over the entire tranquil setting.",,7,1,attribute,color,"attribute - color (umbrella, bright red)",Is the umbrella bright red? +vrd21,"A bright red umbrella hovers protectively above a pair of sleek black-framed glasses which rest on a gloss-finished wooden table. Beneath the umbrella, the glasses are shielded from the ambient light. A verdant green plant with lush leaves springs from within a terracotta pot, which sits to the right of the glasses, adding a touch of nature to the composition. To the left of the scene, a person clad in a striped shirt stands shoulder-to-shoulder with another individual, engrossed in cheerful conversation. In the background, a leafy tree gracefully arches over the umbrella, casting a softened shadow over the entire tranquil setting.",,8,2,attribute,color,"attribute - color (glasses, black-framed)",Are the glasses sleek with black frames? +vrd21,"A bright red umbrella hovers protectively above a pair of sleek black-framed glasses which rest on a gloss-finished wooden table. Beneath the umbrella, the glasses are shielded from the ambient light. A verdant green plant with lush leaves springs from within a terracotta pot, which sits to the right of the glasses, adding a touch of nature to the composition. To the left of the scene, a person clad in a striped shirt stands shoulder-to-shoulder with another individual, engrossed in cheerful conversation. In the background, a leafy tree gracefully arches over the umbrella, casting a softened shadow over the entire tranquil setting.",,9,3,attribute,texture,"attribute - texture (table, gloss-finished)",Is the table gloss-finished? +vrd21,"A bright red umbrella hovers protectively above a pair of sleek black-framed glasses which rest on a gloss-finished wooden table. Beneath the umbrella, the glasses are shielded from the ambient light. A verdant green plant with lush leaves springs from within a terracotta pot, which sits to the right of the glasses, adding a touch of nature to the composition. To the left of the scene, a person clad in a striped shirt stands shoulder-to-shoulder with another individual, engrossed in cheerful conversation. In the background, a leafy tree gracefully arches over the umbrella, casting a softened shadow over the entire tranquil setting.",,10,5,attribute,texture,"attribute - texture (pot, terracotta)",Is the pot made of terracotta? +diffusiondb9,"A digital illustration of a girl features her with vibrant rainbow-colored hair that cascades smoothly down her shoulders. She has two spiraling unicorn horns emerging from her forehead, adding a fantastical element to the portrait. Fresh, vivid colors blend seamlessly in gradients across the composition, showcasing a high level of detail and skill. The image is in sharp focus, with rim lighting that highlights the contours of her face and creates a sense of depth against the softly blurred background.",,1,0,entity,whole,entity - whole (girl),Is there a girl? +diffusiondb9,"A digital illustration of a girl features her with vibrant rainbow-colored hair that cascades smoothly down her shoulders. She has two spiraling unicorn horns emerging from her forehead, adding a fantastical element to the portrait. Fresh, vivid colors blend seamlessly in gradients across the composition, showcasing a high level of detail and skill. The image is in sharp focus, with rim lighting that highlights the contours of her face and creates a sense of depth against the softly blurred background.",,2,1,entity,part,entity - part (girl's hair),Does the girl have hair? +diffusiondb9,"A digital illustration of a girl features her with vibrant rainbow-colored hair that cascades smoothly down her shoulders. She has two spiraling unicorn horns emerging from her forehead, adding a fantastical element to the portrait. Fresh, vivid colors blend seamlessly in gradients across the composition, showcasing a high level of detail and skill. The image is in sharp focus, with rim lighting that highlights the contours of her face and creates a sense of depth against the softly blurred background.",,3,1,entity,part,entity - part (unicorn horns),Are there unicorn horns? +diffusiondb9,"A digital illustration of a girl features her with vibrant rainbow-colored hair that cascades smoothly down her shoulders. She has two spiraling unicorn horns emerging from her forehead, adding a fantastical element to the portrait. Fresh, vivid colors blend seamlessly in gradients across the composition, showcasing a high level of detail and skill. The image is in sharp focus, with rim lighting that highlights the contours of her face and creates a sense of depth against the softly blurred background.",,4,0,global,,global - (digital illustration),Is this a digital illustration? +diffusiondb9,"A digital illustration of a girl features her with vibrant rainbow-colored hair that cascades smoothly down her shoulders. She has two spiraling unicorn horns emerging from her forehead, adding a fantastical element to the portrait. Fresh, vivid colors blend seamlessly in gradients across the composition, showcasing a high level of detail and skill. The image is in sharp focus, with rim lighting that highlights the contours of her face and creates a sense of depth against the softly blurred background.",,5,2,attribute,color,"attribute - color (girl's hair, rainbow-colored)",Is the girl's hair rainbow-colored? +diffusiondb9,"A digital illustration of a girl features her with vibrant rainbow-colored hair that cascades smoothly down her shoulders. She has two spiraling unicorn horns emerging from her forehead, adding a fantastical element to the portrait. Fresh, vivid colors blend seamlessly in gradients across the composition, showcasing a high level of detail and skill. The image is in sharp focus, with rim lighting that highlights the contours of her face and creates a sense of depth against the softly blurred background.",,6,2,attribute,texture,"attribute - texture (girl's hair, smooth)",Is the girl's hair smooth? +diffusiondb9,"A digital illustration of a girl features her with vibrant rainbow-colored hair that cascades smoothly down her shoulders. She has two spiraling unicorn horns emerging from her forehead, adding a fantastical element to the portrait. Fresh, vivid colors blend seamlessly in gradients across the composition, showcasing a high level of detail and skill. The image is in sharp focus, with rim lighting that highlights the contours of her face and creates a sense of depth against the softly blurred background.",,7,3,attribute,other,"attribute - other (unicorn horns, spiraling)",Are the unicorn horns spiraling? +diffusiondb9,"A digital illustration of a girl features her with vibrant rainbow-colored hair that cascades smoothly down her shoulders. She has two spiraling unicorn horns emerging from her forehead, adding a fantastical element to the portrait. Fresh, vivid colors blend seamlessly in gradients across the composition, showcasing a high level of detail and skill. The image is in sharp focus, with rim lighting that highlights the contours of her face and creates a sense of depth against the softly blurred background.",,8,1,attribute,other,"attribute - other (portrait, fantastical element)",Does the portrait have a fantastical element? +diffusiondb9,"A digital illustration of a girl features her with vibrant rainbow-colored hair that cascades smoothly down her shoulders. She has two spiraling unicorn horns emerging from her forehead, adding a fantastical element to the portrait. Fresh, vivid colors blend seamlessly in gradients across the composition, showcasing a high level of detail and skill. The image is in sharp focus, with rim lighting that highlights the contours of her face and creates a sense of depth against the softly blurred background.",,9,0,global,,global - (sharp focus),Is the image in sharp focus? +diffusiondb9,"A digital illustration of a girl features her with vibrant rainbow-colored hair that cascades smoothly down her shoulders. She has two spiraling unicorn horns emerging from her forehead, adding a fantastical element to the portrait. Fresh, vivid colors blend seamlessly in gradients across the composition, showcasing a high level of detail and skill. The image is in sharp focus, with rim lighting that highlights the contours of her face and creates a sense of depth against the softly blurred background.",,10,0,global,,global - (rim lighting),Is there rim lighting in the image? +vrd1,"A modern, ergonomic workspace, featuring an array of electronic devices laid out on a spacious wooden desk. There are multiple monitors side by side, with the sleek edges of each screen nearly touching. A laptop is placed to the right end of this row, its screen raised to meet the height of its larger companions. Nestled comfortably under the desk is a black, adjustable swivel chair. Various personal items are scattered about the desk, including a slim keyboard, a mobile phone to the left, and a pair of glasses lying in proximity to a pile of papers, whilst a person is seated at the desk, engrossed in work.",,1,0,entity,whole,entity - whole (workspace),Is there a workspace? +vrd1,"A modern, ergonomic workspace, featuring an array of electronic devices laid out on a spacious wooden desk. There are multiple monitors side by side, with the sleek edges of each screen nearly touching. A laptop is placed to the right end of this row, its screen raised to meet the height of its larger companions. Nestled comfortably under the desk is a black, adjustable swivel chair. Various personal items are scattered about the desk, including a slim keyboard, a mobile phone to the left, and a pair of glasses lying in proximity to a pile of papers, whilst a person is seated at the desk, engrossed in work.",,2,0,entity,whole,entity - whole (electronic devices),Are there electronic devices? +vrd1,"A modern, ergonomic workspace, featuring an array of electronic devices laid out on a spacious wooden desk. There are multiple monitors side by side, with the sleek edges of each screen nearly touching. A laptop is placed to the right end of this row, its screen raised to meet the height of its larger companions. Nestled comfortably under the desk is a black, adjustable swivel chair. Various personal items are scattered about the desk, including a slim keyboard, a mobile phone to the left, and a pair of glasses lying in proximity to a pile of papers, whilst a person is seated at the desk, engrossed in work.",,3,0,entity,whole,entity - whole (desk),Is there a desk? +vrd1,"A modern, ergonomic workspace, featuring an array of electronic devices laid out on a spacious wooden desk. There are multiple monitors side by side, with the sleek edges of each screen nearly touching. A laptop is placed to the right end of this row, its screen raised to meet the height of its larger companions. Nestled comfortably under the desk is a black, adjustable swivel chair. Various personal items are scattered about the desk, including a slim keyboard, a mobile phone to the left, and a pair of glasses lying in proximity to a pile of papers, whilst a person is seated at the desk, engrossed in work.",,4,0,entity,whole,entity - whole (monitors),Are there multiple monitors? +vrd1,"A modern, ergonomic workspace, featuring an array of electronic devices laid out on a spacious wooden desk. There are multiple monitors side by side, with the sleek edges of each screen nearly touching. A laptop is placed to the right end of this row, its screen raised to meet the height of its larger companions. Nestled comfortably under the desk is a black, adjustable swivel chair. Various personal items are scattered about the desk, including a slim keyboard, a mobile phone to the left, and a pair of glasses lying in proximity to a pile of papers, whilst a person is seated at the desk, engrossed in work.",,5,0,entity,whole,entity - whole (laptop),Is there a laptop? +vrd1,"A modern, ergonomic workspace, featuring an array of electronic devices laid out on a spacious wooden desk. There are multiple monitors side by side, with the sleek edges of each screen nearly touching. A laptop is placed to the right end of this row, its screen raised to meet the height of its larger companions. Nestled comfortably under the desk is a black, adjustable swivel chair. Various personal items are scattered about the desk, including a slim keyboard, a mobile phone to the left, and a pair of glasses lying in proximity to a pile of papers, whilst a person is seated at the desk, engrossed in work.",,6,0,entity,whole,entity - whole (chair),Is there a chair? +vrd1,"A modern, ergonomic workspace, featuring an array of electronic devices laid out on a spacious wooden desk. There are multiple monitors side by side, with the sleek edges of each screen nearly touching. A laptop is placed to the right end of this row, its screen raised to meet the height of its larger companions. Nestled comfortably under the desk is a black, adjustable swivel chair. Various personal items are scattered about the desk, including a slim keyboard, a mobile phone to the left, and a pair of glasses lying in proximity to a pile of papers, whilst a person is seated at the desk, engrossed in work.",,7,0,entity,whole,entity - whole (keyboard),Is there a keyboard? +vrd1,"A modern, ergonomic workspace, featuring an array of electronic devices laid out on a spacious wooden desk. There are multiple monitors side by side, with the sleek edges of each screen nearly touching. A laptop is placed to the right end of this row, its screen raised to meet the height of its larger companions. Nestled comfortably under the desk is a black, adjustable swivel chair. Various personal items are scattered about the desk, including a slim keyboard, a mobile phone to the left, and a pair of glasses lying in proximity to a pile of papers, whilst a person is seated at the desk, engrossed in work.",,8,0,entity,whole,entity - whole (mobile phone),Is there a mobile phone? +vrd1,"A modern, ergonomic workspace, featuring an array of electronic devices laid out on a spacious wooden desk. There are multiple monitors side by side, with the sleek edges of each screen nearly touching. A laptop is placed to the right end of this row, its screen raised to meet the height of its larger companions. Nestled comfortably under the desk is a black, adjustable swivel chair. Various personal items are scattered about the desk, including a slim keyboard, a mobile phone to the left, and a pair of glasses lying in proximity to a pile of papers, whilst a person is seated at the desk, engrossed in work.",,9,0,entity,whole,entity - whole (glasses),Are there glasses? +vrd1,"A modern, ergonomic workspace, featuring an array of electronic devices laid out on a spacious wooden desk. There are multiple monitors side by side, with the sleek edges of each screen nearly touching. A laptop is placed to the right end of this row, its screen raised to meet the height of its larger companions. Nestled comfortably under the desk is a black, adjustable swivel chair. Various personal items are scattered about the desk, including a slim keyboard, a mobile phone to the left, and a pair of glasses lying in proximity to a pile of papers, whilst a person is seated at the desk, engrossed in work.",,10,0,entity,whole,entity - whole (papers),Are there papers? +countbench28,"An expansive dining space features a large wooden table with three additional extension leaves, providing ample room for guests. Around the table, there are six matching chairs, each crafted with elegant design, and among them, a Leander high chair stands out, specially designed for a child to join the family meals. The table is set under a hanging chandelier that casts a warm glow over the polished surface of the wood.",,1,0,entity,whole,entity - whole (dining space),Is there a dining space? +countbench28,"An expansive dining space features a large wooden table with three additional extension leaves, providing ample room for guests. Around the table, there are six matching chairs, each crafted with elegant design, and among them, a Leander high chair stands out, specially designed for a child to join the family meals. The table is set under a hanging chandelier that casts a warm glow over the polished surface of the wood.",,2,0,entity,whole,entity - whole (table),Is there a table? +countbench28,"An expansive dining space features a large wooden table with three additional extension leaves, providing ample room for guests. Around the table, there are six matching chairs, each crafted with elegant design, and among them, a Leander high chair stands out, specially designed for a child to join the family meals. The table is set under a hanging chandelier that casts a warm glow over the polished surface of the wood.",,3,2,entity,whole,entity - whole (extension leaves),Are there extension leaves for the table? +countbench28,"An expansive dining space features a large wooden table with three additional extension leaves, providing ample room for guests. Around the table, there are six matching chairs, each crafted with elegant design, and among them, a Leander high chair stands out, specially designed for a child to join the family meals. The table is set under a hanging chandelier that casts a warm glow over the polished surface of the wood.",,4,2,other,count,"other - count (chairs, ==6)",Are there six chairs? +countbench28,"An expansive dining space features a large wooden table with three additional extension leaves, providing ample room for guests. Around the table, there are six matching chairs, each crafted with elegant design, and among them, a Leander high chair stands out, specially designed for a child to join the family meals. The table is set under a hanging chandelier that casts a warm glow over the polished surface of the wood.",,5,0,entity,whole,entity - whole (high chair),Is there a high chair? +countbench28,"An expansive dining space features a large wooden table with three additional extension leaves, providing ample room for guests. Around the table, there are six matching chairs, each crafted with elegant design, and among them, a Leander high chair stands out, specially designed for a child to join the family meals. The table is set under a hanging chandelier that casts a warm glow over the polished surface of the wood.",,6,0,entity,whole,entity - whole (chandelier),Is there a chandelier? +countbench28,"An expansive dining space features a large wooden table with three additional extension leaves, providing ample room for guests. Around the table, there are six matching chairs, each crafted with elegant design, and among them, a Leander high chair stands out, specially designed for a child to join the family meals. The table is set under a hanging chandelier that casts a warm glow over the polished surface of the wood.",,7,2,attribute,size,"attribute - size (table, large)",Is the table large? +countbench28,"An expansive dining space features a large wooden table with three additional extension leaves, providing ample room for guests. Around the table, there are six matching chairs, each crafted with elegant design, and among them, a Leander high chair stands out, specially designed for a child to join the family meals. The table is set under a hanging chandelier that casts a warm glow over the polished surface of the wood.",,8,3,attribute,size,"attribute - size (extension leaves, additional)",Are the extension leaves additional? +countbench28,"An expansive dining space features a large wooden table with three additional extension leaves, providing ample room for guests. Around the table, there are six matching chairs, each crafted with elegant design, and among them, a Leander high chair stands out, specially designed for a child to join the family meals. The table is set under a hanging chandelier that casts a warm glow over the polished surface of the wood.",,9,2,attribute,texture,"attribute - texture (table, wooden)",Is the table made of wood? +countbench28,"An expansive dining space features a large wooden table with three additional extension leaves, providing ample room for guests. Around the table, there are six matching chairs, each crafted with elegant design, and among them, a Leander high chair stands out, specially designed for a child to join the family meals. The table is set under a hanging chandelier that casts a warm glow over the polished surface of the wood.",,10,6,attribute,color,"attribute - color (chandelier, warm glow)",Does the chandelier cast a warm glow? +countbench28,"An expansive dining space features a large wooden table with three additional extension leaves, providing ample room for guests. Around the table, there are six matching chairs, each crafted with elegant design, and among them, a Leander high chair stands out, specially designed for a child to join the family meals. The table is set under a hanging chandelier that casts a warm glow over the polished surface of the wood.",,11,"1,2",relation,spatial,"relation - spatial (table, dining space, in)",Is the table set in the dining space? +countbench28,"An expansive dining space features a large wooden table with three additional extension leaves, providing ample room for guests. Around the table, there are six matching chairs, each crafted with elegant design, and among them, a Leander high chair stands out, specially designed for a child to join the family meals. The table is set under a hanging chandelier that casts a warm glow over the polished surface of the wood.",,12,2,relation,spatial,"relation - spatial (chairs, table, around)",Are the chairs around the table? +countbench28,"An expansive dining space features a large wooden table with three additional extension leaves, providing ample room for guests. Around the table, there are six matching chairs, each crafted with elegant design, and among them, a Leander high chair stands out, specially designed for a child to join the family meals. The table is set under a hanging chandelier that casts a warm glow over the polished surface of the wood.",,13,"2,5",relation,spatial,"relation - spatial (high chair, table, among)",Is the high chair among the other chairs? +countbench28,"An expansive dining space features a large wooden table with three additional extension leaves, providing ample room for guests. Around the table, there are six matching chairs, each crafted with elegant design, and among them, a Leander high chair stands out, specially designed for a child to join the family meals. The table is set under a hanging chandelier that casts a warm glow over the polished surface of the wood.",,14,"2,6",relation,spatial,"relation - spatial (chandelier, table, hanging over)",Is the chandelier hanging over the table? +countbench28,"An expansive dining space features a large wooden table with three additional extension leaves, providing ample room for guests. Around the table, there are six matching chairs, each crafted with elegant design, and among them, a Leander high chair stands out, specially designed for a child to join the family meals. The table is set under a hanging chandelier that casts a warm glow over the polished surface of the wood.",,15,5,attribute,other,"attribute - other (high chair, Leander, designed for a child)",Is the Leander high chair designed for a child to join the family meals? +vrd6,"A figure standing at the busy street corner is casually dressed in blue jeans and a black jacket. The jacket, slightly ruffled by the breeze, is accompanied by dark sunglasses resting on the person's face, reflecting the urban surroundings. In their grip, they hold a leather bag, its strap slung over the shoulder, while the bag itself rests against their leg.",,1,0,entity,whole,entity - whole (figure),Is there a figure? +vrd6,"A figure standing at the busy street corner is casually dressed in blue jeans and a black jacket. The jacket, slightly ruffled by the breeze, is accompanied by dark sunglasses resting on the person's face, reflecting the urban surroundings. In their grip, they hold a leather bag, its strap slung over the shoulder, while the bag itself rests against their leg.",,2,0,entity,whole,entity - whole (street corner),Is there a busy street corner? +vrd6,"A figure standing at the busy street corner is casually dressed in blue jeans and a black jacket. The jacket, slightly ruffled by the breeze, is accompanied by dark sunglasses resting on the person's face, reflecting the urban surroundings. In their grip, they hold a leather bag, its strap slung over the shoulder, while the bag itself rests against their leg.",,3,1,entity,part,entity - part (figure's clothing),Is the figure wearing clothing? +vrd6,"A figure standing at the busy street corner is casually dressed in blue jeans and a black jacket. The jacket, slightly ruffled by the breeze, is accompanied by dark sunglasses resting on the person's face, reflecting the urban surroundings. In their grip, they hold a leather bag, its strap slung over the shoulder, while the bag itself rests against their leg.",,4,1,entity,part,entity - part (figure's jacket),Is the figure wearing a jacket? +vrd6,"A figure standing at the busy street corner is casually dressed in blue jeans and a black jacket. The jacket, slightly ruffled by the breeze, is accompanied by dark sunglasses resting on the person's face, reflecting the urban surroundings. In their grip, they hold a leather bag, its strap slung over the shoulder, while the bag itself rests against their leg.",,5,1,entity,part,entity - part (figure's sunglasses),Is the figure wearing sunglasses? +vrd6,"A figure standing at the busy street corner is casually dressed in blue jeans and a black jacket. The jacket, slightly ruffled by the breeze, is accompanied by dark sunglasses resting on the person's face, reflecting the urban surroundings. In their grip, they hold a leather bag, its strap slung over the shoulder, while the bag itself rests against their leg.",,6,1,entity,part,entity - part (figure's bag),Is the figure carrying a bag? +vrd6,"A figure standing at the busy street corner is casually dressed in blue jeans and a black jacket. The jacket, slightly ruffled by the breeze, is accompanied by dark sunglasses resting on the person's face, reflecting the urban surroundings. In their grip, they hold a leather bag, its strap slung over the shoulder, while the bag itself rests against their leg.",,7,3,attribute,color,"attribute - color (clothing, blue jeans)",Are the jeans blue? +vrd6,"A figure standing at the busy street corner is casually dressed in blue jeans and a black jacket. The jacket, slightly ruffled by the breeze, is accompanied by dark sunglasses resting on the person's face, reflecting the urban surroundings. In their grip, they hold a leather bag, its strap slung over the shoulder, while the bag itself rests against their leg.",,8,4,attribute,color,"attribute - color (jacket, black)",Is the jacket black? +vrd6,"A figure standing at the busy street corner is casually dressed in blue jeans and a black jacket. The jacket, slightly ruffled by the breeze, is accompanied by dark sunglasses resting on the person's face, reflecting the urban surroundings. In their grip, they hold a leather bag, its strap slung over the shoulder, while the bag itself rests against their leg.",,9,4,attribute,texture,"attribute - texture (jacket, slightly ruffled)",Is the jacket slightly ruffled? +vrd6,"A figure standing at the busy street corner is casually dressed in blue jeans and a black jacket. The jacket, slightly ruffled by the breeze, is accompanied by dark sunglasses resting on the person's face, reflecting the urban surroundings. In their grip, they hold a leather bag, its strap slung over the shoulder, while the bag itself rests against their leg.",,10,5,attribute,color,"attribute - color (sunglasses, dark)",Are the sunglasses dark? +vrd6,"A figure standing at the busy street corner is casually dressed in blue jeans and a black jacket. The jacket, slightly ruffled by the breeze, is accompanied by dark sunglasses resting on the person's face, reflecting the urban surroundings. In their grip, they hold a leather bag, its strap slung over the shoulder, while the bag itself rests against their leg.",,11,6,attribute,texture,"attribute - texture (bag, leather)",Is the bag made of leather? +vrd6,"A figure standing at the busy street corner is casually dressed in blue jeans and a black jacket. The jacket, slightly ruffled by the breeze, is accompanied by dark sunglasses resting on the person's face, reflecting the urban surroundings. In their grip, they hold a leather bag, its strap slung over the shoulder, while the bag itself rests against their leg.",,12,"1,2",relation,spatial,"relation - spatial (figure, street corner, at)",Is the figure standing at the street corner? +vrd6,"A figure standing at the busy street corner is casually dressed in blue jeans and a black jacket. The jacket, slightly ruffled by the breeze, is accompanied by dark sunglasses resting on the person's face, reflecting the urban surroundings. In their grip, they hold a leather bag, its strap slung over the shoulder, while the bag itself rests against their leg.",,13,"1,5",relation,spatial,"relation - spatial (sunglasses, figure's face, resting on)",Are the sunglasses resting on the person's face? +vrd6,"A figure standing at the busy street corner is casually dressed in blue jeans and a black jacket. The jacket, slightly ruffled by the breeze, is accompanied by dark sunglasses resting on the person's face, reflecting the urban surroundings. In their grip, they hold a leather bag, its strap slung over the shoulder, while the bag itself rests against their leg.",,14,"1,6",relation,spatial,"relation - spatial (bag, figure's leg, against)",Is the bag resting against the figure's leg? +vrd6,"A figure standing at the busy street corner is casually dressed in blue jeans and a black jacket. The jacket, slightly ruffled by the breeze, is accompanied by dark sunglasses resting on the person's face, reflecting the urban surroundings. In their grip, they hold a leather bag, its strap slung over the shoulder, while the bag itself rests against their leg.",,15,4,relation,non-spatial,"relation - non-spatial (breeze, jacket, ruffle)",Is the jacket being ruffled by the breeze? +vrd6,"A figure standing at the busy street corner is casually dressed in blue jeans and a black jacket. The jacket, slightly ruffled by the breeze, is accompanied by dark sunglasses resting on the person's face, reflecting the urban surroundings. In their grip, they hold a leather bag, its strap slung over the shoulder, while the bag itself rests against their leg.",,16,1,entity,state,"entity - state (figure, casually dressed)",Is the figure casually dressed? +vrd6,"A figure standing at the busy street corner is casually dressed in blue jeans and a black jacket. The jacket, slightly ruffled by the breeze, is accompanied by dark sunglasses resting on the person's face, reflecting the urban surroundings. In their grip, they hold a leather bag, its strap slung over the shoulder, while the bag itself rests against their leg.",,17,"1,6",entity,state,"entity - state (figure, grip, hold)",Is the figure holding something in their grip? +midjourney36,"An ancient-inspired agora stands amidst a dense palm farm, its robust columns crafted from the sturdy trunks of Sabal palms, rising into the sky. The structure's foundation and seating areas are composed of a unique oyster shell concrete, lending a textured, gritty feel to the smooth surfaces. The space between the palms is filled with the rustic beauty of this communal gathering spot, which is both inviting and impressive in its naturalistic design.",,1,0,entity,whole,entity - whole (agora),Is there an agora? +midjourney36,"An ancient-inspired agora stands amidst a dense palm farm, its robust columns crafted from the sturdy trunks of Sabal palms, rising into the sky. The structure's foundation and seating areas are composed of a unique oyster shell concrete, lending a textured, gritty feel to the smooth surfaces. The space between the palms is filled with the rustic beauty of this communal gathering spot, which is both inviting and impressive in its naturalistic design.",,2,0,entity,whole,entity - whole (palm farm),Is there a palm farm? +midjourney36,"An ancient-inspired agora stands amidst a dense palm farm, its robust columns crafted from the sturdy trunks of Sabal palms, rising into the sky. The structure's foundation and seating areas are composed of a unique oyster shell concrete, lending a textured, gritty feel to the smooth surfaces. The space between the palms is filled with the rustic beauty of this communal gathering spot, which is both inviting and impressive in its naturalistic design.",,3,1,entity,part,entity - part (agora's columns),Does the agora have columns? +midjourney36,"An ancient-inspired agora stands amidst a dense palm farm, its robust columns crafted from the sturdy trunks of Sabal palms, rising into the sky. The structure's foundation and seating areas are composed of a unique oyster shell concrete, lending a textured, gritty feel to the smooth surfaces. The space between the palms is filled with the rustic beauty of this communal gathering spot, which is both inviting and impressive in its naturalistic design.",,4,1,entity,part,entity - part (agora's foundation),Does the agora have a foundation? +midjourney36,"An ancient-inspired agora stands amidst a dense palm farm, its robust columns crafted from the sturdy trunks of Sabal palms, rising into the sky. The structure's foundation and seating areas are composed of a unique oyster shell concrete, lending a textured, gritty feel to the smooth surfaces. The space between the palms is filled with the rustic beauty of this communal gathering spot, which is both inviting and impressive in its naturalistic design.",,5,1,entity,part,entity - part (agora's seating areas),Are there seating areas in the agora? +midjourney36,"An ancient-inspired agora stands amidst a dense palm farm, its robust columns crafted from the sturdy trunks of Sabal palms, rising into the sky. The structure's foundation and seating areas are composed of a unique oyster shell concrete, lending a textured, gritty feel to the smooth surfaces. The space between the palms is filled with the rustic beauty of this communal gathering spot, which is both inviting and impressive in its naturalistic design.",,6,4,attribute,texture,"attribute - texture (agora's foundation, oyster shell concrete)",Is the foundation of the agora made of oyster shell concrete? +midjourney36,"An ancient-inspired agora stands amidst a dense palm farm, its robust columns crafted from the sturdy trunks of Sabal palms, rising into the sky. The structure's foundation and seating areas are composed of a unique oyster shell concrete, lending a textured, gritty feel to the smooth surfaces. The space between the palms is filled with the rustic beauty of this communal gathering spot, which is both inviting and impressive in its naturalistic design.",,7,5,attribute,texture,"attribute - texture (agora's seating areas, oyster shell concrete)",Are the seating areas of the agora made of oyster shell concrete? +midjourney36,"An ancient-inspired agora stands amidst a dense palm farm, its robust columns crafted from the sturdy trunks of Sabal palms, rising into the sky. The structure's foundation and seating areas are composed of a unique oyster shell concrete, lending a textured, gritty feel to the smooth surfaces. The space between the palms is filled with the rustic beauty of this communal gathering spot, which is both inviting and impressive in its naturalistic design.",,8,3,attribute,texture,"attribute - texture (agora's columns, sturdy)",Are the columns of the agora sturdy? +midjourney36,"An ancient-inspired agora stands amidst a dense palm farm, its robust columns crafted from the sturdy trunks of Sabal palms, rising into the sky. The structure's foundation and seating areas are composed of a unique oyster shell concrete, lending a textured, gritty feel to the smooth surfaces. The space between the palms is filled with the rustic beauty of this communal gathering spot, which is both inviting and impressive in its naturalistic design.",,9,"1,2",relation,spatial,"relation - spatial (agora, palm farm, amidst)",Is the agora amidst a dense palm farm? +midjourney36,"An ancient-inspired agora stands amidst a dense palm farm, its robust columns crafted from the sturdy trunks of Sabal palms, rising into the sky. The structure's foundation and seating areas are composed of a unique oyster shell concrete, lending a textured, gritty feel to the smooth surfaces. The space between the palms is filled with the rustic beauty of this communal gathering spot, which is both inviting and impressive in its naturalistic design.",,10,1,relation,non-spatial,"relation - non-spatial (agora, communal gathering spot)",Is the agora a communal gathering spot? +countbench15,"Three individuals donned in matching black security uniforms stand against a stark white backdrop. Their focused expressions are partially concealed as they peer intently through binoculars, each facing a different cardinal direction as though scanning for signs of activity. The central figure is slightly elevated, on a raised platform, giving the impression that they are overseeing the area with heightened vigilance.",,1,0,entity,whole,entity - whole (individuals),Are there individuals? +countbench15,"Three individuals donned in matching black security uniforms stand against a stark white backdrop. Their focused expressions are partially concealed as they peer intently through binoculars, each facing a different cardinal direction as though scanning for signs of activity. The central figure is slightly elevated, on a raised platform, giving the impression that they are overseeing the area with heightened vigilance.",,2,1,other,count,"other - count (individuals, ==3)",Are there three individuals? +countbench15,"Three individuals donned in matching black security uniforms stand against a stark white backdrop. Their focused expressions are partially concealed as they peer intently through binoculars, each facing a different cardinal direction as though scanning for signs of activity. The central figure is slightly elevated, on a raised platform, giving the impression that they are overseeing the area with heightened vigilance.",,3,0,entity,whole,entity - whole (uniforms),Are there uniforms? +countbench15,"Three individuals donned in matching black security uniforms stand against a stark white backdrop. Their focused expressions are partially concealed as they peer intently through binoculars, each facing a different cardinal direction as though scanning for signs of activity. The central figure is slightly elevated, on a raised platform, giving the impression that they are overseeing the area with heightened vigilance.",,4,0,entity,whole,entity - whole (backdrop),Is there a backdrop? +countbench15,"Three individuals donned in matching black security uniforms stand against a stark white backdrop. Their focused expressions are partially concealed as they peer intently through binoculars, each facing a different cardinal direction as though scanning for signs of activity. The central figure is slightly elevated, on a raised platform, giving the impression that they are overseeing the area with heightened vigilance.",,5,0,entity,part,entity - part (platform),Is there a platform? +countbench15,"Three individuals donned in matching black security uniforms stand against a stark white backdrop. Their focused expressions are partially concealed as they peer intently through binoculars, each facing a different cardinal direction as though scanning for signs of activity. The central figure is slightly elevated, on a raised platform, giving the impression that they are overseeing the area with heightened vigilance.",,6,3,attribute,color,"attribute - color (uniforms, black)",Are the uniforms black? +countbench15,"Three individuals donned in matching black security uniforms stand against a stark white backdrop. Their focused expressions are partially concealed as they peer intently through binoculars, each facing a different cardinal direction as though scanning for signs of activity. The central figure is slightly elevated, on a raised platform, giving the impression that they are overseeing the area with heightened vigilance.",,7,4,attribute,color,"attribute - color (backdrop, white)",Is the backdrop white? +countbench15,"Three individuals donned in matching black security uniforms stand against a stark white backdrop. Their focused expressions are partially concealed as they peer intently through binoculars, each facing a different cardinal direction as though scanning for signs of activity. The central figure is slightly elevated, on a raised platform, giving the impression that they are overseeing the area with heightened vigilance.",,8,1,entity,state,"entity - state (individuals, stand)",Are the individuals standing? +countbench15,"Three individuals donned in matching black security uniforms stand against a stark white backdrop. Their focused expressions are partially concealed as they peer intently through binoculars, each facing a different cardinal direction as though scanning for signs of activity. The central figure is slightly elevated, on a raised platform, giving the impression that they are overseeing the area with heightened vigilance.",,9,1,entity,state,"entity - state (individuals, peer through binoculars)",Are the individuals peering through binoculars? +countbench15,"Three individuals donned in matching black security uniforms stand against a stark white backdrop. Their focused expressions are partially concealed as they peer intently through binoculars, each facing a different cardinal direction as though scanning for signs of activity. The central figure is slightly elevated, on a raised platform, giving the impression that they are overseeing the area with heightened vigilance.",,10,"1,5",relation,spatial,"relation - spatial (central figure, platform, on)",Is the central figure on a raised platform? +vrd23,"A sleek silver car with a visible license plate is driving on an asphalt road. Above the road, there's a vast blue sky dotted with a few wispy clouds. Further down the road, stands a tall lamp post peeking out from behind a lush green bush. The bush is planted beside a brick building with large windows. On the sidewalk, there's an individual clad in blue jeans and a black leather jacket, casually strolling by.",,1,0,entity,whole,entity - whole (car),Is there a car? +vrd23,"A sleek silver car with a visible license plate is driving on an asphalt road. Above the road, there's a vast blue sky dotted with a few wispy clouds. Further down the road, stands a tall lamp post peeking out from behind a lush green bush. The bush is planted beside a brick building with large windows. On the sidewalk, there's an individual clad in blue jeans and a black leather jacket, casually strolling by.",,2,1,entity,whole,entity - whole (license plate),Is there a visible license plate? +vrd23,"A sleek silver car with a visible license plate is driving on an asphalt road. Above the road, there's a vast blue sky dotted with a few wispy clouds. Further down the road, stands a tall lamp post peeking out from behind a lush green bush. The bush is planted beside a brick building with large windows. On the sidewalk, there's an individual clad in blue jeans and a black leather jacket, casually strolling by.",,3,0,entity,whole,entity - whole (road),Is there a road? +vrd23,"A sleek silver car with a visible license plate is driving on an asphalt road. Above the road, there's a vast blue sky dotted with a few wispy clouds. Further down the road, stands a tall lamp post peeking out from behind a lush green bush. The bush is planted beside a brick building with large windows. On the sidewalk, there's an individual clad in blue jeans and a black leather jacket, casually strolling by.",,4,0,entity,whole,entity - whole (sky),Is there a sky? +vrd23,"A sleek silver car with a visible license plate is driving on an asphalt road. Above the road, there's a vast blue sky dotted with a few wispy clouds. Further down the road, stands a tall lamp post peeking out from behind a lush green bush. The bush is planted beside a brick building with large windows. On the sidewalk, there's an individual clad in blue jeans and a black leather jacket, casually strolling by.",,5,0,entity,whole,entity - whole (clouds),Are there clouds? +vrd23,"A sleek silver car with a visible license plate is driving on an asphalt road. Above the road, there's a vast blue sky dotted with a few wispy clouds. Further down the road, stands a tall lamp post peeking out from behind a lush green bush. The bush is planted beside a brick building with large windows. On the sidewalk, there's an individual clad in blue jeans and a black leather jacket, casually strolling by.",,6,0,entity,whole,entity - whole (lamp post),Is there a lamp post? +vrd23,"A sleek silver car with a visible license plate is driving on an asphalt road. Above the road, there's a vast blue sky dotted with a few wispy clouds. Further down the road, stands a tall lamp post peeking out from behind a lush green bush. The bush is planted beside a brick building with large windows. On the sidewalk, there's an individual clad in blue jeans and a black leather jacket, casually strolling by.",,7,0,entity,whole,entity - whole (bush),Is there a bush? +vrd23,"A sleek silver car with a visible license plate is driving on an asphalt road. Above the road, there's a vast blue sky dotted with a few wispy clouds. Further down the road, stands a tall lamp post peeking out from behind a lush green bush. The bush is planted beside a brick building with large windows. On the sidewalk, there's an individual clad in blue jeans and a black leather jacket, casually strolling by.",,8,0,entity,whole,entity - whole (building),Is there a building? +vrd23,"A sleek silver car with a visible license plate is driving on an asphalt road. Above the road, there's a vast blue sky dotted with a few wispy clouds. Further down the road, stands a tall lamp post peeking out from behind a lush green bush. The bush is planted beside a brick building with large windows. On the sidewalk, there's an individual clad in blue jeans and a black leather jacket, casually strolling by.",,9,8,entity,whole,entity - whole (windows),Are there large windows? +vrd23,"A sleek silver car with a visible license plate is driving on an asphalt road. Above the road, there's a vast blue sky dotted with a few wispy clouds. Further down the road, stands a tall lamp post peeking out from behind a lush green bush. The bush is planted beside a brick building with large windows. On the sidewalk, there's an individual clad in blue jeans and a black leather jacket, casually strolling by.",,10,0,entity,whole,entity - whole (individual),Is there an individual? +vrd23,"A sleek silver car with a visible license plate is driving on an asphalt road. Above the road, there's a vast blue sky dotted with a few wispy clouds. Further down the road, stands a tall lamp post peeking out from behind a lush green bush. The bush is planted beside a brick building with large windows. On the sidewalk, there's an individual clad in blue jeans and a black leather jacket, casually strolling by.",,11,1,attribute,color,"attribute - color (car, silver)",Is the car silver? +vrd23,"A sleek silver car with a visible license plate is driving on an asphalt road. Above the road, there's a vast blue sky dotted with a few wispy clouds. Further down the road, stands a tall lamp post peeking out from behind a lush green bush. The bush is planted beside a brick building with large windows. On the sidewalk, there's an individual clad in blue jeans and a black leather jacket, casually strolling by.",,12,3,attribute,texture,"attribute - texture (road, asphalt)",Is the road made of asphalt? +vrd23,"A sleek silver car with a visible license plate is driving on an asphalt road. Above the road, there's a vast blue sky dotted with a few wispy clouds. Further down the road, stands a tall lamp post peeking out from behind a lush green bush. The bush is planted beside a brick building with large windows. On the sidewalk, there's an individual clad in blue jeans and a black leather jacket, casually strolling by.",,13,4,attribute,color,"attribute - color (sky, blue)",Is the sky blue? +vrd23,"A sleek silver car with a visible license plate is driving on an asphalt road. Above the road, there's a vast blue sky dotted with a few wispy clouds. Further down the road, stands a tall lamp post peeking out from behind a lush green bush. The bush is planted beside a brick building with large windows. On the sidewalk, there's an individual clad in blue jeans and a black leather jacket, casually strolling by.",,14,10,attribute,color,"attribute - color (jeans, blue)",Are the jeans blue? +vrd23,"A sleek silver car with a visible license plate is driving on an asphalt road. Above the road, there's a vast blue sky dotted with a few wispy clouds. Further down the road, stands a tall lamp post peeking out from behind a lush green bush. The bush is planted beside a brick building with large windows. On the sidewalk, there's an individual clad in blue jeans and a black leather jacket, casually strolling by.",,15,10,attribute,color,"attribute - color (jacket, black)",Is the jacket black? +vrd23,"A sleek silver car with a visible license plate is driving on an asphalt road. Above the road, there's a vast blue sky dotted with a few wispy clouds. Further down the road, stands a tall lamp post peeking out from behind a lush green bush. The bush is planted beside a brick building with large windows. On the sidewalk, there's an individual clad in blue jeans and a black leather jacket, casually strolling by.",,16,8,attribute,texture,"attribute - texture (building, brick)",Is the building made of brick? +vrd23,"A sleek silver car with a visible license plate is driving on an asphalt road. Above the road, there's a vast blue sky dotted with a few wispy clouds. Further down the road, stands a tall lamp post peeking out from behind a lush green bush. The bush is planted beside a brick building with large windows. On the sidewalk, there's an individual clad in blue jeans and a black leather jacket, casually strolling by.",,17,1,entity,state,"entity - state (car, driving)",Is the car driving? +vrd23,"A sleek silver car with a visible license plate is driving on an asphalt road. Above the road, there's a vast blue sky dotted with a few wispy clouds. Further down the road, stands a tall lamp post peeking out from behind a lush green bush. The bush is planted beside a brick building with large windows. On the sidewalk, there's an individual clad in blue jeans and a black leather jacket, casually strolling by.",,18,5,entity,state,"entity - state (clouds, wispy)",Are the clouds wispy? +vrd23,"A sleek silver car with a visible license plate is driving on an asphalt road. Above the road, there's a vast blue sky dotted with a few wispy clouds. Further down the road, stands a tall lamp post peeking out from behind a lush green bush. The bush is planted beside a brick building with large windows. On the sidewalk, there's an individual clad in blue jeans and a black leather jacket, casually strolling by.",,19,10,entity,state,"entity - state (individual, strolling)",Is the individual strolling? +vrd23,"A sleek silver car with a visible license plate is driving on an asphalt road. Above the road, there's a vast blue sky dotted with a few wispy clouds. Further down the road, stands a tall lamp post peeking out from behind a lush green bush. The bush is planted beside a brick building with large windows. On the sidewalk, there's an individual clad in blue jeans and a black leather jacket, casually strolling by.",,20,"1,3",relation,spatial,"relation - spatial (car, road, on)",Is the car on the road? +vrd23,"A sleek silver car with a visible license plate is driving on an asphalt road. Above the road, there's a vast blue sky dotted with a few wispy clouds. Further down the road, stands a tall lamp post peeking out from behind a lush green bush. The bush is planted beside a brick building with large windows. On the sidewalk, there's an individual clad in blue jeans and a black leather jacket, casually strolling by.",,21,"4,3",relation,spatial,"relation - spatial (sky, road, above)",Is the sky above the road? +vrd23,"A sleek silver car with a visible license plate is driving on an asphalt road. Above the road, there's a vast blue sky dotted with a few wispy clouds. Further down the road, stands a tall lamp post peeking out from behind a lush green bush. The bush is planted beside a brick building with large windows. On the sidewalk, there's an individual clad in blue jeans and a black leather jacket, casually strolling by.",,22,"6,3",relation,spatial,"relation - spatial (lamp post, road, down)",Is the lamp post further down the road? +vrd23,"A sleek silver car with a visible license plate is driving on an asphalt road. Above the road, there's a vast blue sky dotted with a few wispy clouds. Further down the road, stands a tall lamp post peeking out from behind a lush green bush. The bush is planted beside a brick building with large windows. On the sidewalk, there's an individual clad in blue jeans and a black leather jacket, casually strolling by.",,23,"7,8",relation,spatial,"relation - spatial (bush, building, beside)",Is the bush beside the building? +vrd23,"A sleek silver car with a visible license plate is driving on an asphalt road. Above the road, there's a vast blue sky dotted with a few wispy clouds. Further down the road, stands a tall lamp post peeking out from behind a lush green bush. The bush is planted beside a brick building with large windows. On the sidewalk, there's an individual clad in blue jeans and a black leather jacket, casually strolling by.",,24,10,relation,spatial,"relation - spatial (individual, sidewalk, on)",Is the individual on the sidewalk? +vrd23,"A sleek silver car with a visible license plate is driving on an asphalt road. Above the road, there's a vast blue sky dotted with a few wispy clouds. Further down the road, stands a tall lamp post peeking out from behind a lush green bush. The bush is planted beside a brick building with large windows. On the sidewalk, there's an individual clad in blue jeans and a black leather jacket, casually strolling by.",,25,"6,7",relation,spatial,"relation - spatial (lamp post, bush, behind)",Is the lamp post peeking out from behind the bush? +vrd10,"Two individuals are seated next to each other at a wooden dining table. One person, sporting a pair of dark sunglasses, has them resting casually on their crisp, white shirt collar. They are dressed casually with denim jeans, while their companion is also in a relaxed shirt and jeans ensemble. In front of them, a ceramic plate is set on the table, indicating a meal might soon be enjoyed. The person wearing the sunglasses exudes a laid-back vibe, with the accessory complementing their casual attire.",,1,0,entity,whole,entity - whole (individuals),Are there individuals? +vrd10,"Two individuals are seated next to each other at a wooden dining table. One person, sporting a pair of dark sunglasses, has them resting casually on their crisp, white shirt collar. They are dressed casually with denim jeans, while their companion is also in a relaxed shirt and jeans ensemble. In front of them, a ceramic plate is set on the table, indicating a meal might soon be enjoyed. The person wearing the sunglasses exudes a laid-back vibe, with the accessory complementing their casual attire.",,2,1,other,count,"other - count (individuals, ==2)",Are there two individuals? +vrd10,"Two individuals are seated next to each other at a wooden dining table. One person, sporting a pair of dark sunglasses, has them resting casually on their crisp, white shirt collar. They are dressed casually with denim jeans, while their companion is also in a relaxed shirt and jeans ensemble. In front of them, a ceramic plate is set on the table, indicating a meal might soon be enjoyed. The person wearing the sunglasses exudes a laid-back vibe, with the accessory complementing their casual attire.",,3,0,entity,whole,entity - whole (dining table),Is there a dining table? +vrd10,"Two individuals are seated next to each other at a wooden dining table. One person, sporting a pair of dark sunglasses, has them resting casually on their crisp, white shirt collar. They are dressed casually with denim jeans, while their companion is also in a relaxed shirt and jeans ensemble. In front of them, a ceramic plate is set on the table, indicating a meal might soon be enjoyed. The person wearing the sunglasses exudes a laid-back vibe, with the accessory complementing their casual attire.",,4,0,entity,part,entity - part (sunglasses),Are there sunglasses? +vrd10,"Two individuals are seated next to each other at a wooden dining table. One person, sporting a pair of dark sunglasses, has them resting casually on their crisp, white shirt collar. They are dressed casually with denim jeans, while their companion is also in a relaxed shirt and jeans ensemble. In front of them, a ceramic plate is set on the table, indicating a meal might soon be enjoyed. The person wearing the sunglasses exudes a laid-back vibe, with the accessory complementing their casual attire.",,5,0,entity,part,entity - part (shirt),Is there a shirt? +vrd10,"Two individuals are seated next to each other at a wooden dining table. One person, sporting a pair of dark sunglasses, has them resting casually on their crisp, white shirt collar. They are dressed casually with denim jeans, while their companion is also in a relaxed shirt and jeans ensemble. In front of them, a ceramic plate is set on the table, indicating a meal might soon be enjoyed. The person wearing the sunglasses exudes a laid-back vibe, with the accessory complementing their casual attire.",,6,0,entity,part,entity - part (jeans),Are there jeans? +vrd10,"Two individuals are seated next to each other at a wooden dining table. One person, sporting a pair of dark sunglasses, has them resting casually on their crisp, white shirt collar. They are dressed casually with denim jeans, while their companion is also in a relaxed shirt and jeans ensemble. In front of them, a ceramic plate is set on the table, indicating a meal might soon be enjoyed. The person wearing the sunglasses exudes a laid-back vibe, with the accessory complementing their casual attire.",,7,0,entity,whole,entity - whole (plate),Is there a plate? +vrd10,"Two individuals are seated next to each other at a wooden dining table. One person, sporting a pair of dark sunglasses, has them resting casually on their crisp, white shirt collar. They are dressed casually with denim jeans, while their companion is also in a relaxed shirt and jeans ensemble. In front of them, a ceramic plate is set on the table, indicating a meal might soon be enjoyed. The person wearing the sunglasses exudes a laid-back vibe, with the accessory complementing their casual attire.",,8,3,attribute,texture,"attribute - texture (dining table, wood)",Is the dining table made of wood? +vrd10,"Two individuals are seated next to each other at a wooden dining table. One person, sporting a pair of dark sunglasses, has them resting casually on their crisp, white shirt collar. They are dressed casually with denim jeans, while their companion is also in a relaxed shirt and jeans ensemble. In front of them, a ceramic plate is set on the table, indicating a meal might soon be enjoyed. The person wearing the sunglasses exudes a laid-back vibe, with the accessory complementing their casual attire.",,9,5,attribute,color,"attribute - color (shirt, white)",Is the shirt white? +vrd10,"Two individuals are seated next to each other at a wooden dining table. One person, sporting a pair of dark sunglasses, has them resting casually on their crisp, white shirt collar. They are dressed casually with denim jeans, while their companion is also in a relaxed shirt and jeans ensemble. In front of them, a ceramic plate is set on the table, indicating a meal might soon be enjoyed. The person wearing the sunglasses exudes a laid-back vibe, with the accessory complementing their casual attire.",,10,7,attribute,texture,"attribute - texture (plate, ceramic)",Is the plate ceramic? +vrd10,"Two individuals are seated next to each other at a wooden dining table. One person, sporting a pair of dark sunglasses, has them resting casually on their crisp, white shirt collar. They are dressed casually with denim jeans, while their companion is also in a relaxed shirt and jeans ensemble. In front of them, a ceramic plate is set on the table, indicating a meal might soon be enjoyed. The person wearing the sunglasses exudes a laid-back vibe, with the accessory complementing their casual attire.",,11,"1,3",relation,spatial,"relation - spatial (individuals, dining table, seated at)",Are the individuals seated at the dining table? +vrd10,"Two individuals are seated next to each other at a wooden dining table. One person, sporting a pair of dark sunglasses, has them resting casually on their crisp, white shirt collar. They are dressed casually with denim jeans, while their companion is also in a relaxed shirt and jeans ensemble. In front of them, a ceramic plate is set on the table, indicating a meal might soon be enjoyed. The person wearing the sunglasses exudes a laid-back vibe, with the accessory complementing their casual attire.",,12,"4,5",relation,spatial,"relation - spatial (sunglasses, shirt collar, resting on)",Are the sunglasses resting on the shirt collar? +vrd10,"Two individuals are seated next to each other at a wooden dining table. One person, sporting a pair of dark sunglasses, has them resting casually on their crisp, white shirt collar. They are dressed casually with denim jeans, while their companion is also in a relaxed shirt and jeans ensemble. In front of them, a ceramic plate is set on the table, indicating a meal might soon be enjoyed. The person wearing the sunglasses exudes a laid-back vibe, with the accessory complementing their casual attire.",,13,"7,3",relation,spatial,"relation - spatial (plate, dining table, set on)",Is the plate set on the dining table? +vrd10,"Two individuals are seated next to each other at a wooden dining table. One person, sporting a pair of dark sunglasses, has them resting casually on their crisp, white shirt collar. They are dressed casually with denim jeans, while their companion is also in a relaxed shirt and jeans ensemble. In front of them, a ceramic plate is set on the table, indicating a meal might soon be enjoyed. The person wearing the sunglasses exudes a laid-back vibe, with the accessory complementing their casual attire.",,14,1,entity,state,"entity - state (individuals, seated)",Are the individuals seated? +vrd10,"Two individuals are seated next to each other at a wooden dining table. One person, sporting a pair of dark sunglasses, has them resting casually on their crisp, white shirt collar. They are dressed casually with denim jeans, while their companion is also in a relaxed shirt and jeans ensemble. In front of them, a ceramic plate is set on the table, indicating a meal might soon be enjoyed. The person wearing the sunglasses exudes a laid-back vibe, with the accessory complementing their casual attire.",,15,4,attribute,other,"attribute - other (sunglasses, dark)",Are the sunglasses dark? +vrd10,"Two individuals are seated next to each other at a wooden dining table. One person, sporting a pair of dark sunglasses, has them resting casually on their crisp, white shirt collar. They are dressed casually with denim jeans, while their companion is also in a relaxed shirt and jeans ensemble. In front of them, a ceramic plate is set on the table, indicating a meal might soon be enjoyed. The person wearing the sunglasses exudes a laid-back vibe, with the accessory complementing their casual attire.",,16,"5,6",attribute,other,"attribute - other (attire, casual)",Is the attire casual? +vrd10,"Two individuals are seated next to each other at a wooden dining table. One person, sporting a pair of dark sunglasses, has them resting casually on their crisp, white shirt collar. They are dressed casually with denim jeans, while their companion is also in a relaxed shirt and jeans ensemble. In front of them, a ceramic plate is set on the table, indicating a meal might soon be enjoyed. The person wearing the sunglasses exudes a laid-back vibe, with the accessory complementing their casual attire.",,17,"1,4",attribute,other,"attribute - other (vibe, laid-back)",Does the person wearing the sunglasses exude a laid-back vibe? +whoops38,"a man reclines on a hospital bed, his arm connected to an intravenous line that's delivering a fluid with a purplish hue. the IV bag hangs from a metal stand, its contents labeled clearly to distinguish its specialized nature. in the background, medical monitors display the patient's vital signs, and a nurse can be seen preparing additional medical supplies.",,1,0,entity,whole,entity - whole (man),Is there a man? +whoops38,"a man reclines on a hospital bed, his arm connected to an intravenous line that's delivering a fluid with a purplish hue. the IV bag hangs from a metal stand, its contents labeled clearly to distinguish its specialized nature. in the background, medical monitors display the patient's vital signs, and a nurse can be seen preparing additional medical supplies.",,2,0,entity,whole,entity - whole (hospital bed),Is there a hospital bed? +whoops38,"a man reclines on a hospital bed, his arm connected to an intravenous line that's delivering a fluid with a purplish hue. the IV bag hangs from a metal stand, its contents labeled clearly to distinguish its specialized nature. in the background, medical monitors display the patient's vital signs, and a nurse can be seen preparing additional medical supplies.",,3,0,entity,whole,entity - whole (intravenous line),Is there an intravenous line? +whoops38,"a man reclines on a hospital bed, his arm connected to an intravenous line that's delivering a fluid with a purplish hue. the IV bag hangs from a metal stand, its contents labeled clearly to distinguish its specialized nature. in the background, medical monitors display the patient's vital signs, and a nurse can be seen preparing additional medical supplies.",,4,0,entity,whole,entity - whole (IV bag),Is there an IV bag? +whoops38,"a man reclines on a hospital bed, his arm connected to an intravenous line that's delivering a fluid with a purplish hue. the IV bag hangs from a metal stand, its contents labeled clearly to distinguish its specialized nature. in the background, medical monitors display the patient's vital signs, and a nurse can be seen preparing additional medical supplies.",,5,0,entity,whole,entity - whole (metal stand),Is there a metal stand? +whoops38,"a man reclines on a hospital bed, his arm connected to an intravenous line that's delivering a fluid with a purplish hue. the IV bag hangs from a metal stand, its contents labeled clearly to distinguish its specialized nature. in the background, medical monitors display the patient's vital signs, and a nurse can be seen preparing additional medical supplies.",,6,0,entity,whole,entity - whole (medical monitors),Are there medical monitors? +whoops38,"a man reclines on a hospital bed, his arm connected to an intravenous line that's delivering a fluid with a purplish hue. the IV bag hangs from a metal stand, its contents labeled clearly to distinguish its specialized nature. in the background, medical monitors display the patient's vital signs, and a nurse can be seen preparing additional medical supplies.",,7,0,entity,whole,entity - whole (nurse),Is there a nurse? +whoops38,"a man reclines on a hospital bed, his arm connected to an intravenous line that's delivering a fluid with a purplish hue. the IV bag hangs from a metal stand, its contents labeled clearly to distinguish its specialized nature. in the background, medical monitors display the patient's vital signs, and a nurse can be seen preparing additional medical supplies.",,8,4,attribute,color,"attribute - color (fluid, purplish hue)",Does the fluid have a purplish hue? +whoops38,"a man reclines on a hospital bed, his arm connected to an intravenous line that's delivering a fluid with a purplish hue. the IV bag hangs from a metal stand, its contents labeled clearly to distinguish its specialized nature. in the background, medical monitors display the patient's vital signs, and a nurse can be seen preparing additional medical supplies.",,9,"1,2",entity,state,"entity - state (man, recline)",Is the man reclining on the hospital bed? +whoops38,"a man reclines on a hospital bed, his arm connected to an intravenous line that's delivering a fluid with a purplish hue. the IV bag hangs from a metal stand, its contents labeled clearly to distinguish its specialized nature. in the background, medical monitors display the patient's vital signs, and a nurse can be seen preparing additional medical supplies.",,10,"4,5",relation,spatial,"relation - spatial (IV bag, metal stand, hang from)",Is the IV bag hanging from the metal stand? +diffusiondb2,"An intricate character sheet showcasing a demogorgon design, with artistic influences drawn from creators like Moebius, Greg Rutkowski, Zabrocki, Karlkka, and Jayison Devadas. The concept art, detailed and rich in texture, is vividly rendered in an 8K resolution and features a zenith view, capturing the monstrosity of the creature. The unique pincushion lens effect enhances the ultra-wide angle perspective, making the demogorgon appear even more imposing. This piece is currently trending on Artstation, highlighting the artistic community's appreciation for Phuoc Quan's distinctive style.",,1,0,entity,whole,entity - whole (character sheet),Is there a character sheet? +diffusiondb2,"An intricate character sheet showcasing a demogorgon design, with artistic influences drawn from creators like Moebius, Greg Rutkowski, Zabrocki, Karlkka, and Jayison Devadas. The concept art, detailed and rich in texture, is vividly rendered in an 8K resolution and features a zenith view, capturing the monstrosity of the creature. The unique pincushion lens effect enhances the ultra-wide angle perspective, making the demogorgon appear even more imposing. This piece is currently trending on Artstation, highlighting the artistic community's appreciation for Phuoc Quan's distinctive style.",,2,1,entity,whole,entity - whole (demogorgon design),Is there a demogorgon design? +diffusiondb2,"An intricate character sheet showcasing a demogorgon design, with artistic influences drawn from creators like Moebius, Greg Rutkowski, Zabrocki, Karlkka, and Jayison Devadas. The concept art, detailed and rich in texture, is vividly rendered in an 8K resolution and features a zenith view, capturing the monstrosity of the creature. The unique pincushion lens effect enhances the ultra-wide angle perspective, making the demogorgon appear even more imposing. This piece is currently trending on Artstation, highlighting the artistic community's appreciation for Phuoc Quan's distinctive style.",,3,0,global,,global - (concept art),Is this a piece of concept art? +diffusiondb2,"An intricate character sheet showcasing a demogorgon design, with artistic influences drawn from creators like Moebius, Greg Rutkowski, Zabrocki, Karlkka, and Jayison Devadas. The concept art, detailed and rich in texture, is vividly rendered in an 8K resolution and features a zenith view, capturing the monstrosity of the creature. The unique pincushion lens effect enhances the ultra-wide angle perspective, making the demogorgon appear even more imposing. This piece is currently trending on Artstation, highlighting the artistic community's appreciation for Phuoc Quan's distinctive style.",,4,3,attribute,texture,"attribute - texture (concept art, detailed and rich)",Is the concept art detailed and rich in texture? +diffusiondb2,"An intricate character sheet showcasing a demogorgon design, with artistic influences drawn from creators like Moebius, Greg Rutkowski, Zabrocki, Karlkka, and Jayison Devadas. The concept art, detailed and rich in texture, is vividly rendered in an 8K resolution and features a zenith view, capturing the monstrosity of the creature. The unique pincushion lens effect enhances the ultra-wide angle perspective, making the demogorgon appear even more imposing. This piece is currently trending on Artstation, highlighting the artistic community's appreciation for Phuoc Quan's distinctive style.",,5,3,attribute,other,"attribute - other (concept art, 8K resolution)",Is the concept art rendered in 8K resolution? +diffusiondb2,"An intricate character sheet showcasing a demogorgon design, with artistic influences drawn from creators like Moebius, Greg Rutkowski, Zabrocki, Karlkka, and Jayison Devadas. The concept art, detailed and rich in texture, is vividly rendered in an 8K resolution and features a zenith view, capturing the monstrosity of the creature. The unique pincushion lens effect enhances the ultra-wide angle perspective, making the demogorgon appear even more imposing. This piece is currently trending on Artstation, highlighting the artistic community's appreciation for Phuoc Quan's distinctive style.",,6,0,global,,global - (zenith view),Does the image feature a zenith view? +diffusiondb2,"An intricate character sheet showcasing a demogorgon design, with artistic influences drawn from creators like Moebius, Greg Rutkowski, Zabrocki, Karlkka, and Jayison Devadas. The concept art, detailed and rich in texture, is vividly rendered in an 8K resolution and features a zenith view, capturing the monstrosity of the creature. The unique pincushion lens effect enhances the ultra-wide angle perspective, making the demogorgon appear even more imposing. This piece is currently trending on Artstation, highlighting the artistic community's appreciation for Phuoc Quan's distinctive style.",,7,0,attribute,other,"attribute - other (lens effect, pincushion)",Is there a pincushion lens effect used in the image? +diffusiondb2,"An intricate character sheet showcasing a demogorgon design, with artistic influences drawn from creators like Moebius, Greg Rutkowski, Zabrocki, Karlkka, and Jayison Devadas. The concept art, detailed and rich in texture, is vividly rendered in an 8K resolution and features a zenith view, capturing the monstrosity of the creature. The unique pincushion lens effect enhances the ultra-wide angle perspective, making the demogorgon appear even more imposing. This piece is currently trending on Artstation, highlighting the artistic community's appreciation for Phuoc Quan's distinctive style.",,8,2,relation,non-spatial,"relation - non-spatial (demogorgon design, artistic influences, drawn from)","Are the artistic influences of the demogorgon design drawn from creators like Moebius, Greg Rutkowski, Zabrocki, Karlkka, and Jayison Devadas?" +diffusiondb2,"An intricate character sheet showcasing a demogorgon design, with artistic influences drawn from creators like Moebius, Greg Rutkowski, Zabrocki, Karlkka, and Jayison Devadas. The concept art, detailed and rich in texture, is vividly rendered in an 8K resolution and features a zenith view, capturing the monstrosity of the creature. The unique pincushion lens effect enhances the ultra-wide angle perspective, making the demogorgon appear even more imposing. This piece is currently trending on Artstation, highlighting the artistic community's appreciation for Phuoc Quan's distinctive style.",,9,0,other,text,"other - text (trending, Artstation)",Is this piece currently trending on Artstation? +diffusiondb2,"An intricate character sheet showcasing a demogorgon design, with artistic influences drawn from creators like Moebius, Greg Rutkowski, Zabrocki, Karlkka, and Jayison Devadas. The concept art, detailed and rich in texture, is vividly rendered in an 8K resolution and features a zenith view, capturing the monstrosity of the creature. The unique pincushion lens effect enhances the ultra-wide angle perspective, making the demogorgon appear even more imposing. This piece is currently trending on Artstation, highlighting the artistic community's appreciation for Phuoc Quan's distinctive style.",,10,0,attribute,other,"attribute - other (Phuoc Quan's style, distinctive)",Is Phuoc Quan's style distinctive? +countbench22,"A digital vector illustration depicting a serene winter scene with six tall spruce trees silhouetted in black. The trees are set against a crisp white background that is dotted with an array of delicate, intricate snowflakes, varying in size and design. This image conveys the stillness and beauty of a snowy landscape without any other elements to distract from the stark contrast between the dark evergreens and the wintry backdrop.",,1,0,entity,whole,entity - whole (illustration),Is there an illustration? +countbench22,"A digital vector illustration depicting a serene winter scene with six tall spruce trees silhouetted in black. The trees are set against a crisp white background that is dotted with an array of delicate, intricate snowflakes, varying in size and design. This image conveys the stillness and beauty of a snowy landscape without any other elements to distract from the stark contrast between the dark evergreens and the wintry backdrop.",,2,0,entity,whole,entity - whole (trees),Are there trees? +countbench22,"A digital vector illustration depicting a serene winter scene with six tall spruce trees silhouetted in black. The trees are set against a crisp white background that is dotted with an array of delicate, intricate snowflakes, varying in size and design. This image conveys the stillness and beauty of a snowy landscape without any other elements to distract from the stark contrast between the dark evergreens and the wintry backdrop.",,3,0,entity,whole,entity - whole (snowflakes),Are there snowflakes? +countbench22,"A digital vector illustration depicting a serene winter scene with six tall spruce trees silhouetted in black. The trees are set against a crisp white background that is dotted with an array of delicate, intricate snowflakes, varying in size and design. This image conveys the stillness and beauty of a snowy landscape without any other elements to distract from the stark contrast between the dark evergreens and the wintry backdrop.",,4,2,other,count,"other - count (trees, ==6)",Are there six trees? +countbench22,"A digital vector illustration depicting a serene winter scene with six tall spruce trees silhouetted in black. The trees are set against a crisp white background that is dotted with an array of delicate, intricate snowflakes, varying in size and design. This image conveys the stillness and beauty of a snowy landscape without any other elements to distract from the stark contrast between the dark evergreens and the wintry backdrop.",,5,0,global,,global - (digital vector),Is this a digital vector illustration? +countbench22,"A digital vector illustration depicting a serene winter scene with six tall spruce trees silhouetted in black. The trees are set against a crisp white background that is dotted with an array of delicate, intricate snowflakes, varying in size and design. This image conveys the stillness and beauty of a snowy landscape without any other elements to distract from the stark contrast between the dark evergreens and the wintry backdrop.",,6,2,attribute,color,"attribute - color (trees, black)",Are the trees silhouetted in black? +countbench22,"A digital vector illustration depicting a serene winter scene with six tall spruce trees silhouetted in black. The trees are set against a crisp white background that is dotted with an array of delicate, intricate snowflakes, varying in size and design. This image conveys the stillness and beauty of a snowy landscape without any other elements to distract from the stark contrast between the dark evergreens and the wintry backdrop.",,7,0,attribute,color,"attribute - color (background, white)",Is the background crisp white? +countbench22,"A digital vector illustration depicting a serene winter scene with six tall spruce trees silhouetted in black. The trees are set against a crisp white background that is dotted with an array of delicate, intricate snowflakes, varying in size and design. This image conveys the stillness and beauty of a snowy landscape without any other elements to distract from the stark contrast between the dark evergreens and the wintry backdrop.",,8,3,attribute,texture,"attribute - texture (snowflakes, delicate and intricate)",Are the snowflakes delicate and intricate? +countbench22,"A digital vector illustration depicting a serene winter scene with six tall spruce trees silhouetted in black. The trees are set against a crisp white background that is dotted with an array of delicate, intricate snowflakes, varying in size and design. This image conveys the stillness and beauty of a snowy landscape without any other elements to distract from the stark contrast between the dark evergreens and the wintry backdrop.",,9,"2,7",relation,spatial,"relation - spatial (trees, background, against)",Are the trees set against the background? +countbench22,"A digital vector illustration depicting a serene winter scene with six tall spruce trees silhouetted in black. The trees are set against a crisp white background that is dotted with an array of delicate, intricate snowflakes, varying in size and design. This image conveys the stillness and beauty of a snowy landscape without any other elements to distract from the stark contrast between the dark evergreens and the wintry backdrop.",,10,0,global,,"global - (scene, winter, serene)",Does the scene depict a serene winter landscape? +countbench19,"Nine differently colored labels, each featuring the iconographic representation of a Central Processing Unit, aligned neatly for visual comparison. These square icons vary in shades from vibrant red to deep blue, with the CPU symbol prominently displayed in the center. The texture of the labels appears smooth, and they are arranged in a grid pattern on a plain, light background that enhances their visibility in the illustration.",,1,0,entity,whole,entity - whole (labels),Are there labels? +countbench19,"Nine differently colored labels, each featuring the iconographic representation of a Central Processing Unit, aligned neatly for visual comparison. These square icons vary in shades from vibrant red to deep blue, with the CPU symbol prominently displayed in the center. The texture of the labels appears smooth, and they are arranged in a grid pattern on a plain, light background that enhances their visibility in the illustration.",,2,1,other,count,"other - count (labels, ==9)",Are there nine labels? +countbench19,"Nine differently colored labels, each featuring the iconographic representation of a Central Processing Unit, aligned neatly for visual comparison. These square icons vary in shades from vibrant red to deep blue, with the CPU symbol prominently displayed in the center. The texture of the labels appears smooth, and they are arranged in a grid pattern on a plain, light background that enhances their visibility in the illustration.",,3,0,entity,whole,entity - whole (CPU icons),Are there CPU icons? +countbench19,"Nine differently colored labels, each featuring the iconographic representation of a Central Processing Unit, aligned neatly for visual comparison. These square icons vary in shades from vibrant red to deep blue, with the CPU symbol prominently displayed in the center. The texture of the labels appears smooth, and they are arranged in a grid pattern on a plain, light background that enhances their visibility in the illustration.",,4,0,global,,"global - (aligned, for visual comparison)",Are the labels aligned for visual comparison? +countbench19,"Nine differently colored labels, each featuring the iconographic representation of a Central Processing Unit, aligned neatly for visual comparison. These square icons vary in shades from vibrant red to deep blue, with the CPU symbol prominently displayed in the center. The texture of the labels appears smooth, and they are arranged in a grid pattern on a plain, light background that enhances their visibility in the illustration.",,5,3,attribute,shape,"attribute - shape (CPU icons, square)",Are the CPU icons square? +countbench19,"Nine differently colored labels, each featuring the iconographic representation of a Central Processing Unit, aligned neatly for visual comparison. These square icons vary in shades from vibrant red to deep blue, with the CPU symbol prominently displayed in the center. The texture of the labels appears smooth, and they are arranged in a grid pattern on a plain, light background that enhances their visibility in the illustration.",,6,1,attribute,color,"attribute - color (label_1, vibrant red)",Is one of the labels vibrant red? +countbench19,"Nine differently colored labels, each featuring the iconographic representation of a Central Processing Unit, aligned neatly for visual comparison. These square icons vary in shades from vibrant red to deep blue, with the CPU symbol prominently displayed in the center. The texture of the labels appears smooth, and they are arranged in a grid pattern on a plain, light background that enhances their visibility in the illustration.",,7,1,attribute,color,"attribute - color (label_9, deep blue)",Is one of the labels deep blue? +countbench19,"Nine differently colored labels, each featuring the iconographic representation of a Central Processing Unit, aligned neatly for visual comparison. These square icons vary in shades from vibrant red to deep blue, with the CPU symbol prominently displayed in the center. The texture of the labels appears smooth, and they are arranged in a grid pattern on a plain, light background that enhances their visibility in the illustration.",,8,1,attribute,texture,"attribute - texture (labels, smooth)",Do the labels appear smooth? +countbench19,"Nine differently colored labels, each featuring the iconographic representation of a Central Processing Unit, aligned neatly for visual comparison. These square icons vary in shades from vibrant red to deep blue, with the CPU symbol prominently displayed in the center. The texture of the labels appears smooth, and they are arranged in a grid pattern on a plain, light background that enhances their visibility in the illustration.",,9,1,relation,spatial,"relation - spatial (labels, background, on)",Are the labels on a background? +countbench19,"Nine differently colored labels, each featuring the iconographic representation of a Central Processing Unit, aligned neatly for visual comparison. These square icons vary in shades from vibrant red to deep blue, with the CPU symbol prominently displayed in the center. The texture of the labels appears smooth, and they are arranged in a grid pattern on a plain, light background that enhances their visibility in the illustration.",,10,0,global,,global - (grid pattern),Are the labels arranged in a grid pattern? +drawtext8,"An intricately designed sculpture of the letter W, rendered in three-dimensional form, is masterfully crafted from a thin wire with an iridescent light metallic chrome finish. The isometric perspective emphasizes the sculpture's geometric precision, showcasing its ultra-detailed structure. It stands prominently against a deep, dark background, further accentuating the reflective and shimmering quality of the wire material.",,1,0,entity,whole,entity - whole (sculpture),Is there a sculpture? +drawtext8,"An intricately designed sculpture of the letter W, rendered in three-dimensional form, is masterfully crafted from a thin wire with an iridescent light metallic chrome finish. The isometric perspective emphasizes the sculpture's geometric precision, showcasing its ultra-detailed structure. It stands prominently against a deep, dark background, further accentuating the reflective and shimmering quality of the wire material.",,2,1,entity,part,entity - part (sculpture's material),Does the sculpture have material? +drawtext8,"An intricately designed sculpture of the letter W, rendered in three-dimensional form, is masterfully crafted from a thin wire with an iridescent light metallic chrome finish. The isometric perspective emphasizes the sculpture's geometric precision, showcasing its ultra-detailed structure. It stands prominently against a deep, dark background, further accentuating the reflective and shimmering quality of the wire material.",,3,2,attribute,texture,"attribute - texture (sculpture's material, wire)",Is the sculpture's material made of wire? +drawtext8,"An intricately designed sculpture of the letter W, rendered in three-dimensional form, is masterfully crafted from a thin wire with an iridescent light metallic chrome finish. The isometric perspective emphasizes the sculpture's geometric precision, showcasing its ultra-detailed structure. It stands prominently against a deep, dark background, further accentuating the reflective and shimmering quality of the wire material.",,4,2,attribute,color,"attribute - color (sculpture's material, metallic chrome)",Does the sculpture's material have a metallic chrome finish? +drawtext8,"An intricately designed sculpture of the letter W, rendered in three-dimensional form, is masterfully crafted from a thin wire with an iridescent light metallic chrome finish. The isometric perspective emphasizes the sculpture's geometric precision, showcasing its ultra-detailed structure. It stands prominently against a deep, dark background, further accentuating the reflective and shimmering quality of the wire material.",,5,1,attribute,other,"attribute - other (sculpture, three-dimensional)",Is the sculpture three-dimensional? +drawtext8,"An intricately designed sculpture of the letter W, rendered in three-dimensional form, is masterfully crafted from a thin wire with an iridescent light metallic chrome finish. The isometric perspective emphasizes the sculpture's geometric precision, showcasing its ultra-detailed structure. It stands prominently against a deep, dark background, further accentuating the reflective and shimmering quality of the wire material.",,6,1,attribute,other,"attribute - other (sculpture, intricately designed)",Is the sculpture intricately designed? +drawtext8,"An intricately designed sculpture of the letter W, rendered in three-dimensional form, is masterfully crafted from a thin wire with an iridescent light metallic chrome finish. The isometric perspective emphasizes the sculpture's geometric precision, showcasing its ultra-detailed structure. It stands prominently against a deep, dark background, further accentuating the reflective and shimmering quality of the wire material.",,7,1,attribute,other,"attribute - other (sculpture, isometric perspective)",Does the sculpture have an isometric perspective? +drawtext8,"An intricately designed sculpture of the letter W, rendered in three-dimensional form, is masterfully crafted from a thin wire with an iridescent light metallic chrome finish. The isometric perspective emphasizes the sculpture's geometric precision, showcasing its ultra-detailed structure. It stands prominently against a deep, dark background, further accentuating the reflective and shimmering quality of the wire material.",,8,1,attribute,other,"attribute - other (sculpture, geometric precision)",Does the sculpture showcase geometric precision? +drawtext8,"An intricately designed sculpture of the letter W, rendered in three-dimensional form, is masterfully crafted from a thin wire with an iridescent light metallic chrome finish. The isometric perspective emphasizes the sculpture's geometric precision, showcasing its ultra-detailed structure. It stands prominently against a deep, dark background, further accentuating the reflective and shimmering quality of the wire material.",,9,1,attribute,other,"attribute - other (sculpture, ultra-detailed structure)",Does the sculpture have an ultra-detailed structure? +drawtext8,"An intricately designed sculpture of the letter W, rendered in three-dimensional form, is masterfully crafted from a thin wire with an iridescent light metallic chrome finish. The isometric perspective emphasizes the sculpture's geometric precision, showcasing its ultra-detailed structure. It stands prominently against a deep, dark background, further accentuating the reflective and shimmering quality of the wire material.",,10,1,relation,spatial,"relation - spatial (sculpture, background, against)",Does the sculpture stand against a background? +diffusiondb18,"A visual timelapse piece crafted in the style of Botticelli's 'Birth of Venus' using vibrant acrylic paints. The scene is bustling with a kaleidoscope of colors, showcasing a central figure that emerges with ethereal grace amidst the bold, sharp focus of its details. Surrounding this figure, the canvas is brought to life with an array of vivid hues and painstakingly rendered unrealistic elements that create an explosion of fantastical imagery.",,1,0,global,,global - (visual timelapse piece),Is this a visual timelapse piece? +diffusiondb18,"A visual timelapse piece crafted in the style of Botticelli's 'Birth of Venus' using vibrant acrylic paints. The scene is bustling with a kaleidoscope of colors, showcasing a central figure that emerges with ethereal grace amidst the bold, sharp focus of its details. Surrounding this figure, the canvas is brought to life with an array of vivid hues and painstakingly rendered unrealistic elements that create an explosion of fantastical imagery.",,2,1,global,,"global - (style, Botticelli's 'Birth of Venus')",Is the piece crafted in the style of Botticelli's 'Birth of Venus'? +diffusiondb18,"A visual timelapse piece crafted in the style of Botticelli's 'Birth of Venus' using vibrant acrylic paints. The scene is bustling with a kaleidoscope of colors, showcasing a central figure that emerges with ethereal grace amidst the bold, sharp focus of its details. Surrounding this figure, the canvas is brought to life with an array of vivid hues and painstakingly rendered unrealistic elements that create an explosion of fantastical imagery.",,3,1,attribute,texture,"attribute - texture (paints, acrylic)",Are acrylic paints used in the piece? +diffusiondb18,"A visual timelapse piece crafted in the style of Botticelli's 'Birth of Venus' using vibrant acrylic paints. The scene is bustling with a kaleidoscope of colors, showcasing a central figure that emerges with ethereal grace amidst the bold, sharp focus of its details. Surrounding this figure, the canvas is brought to life with an array of vivid hues and painstakingly rendered unrealistic elements that create an explosion of fantastical imagery.",,4,3,attribute,color,"attribute - color (paints, vibrant)",Are the paints vibrant? +diffusiondb18,"A visual timelapse piece crafted in the style of Botticelli's 'Birth of Venus' using vibrant acrylic paints. The scene is bustling with a kaleidoscope of colors, showcasing a central figure that emerges with ethereal grace amidst the bold, sharp focus of its details. Surrounding this figure, the canvas is brought to life with an array of vivid hues and painstakingly rendered unrealistic elements that create an explosion of fantastical imagery.",,5,1,entity,whole,entity - whole (central figure),Is there a central figure in the scene? +diffusiondb18,"A visual timelapse piece crafted in the style of Botticelli's 'Birth of Venus' using vibrant acrylic paints. The scene is bustling with a kaleidoscope of colors, showcasing a central figure that emerges with ethereal grace amidst the bold, sharp focus of its details. Surrounding this figure, the canvas is brought to life with an array of vivid hues and painstakingly rendered unrealistic elements that create an explosion of fantastical imagery.",,6,5,entity,state,"entity - state (central figure, emerges with ethereal grace)",Does the central figure emerge with ethereal grace? +diffusiondb18,"A visual timelapse piece crafted in the style of Botticelli's 'Birth of Venus' using vibrant acrylic paints. The scene is bustling with a kaleidoscope of colors, showcasing a central figure that emerges with ethereal grace amidst the bold, sharp focus of its details. Surrounding this figure, the canvas is brought to life with an array of vivid hues and painstakingly rendered unrealistic elements that create an explosion of fantastical imagery.",,7,1,global,,"global - (details, sharp focus)",Are the details in sharp focus? +diffusiondb18,"A visual timelapse piece crafted in the style of Botticelli's 'Birth of Venus' using vibrant acrylic paints. The scene is bustling with a kaleidoscope of colors, showcasing a central figure that emerges with ethereal grace amidst the bold, sharp focus of its details. Surrounding this figure, the canvas is brought to life with an array of vivid hues and painstakingly rendered unrealistic elements that create an explosion of fantastical imagery.",,8,1,attribute,color,"attribute - color (canvas, vivid hues)",Does the canvas feature vivid hues? +diffusiondb18,"A visual timelapse piece crafted in the style of Botticelli's 'Birth of Venus' using vibrant acrylic paints. The scene is bustling with a kaleidoscope of colors, showcasing a central figure that emerges with ethereal grace amidst the bold, sharp focus of its details. Surrounding this figure, the canvas is brought to life with an array of vivid hues and painstakingly rendered unrealistic elements that create an explosion of fantastical imagery.",,9,1,attribute,other,"attribute - other (elements, unrealistic)",Are there unrealistic elements in the piece? +diffusiondb18,"A visual timelapse piece crafted in the style of Botticelli's 'Birth of Venus' using vibrant acrylic paints. The scene is bustling with a kaleidoscope of colors, showcasing a central figure that emerges with ethereal grace amidst the bold, sharp focus of its details. Surrounding this figure, the canvas is brought to life with an array of vivid hues and painstakingly rendered unrealistic elements that create an explosion of fantastical imagery.",,10,1,global,,"global - (imagery, fantastical)",Does the piece create an explosion of fantastical imagery? +whoops13,"The iconic Statue of Liberty, with its verdant green patina, stands imposingly with a torch raised high in front of the Big Ben Clock Tower, whose clock face is clearly visible behind it. The Big Ben's golden clock hands contrast against its aged stone façade. In the surrounding area, tourists are seen marveling at this unexpected juxtaposition of two renowned monuments from different countries.",,1,0,entity,whole,entity - whole (Statue of Liberty),Is there a Statue of Liberty? +whoops13,"The iconic Statue of Liberty, with its verdant green patina, stands imposingly with a torch raised high in front of the Big Ben Clock Tower, whose clock face is clearly visible behind it. The Big Ben's golden clock hands contrast against its aged stone façade. In the surrounding area, tourists are seen marveling at this unexpected juxtaposition of two renowned monuments from different countries.",,2,0,entity,whole,entity - whole (Big Ben Clock Tower),Is there a Big Ben Clock Tower? +whoops13,"The iconic Statue of Liberty, with its verdant green patina, stands imposingly with a torch raised high in front of the Big Ben Clock Tower, whose clock face is clearly visible behind it. The Big Ben's golden clock hands contrast against its aged stone façade. In the surrounding area, tourists are seen marveling at this unexpected juxtaposition of two renowned monuments from different countries.",,3,0,entity,whole,entity - whole (tourists),Are there tourists? +whoops13,"The iconic Statue of Liberty, with its verdant green patina, stands imposingly with a torch raised high in front of the Big Ben Clock Tower, whose clock face is clearly visible behind it. The Big Ben's golden clock hands contrast against its aged stone façade. In the surrounding area, tourists are seen marveling at this unexpected juxtaposition of two renowned monuments from different countries.",,4,1,attribute,color,"attribute - color (Statue of Liberty, verdant green)",Does the Statue of Liberty have a verdant green patina? +whoops13,"The iconic Statue of Liberty, with its verdant green patina, stands imposingly with a torch raised high in front of the Big Ben Clock Tower, whose clock face is clearly visible behind it. The Big Ben's golden clock hands contrast against its aged stone façade. In the surrounding area, tourists are seen marveling at this unexpected juxtaposition of two renowned monuments from different countries.",,5,2,attribute,color,"attribute - color (Big Ben Clock Tower's clock hands, golden)",Are the clock hands of the Big Ben Clock Tower golden? +whoops13,"The iconic Statue of Liberty, with its verdant green patina, stands imposingly with a torch raised high in front of the Big Ben Clock Tower, whose clock face is clearly visible behind it. The Big Ben's golden clock hands contrast against its aged stone façade. In the surrounding area, tourists are seen marveling at this unexpected juxtaposition of two renowned monuments from different countries.",,6,2,attribute,texture,"attribute - texture (Big Ben Clock Tower's façade, aged stone)",Does the Big Ben Clock Tower have an aged stone façade? +whoops13,"The iconic Statue of Liberty, with its verdant green patina, stands imposingly with a torch raised high in front of the Big Ben Clock Tower, whose clock face is clearly visible behind it. The Big Ben's golden clock hands contrast against its aged stone façade. In the surrounding area, tourists are seen marveling at this unexpected juxtaposition of two renowned monuments from different countries.",,7,1,entity,state,"entity - state (Statue of Liberty, torch, raised)",Is the Statue of Liberty's torch raised? +whoops13,"The iconic Statue of Liberty, with its verdant green patina, stands imposingly with a torch raised high in front of the Big Ben Clock Tower, whose clock face is clearly visible behind it. The Big Ben's golden clock hands contrast against its aged stone façade. In the surrounding area, tourists are seen marveling at this unexpected juxtaposition of two renowned monuments from different countries.",,8,"1,2",relation,spatial,"relation - spatial (Statue of Liberty, Big Ben Clock Tower, in front of)",Is the Statue of Liberty standing in front of the Big Ben Clock Tower? +whoops13,"The iconic Statue of Liberty, with its verdant green patina, stands imposingly with a torch raised high in front of the Big Ben Clock Tower, whose clock face is clearly visible behind it. The Big Ben's golden clock hands contrast against its aged stone façade. In the surrounding area, tourists are seen marveling at this unexpected juxtaposition of two renowned monuments from different countries.",,9,"1,3",relation,spatial,"relation - spatial (tourists, Statue of Liberty, surrounding)",Are tourists surrounding the Statue of Liberty? +whoops13,"The iconic Statue of Liberty, with its verdant green patina, stands imposingly with a torch raised high in front of the Big Ben Clock Tower, whose clock face is clearly visible behind it. The Big Ben's golden clock hands contrast against its aged stone façade. In the surrounding area, tourists are seen marveling at this unexpected juxtaposition of two renowned monuments from different countries.",,10,"2,3",relation,spatial,"relation - spatial (tourists, Big Ben Clock Tower, surrounding)",Are tourists surrounding the Big Ben Clock Tower? +vrd25,"A bustling highway scene with a red semi-truck moving along a two-lane road, closely followed by a blue pickup truck. The road itself is carved through a dense forest, with tall evergreens bordering each side. Behind this verdant stretch, a majestic mountain looms, its peak piercing the sky. The mountain's rocky facade is dotted with patches of green where trees cling to its slopes. In the distance, the mountain range extends, creating a dramatic backdrop for the vehicles on their journey.",,1,0,entity,whole,entity - whole (highway scene),Is there a bustling highway scene? +vrd25,"A bustling highway scene with a red semi-truck moving along a two-lane road, closely followed by a blue pickup truck. The road itself is carved through a dense forest, with tall evergreens bordering each side. Behind this verdant stretch, a majestic mountain looms, its peak piercing the sky. The mountain's rocky facade is dotted with patches of green where trees cling to its slopes. In the distance, the mountain range extends, creating a dramatic backdrop for the vehicles on their journey.",,2,0,entity,whole,entity - whole (semi-truck),Is there a semi-truck? +vrd25,"A bustling highway scene with a red semi-truck moving along a two-lane road, closely followed by a blue pickup truck. The road itself is carved through a dense forest, with tall evergreens bordering each side. Behind this verdant stretch, a majestic mountain looms, its peak piercing the sky. The mountain's rocky facade is dotted with patches of green where trees cling to its slopes. In the distance, the mountain range extends, creating a dramatic backdrop for the vehicles on their journey.",,3,0,entity,whole,entity - whole (pickup truck),Is there a pickup truck? +vrd25,"A bustling highway scene with a red semi-truck moving along a two-lane road, closely followed by a blue pickup truck. The road itself is carved through a dense forest, with tall evergreens bordering each side. Behind this verdant stretch, a majestic mountain looms, its peak piercing the sky. The mountain's rocky facade is dotted with patches of green where trees cling to its slopes. In the distance, the mountain range extends, creating a dramatic backdrop for the vehicles on their journey.",,4,0,entity,whole,entity - whole (road),Is there a road? +vrd25,"A bustling highway scene with a red semi-truck moving along a two-lane road, closely followed by a blue pickup truck. The road itself is carved through a dense forest, with tall evergreens bordering each side. Behind this verdant stretch, a majestic mountain looms, its peak piercing the sky. The mountain's rocky facade is dotted with patches of green where trees cling to its slopes. In the distance, the mountain range extends, creating a dramatic backdrop for the vehicles on their journey.",,5,0,entity,whole,entity - whole (forest),Is there a forest? +vrd25,"A bustling highway scene with a red semi-truck moving along a two-lane road, closely followed by a blue pickup truck. The road itself is carved through a dense forest, with tall evergreens bordering each side. Behind this verdant stretch, a majestic mountain looms, its peak piercing the sky. The mountain's rocky facade is dotted with patches of green where trees cling to its slopes. In the distance, the mountain range extends, creating a dramatic backdrop for the vehicles on their journey.",,6,0,entity,whole,entity - whole (evergreens),Are there evergreens? +vrd25,"A bustling highway scene with a red semi-truck moving along a two-lane road, closely followed by a blue pickup truck. The road itself is carved through a dense forest, with tall evergreens bordering each side. Behind this verdant stretch, a majestic mountain looms, its peak piercing the sky. The mountain's rocky facade is dotted with patches of green where trees cling to its slopes. In the distance, the mountain range extends, creating a dramatic backdrop for the vehicles on their journey.",,7,0,entity,whole,entity - whole (mountain),Is there a mountain? +vrd25,"A bustling highway scene with a red semi-truck moving along a two-lane road, closely followed by a blue pickup truck. The road itself is carved through a dense forest, with tall evergreens bordering each side. Behind this verdant stretch, a majestic mountain looms, its peak piercing the sky. The mountain's rocky facade is dotted with patches of green where trees cling to its slopes. In the distance, the mountain range extends, creating a dramatic backdrop for the vehicles on their journey.",,8,2,attribute,color,"attribute - color (semi-truck, red)",Is the semi-truck red? +vrd25,"A bustling highway scene with a red semi-truck moving along a two-lane road, closely followed by a blue pickup truck. The road itself is carved through a dense forest, with tall evergreens bordering each side. Behind this verdant stretch, a majestic mountain looms, its peak piercing the sky. The mountain's rocky facade is dotted with patches of green where trees cling to its slopes. In the distance, the mountain range extends, creating a dramatic backdrop for the vehicles on their journey.",,9,3,attribute,color,"attribute - color (pickup truck, blue)",Is the pickup truck blue? +vrd25,"A bustling highway scene with a red semi-truck moving along a two-lane road, closely followed by a blue pickup truck. The road itself is carved through a dense forest, with tall evergreens bordering each side. Behind this verdant stretch, a majestic mountain looms, its peak piercing the sky. The mountain's rocky facade is dotted with patches of green where trees cling to its slopes. In the distance, the mountain range extends, creating a dramatic backdrop for the vehicles on their journey.",,10,"2,4",relation,spatial,"relation - spatial (semi-truck, road, on)",Is the semi-truck on the road? +vrd25,"A bustling highway scene with a red semi-truck moving along a two-lane road, closely followed by a blue pickup truck. The road itself is carved through a dense forest, with tall evergreens bordering each side. Behind this verdant stretch, a majestic mountain looms, its peak piercing the sky. The mountain's rocky facade is dotted with patches of green where trees cling to its slopes. In the distance, the mountain range extends, creating a dramatic backdrop for the vehicles on their journey.",,11,"2,3",relation,spatial,"relation - spatial (pickup truck, semi-truck, closely follow)",Is the pickup truck closely following the semi-truck? +vrd25,"A bustling highway scene with a red semi-truck moving along a two-lane road, closely followed by a blue pickup truck. The road itself is carved through a dense forest, with tall evergreens bordering each side. Behind this verdant stretch, a majestic mountain looms, its peak piercing the sky. The mountain's rocky facade is dotted with patches of green where trees cling to its slopes. In the distance, the mountain range extends, creating a dramatic backdrop for the vehicles on their journey.",,12,"4,5",relation,spatial,"relation - spatial (road, forest, through)",Is the road carved through the forest? +vrd25,"A bustling highway scene with a red semi-truck moving along a two-lane road, closely followed by a blue pickup truck. The road itself is carved through a dense forest, with tall evergreens bordering each side. Behind this verdant stretch, a majestic mountain looms, its peak piercing the sky. The mountain's rocky facade is dotted with patches of green where trees cling to its slopes. In the distance, the mountain range extends, creating a dramatic backdrop for the vehicles on their journey.",,13,"4,6",relation,spatial,"relation - spatial (evergreens, road, bordering)",Are the evergreens bordering the road? +vrd25,"A bustling highway scene with a red semi-truck moving along a two-lane road, closely followed by a blue pickup truck. The road itself is carved through a dense forest, with tall evergreens bordering each side. Behind this verdant stretch, a majestic mountain looms, its peak piercing the sky. The mountain's rocky facade is dotted with patches of green where trees cling to its slopes. In the distance, the mountain range extends, creating a dramatic backdrop for the vehicles on their journey.",,14,"5,7",relation,spatial,"relation - spatial (mountain, forest, behind)",Is the mountain behind the forest? +vrd25,"A bustling highway scene with a red semi-truck moving along a two-lane road, closely followed by a blue pickup truck. The road itself is carved through a dense forest, with tall evergreens bordering each side. Behind this verdant stretch, a majestic mountain looms, its peak piercing the sky. The mountain's rocky facade is dotted with patches of green where trees cling to its slopes. In the distance, the mountain range extends, creating a dramatic backdrop for the vehicles on their journey.",,15,7,attribute,texture,"attribute - texture (mountain, rocky)",Does the mountain have a rocky facade? +vrd2,helmet on person. helmet on person. person wear jacket. person above grass. person wear helmet. person wear shirt. person wear jacket. person above grass. person wear helmet. person wear shirt,,1,0,entity,whole,entity - whole (helmet),Is there a helmet? +vrd2,helmet on person. helmet on person. person wear jacket. person above grass. person wear helmet. person wear shirt. person wear jacket. person above grass. person wear helmet. person wear shirt,,2,0,entity,whole,entity - whole (person),Is there a person? +vrd2,helmet on person. helmet on person. person wear jacket. person above grass. person wear helmet. person wear shirt. person wear jacket. person above grass. person wear helmet. person wear shirt,,3,0,entity,whole,entity - whole (jacket),Is there a jacket? +vrd2,helmet on person. helmet on person. person wear jacket. person above grass. person wear helmet. person wear shirt. person wear jacket. person above grass. person wear helmet. person wear shirt,,4,0,entity,whole,entity - whole (grass),Is there grass? +vrd2,helmet on person. helmet on person. person wear jacket. person above grass. person wear helmet. person wear shirt. person wear jacket. person above grass. person wear helmet. person wear shirt,,5,0,entity,whole,entity - whole (shirt),Is there a shirt? +vrd2,helmet on person. helmet on person. person wear jacket. person above grass. person wear helmet. person wear shirt. person wear jacket. person above grass. person wear helmet. person wear shirt,,6,"1,2",relation,spatial,"relation - spatial (helmet, person, on)",Is the helmet on the person? +vrd2,helmet on person. helmet on person. person wear jacket. person above grass. person wear helmet. person wear shirt. person wear jacket. person above grass. person wear helmet. person wear shirt,,7,"2,4",relation,spatial,"relation - spatial (person, grass, above)",Is the person above the grass? +vrd2,helmet on person. helmet on person. person wear jacket. person above grass. person wear helmet. person wear shirt. person wear jacket. person above grass. person wear helmet. person wear shirt,,8,"2,3",relation,non-spatial,"relation - non-spatial (person, jacket, wear)",Is the person wearing a jacket? +vrd2,helmet on person. helmet on person. person wear jacket. person above grass. person wear helmet. person wear shirt. person wear jacket. person above grass. person wear helmet. person wear shirt,,9,"2,5",relation,non-spatial,"relation - non-spatial (person, shirt, wear)",Is the person wearing a shirt? +vrd2,helmet on person. helmet on person. person wear jacket. person above grass. person wear helmet. person wear shirt. person wear jacket. person above grass. person wear helmet. person wear shirt,,10,"2,1",relation,non-spatial,"relation - non-spatial (person, helmet, wear)",Is the person wearing a helmet? +midjourney38,"An endearing, fluffy creature with fur in various shades of lavender and teal, straight out of a Pixar film, illuminated by vibrant, volumetric lighting that provides a rich depth to the scene. The textured fur of the character reflects the high-quality 4k resolution, adding to its lifelike photorealistic appearance. Positioned next to the monster, a sparkling star accentuates its whimsical nature, set against a meticulously rendered background that showcases Pixar's attention to detail.",,1,0,entity,whole,entity - whole (creature),Is there a creature? +midjourney38,"An endearing, fluffy creature with fur in various shades of lavender and teal, straight out of a Pixar film, illuminated by vibrant, volumetric lighting that provides a rich depth to the scene. The textured fur of the character reflects the high-quality 4k resolution, adding to its lifelike photorealistic appearance. Positioned next to the monster, a sparkling star accentuates its whimsical nature, set against a meticulously rendered background that showcases Pixar's attention to detail.",,2,0,entity,whole,entity - whole (star),Is there a star? +midjourney38,"An endearing, fluffy creature with fur in various shades of lavender and teal, straight out of a Pixar film, illuminated by vibrant, volumetric lighting that provides a rich depth to the scene. The textured fur of the character reflects the high-quality 4k resolution, adding to its lifelike photorealistic appearance. Positioned next to the monster, a sparkling star accentuates its whimsical nature, set against a meticulously rendered background that showcases Pixar's attention to detail.",,3,1,attribute,color,"attribute - color (creature's fur, lavender)",Does the creature have fur in shades of lavender? +midjourney38,"An endearing, fluffy creature with fur in various shades of lavender and teal, straight out of a Pixar film, illuminated by vibrant, volumetric lighting that provides a rich depth to the scene. The textured fur of the character reflects the high-quality 4k resolution, adding to its lifelike photorealistic appearance. Positioned next to the monster, a sparkling star accentuates its whimsical nature, set against a meticulously rendered background that showcases Pixar's attention to detail.",,4,1,attribute,color,"attribute - color (creature's fur, teal)",Does the creature have fur in shades of teal? +midjourney38,"An endearing, fluffy creature with fur in various shades of lavender and teal, straight out of a Pixar film, illuminated by vibrant, volumetric lighting that provides a rich depth to the scene. The textured fur of the character reflects the high-quality 4k resolution, adding to its lifelike photorealistic appearance. Positioned next to the monster, a sparkling star accentuates its whimsical nature, set against a meticulously rendered background that showcases Pixar's attention to detail.",,5,1,attribute,texture,"attribute - texture (creature's fur, fluffy)",Is the creature's fur fluffy? +midjourney38,"An endearing, fluffy creature with fur in various shades of lavender and teal, straight out of a Pixar film, illuminated by vibrant, volumetric lighting that provides a rich depth to the scene. The textured fur of the character reflects the high-quality 4k resolution, adding to its lifelike photorealistic appearance. Positioned next to the monster, a sparkling star accentuates its whimsical nature, set against a meticulously rendered background that showcases Pixar's attention to detail.",,6,0,global,,global - (Pixar film style),Does the scene resemble the style of a Pixar film? +midjourney38,"An endearing, fluffy creature with fur in various shades of lavender and teal, straight out of a Pixar film, illuminated by vibrant, volumetric lighting that provides a rich depth to the scene. The textured fur of the character reflects the high-quality 4k resolution, adding to its lifelike photorealistic appearance. Positioned next to the monster, a sparkling star accentuates its whimsical nature, set against a meticulously rendered background that showcases Pixar's attention to detail.",,7,0,attribute,other,"attribute - other (lighting, vibrant and volumetric)",Is the lighting vibrant and volumetric? +midjourney38,"An endearing, fluffy creature with fur in various shades of lavender and teal, straight out of a Pixar film, illuminated by vibrant, volumetric lighting that provides a rich depth to the scene. The textured fur of the character reflects the high-quality 4k resolution, adding to its lifelike photorealistic appearance. Positioned next to the monster, a sparkling star accentuates its whimsical nature, set against a meticulously rendered background that showcases Pixar's attention to detail.",,8,0,attribute,other,"attribute - other (scene, rich depth)",Does the scene have a rich depth? +midjourney38,"An endearing, fluffy creature with fur in various shades of lavender and teal, straight out of a Pixar film, illuminated by vibrant, volumetric lighting that provides a rich depth to the scene. The textured fur of the character reflects the high-quality 4k resolution, adding to its lifelike photorealistic appearance. Positioned next to the monster, a sparkling star accentuates its whimsical nature, set against a meticulously rendered background that showcases Pixar's attention to detail.",,9,1,attribute,other,"attribute - other (fur, high-quality 4k resolution)",Does the creature's fur reflect a high-quality 4k resolution? +midjourney38,"An endearing, fluffy creature with fur in various shades of lavender and teal, straight out of a Pixar film, illuminated by vibrant, volumetric lighting that provides a rich depth to the scene. The textured fur of the character reflects the high-quality 4k resolution, adding to its lifelike photorealistic appearance. Positioned next to the monster, a sparkling star accentuates its whimsical nature, set against a meticulously rendered background that showcases Pixar's attention to detail.",,10,0,attribute,other,"attribute - other (background, meticulously rendered)",Is the background meticulously rendered? +localized9,"Centrally placed on a raised platform, a sleek red sports car gleams under bright lights. The platform is surrounded by railings, beyond which a small crowd of people are scattered, some intently observing the car, others engaged in conversation. Advertising banners and promotional stands can be glimpsed in the background, flanking a large white tent that is set up near a modern building structure with glass facades.",,1,0,entity,whole,entity - whole (sports car),Is there a sports car? +localized9,"Centrally placed on a raised platform, a sleek red sports car gleams under bright lights. The platform is surrounded by railings, beyond which a small crowd of people are scattered, some intently observing the car, others engaged in conversation. Advertising banners and promotional stands can be glimpsed in the background, flanking a large white tent that is set up near a modern building structure with glass facades.",,2,0,entity,whole,entity - whole (platform),Is there a platform? +localized9,"Centrally placed on a raised platform, a sleek red sports car gleams under bright lights. The platform is surrounded by railings, beyond which a small crowd of people are scattered, some intently observing the car, others engaged in conversation. Advertising banners and promotional stands can be glimpsed in the background, flanking a large white tent that is set up near a modern building structure with glass facades.",,3,0,entity,whole,entity - whole (crowd),Is there a crowd? +localized9,"Centrally placed on a raised platform, a sleek red sports car gleams under bright lights. The platform is surrounded by railings, beyond which a small crowd of people are scattered, some intently observing the car, others engaged in conversation. Advertising banners and promotional stands can be glimpsed in the background, flanking a large white tent that is set up near a modern building structure with glass facades.",,4,0,entity,whole,entity - whole (railings),Are there railings? +localized9,"Centrally placed on a raised platform, a sleek red sports car gleams under bright lights. The platform is surrounded by railings, beyond which a small crowd of people are scattered, some intently observing the car, others engaged in conversation. Advertising banners and promotional stands can be glimpsed in the background, flanking a large white tent that is set up near a modern building structure with glass facades.",,5,0,entity,whole,entity - whole (advertising banners),Are there advertising banners? +localized9,"Centrally placed on a raised platform, a sleek red sports car gleams under bright lights. The platform is surrounded by railings, beyond which a small crowd of people are scattered, some intently observing the car, others engaged in conversation. Advertising banners and promotional stands can be glimpsed in the background, flanking a large white tent that is set up near a modern building structure with glass facades.",,6,0,entity,whole,entity - whole (promotional stands),Are there promotional stands? +localized9,"Centrally placed on a raised platform, a sleek red sports car gleams under bright lights. The platform is surrounded by railings, beyond which a small crowd of people are scattered, some intently observing the car, others engaged in conversation. Advertising banners and promotional stands can be glimpsed in the background, flanking a large white tent that is set up near a modern building structure with glass facades.",,7,0,entity,whole,entity - whole (tent),Is there a tent? +localized9,"Centrally placed on a raised platform, a sleek red sports car gleams under bright lights. The platform is surrounded by railings, beyond which a small crowd of people are scattered, some intently observing the car, others engaged in conversation. Advertising banners and promotional stands can be glimpsed in the background, flanking a large white tent that is set up near a modern building structure with glass facades.",,8,0,entity,whole,entity - whole (building),Is there a building? +localized9,"Centrally placed on a raised platform, a sleek red sports car gleams under bright lights. The platform is surrounded by railings, beyond which a small crowd of people are scattered, some intently observing the car, others engaged in conversation. Advertising banners and promotional stands can be glimpsed in the background, flanking a large white tent that is set up near a modern building structure with glass facades.",,9,1,attribute,color,"attribute - color (sports car, red)",Is the sports car red? +localized9,"Centrally placed on a raised platform, a sleek red sports car gleams under bright lights. The platform is surrounded by railings, beyond which a small crowd of people are scattered, some intently observing the car, others engaged in conversation. Advertising banners and promotional stands can be glimpsed in the background, flanking a large white tent that is set up near a modern building structure with glass facades.",,10,"1,2",relation,spatial,"relation - spatial (sports car, platform, on)",Is the sports car on the platform? +countbench33,"A vibrant canvas stretched across a 2cm thick wooden frame, adorned with the illustration of abstract, beautiful female faces depicted on three separate segments of the canvas. The artwork displays a unique juxtaposition of blooming flowers and the delicate features of women, with a rich color palette that includes hues of purple, red, and yellow. Each of the three portions of the canvas seamlessly connects, creating a continuous visual narrative that celebrates feminine beauty and botanical elegance.",,1,0,entity,whole,entity - whole (canvas),Is there a canvas? +countbench33,"A vibrant canvas stretched across a 2cm thick wooden frame, adorned with the illustration of abstract, beautiful female faces depicted on three separate segments of the canvas. The artwork displays a unique juxtaposition of blooming flowers and the delicate features of women, with a rich color palette that includes hues of purple, red, and yellow. Each of the three portions of the canvas seamlessly connects, creating a continuous visual narrative that celebrates feminine beauty and botanical elegance.",,2,1,entity,part,entity - part (canvas's frame),Does the canvas have a frame? +countbench33,"A vibrant canvas stretched across a 2cm thick wooden frame, adorned with the illustration of abstract, beautiful female faces depicted on three separate segments of the canvas. The artwork displays a unique juxtaposition of blooming flowers and the delicate features of women, with a rich color palette that includes hues of purple, red, and yellow. Each of the three portions of the canvas seamlessly connects, creating a continuous visual narrative that celebrates feminine beauty and botanical elegance.",,3,1,attribute,color,"attribute - color (canvas, vibrant)",Is the canvas vibrant? +countbench33,"A vibrant canvas stretched across a 2cm thick wooden frame, adorned with the illustration of abstract, beautiful female faces depicted on three separate segments of the canvas. The artwork displays a unique juxtaposition of blooming flowers and the delicate features of women, with a rich color palette that includes hues of purple, red, and yellow. Each of the three portions of the canvas seamlessly connects, creating a continuous visual narrative that celebrates feminine beauty and botanical elegance.",,4,2,attribute,size,"attribute - size (frame, 2cm thick)",Is the frame 2cm thick? +countbench33,"A vibrant canvas stretched across a 2cm thick wooden frame, adorned with the illustration of abstract, beautiful female faces depicted on three separate segments of the canvas. The artwork displays a unique juxtaposition of blooming flowers and the delicate features of women, with a rich color palette that includes hues of purple, red, and yellow. Each of the three portions of the canvas seamlessly connects, creating a continuous visual narrative that celebrates feminine beauty and botanical elegance.",,5,2,attribute,texture,"attribute - texture (frame, wood)",Is the frame made of wood? +countbench33,"A vibrant canvas stretched across a 2cm thick wooden frame, adorned with the illustration of abstract, beautiful female faces depicted on three separate segments of the canvas. The artwork displays a unique juxtaposition of blooming flowers and the delicate features of women, with a rich color palette that includes hues of purple, red, and yellow. Each of the three portions of the canvas seamlessly connects, creating a continuous visual narrative that celebrates feminine beauty and botanical elegance.",,6,1,entity,part,entity - part (canvas's illustration),Is there an illustration on the canvas? +countbench33,"A vibrant canvas stretched across a 2cm thick wooden frame, adorned with the illustration of abstract, beautiful female faces depicted on three separate segments of the canvas. The artwork displays a unique juxtaposition of blooming flowers and the delicate features of women, with a rich color palette that includes hues of purple, red, and yellow. Each of the three portions of the canvas seamlessly connects, creating a continuous visual narrative that celebrates feminine beauty and botanical elegance.",,7,6,entity,state,"entity - state (illustration, abstract)",Is the illustration abstract? +countbench33,"A vibrant canvas stretched across a 2cm thick wooden frame, adorned with the illustration of abstract, beautiful female faces depicted on three separate segments of the canvas. The artwork displays a unique juxtaposition of blooming flowers and the delicate features of women, with a rich color palette that includes hues of purple, red, and yellow. Each of the three portions of the canvas seamlessly connects, creating a continuous visual narrative that celebrates feminine beauty and botanical elegance.",,8,6,entity,state,"entity - state (illustration, beautiful female faces)",Does the illustration depict beautiful female faces? +countbench33,"A vibrant canvas stretched across a 2cm thick wooden frame, adorned with the illustration of abstract, beautiful female faces depicted on three separate segments of the canvas. The artwork displays a unique juxtaposition of blooming flowers and the delicate features of women, with a rich color palette that includes hues of purple, red, and yellow. Each of the three portions of the canvas seamlessly connects, creating a continuous visual narrative that celebrates feminine beauty and botanical elegance.",,9,1,other,count,"other - count (canvas segments, ==3)",Are there three separate segments on the canvas? +countbench33,"A vibrant canvas stretched across a 2cm thick wooden frame, adorned with the illustration of abstract, beautiful female faces depicted on three separate segments of the canvas. The artwork displays a unique juxtaposition of blooming flowers and the delicate features of women, with a rich color palette that includes hues of purple, red, and yellow. Each of the three portions of the canvas seamlessly connects, creating a continuous visual narrative that celebrates feminine beauty and botanical elegance.",,10,6,attribute,color,"attribute - color (illustration, purple, red, yellow)","Does the illustration include hues of purple, red, and yellow?" +midjourney15,"An imaginative digital artwork that features a fantasy female character, stylized with the intricate detail and ethereal qualities reminiscent of Peter Mohrbacher's angelic designs. The scene is richly textured with the layered brushwork akin to Craig Mullins, while the character is positioned in a whimsical world that pays homage to Studio Ghibli's magical backdrops. The color palette and decorative patterns echo the opulent artistry of Gustav Klimt and the flowing elegance of Alphonse Mucha, while the bold contrast and shadowing are influenced by Mike Mignola's distinctive style. Frank Frazetta's dynamic forms and Boris Vallejo's muscular fantasy realism influence the figure's pose and musculature, creating a visually arresting tableau with extreme detail and depth.",,1,0,global,,global - (digital artwork),Is this an imaginative digital artwork? +midjourney15,"An imaginative digital artwork that features a fantasy female character, stylized with the intricate detail and ethereal qualities reminiscent of Peter Mohrbacher's angelic designs. The scene is richly textured with the layered brushwork akin to Craig Mullins, while the character is positioned in a whimsical world that pays homage to Studio Ghibli's magical backdrops. The color palette and decorative patterns echo the opulent artistry of Gustav Klimt and the flowing elegance of Alphonse Mucha, while the bold contrast and shadowing are influenced by Mike Mignola's distinctive style. Frank Frazetta's dynamic forms and Boris Vallejo's muscular fantasy realism influence the figure's pose and musculature, creating a visually arresting tableau with extreme detail and depth.",,2,0,entity,whole,entity - whole (fantasy female character),Does the artwork feature a fantasy female character? +midjourney15,"An imaginative digital artwork that features a fantasy female character, stylized with the intricate detail and ethereal qualities reminiscent of Peter Mohrbacher's angelic designs. The scene is richly textured with the layered brushwork akin to Craig Mullins, while the character is positioned in a whimsical world that pays homage to Studio Ghibli's magical backdrops. The color palette and decorative patterns echo the opulent artistry of Gustav Klimt and the flowing elegance of Alphonse Mucha, while the bold contrast and shadowing are influenced by Mike Mignola's distinctive style. Frank Frazetta's dynamic forms and Boris Vallejo's muscular fantasy realism influence the figure's pose and musculature, creating a visually arresting tableau with extreme detail and depth.",,3,1,attribute,texture,"attribute - texture (scene, richly textured)",Is the scene richly textured? +midjourney15,"An imaginative digital artwork that features a fantasy female character, stylized with the intricate detail and ethereal qualities reminiscent of Peter Mohrbacher's angelic designs. The scene is richly textured with the layered brushwork akin to Craig Mullins, while the character is positioned in a whimsical world that pays homage to Studio Ghibli's magical backdrops. The color palette and decorative patterns echo the opulent artistry of Gustav Klimt and the flowing elegance of Alphonse Mucha, while the bold contrast and shadowing are influenced by Mike Mignola's distinctive style. Frank Frazetta's dynamic forms and Boris Vallejo's muscular fantasy realism influence the figure's pose and musculature, creating a visually arresting tableau with extreme detail and depth.",,4,1,attribute,texture,"attribute - texture (brushwork, layered)",Is the brushwork layered? +midjourney15,"An imaginative digital artwork that features a fantasy female character, stylized with the intricate detail and ethereal qualities reminiscent of Peter Mohrbacher's angelic designs. The scene is richly textured with the layered brushwork akin to Craig Mullins, while the character is positioned in a whimsical world that pays homage to Studio Ghibli's magical backdrops. The color palette and decorative patterns echo the opulent artistry of Gustav Klimt and the flowing elegance of Alphonse Mucha, while the bold contrast and shadowing are influenced by Mike Mignola's distinctive style. Frank Frazetta's dynamic forms and Boris Vallejo's muscular fantasy realism influence the figure's pose and musculature, creating a visually arresting tableau with extreme detail and depth.",,5,0,global,,global - (whimsical world),Is there a whimsical world depicted in the artwork? +midjourney15,"An imaginative digital artwork that features a fantasy female character, stylized with the intricate detail and ethereal qualities reminiscent of Peter Mohrbacher's angelic designs. The scene is richly textured with the layered brushwork akin to Craig Mullins, while the character is positioned in a whimsical world that pays homage to Studio Ghibli's magical backdrops. The color palette and decorative patterns echo the opulent artistry of Gustav Klimt and the flowing elegance of Alphonse Mucha, while the bold contrast and shadowing are influenced by Mike Mignola's distinctive style. Frank Frazetta's dynamic forms and Boris Vallejo's muscular fantasy realism influence the figure's pose and musculature, creating a visually arresting tableau with extreme detail and depth.",,6,1,attribute,color,"attribute - color (color palette, opulent)",Is the color palette opulent? +midjourney15,"An imaginative digital artwork that features a fantasy female character, stylized with the intricate detail and ethereal qualities reminiscent of Peter Mohrbacher's angelic designs. The scene is richly textured with the layered brushwork akin to Craig Mullins, while the character is positioned in a whimsical world that pays homage to Studio Ghibli's magical backdrops. The color palette and decorative patterns echo the opulent artistry of Gustav Klimt and the flowing elegance of Alphonse Mucha, while the bold contrast and shadowing are influenced by Mike Mignola's distinctive style. Frank Frazetta's dynamic forms and Boris Vallejo's muscular fantasy realism influence the figure's pose and musculature, creating a visually arresting tableau with extreme detail and depth.",,7,1,attribute,other,"attribute - other (patterns, decorative)",Are there decorative patterns in the artwork? +midjourney15,"An imaginative digital artwork that features a fantasy female character, stylized with the intricate detail and ethereal qualities reminiscent of Peter Mohrbacher's angelic designs. The scene is richly textured with the layered brushwork akin to Craig Mullins, while the character is positioned in a whimsical world that pays homage to Studio Ghibli's magical backdrops. The color palette and decorative patterns echo the opulent artistry of Gustav Klimt and the flowing elegance of Alphonse Mucha, while the bold contrast and shadowing are influenced by Mike Mignola's distinctive style. Frank Frazetta's dynamic forms and Boris Vallejo's muscular fantasy realism influence the figure's pose and musculature, creating a visually arresting tableau with extreme detail and depth.",,8,2,relation,non-spatial,"relation - non-spatial (character, Peter Mohrbacher's angelic designs, reminiscent)",Is the character's style reminiscent of Peter Mohrbacher's angelic designs? +midjourney15,"An imaginative digital artwork that features a fantasy female character, stylized with the intricate detail and ethereal qualities reminiscent of Peter Mohrbacher's angelic designs. The scene is richly textured with the layered brushwork akin to Craig Mullins, while the character is positioned in a whimsical world that pays homage to Studio Ghibli's magical backdrops. The color palette and decorative patterns echo the opulent artistry of Gustav Klimt and the flowing elegance of Alphonse Mucha, while the bold contrast and shadowing are influenced by Mike Mignola's distinctive style. Frank Frazetta's dynamic forms and Boris Vallejo's muscular fantasy realism influence the figure's pose and musculature, creating a visually arresting tableau with extreme detail and depth.",,9,5,relation,non-spatial,"relation - non-spatial (world, Studio Ghibli's magical backdrops, homage)",Does the whimsical world pay homage to Studio Ghibli's magical backdrops? +midjourney15,"An imaginative digital artwork that features a fantasy female character, stylized with the intricate detail and ethereal qualities reminiscent of Peter Mohrbacher's angelic designs. The scene is richly textured with the layered brushwork akin to Craig Mullins, while the character is positioned in a whimsical world that pays homage to Studio Ghibli's magical backdrops. The color palette and decorative patterns echo the opulent artistry of Gustav Klimt and the flowing elegance of Alphonse Mucha, while the bold contrast and shadowing are influenced by Mike Mignola's distinctive style. Frank Frazetta's dynamic forms and Boris Vallejo's muscular fantasy realism influence the figure's pose and musculature, creating a visually arresting tableau with extreme detail and depth.",,10,"6,7",relation,non-spatial,"relation - non-spatial (color palette and patterns, Gustav Klimt, echo)",Do the color palette and decorative patterns echo the artistry of Gustav Klimt? +whoops8,"The scene captures a coal mine worker whose dirt-smeared hands are contrasted by meticulously manicured long nails, finished with a glossy acrylic coating. The worker is positioned next to a rugged cart filled with dark, lustrous coal. Around the worker, the dimly lit mine showcases the hard, rocky texture of the underground environment.",,1,0,entity,whole,entity - whole (coal mine worker),Is there a coal mine worker? +whoops8,"The scene captures a coal mine worker whose dirt-smeared hands are contrasted by meticulously manicured long nails, finished with a glossy acrylic coating. The worker is positioned next to a rugged cart filled with dark, lustrous coal. Around the worker, the dimly lit mine showcases the hard, rocky texture of the underground environment.",,2,1,entity,whole,entity - whole (hands),Are there hands? +whoops8,"The scene captures a coal mine worker whose dirt-smeared hands are contrasted by meticulously manicured long nails, finished with a glossy acrylic coating. The worker is positioned next to a rugged cart filled with dark, lustrous coal. Around the worker, the dimly lit mine showcases the hard, rocky texture of the underground environment.",,3,2,entity,whole,entity - whole (nails),Are there nails? +whoops8,"The scene captures a coal mine worker whose dirt-smeared hands are contrasted by meticulously manicured long nails, finished with a glossy acrylic coating. The worker is positioned next to a rugged cart filled with dark, lustrous coal. Around the worker, the dimly lit mine showcases the hard, rocky texture of the underground environment.",,4,0,entity,whole,entity - whole (cart),Is there a cart? +whoops8,"The scene captures a coal mine worker whose dirt-smeared hands are contrasted by meticulously manicured long nails, finished with a glossy acrylic coating. The worker is positioned next to a rugged cart filled with dark, lustrous coal. Around the worker, the dimly lit mine showcases the hard, rocky texture of the underground environment.",,5,4,entity,whole,entity - whole (coal),Is there coal? +whoops8,"The scene captures a coal mine worker whose dirt-smeared hands are contrasted by meticulously manicured long nails, finished with a glossy acrylic coating. The worker is positioned next to a rugged cart filled with dark, lustrous coal. Around the worker, the dimly lit mine showcases the hard, rocky texture of the underground environment.",,6,0,entity,whole,entity - whole (mine),Is there a mine? +whoops8,"The scene captures a coal mine worker whose dirt-smeared hands are contrasted by meticulously manicured long nails, finished with a glossy acrylic coating. The worker is positioned next to a rugged cart filled with dark, lustrous coal. Around the worker, the dimly lit mine showcases the hard, rocky texture of the underground environment.",,7,2,attribute,texture,"attribute - texture (hands, dirt-smeared)",Are the hands dirt-smeared? +whoops8,"The scene captures a coal mine worker whose dirt-smeared hands are contrasted by meticulously manicured long nails, finished with a glossy acrylic coating. The worker is positioned next to a rugged cart filled with dark, lustrous coal. Around the worker, the dimly lit mine showcases the hard, rocky texture of the underground environment.",,8,3,attribute,texture,"attribute - texture (nails, glossy acrylic coating)",Do the nails have a glossy acrylic coating? +whoops8,"The scene captures a coal mine worker whose dirt-smeared hands are contrasted by meticulously manicured long nails, finished with a glossy acrylic coating. The worker is positioned next to a rugged cart filled with dark, lustrous coal. Around the worker, the dimly lit mine showcases the hard, rocky texture of the underground environment.",,9,6,attribute,texture,"attribute - texture (mine, hard rocky)","Does the mine have a hard, rocky texture?" +whoops8,"The scene captures a coal mine worker whose dirt-smeared hands are contrasted by meticulously manicured long nails, finished with a glossy acrylic coating. The worker is positioned next to a rugged cart filled with dark, lustrous coal. Around the worker, the dimly lit mine showcases the hard, rocky texture of the underground environment.",,10,"1,4",relation,spatial,"relation - spatial (coal mine worker, cart, next to)",Is the coal mine worker positioned next to the cart? +countbench35,"A rustic wooden wall displaying a row of five golden stars representing Amazon feedback. Next to the stars, there's a human index finger pointing at the highest star, implying a top rating. The wood grain texture is visible around the shiny golden stars, and the contrast between the natural wood and the metallic gleam of the stars is striking.",,1,0,entity,whole,entity - whole (wooden wall),Is there a wooden wall? +countbench35,"A rustic wooden wall displaying a row of five golden stars representing Amazon feedback. Next to the stars, there's a human index finger pointing at the highest star, implying a top rating. The wood grain texture is visible around the shiny golden stars, and the contrast between the natural wood and the metallic gleam of the stars is striking.",,2,0,entity,whole,entity - whole (stars),Are there stars? +countbench35,"A rustic wooden wall displaying a row of five golden stars representing Amazon feedback. Next to the stars, there's a human index finger pointing at the highest star, implying a top rating. The wood grain texture is visible around the shiny golden stars, and the contrast between the natural wood and the metallic gleam of the stars is striking.",,3,0,entity,whole,entity - whole (human index finger),Is there a human index finger? +countbench35,"A rustic wooden wall displaying a row of five golden stars representing Amazon feedback. Next to the stars, there's a human index finger pointing at the highest star, implying a top rating. The wood grain texture is visible around the shiny golden stars, and the contrast between the natural wood and the metallic gleam of the stars is striking.",,4,2,attribute,color,"attribute - color (stars, golden)",Are the stars golden? +countbench35,"A rustic wooden wall displaying a row of five golden stars representing Amazon feedback. Next to the stars, there's a human index finger pointing at the highest star, implying a top rating. The wood grain texture is visible around the shiny golden stars, and the contrast between the natural wood and the metallic gleam of the stars is striking.",,5,1,attribute,texture,"attribute - texture (wooden wall, wood grain)",Does the wooden wall have a wood grain texture? +countbench35,"A rustic wooden wall displaying a row of five golden stars representing Amazon feedback. Next to the stars, there's a human index finger pointing at the highest star, implying a top rating. The wood grain texture is visible around the shiny golden stars, and the contrast between the natural wood and the metallic gleam of the stars is striking.",,6,2,attribute,texture,"attribute - texture (stars, shiny metallic)",Do the stars have a shiny metallic texture? +countbench35,"A rustic wooden wall displaying a row of five golden stars representing Amazon feedback. Next to the stars, there's a human index finger pointing at the highest star, implying a top rating. The wood grain texture is visible around the shiny golden stars, and the contrast between the natural wood and the metallic gleam of the stars is striking.",,7,2,other,count,"other - count (stars, ==5)",Are there five stars in a row? +countbench35,"A rustic wooden wall displaying a row of five golden stars representing Amazon feedback. Next to the stars, there's a human index finger pointing at the highest star, implying a top rating. The wood grain texture is visible around the shiny golden stars, and the contrast between the natural wood and the metallic gleam of the stars is striking.",,8,"1,2",relation,spatial,"relation - spatial (stars, wooden wall, on)",Are the stars displayed on the wooden wall? +countbench35,"A rustic wooden wall displaying a row of five golden stars representing Amazon feedback. Next to the stars, there's a human index finger pointing at the highest star, implying a top rating. The wood grain texture is visible around the shiny golden stars, and the contrast between the natural wood and the metallic gleam of the stars is striking.",,9,"2,3",relation,spatial,"relation - spatial (human index finger, star, pointing at)",Is the human index finger pointing at the highest star? +countbench35,"A rustic wooden wall displaying a row of five golden stars representing Amazon feedback. Next to the stars, there's a human index finger pointing at the highest star, implying a top rating. The wood grain texture is visible around the shiny golden stars, and the contrast between the natural wood and the metallic gleam of the stars is striking.",,10,2,attribute,other,"attribute - other (stars, Amazon feedback)",Do the stars represent Amazon feedback? +midjourney14,"A mannequin dressed in a black latex maid's uniform stands prominently in a photography store, displaying a chic hat positioned at an angle and a fashionable hip skirt. The figure is surrounded by suspended groceries appearing as if frozen mid-air, creating a dynamic storefront arrangement. Around the mannequin are shelves stocked with well-known brands of photographic supplies, such as Kodak and Fuji film, while posters advertising the latest IMAX releases and redshift photography techniques adorn the walls, promoting a high level of photorealism in their imagery.",,1,0,entity,whole,entity - whole (mannequin),Is there a mannequin? +midjourney14,"A mannequin dressed in a black latex maid's uniform stands prominently in a photography store, displaying a chic hat positioned at an angle and a fashionable hip skirt. The figure is surrounded by suspended groceries appearing as if frozen mid-air, creating a dynamic storefront arrangement. Around the mannequin are shelves stocked with well-known brands of photographic supplies, such as Kodak and Fuji film, while posters advertising the latest IMAX releases and redshift photography techniques adorn the walls, promoting a high level of photorealism in their imagery.",,2,1,entity,whole,entity - whole (maid's uniform),Is there a maid's uniform? +midjourney14,"A mannequin dressed in a black latex maid's uniform stands prominently in a photography store, displaying a chic hat positioned at an angle and a fashionable hip skirt. The figure is surrounded by suspended groceries appearing as if frozen mid-air, creating a dynamic storefront arrangement. Around the mannequin are shelves stocked with well-known brands of photographic supplies, such as Kodak and Fuji film, while posters advertising the latest IMAX releases and redshift photography techniques adorn the walls, promoting a high level of photorealism in their imagery.",,3,0,entity,whole,entity - whole (hat),Is there a hat? +midjourney14,"A mannequin dressed in a black latex maid's uniform stands prominently in a photography store, displaying a chic hat positioned at an angle and a fashionable hip skirt. The figure is surrounded by suspended groceries appearing as if frozen mid-air, creating a dynamic storefront arrangement. Around the mannequin are shelves stocked with well-known brands of photographic supplies, such as Kodak and Fuji film, while posters advertising the latest IMAX releases and redshift photography techniques adorn the walls, promoting a high level of photorealism in their imagery.",,4,0,entity,whole,entity - whole (skirt),Is there a skirt? +midjourney14,"A mannequin dressed in a black latex maid's uniform stands prominently in a photography store, displaying a chic hat positioned at an angle and a fashionable hip skirt. The figure is surrounded by suspended groceries appearing as if frozen mid-air, creating a dynamic storefront arrangement. Around the mannequin are shelves stocked with well-known brands of photographic supplies, such as Kodak and Fuji film, while posters advertising the latest IMAX releases and redshift photography techniques adorn the walls, promoting a high level of photorealism in their imagery.",,5,0,entity,whole,entity - whole (groceries),Are there groceries? +midjourney14,"A mannequin dressed in a black latex maid's uniform stands prominently in a photography store, displaying a chic hat positioned at an angle and a fashionable hip skirt. The figure is surrounded by suspended groceries appearing as if frozen mid-air, creating a dynamic storefront arrangement. Around the mannequin are shelves stocked with well-known brands of photographic supplies, such as Kodak and Fuji film, while posters advertising the latest IMAX releases and redshift photography techniques adorn the walls, promoting a high level of photorealism in their imagery.",,6,0,entity,whole,entity - whole (shelves),Are there shelves? +midjourney14,"A mannequin dressed in a black latex maid's uniform stands prominently in a photography store, displaying a chic hat positioned at an angle and a fashionable hip skirt. The figure is surrounded by suspended groceries appearing as if frozen mid-air, creating a dynamic storefront arrangement. Around the mannequin are shelves stocked with well-known brands of photographic supplies, such as Kodak and Fuji film, while posters advertising the latest IMAX releases and redshift photography techniques adorn the walls, promoting a high level of photorealism in their imagery.",,7,0,entity,whole,entity - whole (photographic supplies),Are there photographic supplies? +midjourney14,"A mannequin dressed in a black latex maid's uniform stands prominently in a photography store, displaying a chic hat positioned at an angle and a fashionable hip skirt. The figure is surrounded by suspended groceries appearing as if frozen mid-air, creating a dynamic storefront arrangement. Around the mannequin are shelves stocked with well-known brands of photographic supplies, such as Kodak and Fuji film, while posters advertising the latest IMAX releases and redshift photography techniques adorn the walls, promoting a high level of photorealism in their imagery.",,8,2,attribute,color,"attribute - color (maid's uniform, black)",Is the maid's uniform black? +midjourney14,"A mannequin dressed in a black latex maid's uniform stands prominently in a photography store, displaying a chic hat positioned at an angle and a fashionable hip skirt. The figure is surrounded by suspended groceries appearing as if frozen mid-air, creating a dynamic storefront arrangement. Around the mannequin are shelves stocked with well-known brands of photographic supplies, such as Kodak and Fuji film, while posters advertising the latest IMAX releases and redshift photography techniques adorn the walls, promoting a high level of photorealism in their imagery.",,9,3,attribute,color,"attribute - color (hat, chic)",Is the hat chic? +midjourney14,"A mannequin dressed in a black latex maid's uniform stands prominently in a photography store, displaying a chic hat positioned at an angle and a fashionable hip skirt. The figure is surrounded by suspended groceries appearing as if frozen mid-air, creating a dynamic storefront arrangement. Around the mannequin are shelves stocked with well-known brands of photographic supplies, such as Kodak and Fuji film, while posters advertising the latest IMAX releases and redshift photography techniques adorn the walls, promoting a high level of photorealism in their imagery.",,10,1,relation,spatial,"relation - spatial (mannequin, photography store, in)",Is the mannequin in a photography store? +drawtext31,"A close-up of a folded newspaper with a bold headline 'Aliens Found in Space' sprawled across the top in large black letters. The subheading underneath reads, 'The Truth About Everything Now Challenged', printed in a smaller yet prominent font. The newspaper, with its slightly crumpled texture, lies on a wooden table surface, surrounded by a scattered assortment of coffee mugs and pens.",,1,0,entity,whole,entity - whole (newspaper),Is there a newspaper? +drawtext31,"A close-up of a folded newspaper with a bold headline 'Aliens Found in Space' sprawled across the top in large black letters. The subheading underneath reads, 'The Truth About Everything Now Challenged', printed in a smaller yet prominent font. The newspaper, with its slightly crumpled texture, lies on a wooden table surface, surrounded by a scattered assortment of coffee mugs and pens.",,2,1,entity,whole,entity - whole (headline),Is there a headline? +drawtext31,"A close-up of a folded newspaper with a bold headline 'Aliens Found in Space' sprawled across the top in large black letters. The subheading underneath reads, 'The Truth About Everything Now Challenged', printed in a smaller yet prominent font. The newspaper, with its slightly crumpled texture, lies on a wooden table surface, surrounded by a scattered assortment of coffee mugs and pens.",,3,1,entity,whole,entity - whole (subheading),Is there a subheading? +drawtext31,"A close-up of a folded newspaper with a bold headline 'Aliens Found in Space' sprawled across the top in large black letters. The subheading underneath reads, 'The Truth About Everything Now Challenged', printed in a smaller yet prominent font. The newspaper, with its slightly crumpled texture, lies on a wooden table surface, surrounded by a scattered assortment of coffee mugs and pens.",,4,0,entity,whole,entity - whole (table),Is there a table? +drawtext31,"A close-up of a folded newspaper with a bold headline 'Aliens Found in Space' sprawled across the top in large black letters. The subheading underneath reads, 'The Truth About Everything Now Challenged', printed in a smaller yet prominent font. The newspaper, with its slightly crumpled texture, lies on a wooden table surface, surrounded by a scattered assortment of coffee mugs and pens.",,5,0,entity,whole,entity - whole (coffee mugs),Are there coffee mugs? +drawtext31,"A close-up of a folded newspaper with a bold headline 'Aliens Found in Space' sprawled across the top in large black letters. The subheading underneath reads, 'The Truth About Everything Now Challenged', printed in a smaller yet prominent font. The newspaper, with its slightly crumpled texture, lies on a wooden table surface, surrounded by a scattered assortment of coffee mugs and pens.",,6,0,entity,whole,entity - whole (pens),Are there pens? +drawtext31,"A close-up of a folded newspaper with a bold headline 'Aliens Found in Space' sprawled across the top in large black letters. The subheading underneath reads, 'The Truth About Everything Now Challenged', printed in a smaller yet prominent font. The newspaper, with its slightly crumpled texture, lies on a wooden table surface, surrounded by a scattered assortment of coffee mugs and pens.",,7,0,global,,global - (close-up),Is this a close-up image? +drawtext31,"A close-up of a folded newspaper with a bold headline 'Aliens Found in Space' sprawled across the top in large black letters. The subheading underneath reads, 'The Truth About Everything Now Challenged', printed in a smaller yet prominent font. The newspaper, with its slightly crumpled texture, lies on a wooden table surface, surrounded by a scattered assortment of coffee mugs and pens.",,8,2,other,text,"other - text (headline, ""Aliens Found in Space"")","Does the headline say ""Aliens Found in Space""?" +drawtext31,"A close-up of a folded newspaper with a bold headline 'Aliens Found in Space' sprawled across the top in large black letters. The subheading underneath reads, 'The Truth About Everything Now Challenged', printed in a smaller yet prominent font. The newspaper, with its slightly crumpled texture, lies on a wooden table surface, surrounded by a scattered assortment of coffee mugs and pens.",,9,3,other,text,"other - text (subheading, ""The Truth About Everything Now Challenged"")","Does the subheading read ""The Truth About Everything Now Challenged""?" +drawtext31,"A close-up of a folded newspaper with a bold headline 'Aliens Found in Space' sprawled across the top in large black letters. The subheading underneath reads, 'The Truth About Everything Now Challenged', printed in a smaller yet prominent font. The newspaper, with its slightly crumpled texture, lies on a wooden table surface, surrounded by a scattered assortment of coffee mugs and pens.",,10,1,attribute,texture,"attribute - texture (newspaper, crumpled)",Does the newspaper have a crumpled texture? +drawtext31,"A close-up of a folded newspaper with a bold headline 'Aliens Found in Space' sprawled across the top in large black letters. The subheading underneath reads, 'The Truth About Everything Now Challenged', printed in a smaller yet prominent font. The newspaper, with its slightly crumpled texture, lies on a wooden table surface, surrounded by a scattered assortment of coffee mugs and pens.",,11,4,attribute,texture,"attribute - texture (table, wood)",Is the table made of wood? +drawtext31,"A close-up of a folded newspaper with a bold headline 'Aliens Found in Space' sprawled across the top in large black letters. The subheading underneath reads, 'The Truth About Everything Now Challenged', printed in a smaller yet prominent font. The newspaper, with its slightly crumpled texture, lies on a wooden table surface, surrounded by a scattered assortment of coffee mugs and pens.",,12,"1,4",relation,spatial,"relation - spatial (newspaper, table, on)",Is the newspaper on the table? +drawtext31,"A close-up of a folded newspaper with a bold headline 'Aliens Found in Space' sprawled across the top in large black letters. The subheading underneath reads, 'The Truth About Everything Now Challenged', printed in a smaller yet prominent font. The newspaper, with its slightly crumpled texture, lies on a wooden table surface, surrounded by a scattered assortment of coffee mugs and pens.",,13,"4,5",relation,spatial,"relation - spatial (coffee mugs, table, on)",Are the coffee mugs on the table? +drawtext31,"A close-up of a folded newspaper with a bold headline 'Aliens Found in Space' sprawled across the top in large black letters. The subheading underneath reads, 'The Truth About Everything Now Challenged', printed in a smaller yet prominent font. The newspaper, with its slightly crumpled texture, lies on a wooden table surface, surrounded by a scattered assortment of coffee mugs and pens.",,14,"4,6",relation,spatial,"relation - spatial (pens, table, on)",Are the pens on the table? +posescript34,"A dynamic posture captured mid-action with the left knee bent and the right leg lifted off the ground, extended slightly forward. The right arm remains relaxed, hanging down along the side, while the left arm is energetically bent, elbow out and hand raised upward. The individual's head is tilted forward, focused as if preparing for a swift movement or to maintain balance during a physical activity.",,1,0,entity,state,"entity - state (left knee, bent)",Is the left knee bent? +posescript34,"A dynamic posture captured mid-action with the left knee bent and the right leg lifted off the ground, extended slightly forward. The right arm remains relaxed, hanging down along the side, while the left arm is energetically bent, elbow out and hand raised upward. The individual's head is tilted forward, focused as if preparing for a swift movement or to maintain balance during a physical activity.",,2,0,entity,state,"entity - state (right leg, lifted off the ground)",Is the right leg lifted off the ground? +posescript34,"A dynamic posture captured mid-action with the left knee bent and the right leg lifted off the ground, extended slightly forward. The right arm remains relaxed, hanging down along the side, while the left arm is energetically bent, elbow out and hand raised upward. The individual's head is tilted forward, focused as if preparing for a swift movement or to maintain balance during a physical activity.",,3,2,entity,state,"entity - state (right leg, extended slightly forward)",Is the right leg extended slightly forward? +posescript34,"A dynamic posture captured mid-action with the left knee bent and the right leg lifted off the ground, extended slightly forward. The right arm remains relaxed, hanging down along the side, while the left arm is energetically bent, elbow out and hand raised upward. The individual's head is tilted forward, focused as if preparing for a swift movement or to maintain balance during a physical activity.",,4,0,entity,state,"entity - state (right arm, relaxed)",Is the right arm relaxed? +posescript34,"A dynamic posture captured mid-action with the left knee bent and the right leg lifted off the ground, extended slightly forward. The right arm remains relaxed, hanging down along the side, while the left arm is energetically bent, elbow out and hand raised upward. The individual's head is tilted forward, focused as if preparing for a swift movement or to maintain balance during a physical activity.",,5,4,entity,state,"entity - state (right arm, hanging down)",Is the right arm hanging down along the side? +posescript34,"A dynamic posture captured mid-action with the left knee bent and the right leg lifted off the ground, extended slightly forward. The right arm remains relaxed, hanging down along the side, while the left arm is energetically bent, elbow out and hand raised upward. The individual's head is tilted forward, focused as if preparing for a swift movement or to maintain balance during a physical activity.",,6,0,entity,state,"entity - state (left arm, bent energetically)",Is the left arm energetically bent? +posescript34,"A dynamic posture captured mid-action with the left knee bent and the right leg lifted off the ground, extended slightly forward. The right arm remains relaxed, hanging down along the side, while the left arm is energetically bent, elbow out and hand raised upward. The individual's head is tilted forward, focused as if preparing for a swift movement or to maintain balance during a physical activity.",,7,6,entity,state,"entity - state (left elbow, out)",Is the left elbow out? +posescript34,"A dynamic posture captured mid-action with the left knee bent and the right leg lifted off the ground, extended slightly forward. The right arm remains relaxed, hanging down along the side, while the left arm is energetically bent, elbow out and hand raised upward. The individual's head is tilted forward, focused as if preparing for a swift movement or to maintain balance during a physical activity.",,8,6,entity,state,"entity - state (left hand, raised upward)",Is the left hand raised upward? +posescript34,"A dynamic posture captured mid-action with the left knee bent and the right leg lifted off the ground, extended slightly forward. The right arm remains relaxed, hanging down along the side, while the left arm is energetically bent, elbow out and hand raised upward. The individual's head is tilted forward, focused as if preparing for a swift movement or to maintain balance during a physical activity.",,9,0,entity,state,"entity - state (head, tilted forward)",Is the head tilted forward? +posescript34,"A dynamic posture captured mid-action with the left knee bent and the right leg lifted off the ground, extended slightly forward. The right arm remains relaxed, hanging down along the side, while the left arm is energetically bent, elbow out and hand raised upward. The individual's head is tilted forward, focused as if preparing for a swift movement or to maintain balance during a physical activity.",,10,0,entity,state,"entity - state (individual, focused)",Is the individual focused as if preparing for a swift movement or to maintain balance during a physical activity? +whoops28,"A baffling scene where smoke is inexplicably wafting from the filter end of a cigarette between a person's fingers, rather than the lit end. The cigarette is resting in an ashtray that's placed on a round, glass-topped table. Stray ashes can be seen scattered around the ashtray, highlighting the peculiarity of the situation.",,1,0,entity,whole,entity - whole (scene),Is there a scene? +whoops28,"A baffling scene where smoke is inexplicably wafting from the filter end of a cigarette between a person's fingers, rather than the lit end. The cigarette is resting in an ashtray that's placed on a round, glass-topped table. Stray ashes can be seen scattered around the ashtray, highlighting the peculiarity of the situation.",,2,0,entity,whole,entity - whole (smoke),Is there smoke? +whoops28,"A baffling scene where smoke is inexplicably wafting from the filter end of a cigarette between a person's fingers, rather than the lit end. The cigarette is resting in an ashtray that's placed on a round, glass-topped table. Stray ashes can be seen scattered around the ashtray, highlighting the peculiarity of the situation.",,3,0,entity,whole,entity - whole (cigarette),Is there a cigarette? +whoops28,"A baffling scene where smoke is inexplicably wafting from the filter end of a cigarette between a person's fingers, rather than the lit end. The cigarette is resting in an ashtray that's placed on a round, glass-topped table. Stray ashes can be seen scattered around the ashtray, highlighting the peculiarity of the situation.",,4,0,entity,whole,entity - whole (person's fingers),Are there a person's fingers? +whoops28,"A baffling scene where smoke is inexplicably wafting from the filter end of a cigarette between a person's fingers, rather than the lit end. The cigarette is resting in an ashtray that's placed on a round, glass-topped table. Stray ashes can be seen scattered around the ashtray, highlighting the peculiarity of the situation.",,5,0,entity,whole,entity - whole (ashtray),Is there an ashtray? +whoops28,"A baffling scene where smoke is inexplicably wafting from the filter end of a cigarette between a person's fingers, rather than the lit end. The cigarette is resting in an ashtray that's placed on a round, glass-topped table. Stray ashes can be seen scattered around the ashtray, highlighting the peculiarity of the situation.",,6,0,entity,whole,entity - whole (table),Is there a table? +whoops28,"A baffling scene where smoke is inexplicably wafting from the filter end of a cigarette between a person's fingers, rather than the lit end. The cigarette is resting in an ashtray that's placed on a round, glass-topped table. Stray ashes can be seen scattered around the ashtray, highlighting the peculiarity of the situation.",,7,6,attribute,shape,"attribute - shape (table, round)",Is the table round? +whoops28,"A baffling scene where smoke is inexplicably wafting from the filter end of a cigarette between a person's fingers, rather than the lit end. The cigarette is resting in an ashtray that's placed on a round, glass-topped table. Stray ashes can be seen scattered around the ashtray, highlighting the peculiarity of the situation.",,8,6,attribute,texture,"attribute - texture (table top, glass)",Is the table top made of glass? +whoops28,"A baffling scene where smoke is inexplicably wafting from the filter end of a cigarette between a person's fingers, rather than the lit end. The cigarette is resting in an ashtray that's placed on a round, glass-topped table. Stray ashes can be seen scattered around the ashtray, highlighting the peculiarity of the situation.",,9,"3,4",relation,spatial,"relation - spatial (cigarette, person's fingers, between)",Is the cigarette between a person's fingers? +whoops28,"A baffling scene where smoke is inexplicably wafting from the filter end of a cigarette between a person's fingers, rather than the lit end. The cigarette is resting in an ashtray that's placed on a round, glass-topped table. Stray ashes can be seen scattered around the ashtray, highlighting the peculiarity of the situation.",,10,"5,6",relation,spatial,"relation - spatial (ashtray, table, on)",Is the ashtray on the table? +countbench27,"Seven cylindrical brown glass beer bottles are symmetrically arranged on a reflective surface, casting subtle shadows and clear reflections on the stark white background. Each bottle stands upright, showcasing their identical shape and size, with labels facing forward that hint at their various contents. The glossy finish of the bottles contrasts with the matte texture of the background, emphasizing the simplicity and symmetry of the composition.",,1,0,entity,whole,entity - whole (beer bottles),Are there beer bottles? +countbench27,"Seven cylindrical brown glass beer bottles are symmetrically arranged on a reflective surface, casting subtle shadows and clear reflections on the stark white background. Each bottle stands upright, showcasing their identical shape and size, with labels facing forward that hint at their various contents. The glossy finish of the bottles contrasts with the matte texture of the background, emphasizing the simplicity and symmetry of the composition.",,2,1,other,count,"other - count (beer bottles, ==7)",Are there seven beer bottles? +countbench27,"Seven cylindrical brown glass beer bottles are symmetrically arranged on a reflective surface, casting subtle shadows and clear reflections on the stark white background. Each bottle stands upright, showcasing their identical shape and size, with labels facing forward that hint at their various contents. The glossy finish of the bottles contrasts with the matte texture of the background, emphasizing the simplicity and symmetry of the composition.",,3,1,attribute,shape,"attribute - shape (beer bottles, cylindrical)",Are the beer bottles cylindrical? +countbench27,"Seven cylindrical brown glass beer bottles are symmetrically arranged on a reflective surface, casting subtle shadows and clear reflections on the stark white background. Each bottle stands upright, showcasing their identical shape and size, with labels facing forward that hint at their various contents. The glossy finish of the bottles contrasts with the matte texture of the background, emphasizing the simplicity and symmetry of the composition.",,4,1,attribute,color,"attribute - color (beer bottles, brown)",Are the beer bottles brown? +countbench27,"Seven cylindrical brown glass beer bottles are symmetrically arranged on a reflective surface, casting subtle shadows and clear reflections on the stark white background. Each bottle stands upright, showcasing their identical shape and size, with labels facing forward that hint at their various contents. The glossy finish of the bottles contrasts with the matte texture of the background, emphasizing the simplicity and symmetry of the composition.",,5,1,attribute,texture,"attribute - texture (beer bottles, glass)",Are the beer bottles made of glass? +countbench27,"Seven cylindrical brown glass beer bottles are symmetrically arranged on a reflective surface, casting subtle shadows and clear reflections on the stark white background. Each bottle stands upright, showcasing their identical shape and size, with labels facing forward that hint at their various contents. The glossy finish of the bottles contrasts with the matte texture of the background, emphasizing the simplicity and symmetry of the composition.",,6,1,relation,spatial,"relation - spatial (beer bottles, reflective surface, on)",Are the beer bottles on a reflective surface? +countbench27,"Seven cylindrical brown glass beer bottles are symmetrically arranged on a reflective surface, casting subtle shadows and clear reflections on the stark white background. Each bottle stands upright, showcasing their identical shape and size, with labels facing forward that hint at their various contents. The glossy finish of the bottles contrasts with the matte texture of the background, emphasizing the simplicity and symmetry of the composition.",,7,0,attribute,texture,"attribute - texture (background, stark white)",Is the background stark white? +countbench27,"Seven cylindrical brown glass beer bottles are symmetrically arranged on a reflective surface, casting subtle shadows and clear reflections on the stark white background. Each bottle stands upright, showcasing their identical shape and size, with labels facing forward that hint at their various contents. The glossy finish of the bottles contrasts with the matte texture of the background, emphasizing the simplicity and symmetry of the composition.",,8,1,entity,state,"entity - state (beer bottles, upright)",Are the beer bottles standing upright? +countbench27,"Seven cylindrical brown glass beer bottles are symmetrically arranged on a reflective surface, casting subtle shadows and clear reflections on the stark white background. Each bottle stands upright, showcasing their identical shape and size, with labels facing forward that hint at their various contents. The glossy finish of the bottles contrasts with the matte texture of the background, emphasizing the simplicity and symmetry of the composition.",,9,1,attribute,texture,"attribute - texture (beer bottles, glossy)",Do the beer bottles have a glossy finish? +countbench27,"Seven cylindrical brown glass beer bottles are symmetrically arranged on a reflective surface, casting subtle shadows and clear reflections on the stark white background. Each bottle stands upright, showcasing their identical shape and size, with labels facing forward that hint at their various contents. The glossy finish of the bottles contrasts with the matte texture of the background, emphasizing the simplicity and symmetry of the composition.",,10,7,attribute,texture,"attribute - texture (background, matte)",Is the background texture matte? +countbench17,"An array of five monochromatic photographs, captured by the esteemed Gordon Parks, is meticulously arranged on a dark grey wall. Each image serves as a poignant window into the lives affected by poverty in Rio de Janeiro during the tumultuous 1960s. The high-contrast black and white tones of the photos bring stark attention to the subjects within, highlighting the raw emotional intensity and the historical significance of the scenes depicted.",,1,0,entity,whole,entity - whole (photographs),Are there photographs? +countbench17,"An array of five monochromatic photographs, captured by the esteemed Gordon Parks, is meticulously arranged on a dark grey wall. Each image serves as a poignant window into the lives affected by poverty in Rio de Janeiro during the tumultuous 1960s. The high-contrast black and white tones of the photos bring stark attention to the subjects within, highlighting the raw emotional intensity and the historical significance of the scenes depicted.",,2,1,other,count,"other - count (photographs, ==5)",Are there five photographs? +countbench17,"An array of five monochromatic photographs, captured by the esteemed Gordon Parks, is meticulously arranged on a dark grey wall. Each image serves as a poignant window into the lives affected by poverty in Rio de Janeiro during the tumultuous 1960s. The high-contrast black and white tones of the photos bring stark attention to the subjects within, highlighting the raw emotional intensity and the historical significance of the scenes depicted.",,3,0,entity,whole,entity - whole (wall),Is there a wall? +countbench17,"An array of five monochromatic photographs, captured by the esteemed Gordon Parks, is meticulously arranged on a dark grey wall. Each image serves as a poignant window into the lives affected by poverty in Rio de Janeiro during the tumultuous 1960s. The high-contrast black and white tones of the photos bring stark attention to the subjects within, highlighting the raw emotional intensity and the historical significance of the scenes depicted.",,4,3,attribute,color,"attribute - color (wall, dark grey)",Is the wall dark grey? +countbench17,"An array of five monochromatic photographs, captured by the esteemed Gordon Parks, is meticulously arranged on a dark grey wall. Each image serves as a poignant window into the lives affected by poverty in Rio de Janeiro during the tumultuous 1960s. The high-contrast black and white tones of the photos bring stark attention to the subjects within, highlighting the raw emotional intensity and the historical significance of the scenes depicted.",,5,1,global,,global - (monochromatic),Are the photographs monochromatic? +countbench17,"An array of five monochromatic photographs, captured by the esteemed Gordon Parks, is meticulously arranged on a dark grey wall. Each image serves as a poignant window into the lives affected by poverty in Rio de Janeiro during the tumultuous 1960s. The high-contrast black and white tones of the photos bring stark attention to the subjects within, highlighting the raw emotional intensity and the historical significance of the scenes depicted.",,6,1,attribute,other,"attribute - other (photographs, high-contrast)",Do the photographs have high-contrast? +countbench17,"An array of five monochromatic photographs, captured by the esteemed Gordon Parks, is meticulously arranged on a dark grey wall. Each image serves as a poignant window into the lives affected by poverty in Rio de Janeiro during the tumultuous 1960s. The high-contrast black and white tones of the photos bring stark attention to the subjects within, highlighting the raw emotional intensity and the historical significance of the scenes depicted.",,7,1,attribute,color,"attribute - color (photographs, black and white)",Are the photographs black and white? +countbench17,"An array of five monochromatic photographs, captured by the esteemed Gordon Parks, is meticulously arranged on a dark grey wall. Each image serves as a poignant window into the lives affected by poverty in Rio de Janeiro during the tumultuous 1960s. The high-contrast black and white tones of the photos bring stark attention to the subjects within, highlighting the raw emotional intensity and the historical significance of the scenes depicted.",,8,1,relation,non-spatial,"relation - non-spatial (Gordon Parks, photographs, captured by)",Were the photographs captured by Gordon Parks? +countbench17,"An array of five monochromatic photographs, captured by the esteemed Gordon Parks, is meticulously arranged on a dark grey wall. Each image serves as a poignant window into the lives affected by poverty in Rio de Janeiro during the tumultuous 1960s. The high-contrast black and white tones of the photos bring stark attention to the subjects within, highlighting the raw emotional intensity and the historical significance of the scenes depicted.",,9,"1,3",relation,spatial,"relation - spatial (photographs, wall, arranged on)",Are the photographs meticulously arranged on the wall? +countbench17,"An array of five monochromatic photographs, captured by the esteemed Gordon Parks, is meticulously arranged on a dark grey wall. Each image serves as a poignant window into the lives affected by poverty in Rio de Janeiro during the tumultuous 1960s. The high-contrast black and white tones of the photos bring stark attention to the subjects within, highlighting the raw emotional intensity and the historical significance of the scenes depicted.",,10,1,attribute,other,"attribute - other (photographs, historical significance)",Do the photographs have historical significance? +midjourney16,"A digitally rendered image of the iconic Monalisa capturing a selfie, boasting 8K resolution and hyper-realistic details that highlight the delicate textures of her skin and the intricate fibers of her clothing. The scene is illuminated with cinematic lighting that casts soft shadows and enhances the depth of field, giving a three-dimensional quality to the image. The background is blurred artfully, drawing full attention to her enigmatic expression and the modern device in her hands, all created with the precision of an Octane render engine.",,1,0,entity,whole,entity - whole (Monalisa),Is there an image of the Monalisa? +midjourney16,"A digitally rendered image of the iconic Monalisa capturing a selfie, boasting 8K resolution and hyper-realistic details that highlight the delicate textures of her skin and the intricate fibers of her clothing. The scene is illuminated with cinematic lighting that casts soft shadows and enhances the depth of field, giving a three-dimensional quality to the image. The background is blurred artfully, drawing full attention to her enigmatic expression and the modern device in her hands, all created with the precision of an Octane render engine.",,2,0,entity,whole,entity - whole (selfie),Is the Monalisa capturing a selfie? +midjourney16,"A digitally rendered image of the iconic Monalisa capturing a selfie, boasting 8K resolution and hyper-realistic details that highlight the delicate textures of her skin and the intricate fibers of her clothing. The scene is illuminated with cinematic lighting that casts soft shadows and enhances the depth of field, giving a three-dimensional quality to the image. The background is blurred artfully, drawing full attention to her enigmatic expression and the modern device in her hands, all created with the precision of an Octane render engine.",,3,0,global,,global - (digitally rendered image),Is the image digitally rendered? +midjourney16,"A digitally rendered image of the iconic Monalisa capturing a selfie, boasting 8K resolution and hyper-realistic details that highlight the delicate textures of her skin and the intricate fibers of her clothing. The scene is illuminated with cinematic lighting that casts soft shadows and enhances the depth of field, giving a three-dimensional quality to the image. The background is blurred artfully, drawing full attention to her enigmatic expression and the modern device in her hands, all created with the precision of an Octane render engine.",,4,3,attribute,other,"attribute - other (image, 8K resolution)",Does the image boast 8K resolution? +midjourney16,"A digitally rendered image of the iconic Monalisa capturing a selfie, boasting 8K resolution and hyper-realistic details that highlight the delicate textures of her skin and the intricate fibers of her clothing. The scene is illuminated with cinematic lighting that casts soft shadows and enhances the depth of field, giving a three-dimensional quality to the image. The background is blurred artfully, drawing full attention to her enigmatic expression and the modern device in her hands, all created with the precision of an Octane render engine.",,5,3,attribute,other,"attribute - other (image, hyper-realistic details)",Does the image feature hyper-realistic details? +midjourney16,"A digitally rendered image of the iconic Monalisa capturing a selfie, boasting 8K resolution and hyper-realistic details that highlight the delicate textures of her skin and the intricate fibers of her clothing. The scene is illuminated with cinematic lighting that casts soft shadows and enhances the depth of field, giving a three-dimensional quality to the image. The background is blurred artfully, drawing full attention to her enigmatic expression and the modern device in her hands, all created with the precision of an Octane render engine.",,6,1,attribute,texture,"attribute - texture (Monalisa's skin, delicate)",Does the Monalisa's skin have delicate textures? +midjourney16,"A digitally rendered image of the iconic Monalisa capturing a selfie, boasting 8K resolution and hyper-realistic details that highlight the delicate textures of her skin and the intricate fibers of her clothing. The scene is illuminated with cinematic lighting that casts soft shadows and enhances the depth of field, giving a three-dimensional quality to the image. The background is blurred artfully, drawing full attention to her enigmatic expression and the modern device in her hands, all created with the precision of an Octane render engine.",,7,1,attribute,texture,"attribute - texture (Monalisa's clothing, intricate fibers)",Does the Monalisa's clothing have intricate fibers? +midjourney16,"A digitally rendered image of the iconic Monalisa capturing a selfie, boasting 8K resolution and hyper-realistic details that highlight the delicate textures of her skin and the intricate fibers of her clothing. The scene is illuminated with cinematic lighting that casts soft shadows and enhances the depth of field, giving a three-dimensional quality to the image. The background is blurred artfully, drawing full attention to her enigmatic expression and the modern device in her hands, all created with the precision of an Octane render engine.",,8,3,attribute,other,"attribute - other (lighting, cinematic)",Is the scene illuminated with cinematic lighting? +midjourney16,"A digitally rendered image of the iconic Monalisa capturing a selfie, boasting 8K resolution and hyper-realistic details that highlight the delicate textures of her skin and the intricate fibers of her clothing. The scene is illuminated with cinematic lighting that casts soft shadows and enhances the depth of field, giving a three-dimensional quality to the image. The background is blurred artfully, drawing full attention to her enigmatic expression and the modern device in her hands, all created with the precision of an Octane render engine.",,9,8,attribute,other,"attribute - other (shadows, soft)",Does the lighting cast soft shadows? +midjourney16,"A digitally rendered image of the iconic Monalisa capturing a selfie, boasting 8K resolution and hyper-realistic details that highlight the delicate textures of her skin and the intricate fibers of her clothing. The scene is illuminated with cinematic lighting that casts soft shadows and enhances the depth of field, giving a three-dimensional quality to the image. The background is blurred artfully, drawing full attention to her enigmatic expression and the modern device in her hands, all created with the precision of an Octane render engine.",,10,3,attribute,other,"attribute - other (depth of field, enhanced)",Is the depth of field enhanced in the image? +vrd20,"A sleek silver laptop sits on a smooth wooden table, with its black keyboard visible. In front of the laptop lies a black optical mouse positioned neatly on a mouse pad. A piece of white paper, slightly crumpled, rests on the laptop's lower half, depicting a sketch of a person. The person in the drawing is shown wearing dark trousers. The table under the laptop also has faint scratches, hinting at frequent use.",,1,0,entity,whole,entity - whole (laptop),Is there a laptop? +vrd20,"A sleek silver laptop sits on a smooth wooden table, with its black keyboard visible. In front of the laptop lies a black optical mouse positioned neatly on a mouse pad. A piece of white paper, slightly crumpled, rests on the laptop's lower half, depicting a sketch of a person. The person in the drawing is shown wearing dark trousers. The table under the laptop also has faint scratches, hinting at frequent use.",,2,1,entity,whole,entity - whole (keyboard),Is there a keyboard? +vrd20,"A sleek silver laptop sits on a smooth wooden table, with its black keyboard visible. In front of the laptop lies a black optical mouse positioned neatly on a mouse pad. A piece of white paper, slightly crumpled, rests on the laptop's lower half, depicting a sketch of a person. The person in the drawing is shown wearing dark trousers. The table under the laptop also has faint scratches, hinting at frequent use.",,3,0,entity,whole,entity - whole (mouse),Is there a mouse? +vrd20,"A sleek silver laptop sits on a smooth wooden table, with its black keyboard visible. In front of the laptop lies a black optical mouse positioned neatly on a mouse pad. A piece of white paper, slightly crumpled, rests on the laptop's lower half, depicting a sketch of a person. The person in the drawing is shown wearing dark trousers. The table under the laptop also has faint scratches, hinting at frequent use.",,4,0,entity,whole,entity - whole (mouse pad),Is there a mouse pad? +vrd20,"A sleek silver laptop sits on a smooth wooden table, with its black keyboard visible. In front of the laptop lies a black optical mouse positioned neatly on a mouse pad. A piece of white paper, slightly crumpled, rests on the laptop's lower half, depicting a sketch of a person. The person in the drawing is shown wearing dark trousers. The table under the laptop also has faint scratches, hinting at frequent use.",,5,0,entity,whole,entity - whole (paper),Is there a piece of paper? +vrd20,"A sleek silver laptop sits on a smooth wooden table, with its black keyboard visible. In front of the laptop lies a black optical mouse positioned neatly on a mouse pad. A piece of white paper, slightly crumpled, rests on the laptop's lower half, depicting a sketch of a person. The person in the drawing is shown wearing dark trousers. The table under the laptop also has faint scratches, hinting at frequent use.",,6,0,entity,whole,entity - whole (table),Is there a table? +vrd20,"A sleek silver laptop sits on a smooth wooden table, with its black keyboard visible. In front of the laptop lies a black optical mouse positioned neatly on a mouse pad. A piece of white paper, slightly crumpled, rests on the laptop's lower half, depicting a sketch of a person. The person in the drawing is shown wearing dark trousers. The table under the laptop also has faint scratches, hinting at frequent use.",,7,1,attribute,color,"attribute - color (laptop, silver)",Is the laptop silver? +vrd20,"A sleek silver laptop sits on a smooth wooden table, with its black keyboard visible. In front of the laptop lies a black optical mouse positioned neatly on a mouse pad. A piece of white paper, slightly crumpled, rests on the laptop's lower half, depicting a sketch of a person. The person in the drawing is shown wearing dark trousers. The table under the laptop also has faint scratches, hinting at frequent use.",,8,2,attribute,color,"attribute - color (keyboard, black)",Is the keyboard black? +vrd20,"A sleek silver laptop sits on a smooth wooden table, with its black keyboard visible. In front of the laptop lies a black optical mouse positioned neatly on a mouse pad. A piece of white paper, slightly crumpled, rests on the laptop's lower half, depicting a sketch of a person. The person in the drawing is shown wearing dark trousers. The table under the laptop also has faint scratches, hinting at frequent use.",,9,3,attribute,color,"attribute - color (mouse, black)",Is the mouse black? +vrd20,"A sleek silver laptop sits on a smooth wooden table, with its black keyboard visible. In front of the laptop lies a black optical mouse positioned neatly on a mouse pad. A piece of white paper, slightly crumpled, rests on the laptop's lower half, depicting a sketch of a person. The person in the drawing is shown wearing dark trousers. The table under the laptop also has faint scratches, hinting at frequent use.",,10,5,attribute,color,"attribute - color (trousers in sketch, dark)",Are the trousers in the sketch dark? +vrd20,"A sleek silver laptop sits on a smooth wooden table, with its black keyboard visible. In front of the laptop lies a black optical mouse positioned neatly on a mouse pad. A piece of white paper, slightly crumpled, rests on the laptop's lower half, depicting a sketch of a person. The person in the drawing is shown wearing dark trousers. The table under the laptop also has faint scratches, hinting at frequent use.",,11,6,attribute,texture,"attribute - texture (table, wooden, smooth)",Is the table made of smooth wood? +vrd20,"A sleek silver laptop sits on a smooth wooden table, with its black keyboard visible. In front of the laptop lies a black optical mouse positioned neatly on a mouse pad. A piece of white paper, slightly crumpled, rests on the laptop's lower half, depicting a sketch of a person. The person in the drawing is shown wearing dark trousers. The table under the laptop also has faint scratches, hinting at frequent use.",,12,5,attribute,texture,"attribute - texture (paper, white, crumpled)",Is the paper white and slightly crumpled? +vrd20,"A sleek silver laptop sits on a smooth wooden table, with its black keyboard visible. In front of the laptop lies a black optical mouse positioned neatly on a mouse pad. A piece of white paper, slightly crumpled, rests on the laptop's lower half, depicting a sketch of a person. The person in the drawing is shown wearing dark trousers. The table under the laptop also has faint scratches, hinting at frequent use.",,13,6,attribute,other,"attribute - other (table, faint scratches)",Does the table have faint scratches? +vrd20,"A sleek silver laptop sits on a smooth wooden table, with its black keyboard visible. In front of the laptop lies a black optical mouse positioned neatly on a mouse pad. A piece of white paper, slightly crumpled, rests on the laptop's lower half, depicting a sketch of a person. The person in the drawing is shown wearing dark trousers. The table under the laptop also has faint scratches, hinting at frequent use.",,14,"1,6",relation,spatial,"relation - spatial (laptop, table, on)",Is the laptop on the table? +vrd20,"A sleek silver laptop sits on a smooth wooden table, with its black keyboard visible. In front of the laptop lies a black optical mouse positioned neatly on a mouse pad. A piece of white paper, slightly crumpled, rests on the laptop's lower half, depicting a sketch of a person. The person in the drawing is shown wearing dark trousers. The table under the laptop also has faint scratches, hinting at frequent use.",,15,"3,4",relation,spatial,"relation - spatial (mouse, mouse pad, on)",Is the mouse on the mouse pad? +vrd20,"A sleek silver laptop sits on a smooth wooden table, with its black keyboard visible. In front of the laptop lies a black optical mouse positioned neatly on a mouse pad. A piece of white paper, slightly crumpled, rests on the laptop's lower half, depicting a sketch of a person. The person in the drawing is shown wearing dark trousers. The table under the laptop also has faint scratches, hinting at frequent use.",,16,"4,1",relation,spatial,"relation - spatial (mouse pad, table, in front of laptop)",Is the mouse pad in front of the laptop on the table? +vrd20,"A sleek silver laptop sits on a smooth wooden table, with its black keyboard visible. In front of the laptop lies a black optical mouse positioned neatly on a mouse pad. A piece of white paper, slightly crumpled, rests on the laptop's lower half, depicting a sketch of a person. The person in the drawing is shown wearing dark trousers. The table under the laptop also has faint scratches, hinting at frequent use.",,17,"5,1",relation,spatial,"relation - spatial (paper, laptop, on lower half)",Is the piece of white paper on the lower half of the laptop? +vrd20,"A sleek silver laptop sits on a smooth wooden table, with its black keyboard visible. In front of the laptop lies a black optical mouse positioned neatly on a mouse pad. A piece of white paper, slightly crumpled, rests on the laptop's lower half, depicting a sketch of a person. The person in the drawing is shown wearing dark trousers. The table under the laptop also has faint scratches, hinting at frequent use.",,18,1,entity,state,"entity - state (laptop, sits)",Is the laptop sitting? +vrd20,"A sleek silver laptop sits on a smooth wooden table, with its black keyboard visible. In front of the laptop lies a black optical mouse positioned neatly on a mouse pad. A piece of white paper, slightly crumpled, rests on the laptop's lower half, depicting a sketch of a person. The person in the drawing is shown wearing dark trousers. The table under the laptop also has faint scratches, hinting at frequent use.",,19,3,entity,state,"entity - state (mouse, positioned neatly)",Is the mouse positioned neatly? +midjourney13,"A vivid and eclectic depiction of a fisherman's village drawn by Ralph Steadman, composed of dark velvet hues, contrasting with splashes of bright yellow and teal. In the foreground, a tall coconut tree sways, its silhouette framed against the backdrop of a small, bustling island. A sturdy jetty extends into the water, where several fishing boats rock gently with the waves.",,1,0,entity,whole,entity - whole (fisherman's village),Is there a depiction of a fisherman's village? +midjourney13,"A vivid and eclectic depiction of a fisherman's village drawn by Ralph Steadman, composed of dark velvet hues, contrasting with splashes of bright yellow and teal. In the foreground, a tall coconut tree sways, its silhouette framed against the backdrop of a small, bustling island. A sturdy jetty extends into the water, where several fishing boats rock gently with the waves.",,2,0,entity,whole,entity - whole (coconut tree),Is there a coconut tree? +midjourney13,"A vivid and eclectic depiction of a fisherman's village drawn by Ralph Steadman, composed of dark velvet hues, contrasting with splashes of bright yellow and teal. In the foreground, a tall coconut tree sways, its silhouette framed against the backdrop of a small, bustling island. A sturdy jetty extends into the water, where several fishing boats rock gently with the waves.",,3,0,entity,whole,entity - whole (island),Is there an island? +midjourney13,"A vivid and eclectic depiction of a fisherman's village drawn by Ralph Steadman, composed of dark velvet hues, contrasting with splashes of bright yellow and teal. In the foreground, a tall coconut tree sways, its silhouette framed against the backdrop of a small, bustling island. A sturdy jetty extends into the water, where several fishing boats rock gently with the waves.",,4,0,entity,whole,entity - whole (jetty),Is there a jetty? +midjourney13,"A vivid and eclectic depiction of a fisherman's village drawn by Ralph Steadman, composed of dark velvet hues, contrasting with splashes of bright yellow and teal. In the foreground, a tall coconut tree sways, its silhouette framed against the backdrop of a small, bustling island. A sturdy jetty extends into the water, where several fishing boats rock gently with the waves.",,5,0,entity,whole,entity - whole (fishing boats),Are there fishing boats? +midjourney13,"A vivid and eclectic depiction of a fisherman's village drawn by Ralph Steadman, composed of dark velvet hues, contrasting with splashes of bright yellow and teal. In the foreground, a tall coconut tree sways, its silhouette framed against the backdrop of a small, bustling island. A sturdy jetty extends into the water, where several fishing boats rock gently with the waves.",,6,0,entity,whole,entity - whole (waves),Are there waves? +midjourney13,"A vivid and eclectic depiction of a fisherman's village drawn by Ralph Steadman, composed of dark velvet hues, contrasting with splashes of bright yellow and teal. In the foreground, a tall coconut tree sways, its silhouette framed against the backdrop of a small, bustling island. A sturdy jetty extends into the water, where several fishing boats rock gently with the waves.",,7,0,global,,"global - (depiction, vivid and eclectic)",Is the depiction of the fisherman's village vivid and eclectic? +midjourney13,"A vivid and eclectic depiction of a fisherman's village drawn by Ralph Steadman, composed of dark velvet hues, contrasting with splashes of bright yellow and teal. In the foreground, a tall coconut tree sways, its silhouette framed against the backdrop of a small, bustling island. A sturdy jetty extends into the water, where several fishing boats rock gently with the waves.",,8,0,attribute,color,"attribute - color (hues, dark velvet)",Are dark velvet hues present in the depiction? +midjourney13,"A vivid and eclectic depiction of a fisherman's village drawn by Ralph Steadman, composed of dark velvet hues, contrasting with splashes of bright yellow and teal. In the foreground, a tall coconut tree sways, its silhouette framed against the backdrop of a small, bustling island. A sturdy jetty extends into the water, where several fishing boats rock gently with the waves.",,9,0,attribute,color,"attribute - color (splashes, bright yellow)",Are there splashes of bright yellow? +midjourney13,"A vivid and eclectic depiction of a fisherman's village drawn by Ralph Steadman, composed of dark velvet hues, contrasting with splashes of bright yellow and teal. In the foreground, a tall coconut tree sways, its silhouette framed against the backdrop of a small, bustling island. A sturdy jetty extends into the water, where several fishing boats rock gently with the waves.",,10,0,attribute,color,"attribute - color (splashes, teal)",Are there splashes of teal? +midjourney13,"A vivid and eclectic depiction of a fisherman's village drawn by Ralph Steadman, composed of dark velvet hues, contrasting with splashes of bright yellow and teal. In the foreground, a tall coconut tree sways, its silhouette framed against the backdrop of a small, bustling island. A sturdy jetty extends into the water, where several fishing boats rock gently with the waves.",,11,2,entity,state,"entity - state (coconut tree, sway)",Is the coconut tree swaying? +midjourney13,"A vivid and eclectic depiction of a fisherman's village drawn by Ralph Steadman, composed of dark velvet hues, contrasting with splashes of bright yellow and teal. In the foreground, a tall coconut tree sways, its silhouette framed against the backdrop of a small, bustling island. A sturdy jetty extends into the water, where several fishing boats rock gently with the waves.",,12,"2,3",relation,spatial,"relation - spatial (coconut tree, island, against)",Is the coconut tree's silhouette framed against the backdrop of the island? +midjourney13,"A vivid and eclectic depiction of a fisherman's village drawn by Ralph Steadman, composed of dark velvet hues, contrasting with splashes of bright yellow and teal. In the foreground, a tall coconut tree sways, its silhouette framed against the backdrop of a small, bustling island. A sturdy jetty extends into the water, where several fishing boats rock gently with the waves.",,13,"4,6",relation,spatial,"relation - spatial (jetty, water, extends into)",Does the jetty extend into the water? +midjourney13,"A vivid and eclectic depiction of a fisherman's village drawn by Ralph Steadman, composed of dark velvet hues, contrasting with splashes of bright yellow and teal. In the foreground, a tall coconut tree sways, its silhouette framed against the backdrop of a small, bustling island. A sturdy jetty extends into the water, where several fishing boats rock gently with the waves.",,14,"5,6",relation,spatial,"relation - spatial (fishing boats, water, rock gently)",Are the fishing boats gently rocking with the waves? +stanford20,"A cozy corner featuring a brown wooden shelf laden with assorted electronics, including silver DVD players and an outdated radio, their cords neatly arranged along the side. Occupying a prime spot on one of the shelves is a ginger tabby cat, curled up and napping amidst the items. Below, on the floor, rest two small, shiny silver barbells, catching the light from the overhead fixture. Right beside the shelf stands an impressive large bottle encased in a carved, dark-stained wooden crate, adding a touch of rustic elegance to the setting.",,1,0,entity,whole,entity - whole (corner),Is there a corner? +stanford20,"A cozy corner featuring a brown wooden shelf laden with assorted electronics, including silver DVD players and an outdated radio, their cords neatly arranged along the side. Occupying a prime spot on one of the shelves is a ginger tabby cat, curled up and napping amidst the items. Below, on the floor, rest two small, shiny silver barbells, catching the light from the overhead fixture. Right beside the shelf stands an impressive large bottle encased in a carved, dark-stained wooden crate, adding a touch of rustic elegance to the setting.",,2,1,entity,whole,entity - whole (shelf),Is there a shelf? +stanford20,"A cozy corner featuring a brown wooden shelf laden with assorted electronics, including silver DVD players and an outdated radio, their cords neatly arranged along the side. Occupying a prime spot on one of the shelves is a ginger tabby cat, curled up and napping amidst the items. Below, on the floor, rest two small, shiny silver barbells, catching the light from the overhead fixture. Right beside the shelf stands an impressive large bottle encased in a carved, dark-stained wooden crate, adding a touch of rustic elegance to the setting.",,3,2,entity,whole,entity - whole (electronics),Are there electronics? +stanford20,"A cozy corner featuring a brown wooden shelf laden with assorted electronics, including silver DVD players and an outdated radio, their cords neatly arranged along the side. Occupying a prime spot on one of the shelves is a ginger tabby cat, curled up and napping amidst the items. Below, on the floor, rest two small, shiny silver barbells, catching the light from the overhead fixture. Right beside the shelf stands an impressive large bottle encased in a carved, dark-stained wooden crate, adding a touch of rustic elegance to the setting.",,4,3,entity,whole,entity - whole (DVD players),Are there DVD players? +stanford20,"A cozy corner featuring a brown wooden shelf laden with assorted electronics, including silver DVD players and an outdated radio, their cords neatly arranged along the side. Occupying a prime spot on one of the shelves is a ginger tabby cat, curled up and napping amidst the items. Below, on the floor, rest two small, shiny silver barbells, catching the light from the overhead fixture. Right beside the shelf stands an impressive large bottle encased in a carved, dark-stained wooden crate, adding a touch of rustic elegance to the setting.",,5,3,entity,whole,entity - whole (radio),Is there a radio? +stanford20,"A cozy corner featuring a brown wooden shelf laden with assorted electronics, including silver DVD players and an outdated radio, their cords neatly arranged along the side. Occupying a prime spot on one of the shelves is a ginger tabby cat, curled up and napping amidst the items. Below, on the floor, rest two small, shiny silver barbells, catching the light from the overhead fixture. Right beside the shelf stands an impressive large bottle encased in a carved, dark-stained wooden crate, adding a touch of rustic elegance to the setting.",,6,2,entity,whole,entity - whole (cat),Is there a cat? +stanford20,"A cozy corner featuring a brown wooden shelf laden with assorted electronics, including silver DVD players and an outdated radio, their cords neatly arranged along the side. Occupying a prime spot on one of the shelves is a ginger tabby cat, curled up and napping amidst the items. Below, on the floor, rest two small, shiny silver barbells, catching the light from the overhead fixture. Right beside the shelf stands an impressive large bottle encased in a carved, dark-stained wooden crate, adding a touch of rustic elegance to the setting.",,7,1,entity,whole,entity - whole (barbells),Are there barbells? +stanford20,"A cozy corner featuring a brown wooden shelf laden with assorted electronics, including silver DVD players and an outdated radio, their cords neatly arranged along the side. Occupying a prime spot on one of the shelves is a ginger tabby cat, curled up and napping amidst the items. Below, on the floor, rest two small, shiny silver barbells, catching the light from the overhead fixture. Right beside the shelf stands an impressive large bottle encased in a carved, dark-stained wooden crate, adding a touch of rustic elegance to the setting.",,8,1,entity,whole,entity - whole (bottle),Is there a bottle? +stanford20,"A cozy corner featuring a brown wooden shelf laden with assorted electronics, including silver DVD players and an outdated radio, their cords neatly arranged along the side. Occupying a prime spot on one of the shelves is a ginger tabby cat, curled up and napping amidst the items. Below, on the floor, rest two small, shiny silver barbells, catching the light from the overhead fixture. Right beside the shelf stands an impressive large bottle encased in a carved, dark-stained wooden crate, adding a touch of rustic elegance to the setting.",,9,1,entity,whole,entity - whole (crate),Is there a crate? +stanford20,"A cozy corner featuring a brown wooden shelf laden with assorted electronics, including silver DVD players and an outdated radio, their cords neatly arranged along the side. Occupying a prime spot on one of the shelves is a ginger tabby cat, curled up and napping amidst the items. Below, on the floor, rest two small, shiny silver barbells, catching the light from the overhead fixture. Right beside the shelf stands an impressive large bottle encased in a carved, dark-stained wooden crate, adding a touch of rustic elegance to the setting.",,10,2,attribute,color,"attribute - color (shelf, brown)",Is the shelf made of brown wood? +stanford20,"A cozy corner featuring a brown wooden shelf laden with assorted electronics, including silver DVD players and an outdated radio, their cords neatly arranged along the side. Occupying a prime spot on one of the shelves is a ginger tabby cat, curled up and napping amidst the items. Below, on the floor, rest two small, shiny silver barbells, catching the light from the overhead fixture. Right beside the shelf stands an impressive large bottle encased in a carved, dark-stained wooden crate, adding a touch of rustic elegance to the setting.",,11,4,attribute,color,"attribute - color (DVD players, silver)",Are the DVD players silver? +stanford20,"A cozy corner featuring a brown wooden shelf laden with assorted electronics, including silver DVD players and an outdated radio, their cords neatly arranged along the side. Occupying a prime spot on one of the shelves is a ginger tabby cat, curled up and napping amidst the items. Below, on the floor, rest two small, shiny silver barbells, catching the light from the overhead fixture. Right beside the shelf stands an impressive large bottle encased in a carved, dark-stained wooden crate, adding a touch of rustic elegance to the setting.",,12,7,attribute,color,"attribute - color (barbells, silver)",Are the barbells silver? +stanford20,"A cozy corner featuring a brown wooden shelf laden with assorted electronics, including silver DVD players and an outdated radio, their cords neatly arranged along the side. Occupying a prime spot on one of the shelves is a ginger tabby cat, curled up and napping amidst the items. Below, on the floor, rest two small, shiny silver barbells, catching the light from the overhead fixture. Right beside the shelf stands an impressive large bottle encased in a carved, dark-stained wooden crate, adding a touch of rustic elegance to the setting.",,13,9,attribute,texture,"attribute - texture (crate, carved)",Is the crate carved? +stanford20,"A cozy corner featuring a brown wooden shelf laden with assorted electronics, including silver DVD players and an outdated radio, their cords neatly arranged along the side. Occupying a prime spot on one of the shelves is a ginger tabby cat, curled up and napping amidst the items. Below, on the floor, rest two small, shiny silver barbells, catching the light from the overhead fixture. Right beside the shelf stands an impressive large bottle encased in a carved, dark-stained wooden crate, adding a touch of rustic elegance to the setting.",,14,9,attribute,texture,"attribute - texture (crate, dark-stained)",Is the crate dark-stained? +stanford20,"A cozy corner featuring a brown wooden shelf laden with assorted electronics, including silver DVD players and an outdated radio, their cords neatly arranged along the side. Occupying a prime spot on one of the shelves is a ginger tabby cat, curled up and napping amidst the items. Below, on the floor, rest two small, shiny silver barbells, catching the light from the overhead fixture. Right beside the shelf stands an impressive large bottle encased in a carved, dark-stained wooden crate, adding a touch of rustic elegance to the setting.",,15,6,attribute,other,"attribute - other (cat, ginger tabby)",Is the cat a ginger tabby? +stanford20,"A cozy corner featuring a brown wooden shelf laden with assorted electronics, including silver DVD players and an outdated radio, their cords neatly arranged along the side. Occupying a prime spot on one of the shelves is a ginger tabby cat, curled up and napping amidst the items. Below, on the floor, rest two small, shiny silver barbells, catching the light from the overhead fixture. Right beside the shelf stands an impressive large bottle encased in a carved, dark-stained wooden crate, adding a touch of rustic elegance to the setting.",,16,6,entity,state,"entity - state (cat, curled up)",Is the cat curled up? +stanford20,"A cozy corner featuring a brown wooden shelf laden with assorted electronics, including silver DVD players and an outdated radio, their cords neatly arranged along the side. Occupying a prime spot on one of the shelves is a ginger tabby cat, curled up and napping amidst the items. Below, on the floor, rest two small, shiny silver barbells, catching the light from the overhead fixture. Right beside the shelf stands an impressive large bottle encased in a carved, dark-stained wooden crate, adding a touch of rustic elegance to the setting.",,17,6,entity,state,"entity - state (cat, napping)",Is the cat napping? +stanford20,"A cozy corner featuring a brown wooden shelf laden with assorted electronics, including silver DVD players and an outdated radio, their cords neatly arranged along the side. Occupying a prime spot on one of the shelves is a ginger tabby cat, curled up and napping amidst the items. Below, on the floor, rest two small, shiny silver barbells, catching the light from the overhead fixture. Right beside the shelf stands an impressive large bottle encased in a carved, dark-stained wooden crate, adding a touch of rustic elegance to the setting.",,18,"1,2",relation,spatial,"relation - spatial (shelf, corner, in)",Is the shelf in the corner? +stanford20,"A cozy corner featuring a brown wooden shelf laden with assorted electronics, including silver DVD players and an outdated radio, their cords neatly arranged along the side. Occupying a prime spot on one of the shelves is a ginger tabby cat, curled up and napping amidst the items. Below, on the floor, rest two small, shiny silver barbells, catching the light from the overhead fixture. Right beside the shelf stands an impressive large bottle encased in a carved, dark-stained wooden crate, adding a touch of rustic elegance to the setting.",,19,"2,3",relation,spatial,"relation - spatial (electronics, shelf, on)",Are the electronics on the shelf? +stanford20,"A cozy corner featuring a brown wooden shelf laden with assorted electronics, including silver DVD players and an outdated radio, their cords neatly arranged along the side. Occupying a prime spot on one of the shelves is a ginger tabby cat, curled up and napping amidst the items. Below, on the floor, rest two small, shiny silver barbells, catching the light from the overhead fixture. Right beside the shelf stands an impressive large bottle encased in a carved, dark-stained wooden crate, adding a touch of rustic elegance to the setting.",,20,"2,6",relation,spatial,"relation - spatial (cat, shelf, on)",Is the cat on the shelf? +stanford20,"A cozy corner featuring a brown wooden shelf laden with assorted electronics, including silver DVD players and an outdated radio, their cords neatly arranged along the side. Occupying a prime spot on one of the shelves is a ginger tabby cat, curled up and napping amidst the items. Below, on the floor, rest two small, shiny silver barbells, catching the light from the overhead fixture. Right beside the shelf stands an impressive large bottle encased in a carved, dark-stained wooden crate, adding a touch of rustic elegance to the setting.",,21,"1,7",relation,spatial,"relation - spatial (barbells, floor, on)",Are the barbells on the floor? +stanford20,"A cozy corner featuring a brown wooden shelf laden with assorted electronics, including silver DVD players and an outdated radio, their cords neatly arranged along the side. Occupying a prime spot on one of the shelves is a ginger tabby cat, curled up and napping amidst the items. Below, on the floor, rest two small, shiny silver barbells, catching the light from the overhead fixture. Right beside the shelf stands an impressive large bottle encased in a carved, dark-stained wooden crate, adding a touch of rustic elegance to the setting.",,22,"2,8",relation,spatial,"relation - spatial (bottle, shelf, beside)",Is the bottle beside the shelf? +stanford20,"A cozy corner featuring a brown wooden shelf laden with assorted electronics, including silver DVD players and an outdated radio, their cords neatly arranged along the side. Occupying a prime spot on one of the shelves is a ginger tabby cat, curled up and napping amidst the items. Below, on the floor, rest two small, shiny silver barbells, catching the light from the overhead fixture. Right beside the shelf stands an impressive large bottle encased in a carved, dark-stained wooden crate, adding a touch of rustic elegance to the setting.",,23,"8,9",relation,spatial,"relation - spatial (crate, bottle, encase)",Is the bottle encased in the crate? +localized14,"In the photograph, there's a round, brown plate that is neatly arranged with an assortment of vibrant, colorful food. Positioned against a stark white background, the plate's contents stand out, creating a striking contrast. The surface of the food gleams slightly, suggesting a freshly prepared meal waiting to be enjoyed.",,1,0,entity,whole,entity - whole (plate),Is there a plate? +localized14,"In the photograph, there's a round, brown plate that is neatly arranged with an assortment of vibrant, colorful food. Positioned against a stark white background, the plate's contents stand out, creating a striking contrast. The surface of the food gleams slightly, suggesting a freshly prepared meal waiting to be enjoyed.",,2,0,entity,whole,entity - whole (food),Is there food? +localized14,"In the photograph, there's a round, brown plate that is neatly arranged with an assortment of vibrant, colorful food. Positioned against a stark white background, the plate's contents stand out, creating a striking contrast. The surface of the food gleams slightly, suggesting a freshly prepared meal waiting to be enjoyed.",,3,1,attribute,shape,"attribute - shape (plate, round)",Is the plate round? +localized14,"In the photograph, there's a round, brown plate that is neatly arranged with an assortment of vibrant, colorful food. Positioned against a stark white background, the plate's contents stand out, creating a striking contrast. The surface of the food gleams slightly, suggesting a freshly prepared meal waiting to be enjoyed.",,4,1,attribute,color,"attribute - color (plate, brown)",Is the plate brown? +localized14,"In the photograph, there's a round, brown plate that is neatly arranged with an assortment of vibrant, colorful food. Positioned against a stark white background, the plate's contents stand out, creating a striking contrast. The surface of the food gleams slightly, suggesting a freshly prepared meal waiting to be enjoyed.",,5,2,attribute,color,"attribute - color (food, vibrant)",Is the food vibrant and colorful? +localized14,"In the photograph, there's a round, brown plate that is neatly arranged with an assortment of vibrant, colorful food. Positioned against a stark white background, the plate's contents stand out, creating a striking contrast. The surface of the food gleams slightly, suggesting a freshly prepared meal waiting to be enjoyed.",,6,0,attribute,color,"attribute - color (background, white)",Is the background white? +localized14,"In the photograph, there's a round, brown plate that is neatly arranged with an assortment of vibrant, colorful food. Positioned against a stark white background, the plate's contents stand out, creating a striking contrast. The surface of the food gleams slightly, suggesting a freshly prepared meal waiting to be enjoyed.",,7,0,global,,global - (photograph),Is this a photograph? +localized14,"In the photograph, there's a round, brown plate that is neatly arranged with an assortment of vibrant, colorful food. Positioned against a stark white background, the plate's contents stand out, creating a striking contrast. The surface of the food gleams slightly, suggesting a freshly prepared meal waiting to be enjoyed.",,8,2,entity,state,"entity - state (food, freshly prepared)",Does the food appear freshly prepared? +localized14,"In the photograph, there's a round, brown plate that is neatly arranged with an assortment of vibrant, colorful food. Positioned against a stark white background, the plate's contents stand out, creating a striking contrast. The surface of the food gleams slightly, suggesting a freshly prepared meal waiting to be enjoyed.",,9,"1,6",relation,spatial,"relation - spatial (plate, background, against)",Is the plate positioned against the background? +localized14,"In the photograph, there's a round, brown plate that is neatly arranged with an assortment of vibrant, colorful food. Positioned against a stark white background, the plate's contents stand out, creating a striking contrast. The surface of the food gleams slightly, suggesting a freshly prepared meal waiting to be enjoyed.",,10,"1,6",relation,non-spatial,"relation - non-spatial (plate's contents, background, contrast)",Do the plate's contents create a striking contrast with the background? +drawtext1,"A visually striking digital art piece featuring the phrase ""It takes AI and rain to make a rainbow"" set against a deep black background. The text is displayed in vibrant, holographic neon colors that shimmer and change as if touched by light, creating an illusion of depth and movement. Surrounding the words are colorful, swirly patterns that give off a magical ripple effect, enhancing the 'bruh moment' of surreal wonder it aims to elicit. Intricate white and gold neon lines weave through the composition, adding an elegant contrast to the bold colors. The entire scene is crafted using 3D computer graphics, achieving a photorealistic quality that makes the elements seem tangible.",,1,0,global,,global - (digital art),Is this a piece of digital art? +drawtext1,"A visually striking digital art piece featuring the phrase ""It takes AI and rain to make a rainbow"" set against a deep black background. The text is displayed in vibrant, holographic neon colors that shimmer and change as if touched by light, creating an illusion of depth and movement. Surrounding the words are colorful, swirly patterns that give off a magical ripple effect, enhancing the 'bruh moment' of surreal wonder it aims to elicit. Intricate white and gold neon lines weave through the composition, adding an elegant contrast to the bold colors. The entire scene is crafted using 3D computer graphics, achieving a photorealistic quality that makes the elements seem tangible.",,2,0,entity,whole,entity - whole (phrase),Is there a phrase featured in the art? +drawtext1,"A visually striking digital art piece featuring the phrase ""It takes AI and rain to make a rainbow"" set against a deep black background. The text is displayed in vibrant, holographic neon colors that shimmer and change as if touched by light, creating an illusion of depth and movement. Surrounding the words are colorful, swirly patterns that give off a magical ripple effect, enhancing the 'bruh moment' of surreal wonder it aims to elicit. Intricate white and gold neon lines weave through the composition, adding an elegant contrast to the bold colors. The entire scene is crafted using 3D computer graphics, achieving a photorealistic quality that makes the elements seem tangible.",,3,2,other,text,"other - text (phrase, ""It takes AI and rain to make a rainbow"")","Does the phrase say ""It takes AI and rain to make a rainbow""?" +drawtext1,"A visually striking digital art piece featuring the phrase ""It takes AI and rain to make a rainbow"" set against a deep black background. The text is displayed in vibrant, holographic neon colors that shimmer and change as if touched by light, creating an illusion of depth and movement. Surrounding the words are colorful, swirly patterns that give off a magical ripple effect, enhancing the 'bruh moment' of surreal wonder it aims to elicit. Intricate white and gold neon lines weave through the composition, adding an elegant contrast to the bold colors. The entire scene is crafted using 3D computer graphics, achieving a photorealistic quality that makes the elements seem tangible.",,4,0,attribute,color,"attribute - color (background, deep black)",Is the background deep black? +drawtext1,"A visually striking digital art piece featuring the phrase ""It takes AI and rain to make a rainbow"" set against a deep black background. The text is displayed in vibrant, holographic neon colors that shimmer and change as if touched by light, creating an illusion of depth and movement. Surrounding the words are colorful, swirly patterns that give off a magical ripple effect, enhancing the 'bruh moment' of surreal wonder it aims to elicit. Intricate white and gold neon lines weave through the composition, adding an elegant contrast to the bold colors. The entire scene is crafted using 3D computer graphics, achieving a photorealistic quality that makes the elements seem tangible.",,5,2,attribute,color,"attribute - color (text, vibrant holographic neon)",Is the text displayed in vibrant holographic neon colors? +drawtext1,"A visually striking digital art piece featuring the phrase ""It takes AI and rain to make a rainbow"" set against a deep black background. The text is displayed in vibrant, holographic neon colors that shimmer and change as if touched by light, creating an illusion of depth and movement. Surrounding the words are colorful, swirly patterns that give off a magical ripple effect, enhancing the 'bruh moment' of surreal wonder it aims to elicit. Intricate white and gold neon lines weave through the composition, adding an elegant contrast to the bold colors. The entire scene is crafted using 3D computer graphics, achieving a photorealistic quality that makes the elements seem tangible.",,6,2,attribute,texture,"attribute - texture (text, shimmer and change)",Does the text shimmer and change as if touched by light? +drawtext1,"A visually striking digital art piece featuring the phrase ""It takes AI and rain to make a rainbow"" set against a deep black background. The text is displayed in vibrant, holographic neon colors that shimmer and change as if touched by light, creating an illusion of depth and movement. Surrounding the words are colorful, swirly patterns that give off a magical ripple effect, enhancing the 'bruh moment' of surreal wonder it aims to elicit. Intricate white and gold neon lines weave through the composition, adding an elegant contrast to the bold colors. The entire scene is crafted using 3D computer graphics, achieving a photorealistic quality that makes the elements seem tangible.",,7,0,entity,whole,entity - whole (patterns),"Are there colorful, swirly patterns?" +drawtext1,"A visually striking digital art piece featuring the phrase ""It takes AI and rain to make a rainbow"" set against a deep black background. The text is displayed in vibrant, holographic neon colors that shimmer and change as if touched by light, creating an illusion of depth and movement. Surrounding the words are colorful, swirly patterns that give off a magical ripple effect, enhancing the 'bruh moment' of surreal wonder it aims to elicit. Intricate white and gold neon lines weave through the composition, adding an elegant contrast to the bold colors. The entire scene is crafted using 3D computer graphics, achieving a photorealistic quality that makes the elements seem tangible.",,8,7,attribute,texture,"attribute - texture (patterns, swirly magical ripple effect)",Do the patterns give off a magical ripple effect? +drawtext1,"A visually striking digital art piece featuring the phrase ""It takes AI and rain to make a rainbow"" set against a deep black background. The text is displayed in vibrant, holographic neon colors that shimmer and change as if touched by light, creating an illusion of depth and movement. Surrounding the words are colorful, swirly patterns that give off a magical ripple effect, enhancing the 'bruh moment' of surreal wonder it aims to elicit. Intricate white and gold neon lines weave through the composition, adding an elegant contrast to the bold colors. The entire scene is crafted using 3D computer graphics, achieving a photorealistic quality that makes the elements seem tangible.",,9,0,entity,whole,entity - whole (neon lines),Are there intricate neon lines? +drawtext1,"A visually striking digital art piece featuring the phrase ""It takes AI and rain to make a rainbow"" set against a deep black background. The text is displayed in vibrant, holographic neon colors that shimmer and change as if touched by light, creating an illusion of depth and movement. Surrounding the words are colorful, swirly patterns that give off a magical ripple effect, enhancing the 'bruh moment' of surreal wonder it aims to elicit. Intricate white and gold neon lines weave through the composition, adding an elegant contrast to the bold colors. The entire scene is crafted using 3D computer graphics, achieving a photorealistic quality that makes the elements seem tangible.",,10,9,attribute,color,"attribute - color (neon lines, white and gold)",Are the neon lines white and gold? +stanford39,"A rustic wooden table is set against a backdrop of soft, beige walls, holding a weathered brown piece of butcher paper. Sprawled across the paper is an array of colorful vegetables, from vivid red tomatoes to deep green cucumbers and bright orange carrots. In front of this cornucopia of produce, a small, worn yellow notebook lies open, its pages filled with neat handwriting.",,1,0,entity,whole,entity - whole (table),Is there a table? +stanford39,"A rustic wooden table is set against a backdrop of soft, beige walls, holding a weathered brown piece of butcher paper. Sprawled across the paper is an array of colorful vegetables, from vivid red tomatoes to deep green cucumbers and bright orange carrots. In front of this cornucopia of produce, a small, worn yellow notebook lies open, its pages filled with neat handwriting.",,2,0,entity,whole,entity - whole (walls),Are there walls? +stanford39,"A rustic wooden table is set against a backdrop of soft, beige walls, holding a weathered brown piece of butcher paper. Sprawled across the paper is an array of colorful vegetables, from vivid red tomatoes to deep green cucumbers and bright orange carrots. In front of this cornucopia of produce, a small, worn yellow notebook lies open, its pages filled with neat handwriting.",,3,0,entity,whole,entity - whole (butcher paper),Is there butcher paper? +stanford39,"A rustic wooden table is set against a backdrop of soft, beige walls, holding a weathered brown piece of butcher paper. Sprawled across the paper is an array of colorful vegetables, from vivid red tomatoes to deep green cucumbers and bright orange carrots. In front of this cornucopia of produce, a small, worn yellow notebook lies open, its pages filled with neat handwriting.",,4,0,entity,whole,entity - whole (vegetables),Are there vegetables? +stanford39,"A rustic wooden table is set against a backdrop of soft, beige walls, holding a weathered brown piece of butcher paper. Sprawled across the paper is an array of colorful vegetables, from vivid red tomatoes to deep green cucumbers and bright orange carrots. In front of this cornucopia of produce, a small, worn yellow notebook lies open, its pages filled with neat handwriting.",,5,0,entity,whole,entity - whole (notebook),Is there a notebook? +stanford39,"A rustic wooden table is set against a backdrop of soft, beige walls, holding a weathered brown piece of butcher paper. Sprawled across the paper is an array of colorful vegetables, from vivid red tomatoes to deep green cucumbers and bright orange carrots. In front of this cornucopia of produce, a small, worn yellow notebook lies open, its pages filled with neat handwriting.",,6,1,attribute,texture,"attribute - texture (table, wood)",Is the table made of wood? +stanford39,"A rustic wooden table is set against a backdrop of soft, beige walls, holding a weathered brown piece of butcher paper. Sprawled across the paper is an array of colorful vegetables, from vivid red tomatoes to deep green cucumbers and bright orange carrots. In front of this cornucopia of produce, a small, worn yellow notebook lies open, its pages filled with neat handwriting.",,7,2,attribute,color,"attribute - color (walls, beige)",Are the walls beige? +stanford39,"A rustic wooden table is set against a backdrop of soft, beige walls, holding a weathered brown piece of butcher paper. Sprawled across the paper is an array of colorful vegetables, from vivid red tomatoes to deep green cucumbers and bright orange carrots. In front of this cornucopia of produce, a small, worn yellow notebook lies open, its pages filled with neat handwriting.",,8,3,attribute,color,"attribute - color (butcher paper, brown)",Is the butcher paper brown? +stanford39,"A rustic wooden table is set against a backdrop of soft, beige walls, holding a weathered brown piece of butcher paper. Sprawled across the paper is an array of colorful vegetables, from vivid red tomatoes to deep green cucumbers and bright orange carrots. In front of this cornucopia of produce, a small, worn yellow notebook lies open, its pages filled with neat handwriting.",,9,4,attribute,color,"attribute - color (vegetables, colorful)",Are the vegetables colorful? +stanford39,"A rustic wooden table is set against a backdrop of soft, beige walls, holding a weathered brown piece of butcher paper. Sprawled across the paper is an array of colorful vegetables, from vivid red tomatoes to deep green cucumbers and bright orange carrots. In front of this cornucopia of produce, a small, worn yellow notebook lies open, its pages filled with neat handwriting.",,10,5,attribute,color,"attribute - color (notebook, yellow)",Is the notebook yellow? +stanford39,"A rustic wooden table is set against a backdrop of soft, beige walls, holding a weathered brown piece of butcher paper. Sprawled across the paper is an array of colorful vegetables, from vivid red tomatoes to deep green cucumbers and bright orange carrots. In front of this cornucopia of produce, a small, worn yellow notebook lies open, its pages filled with neat handwriting.",,11,5,attribute,texture,"attribute - texture (notebook, worn)",Is the notebook worn? +stanford39,"A rustic wooden table is set against a backdrop of soft, beige walls, holding a weathered brown piece of butcher paper. Sprawled across the paper is an array of colorful vegetables, from vivid red tomatoes to deep green cucumbers and bright orange carrots. In front of this cornucopia of produce, a small, worn yellow notebook lies open, its pages filled with neat handwriting.",,12,5,other,text,"other - text (notebook, pages filled with neat handwriting)",Are the notebook's pages filled with neat handwriting? +stanford39,"A rustic wooden table is set against a backdrop of soft, beige walls, holding a weathered brown piece of butcher paper. Sprawled across the paper is an array of colorful vegetables, from vivid red tomatoes to deep green cucumbers and bright orange carrots. In front of this cornucopia of produce, a small, worn yellow notebook lies open, its pages filled with neat handwriting.",,13,"1,2",relation,spatial,"relation - spatial (table, walls, against)",Is the table set against the walls? +stanford39,"A rustic wooden table is set against a backdrop of soft, beige walls, holding a weathered brown piece of butcher paper. Sprawled across the paper is an array of colorful vegetables, from vivid red tomatoes to deep green cucumbers and bright orange carrots. In front of this cornucopia of produce, a small, worn yellow notebook lies open, its pages filled with neat handwriting.",,14,"1,3",relation,spatial,"relation - spatial (butcher paper, table, on)",Is the butcher paper on the table? +stanford39,"A rustic wooden table is set against a backdrop of soft, beige walls, holding a weathered brown piece of butcher paper. Sprawled across the paper is an array of colorful vegetables, from vivid red tomatoes to deep green cucumbers and bright orange carrots. In front of this cornucopia of produce, a small, worn yellow notebook lies open, its pages filled with neat handwriting.",,15,"3,4",relation,spatial,"relation - spatial (vegetables, butcher paper, sprawled across)",Are the vegetables sprawled across the butcher paper? +stanford39,"A rustic wooden table is set against a backdrop of soft, beige walls, holding a weathered brown piece of butcher paper. Sprawled across the paper is an array of colorful vegetables, from vivid red tomatoes to deep green cucumbers and bright orange carrots. In front of this cornucopia of produce, a small, worn yellow notebook lies open, its pages filled with neat handwriting.",,16,"4,5",relation,spatial,"relation - spatial (notebook, vegetables, in front of)",Is the notebook in front of the vegetables? +countbench8,"In a spacious living room, two 3-seater sofas with plush white cushions are symmetrically positioned opposite each other, creating a welcoming conversational area. Between them sits a nature grey 39"" coffee table made of Ostuni white mahogany, giving off a rustic yet modern vibe. Surrounding the central coffee table, three matching lounge armchairs with grey upholstery offer additional seating, enticing guests to relax and enjoy the space. The arrangement of the furniture promotes easy movement and social interaction within the room.",,1,0,entity,whole,entity - whole (living room),Is there a living room? +countbench8,"In a spacious living room, two 3-seater sofas with plush white cushions are symmetrically positioned opposite each other, creating a welcoming conversational area. Between them sits a nature grey 39"" coffee table made of Ostuni white mahogany, giving off a rustic yet modern vibe. Surrounding the central coffee table, three matching lounge armchairs with grey upholstery offer additional seating, enticing guests to relax and enjoy the space. The arrangement of the furniture promotes easy movement and social interaction within the room.",,2,0,entity,whole,entity - whole (sofas),Are there sofas? +countbench8,"In a spacious living room, two 3-seater sofas with plush white cushions are symmetrically positioned opposite each other, creating a welcoming conversational area. Between them sits a nature grey 39"" coffee table made of Ostuni white mahogany, giving off a rustic yet modern vibe. Surrounding the central coffee table, three matching lounge armchairs with grey upholstery offer additional seating, enticing guests to relax and enjoy the space. The arrangement of the furniture promotes easy movement and social interaction within the room.",,3,2,other,count,"other - count (sofas, ==2)",Are there two sofas? +countbench8,"In a spacious living room, two 3-seater sofas with plush white cushions are symmetrically positioned opposite each other, creating a welcoming conversational area. Between them sits a nature grey 39"" coffee table made of Ostuni white mahogany, giving off a rustic yet modern vibe. Surrounding the central coffee table, three matching lounge armchairs with grey upholstery offer additional seating, enticing guests to relax and enjoy the space. The arrangement of the furniture promotes easy movement and social interaction within the room.",,4,0,entity,whole,entity - whole (cushions),Are there cushions? +countbench8,"In a spacious living room, two 3-seater sofas with plush white cushions are symmetrically positioned opposite each other, creating a welcoming conversational area. Between them sits a nature grey 39"" coffee table made of Ostuni white mahogany, giving off a rustic yet modern vibe. Surrounding the central coffee table, three matching lounge armchairs with grey upholstery offer additional seating, enticing guests to relax and enjoy the space. The arrangement of the furniture promotes easy movement and social interaction within the room.",,5,4,attribute,color,"attribute - color (cushions, white)",Are the cushions white? +countbench8,"In a spacious living room, two 3-seater sofas with plush white cushions are symmetrically positioned opposite each other, creating a welcoming conversational area. Between them sits a nature grey 39"" coffee table made of Ostuni white mahogany, giving off a rustic yet modern vibe. Surrounding the central coffee table, three matching lounge armchairs with grey upholstery offer additional seating, enticing guests to relax and enjoy the space. The arrangement of the furniture promotes easy movement and social interaction within the room.",,6,0,entity,whole,entity - whole (coffee table),Is there a coffee table? +countbench8,"In a spacious living room, two 3-seater sofas with plush white cushions are symmetrically positioned opposite each other, creating a welcoming conversational area. Between them sits a nature grey 39"" coffee table made of Ostuni white mahogany, giving off a rustic yet modern vibe. Surrounding the central coffee table, three matching lounge armchairs with grey upholstery offer additional seating, enticing guests to relax and enjoy the space. The arrangement of the furniture promotes easy movement and social interaction within the room.",,7,6,attribute,color,"attribute - color (coffee table, nature grey)",Is the coffee table nature grey? +countbench8,"In a spacious living room, two 3-seater sofas with plush white cushions are symmetrically positioned opposite each other, creating a welcoming conversational area. Between them sits a nature grey 39"" coffee table made of Ostuni white mahogany, giving off a rustic yet modern vibe. Surrounding the central coffee table, three matching lounge armchairs with grey upholstery offer additional seating, enticing guests to relax and enjoy the space. The arrangement of the furniture promotes easy movement and social interaction within the room.",,8,6,attribute,size,"attribute - size (coffee table, 39"")",Is the coffee table 39 inches? +countbench8,"In a spacious living room, two 3-seater sofas with plush white cushions are symmetrically positioned opposite each other, creating a welcoming conversational area. Between them sits a nature grey 39"" coffee table made of Ostuni white mahogany, giving off a rustic yet modern vibe. Surrounding the central coffee table, three matching lounge armchairs with grey upholstery offer additional seating, enticing guests to relax and enjoy the space. The arrangement of the furniture promotes easy movement and social interaction within the room.",,9,6,attribute,texture,"attribute - texture (coffee table, Ostuni white mahogany)",Is the coffee table made of Ostuni white mahogany? +countbench8,"In a spacious living room, two 3-seater sofas with plush white cushions are symmetrically positioned opposite each other, creating a welcoming conversational area. Between them sits a nature grey 39"" coffee table made of Ostuni white mahogany, giving off a rustic yet modern vibe. Surrounding the central coffee table, three matching lounge armchairs with grey upholstery offer additional seating, enticing guests to relax and enjoy the space. The arrangement of the furniture promotes easy movement and social interaction within the room.",,10,0,entity,whole,entity - whole (lounge armchairs),Are there lounge armchairs? +countbench8,"In a spacious living room, two 3-seater sofas with plush white cushions are symmetrically positioned opposite each other, creating a welcoming conversational area. Between them sits a nature grey 39"" coffee table made of Ostuni white mahogany, giving off a rustic yet modern vibe. Surrounding the central coffee table, three matching lounge armchairs with grey upholstery offer additional seating, enticing guests to relax and enjoy the space. The arrangement of the furniture promotes easy movement and social interaction within the room.",,11,10,other,count,"other - count (lounge armchairs, ==3)",Are there three lounge armchairs? +countbench8,"In a spacious living room, two 3-seater sofas with plush white cushions are symmetrically positioned opposite each other, creating a welcoming conversational area. Between them sits a nature grey 39"" coffee table made of Ostuni white mahogany, giving off a rustic yet modern vibe. Surrounding the central coffee table, three matching lounge armchairs with grey upholstery offer additional seating, enticing guests to relax and enjoy the space. The arrangement of the furniture promotes easy movement and social interaction within the room.",,12,10,attribute,color,"attribute - color (lounge armchairs, grey)",Are the lounge armchairs grey? +countbench8,"In a spacious living room, two 3-seater sofas with plush white cushions are symmetrically positioned opposite each other, creating a welcoming conversational area. Between them sits a nature grey 39"" coffee table made of Ostuni white mahogany, giving off a rustic yet modern vibe. Surrounding the central coffee table, three matching lounge armchairs with grey upholstery offer additional seating, enticing guests to relax and enjoy the space. The arrangement of the furniture promotes easy movement and social interaction within the room.",,13,"1,2",relation,spatial,"relation - spatial (sofas, living room, positioned opposite each other)",Are the sofas positioned opposite each other in the living room? +countbench8,"In a spacious living room, two 3-seater sofas with plush white cushions are symmetrically positioned opposite each other, creating a welcoming conversational area. Between them sits a nature grey 39"" coffee table made of Ostuni white mahogany, giving off a rustic yet modern vibe. Surrounding the central coffee table, three matching lounge armchairs with grey upholstery offer additional seating, enticing guests to relax and enjoy the space. The arrangement of the furniture promotes easy movement and social interaction within the room.",,14,"2,6",relation,spatial,"relation - spatial (coffee table, sofas, between)",Is the coffee table between the sofas? +countbench8,"In a spacious living room, two 3-seater sofas with plush white cushions are symmetrically positioned opposite each other, creating a welcoming conversational area. Between them sits a nature grey 39"" coffee table made of Ostuni white mahogany, giving off a rustic yet modern vibe. Surrounding the central coffee table, three matching lounge armchairs with grey upholstery offer additional seating, enticing guests to relax and enjoy the space. The arrangement of the furniture promotes easy movement and social interaction within the room.",,15,"6,10",relation,spatial,"relation - spatial (lounge armchairs, coffee table, surrounding)",Are the lounge armchairs surrounding the coffee table? +countbench8,"In a spacious living room, two 3-seater sofas with plush white cushions are symmetrically positioned opposite each other, creating a welcoming conversational area. Between them sits a nature grey 39"" coffee table made of Ostuni white mahogany, giving off a rustic yet modern vibe. Surrounding the central coffee table, three matching lounge armchairs with grey upholstery offer additional seating, enticing guests to relax and enjoy the space. The arrangement of the furniture promotes easy movement and social interaction within the room.",,16,2,attribute,other,"attribute - other (sofas, 3-seater)",Are the sofas 3-seater? +countbench8,"In a spacious living room, two 3-seater sofas with plush white cushions are symmetrically positioned opposite each other, creating a welcoming conversational area. Between them sits a nature grey 39"" coffee table made of Ostuni white mahogany, giving off a rustic yet modern vibe. Surrounding the central coffee table, three matching lounge armchairs with grey upholstery offer additional seating, enticing guests to relax and enjoy the space. The arrangement of the furniture promotes easy movement and social interaction within the room.",,17,2,attribute,other,"attribute - other (sofas, plush)",Are the sofas plush? +countbench8,"In a spacious living room, two 3-seater sofas with plush white cushions are symmetrically positioned opposite each other, creating a welcoming conversational area. Between them sits a nature grey 39"" coffee table made of Ostuni white mahogany, giving off a rustic yet modern vibe. Surrounding the central coffee table, three matching lounge armchairs with grey upholstery offer additional seating, enticing guests to relax and enjoy the space. The arrangement of the furniture promotes easy movement and social interaction within the room.",,18,6,attribute,other,"attribute - other (coffee table, rustic yet modern vibe)",Does the coffee table give off a rustic yet modern vibe? +countbench8,"In a spacious living room, two 3-seater sofas with plush white cushions are symmetrically positioned opposite each other, creating a welcoming conversational area. Between them sits a nature grey 39"" coffee table made of Ostuni white mahogany, giving off a rustic yet modern vibe. Surrounding the central coffee table, three matching lounge armchairs with grey upholstery offer additional seating, enticing guests to relax and enjoy the space. The arrangement of the furniture promotes easy movement and social interaction within the room.",,19,10,attribute,other,"attribute - other (lounge armchairs, upholstery)",Do the lounge armchairs have upholstery? +countbench8,"In a spacious living room, two 3-seater sofas with plush white cushions are symmetrically positioned opposite each other, creating a welcoming conversational area. Between them sits a nature grey 39"" coffee table made of Ostuni white mahogany, giving off a rustic yet modern vibe. Surrounding the central coffee table, three matching lounge armchairs with grey upholstery offer additional seating, enticing guests to relax and enjoy the space. The arrangement of the furniture promotes easy movement and social interaction within the room.",,20,1,attribute,other,"attribute - other (furniture arrangement, promotes easy movement and social interaction)",Does the arrangement of the furniture promote easy movement and social interaction within the room? +countbench11,"A set of four green plastic food containers displayed against a stark white background, each captured from a distinct angle to showcase the varying perspectives of their design. The containers exhibit a smooth texture and a slightly reflective surface that catches the light subtly. Arranged neatly, they demonstrate the versatility of their form and capacity through the different foreshortenings presented.",,1,0,entity,whole,entity - whole (food containers),Are there food containers? +countbench11,"A set of four green plastic food containers displayed against a stark white background, each captured from a distinct angle to showcase the varying perspectives of their design. The containers exhibit a smooth texture and a slightly reflective surface that catches the light subtly. Arranged neatly, they demonstrate the versatility of their form and capacity through the different foreshortenings presented.",,2,1,other,count,"other - count (food containers, ==4)",Are there four food containers? +countbench11,"A set of four green plastic food containers displayed against a stark white background, each captured from a distinct angle to showcase the varying perspectives of their design. The containers exhibit a smooth texture and a slightly reflective surface that catches the light subtly. Arranged neatly, they demonstrate the versatility of their form and capacity through the different foreshortenings presented.",,3,1,attribute,color,"attribute - color (food containers, green)",Are the food containers green? +countbench11,"A set of four green plastic food containers displayed against a stark white background, each captured from a distinct angle to showcase the varying perspectives of their design. The containers exhibit a smooth texture and a slightly reflective surface that catches the light subtly. Arranged neatly, they demonstrate the versatility of their form and capacity through the different foreshortenings presented.",,4,1,attribute,texture,"attribute - texture (food containers, smooth)",Do the food containers have a smooth texture? +countbench11,"A set of four green plastic food containers displayed against a stark white background, each captured from a distinct angle to showcase the varying perspectives of their design. The containers exhibit a smooth texture and a slightly reflective surface that catches the light subtly. Arranged neatly, they demonstrate the versatility of their form and capacity through the different foreshortenings presented.",,5,0,global,,"global - (background, stark white)",Is the background stark white? +countbench11,"A set of four green plastic food containers displayed against a stark white background, each captured from a distinct angle to showcase the varying perspectives of their design. The containers exhibit a smooth texture and a slightly reflective surface that catches the light subtly. Arranged neatly, they demonstrate the versatility of their form and capacity through the different foreshortenings presented.",,6,1,attribute,other,"attribute - other (food containers, slightly reflective surface)",Do the food containers have a slightly reflective surface? +countbench11,"A set of four green plastic food containers displayed against a stark white background, each captured from a distinct angle to showcase the varying perspectives of their design. The containers exhibit a smooth texture and a slightly reflective surface that catches the light subtly. Arranged neatly, they demonstrate the versatility of their form and capacity through the different foreshortenings presented.",,7,"1,5",relation,spatial,"relation - spatial (food containers, background, against)",Are the food containers displayed against the background? +countbench11,"A set of four green plastic food containers displayed against a stark white background, each captured from a distinct angle to showcase the varying perspectives of their design. The containers exhibit a smooth texture and a slightly reflective surface that catches the light subtly. Arranged neatly, they demonstrate the versatility of their form and capacity through the different foreshortenings presented.",,8,1,entity,state,"entity - state (food containers, neatly arranged)",Are the food containers neatly arranged? +countbench11,"A set of four green plastic food containers displayed against a stark white background, each captured from a distinct angle to showcase the varying perspectives of their design. The containers exhibit a smooth texture and a slightly reflective surface that catches the light subtly. Arranged neatly, they demonstrate the versatility of their form and capacity through the different foreshortenings presented.",,9,1,attribute,other,"attribute - other (food containers, varying perspectives)",Do the food containers showcase varying perspectives? +countbench11,"A set of four green plastic food containers displayed against a stark white background, each captured from a distinct angle to showcase the varying perspectives of their design. The containers exhibit a smooth texture and a slightly reflective surface that catches the light subtly. Arranged neatly, they demonstrate the versatility of their form and capacity through the different foreshortenings presented.",,10,1,attribute,other,"attribute - other (food containers, different foreshortenings)",Do the food containers demonstrate different foreshortenings? +posescript1,"A figure is posed dynamically, showcasing a particular stance where their left leg is bent forward, creating a powerful line, while the right leg extends straight back, as if poised for movement. The right shoulder dips forward, complementing the overall forward inclination of the torso, suggesting a sense of momentum. Both arms are positioned at angles, trailing down and back from the body to balance the posture, while the head is subtly canted to the right, adding a touch of grace to the disposition.",,1,0,entity,whole,entity - whole (figure),Is there a figure? +posescript1,"A figure is posed dynamically, showcasing a particular stance where their left leg is bent forward, creating a powerful line, while the right leg extends straight back, as if poised for movement. The right shoulder dips forward, complementing the overall forward inclination of the torso, suggesting a sense of momentum. Both arms are positioned at angles, trailing down and back from the body to balance the posture, while the head is subtly canted to the right, adding a touch of grace to the disposition.",,2,1,entity,state,"entity - state (figure, posed dynamically)",Is the figure posed dynamically? +posescript1,"A figure is posed dynamically, showcasing a particular stance where their left leg is bent forward, creating a powerful line, while the right leg extends straight back, as if poised for movement. The right shoulder dips forward, complementing the overall forward inclination of the torso, suggesting a sense of momentum. Both arms are positioned at angles, trailing down and back from the body to balance the posture, while the head is subtly canted to the right, adding a touch of grace to the disposition.",,3,1,entity,part,entity - part (figure's left leg),Does the figure have a left leg? +posescript1,"A figure is posed dynamically, showcasing a particular stance where their left leg is bent forward, creating a powerful line, while the right leg extends straight back, as if poised for movement. The right shoulder dips forward, complementing the overall forward inclination of the torso, suggesting a sense of momentum. Both arms are positioned at angles, trailing down and back from the body to balance the posture, while the head is subtly canted to the right, adding a touch of grace to the disposition.",,4,1,entity,part,entity - part (figure's right leg),Does the figure have a right leg? +posescript1,"A figure is posed dynamically, showcasing a particular stance where their left leg is bent forward, creating a powerful line, while the right leg extends straight back, as if poised for movement. The right shoulder dips forward, complementing the overall forward inclination of the torso, suggesting a sense of momentum. Both arms are positioned at angles, trailing down and back from the body to balance the posture, while the head is subtly canted to the right, adding a touch of grace to the disposition.",,5,1,entity,part,entity - part (figure's right shoulder),Does the figure have a right shoulder? +posescript1,"A figure is posed dynamically, showcasing a particular stance where their left leg is bent forward, creating a powerful line, while the right leg extends straight back, as if poised for movement. The right shoulder dips forward, complementing the overall forward inclination of the torso, suggesting a sense of momentum. Both arms are positioned at angles, trailing down and back from the body to balance the posture, while the head is subtly canted to the right, adding a touch of grace to the disposition.",,6,1,entity,part,entity - part (figure's arms),Does the figure have arms? +posescript1,"A figure is posed dynamically, showcasing a particular stance where their left leg is bent forward, creating a powerful line, while the right leg extends straight back, as if poised for movement. The right shoulder dips forward, complementing the overall forward inclination of the torso, suggesting a sense of momentum. Both arms are positioned at angles, trailing down and back from the body to balance the posture, while the head is subtly canted to the right, adding a touch of grace to the disposition.",,7,1,entity,part,entity - part (figure's head),Does the figure have a head? +posescript1,"A figure is posed dynamically, showcasing a particular stance where their left leg is bent forward, creating a powerful line, while the right leg extends straight back, as if poised for movement. The right shoulder dips forward, complementing the overall forward inclination of the torso, suggesting a sense of momentum. Both arms are positioned at angles, trailing down and back from the body to balance the posture, while the head is subtly canted to the right, adding a touch of grace to the disposition.",,8,3,attribute,shape,"attribute - shape (left leg, bent forward)",Is the figure's left leg bent forward? +posescript1,"A figure is posed dynamically, showcasing a particular stance where their left leg is bent forward, creating a powerful line, while the right leg extends straight back, as if poised for movement. The right shoulder dips forward, complementing the overall forward inclination of the torso, suggesting a sense of momentum. Both arms are positioned at angles, trailing down and back from the body to balance the posture, while the head is subtly canted to the right, adding a touch of grace to the disposition.",,9,4,attribute,shape,"attribute - shape (right leg, straight back)",Is the figure's right leg extended straight back? +posescript1,"A figure is posed dynamically, showcasing a particular stance where their left leg is bent forward, creating a powerful line, while the right leg extends straight back, as if poised for movement. The right shoulder dips forward, complementing the overall forward inclination of the torso, suggesting a sense of momentum. Both arms are positioned at angles, trailing down and back from the body to balance the posture, while the head is subtly canted to the right, adding a touch of grace to the disposition.",,10,6,attribute,shape,"attribute - shape (arms, angled)",Are the figure's arms positioned at angles? +drawtext32,"An image of a newspaper lies flat, its bold headline 'Local pig eats prize pumpkin' emblazoned across the top in large lettering. Below the headline, there's a photograph capturing a pink pig with muddy spots, surrounded by the remnants of a once massive, bright orange pumpkin, now half-devoured. The paper appears slightly crumpled, emphasizing its texture, with the photograph and text clearly visible against the off-white background of the newsprint.",,1,0,entity,whole,entity - whole (newspaper),Is there an image of a newspaper? +drawtext32,"An image of a newspaper lies flat, its bold headline 'Local pig eats prize pumpkin' emblazoned across the top in large lettering. Below the headline, there's a photograph capturing a pink pig with muddy spots, surrounded by the remnants of a once massive, bright orange pumpkin, now half-devoured. The paper appears slightly crumpled, emphasizing its texture, with the photograph and text clearly visible against the off-white background of the newsprint.",,2,1,entity,whole,entity - whole (headline),Is there a headline on the newspaper? +drawtext32,"An image of a newspaper lies flat, its bold headline 'Local pig eats prize pumpkin' emblazoned across the top in large lettering. Below the headline, there's a photograph capturing a pink pig with muddy spots, surrounded by the remnants of a once massive, bright orange pumpkin, now half-devoured. The paper appears slightly crumpled, emphasizing its texture, with the photograph and text clearly visible against the off-white background of the newsprint.",,3,1,entity,whole,entity - whole (photograph),Is there a photograph in the newspaper? +drawtext32,"An image of a newspaper lies flat, its bold headline 'Local pig eats prize pumpkin' emblazoned across the top in large lettering. Below the headline, there's a photograph capturing a pink pig with muddy spots, surrounded by the remnants of a once massive, bright orange pumpkin, now half-devoured. The paper appears slightly crumpled, emphasizing its texture, with the photograph and text clearly visible against the off-white background of the newsprint.",,4,3,entity,whole,entity - whole (pig),Is there a pig in the photograph? +drawtext32,"An image of a newspaper lies flat, its bold headline 'Local pig eats prize pumpkin' emblazoned across the top in large lettering. Below the headline, there's a photograph capturing a pink pig with muddy spots, surrounded by the remnants of a once massive, bright orange pumpkin, now half-devoured. The paper appears slightly crumpled, emphasizing its texture, with the photograph and text clearly visible against the off-white background of the newsprint.",,5,3,entity,whole,entity - whole (pumpkin),Is there a pumpkin in the photograph? +drawtext32,"An image of a newspaper lies flat, its bold headline 'Local pig eats prize pumpkin' emblazoned across the top in large lettering. Below the headline, there's a photograph capturing a pink pig with muddy spots, surrounded by the remnants of a once massive, bright orange pumpkin, now half-devoured. The paper appears slightly crumpled, emphasizing its texture, with the photograph and text clearly visible against the off-white background of the newsprint.",,6,4,attribute,color,"attribute - color (pig, pink)",Is the pig pink? +drawtext32,"An image of a newspaper lies flat, its bold headline 'Local pig eats prize pumpkin' emblazoned across the top in large lettering. Below the headline, there's a photograph capturing a pink pig with muddy spots, surrounded by the remnants of a once massive, bright orange pumpkin, now half-devoured. The paper appears slightly crumpled, emphasizing its texture, with the photograph and text clearly visible against the off-white background of the newsprint.",,7,5,attribute,color,"attribute - color (pumpkin, bright orange)",Is the pumpkin bright orange? +drawtext32,"An image of a newspaper lies flat, its bold headline 'Local pig eats prize pumpkin' emblazoned across the top in large lettering. Below the headline, there's a photograph capturing a pink pig with muddy spots, surrounded by the remnants of a once massive, bright orange pumpkin, now half-devoured. The paper appears slightly crumpled, emphasizing its texture, with the photograph and text clearly visible against the off-white background of the newsprint.",,8,1,attribute,texture,"attribute - texture (newspaper, crumpled)",Does the newspaper appear crumpled? +drawtext32,"An image of a newspaper lies flat, its bold headline 'Local pig eats prize pumpkin' emblazoned across the top in large lettering. Below the headline, there's a photograph capturing a pink pig with muddy spots, surrounded by the remnants of a once massive, bright orange pumpkin, now half-devoured. The paper appears slightly crumpled, emphasizing its texture, with the photograph and text clearly visible against the off-white background of the newsprint.",,9,2,other,text,"other - text (headline, ""Local pig eats prize pumpkin"")","Does the headline read ""Local pig eats prize pumpkin""?" +drawtext32,"An image of a newspaper lies flat, its bold headline 'Local pig eats prize pumpkin' emblazoned across the top in large lettering. Below the headline, there's a photograph capturing a pink pig with muddy spots, surrounded by the remnants of a once massive, bright orange pumpkin, now half-devoured. The paper appears slightly crumpled, emphasizing its texture, with the photograph and text clearly visible against the off-white background of the newsprint.",,10,"1,2",relation,spatial,"relation - spatial (headline, newspaper, top)",Is the headline at the top of the newspaper? +vrd3,"A skier, dressed in a vibrant red jacket and black pants, stands firmly on a pair of silver skis with hints of blue along the edges. They are wearing a white helmet that covers their head securely, with matching white ski goggles resting just above the brim of the helmet. The skier is positioned in the foreground of the scene, with a clear expanse of snowy terrain stretching out behind them, and the tips of their skis are just visible below the frame of the image.",,1,0,entity,whole,entity - whole (skier),Is there a skier? +vrd3,"A skier, dressed in a vibrant red jacket and black pants, stands firmly on a pair of silver skis with hints of blue along the edges. They are wearing a white helmet that covers their head securely, with matching white ski goggles resting just above the brim of the helmet. The skier is positioned in the foreground of the scene, with a clear expanse of snowy terrain stretching out behind them, and the tips of their skis are just visible below the frame of the image.",,2,1,entity,whole,entity - whole (jacket),Is there a jacket? +vrd3,"A skier, dressed in a vibrant red jacket and black pants, stands firmly on a pair of silver skis with hints of blue along the edges. They are wearing a white helmet that covers their head securely, with matching white ski goggles resting just above the brim of the helmet. The skier is positioned in the foreground of the scene, with a clear expanse of snowy terrain stretching out behind them, and the tips of their skis are just visible below the frame of the image.",,3,1,entity,whole,entity - whole (pants),Are there pants? +vrd3,"A skier, dressed in a vibrant red jacket and black pants, stands firmly on a pair of silver skis with hints of blue along the edges. They are wearing a white helmet that covers their head securely, with matching white ski goggles resting just above the brim of the helmet. The skier is positioned in the foreground of the scene, with a clear expanse of snowy terrain stretching out behind them, and the tips of their skis are just visible below the frame of the image.",,4,1,entity,whole,entity - whole (skis),Are there skis? +vrd3,"A skier, dressed in a vibrant red jacket and black pants, stands firmly on a pair of silver skis with hints of blue along the edges. They are wearing a white helmet that covers their head securely, with matching white ski goggles resting just above the brim of the helmet. The skier is positioned in the foreground of the scene, with a clear expanse of snowy terrain stretching out behind them, and the tips of their skis are just visible below the frame of the image.",,5,1,entity,whole,entity - whole (helmet),Is there a helmet? +vrd3,"A skier, dressed in a vibrant red jacket and black pants, stands firmly on a pair of silver skis with hints of blue along the edges. They are wearing a white helmet that covers their head securely, with matching white ski goggles resting just above the brim of the helmet. The skier is positioned in the foreground of the scene, with a clear expanse of snowy terrain stretching out behind them, and the tips of their skis are just visible below the frame of the image.",,6,1,entity,whole,entity - whole (goggles),Are there goggles? +vrd3,"A skier, dressed in a vibrant red jacket and black pants, stands firmly on a pair of silver skis with hints of blue along the edges. They are wearing a white helmet that covers their head securely, with matching white ski goggles resting just above the brim of the helmet. The skier is positioned in the foreground of the scene, with a clear expanse of snowy terrain stretching out behind them, and the tips of their skis are just visible below the frame of the image.",,7,2,attribute,color,"attribute - color (jacket, vibrant red)",Is the jacket vibrant red? +vrd3,"A skier, dressed in a vibrant red jacket and black pants, stands firmly on a pair of silver skis with hints of blue along the edges. They are wearing a white helmet that covers their head securely, with matching white ski goggles resting just above the brim of the helmet. The skier is positioned in the foreground of the scene, with a clear expanse of snowy terrain stretching out behind them, and the tips of their skis are just visible below the frame of the image.",,8,3,attribute,color,"attribute - color (pants, black)",Are the pants black? +vrd3,"A skier, dressed in a vibrant red jacket and black pants, stands firmly on a pair of silver skis with hints of blue along the edges. They are wearing a white helmet that covers their head securely, with matching white ski goggles resting just above the brim of the helmet. The skier is positioned in the foreground of the scene, with a clear expanse of snowy terrain stretching out behind them, and the tips of their skis are just visible below the frame of the image.",,9,4,attribute,color,"attribute - color (skis, silver with hints of blue)",Are the skis silver with hints of blue along the edges? +vrd3,"A skier, dressed in a vibrant red jacket and black pants, stands firmly on a pair of silver skis with hints of blue along the edges. They are wearing a white helmet that covers their head securely, with matching white ski goggles resting just above the brim of the helmet. The skier is positioned in the foreground of the scene, with a clear expanse of snowy terrain stretching out behind them, and the tips of their skis are just visible below the frame of the image.",,10,5,attribute,color,"attribute - color (helmet, white)",Is the helmet white? +vrd3,"A skier, dressed in a vibrant red jacket and black pants, stands firmly on a pair of silver skis with hints of blue along the edges. They are wearing a white helmet that covers their head securely, with matching white ski goggles resting just above the brim of the helmet. The skier is positioned in the foreground of the scene, with a clear expanse of snowy terrain stretching out behind them, and the tips of their skis are just visible below the frame of the image.",,11,6,attribute,color,"attribute - color (goggles, white)",Are the goggles white? +vrd3,"A skier, dressed in a vibrant red jacket and black pants, stands firmly on a pair of silver skis with hints of blue along the edges. They are wearing a white helmet that covers their head securely, with matching white ski goggles resting just above the brim of the helmet. The skier is positioned in the foreground of the scene, with a clear expanse of snowy terrain stretching out behind them, and the tips of their skis are just visible below the frame of the image.",,12,1,entity,state,"entity - state (skier, stand firmly)",Is the skier standing firmly? +vrd3,"A skier, dressed in a vibrant red jacket and black pants, stands firmly on a pair of silver skis with hints of blue along the edges. They are wearing a white helmet that covers their head securely, with matching white ski goggles resting just above the brim of the helmet. The skier is positioned in the foreground of the scene, with a clear expanse of snowy terrain stretching out behind them, and the tips of their skis are just visible below the frame of the image.",,13,5,entity,part,"entity - part (helmet, covers head securely)",Does the helmet cover the skier's head securely? +vrd3,"A skier, dressed in a vibrant red jacket and black pants, stands firmly on a pair of silver skis with hints of blue along the edges. They are wearing a white helmet that covers their head securely, with matching white ski goggles resting just above the brim of the helmet. The skier is positioned in the foreground of the scene, with a clear expanse of snowy terrain stretching out behind them, and the tips of their skis are just visible below the frame of the image.",,14,1,relation,spatial,"relation - spatial (skier, snowy terrain, in front of)",Is the skier positioned in front of a clear expanse of snowy terrain? +vrd3,"A skier, dressed in a vibrant red jacket and black pants, stands firmly on a pair of silver skis with hints of blue along the edges. They are wearing a white helmet that covers their head securely, with matching white ski goggles resting just above the brim of the helmet. The skier is positioned in the foreground of the scene, with a clear expanse of snowy terrain stretching out behind them, and the tips of their skis are just visible below the frame of the image.",,15,4,relation,spatial,"relation - spatial (skis, image frame, just visible below)",Are the tips of the skis just visible below the frame of the image? +whoops6,"A small infant with round, silver-framed glasses perched on their nose is comfortably sitting in the center of a plush white bed. The child, dressed in a pale yellow onesie, holds an open, colorful picture book with both tiny hands, appearing to gaze intently at the illustrations. Surrounding the infant are an assortment of plush toys, including a fluffy blue bear and a soft green frog, scattered about the soft, cream-colored bedspread.",,1,0,entity,whole,entity - whole (infant),Is there a small infant? +whoops6,"A small infant with round, silver-framed glasses perched on their nose is comfortably sitting in the center of a plush white bed. The child, dressed in a pale yellow onesie, holds an open, colorful picture book with both tiny hands, appearing to gaze intently at the illustrations. Surrounding the infant are an assortment of plush toys, including a fluffy blue bear and a soft green frog, scattered about the soft, cream-colored bedspread.",,2,1,entity,whole,entity - whole (glasses),Are there glasses? +whoops6,"A small infant with round, silver-framed glasses perched on their nose is comfortably sitting in the center of a plush white bed. The child, dressed in a pale yellow onesie, holds an open, colorful picture book with both tiny hands, appearing to gaze intently at the illustrations. Surrounding the infant are an assortment of plush toys, including a fluffy blue bear and a soft green frog, scattered about the soft, cream-colored bedspread.",,3,0,entity,whole,entity - whole (bed),Is there a bed? +whoops6,"A small infant with round, silver-framed glasses perched on their nose is comfortably sitting in the center of a plush white bed. The child, dressed in a pale yellow onesie, holds an open, colorful picture book with both tiny hands, appearing to gaze intently at the illustrations. Surrounding the infant are an assortment of plush toys, including a fluffy blue bear and a soft green frog, scattered about the soft, cream-colored bedspread.",,4,1,entity,whole,entity - whole (picture book),Is there a picture book? +whoops6,"A small infant with round, silver-framed glasses perched on their nose is comfortably sitting in the center of a plush white bed. The child, dressed in a pale yellow onesie, holds an open, colorful picture book with both tiny hands, appearing to gaze intently at the illustrations. Surrounding the infant are an assortment of plush toys, including a fluffy blue bear and a soft green frog, scattered about the soft, cream-colored bedspread.",,5,0,entity,whole,entity - whole (plush toys),Are there plush toys? +whoops6,"A small infant with round, silver-framed glasses perched on their nose is comfortably sitting in the center of a plush white bed. The child, dressed in a pale yellow onesie, holds an open, colorful picture book with both tiny hands, appearing to gaze intently at the illustrations. Surrounding the infant are an assortment of plush toys, including a fluffy blue bear and a soft green frog, scattered about the soft, cream-colored bedspread.",,6,2,attribute,color,"attribute - color (glasses, silver-framed)",Are the glasses silver-framed? +whoops6,"A small infant with round, silver-framed glasses perched on their nose is comfortably sitting in the center of a plush white bed. The child, dressed in a pale yellow onesie, holds an open, colorful picture book with both tiny hands, appearing to gaze intently at the illustrations. Surrounding the infant are an assortment of plush toys, including a fluffy blue bear and a soft green frog, scattered about the soft, cream-colored bedspread.",,7,1,attribute,color,"attribute - color (onesie, pale yellow)",Is the onesie pale yellow? +whoops6,"A small infant with round, silver-framed glasses perched on their nose is comfortably sitting in the center of a plush white bed. The child, dressed in a pale yellow onesie, holds an open, colorful picture book with both tiny hands, appearing to gaze intently at the illustrations. Surrounding the infant are an assortment of plush toys, including a fluffy blue bear and a soft green frog, scattered about the soft, cream-colored bedspread.",,8,5,attribute,color,"attribute - color (bear, blue)",Is the bear blue? +whoops6,"A small infant with round, silver-framed glasses perched on their nose is comfortably sitting in the center of a plush white bed. The child, dressed in a pale yellow onesie, holds an open, colorful picture book with both tiny hands, appearing to gaze intently at the illustrations. Surrounding the infant are an assortment of plush toys, including a fluffy blue bear and a soft green frog, scattered about the soft, cream-colored bedspread.",,9,5,attribute,color,"attribute - color (frog, green)",Is the frog green? +whoops6,"A small infant with round, silver-framed glasses perched on their nose is comfortably sitting in the center of a plush white bed. The child, dressed in a pale yellow onesie, holds an open, colorful picture book with both tiny hands, appearing to gaze intently at the illustrations. Surrounding the infant are an assortment of plush toys, including a fluffy blue bear and a soft green frog, scattered about the soft, cream-colored bedspread.",,10,1,attribute,size,"attribute - size (infant, small)",Is the infant small? +posescript3,"A figure is captured mid-motion, their left foot firmly planted on the gray asphalt, displaying a well-worn sneaker. Their right leg is extended forward with precision, the muscles taut and the silhouette of the leg cuts a straight line through the air. Both arms are angled, elbows bent in an almost geometric formation, with one arm stacked neatly over the other in front of the chest, hinting at a martial arts stance or a dancer's poise.",,1,0,entity,whole,entity - whole (figure),Is there a figure? +posescript3,"A figure is captured mid-motion, their left foot firmly planted on the gray asphalt, displaying a well-worn sneaker. Their right leg is extended forward with precision, the muscles taut and the silhouette of the leg cuts a straight line through the air. Both arms are angled, elbows bent in an almost geometric formation, with one arm stacked neatly over the other in front of the chest, hinting at a martial arts stance or a dancer's poise.",,2,1,entity,part,entity - part (figure's left foot),Does the figure have a left foot? +posescript3,"A figure is captured mid-motion, their left foot firmly planted on the gray asphalt, displaying a well-worn sneaker. Their right leg is extended forward with precision, the muscles taut and the silhouette of the leg cuts a straight line through the air. Both arms are angled, elbows bent in an almost geometric formation, with one arm stacked neatly over the other in front of the chest, hinting at a martial arts stance or a dancer's poise.",,3,1,entity,part,entity - part (figure's right leg),Does the figure have a right leg? +posescript3,"A figure is captured mid-motion, their left foot firmly planted on the gray asphalt, displaying a well-worn sneaker. Their right leg is extended forward with precision, the muscles taut and the silhouette of the leg cuts a straight line through the air. Both arms are angled, elbows bent in an almost geometric formation, with one arm stacked neatly over the other in front of the chest, hinting at a martial arts stance or a dancer's poise.",,4,1,entity,part,entity - part (figure's arms),Does the figure have arms? +posescript3,"A figure is captured mid-motion, their left foot firmly planted on the gray asphalt, displaying a well-worn sneaker. Their right leg is extended forward with precision, the muscles taut and the silhouette of the leg cuts a straight line through the air. Both arms are angled, elbows bent in an almost geometric formation, with one arm stacked neatly over the other in front of the chest, hinting at a martial arts stance or a dancer's poise.",,5,0,entity,whole,entity - whole (asphalt),Is there asphalt? +posescript3,"A figure is captured mid-motion, their left foot firmly planted on the gray asphalt, displaying a well-worn sneaker. Their right leg is extended forward with precision, the muscles taut and the silhouette of the leg cuts a straight line through the air. Both arms are angled, elbows bent in an almost geometric formation, with one arm stacked neatly over the other in front of the chest, hinting at a martial arts stance or a dancer's poise.",,6,2,entity,part,entity - part (sneaker),Is there a sneaker? +posescript3,"A figure is captured mid-motion, their left foot firmly planted on the gray asphalt, displaying a well-worn sneaker. Their right leg is extended forward with precision, the muscles taut and the silhouette of the leg cuts a straight line through the air. Both arms are angled, elbows bent in an almost geometric formation, with one arm stacked neatly over the other in front of the chest, hinting at a martial arts stance or a dancer's poise.",,7,5,attribute,color,"attribute - color (asphalt, gray)",Is the asphalt gray? +posescript3,"A figure is captured mid-motion, their left foot firmly planted on the gray asphalt, displaying a well-worn sneaker. Their right leg is extended forward with precision, the muscles taut and the silhouette of the leg cuts a straight line through the air. Both arms are angled, elbows bent in an almost geometric formation, with one arm stacked neatly over the other in front of the chest, hinting at a martial arts stance or a dancer's poise.",,8,6,attribute,texture,"attribute - texture (sneaker, well-worn)",Is the sneaker well-worn? +posescript3,"A figure is captured mid-motion, their left foot firmly planted on the gray asphalt, displaying a well-worn sneaker. Their right leg is extended forward with precision, the muscles taut and the silhouette of the leg cuts a straight line through the air. Both arms are angled, elbows bent in an almost geometric formation, with one arm stacked neatly over the other in front of the chest, hinting at a martial arts stance or a dancer's poise.",,9,1,entity,state,"entity - state (figure, mid-motion)",Is the figure captured mid-motion? +posescript3,"A figure is captured mid-motion, their left foot firmly planted on the gray asphalt, displaying a well-worn sneaker. Their right leg is extended forward with precision, the muscles taut and the silhouette of the leg cuts a straight line through the air. Both arms are angled, elbows bent in an almost geometric formation, with one arm stacked neatly over the other in front of the chest, hinting at a martial arts stance or a dancer's poise.",,10,"2,5",relation,spatial,"relation - spatial (figure's left foot, asphalt, on)",Is the figure's left foot planted on the asphalt? +vrd30,"A functional kitchen setup featuring a stainless steel stove seamlessly integrated into wooden cabinetry. Beside it, a tall white refrigerator stands, its surface dotted with an array of colorful magnets. Above the nearby sink, a sleek chrome faucet curves elegantly. The refrigerator and stove are positioned in close proximity, creating a convenient cooking triangle. On the countertop, a ceramic bowl rests atop a matching plate, suggesting a meal recently prepared or soon to be enjoyed.",,1,0,entity,whole,entity - whole (kitchen setup),Is there a functional kitchen setup? +vrd30,"A functional kitchen setup featuring a stainless steel stove seamlessly integrated into wooden cabinetry. Beside it, a tall white refrigerator stands, its surface dotted with an array of colorful magnets. Above the nearby sink, a sleek chrome faucet curves elegantly. The refrigerator and stove are positioned in close proximity, creating a convenient cooking triangle. On the countertop, a ceramic bowl rests atop a matching plate, suggesting a meal recently prepared or soon to be enjoyed.",,2,1,entity,whole,entity - whole (stove),Is there a stove? +vrd30,"A functional kitchen setup featuring a stainless steel stove seamlessly integrated into wooden cabinetry. Beside it, a tall white refrigerator stands, its surface dotted with an array of colorful magnets. Above the nearby sink, a sleek chrome faucet curves elegantly. The refrigerator and stove are positioned in close proximity, creating a convenient cooking triangle. On the countertop, a ceramic bowl rests atop a matching plate, suggesting a meal recently prepared or soon to be enjoyed.",,3,1,entity,whole,entity - whole (cabinetry),Is there cabinetry? +vrd30,"A functional kitchen setup featuring a stainless steel stove seamlessly integrated into wooden cabinetry. Beside it, a tall white refrigerator stands, its surface dotted with an array of colorful magnets. Above the nearby sink, a sleek chrome faucet curves elegantly. The refrigerator and stove are positioned in close proximity, creating a convenient cooking triangle. On the countertop, a ceramic bowl rests atop a matching plate, suggesting a meal recently prepared or soon to be enjoyed.",,4,1,entity,whole,entity - whole (refrigerator),Is there a refrigerator? +vrd30,"A functional kitchen setup featuring a stainless steel stove seamlessly integrated into wooden cabinetry. Beside it, a tall white refrigerator stands, its surface dotted with an array of colorful magnets. Above the nearby sink, a sleek chrome faucet curves elegantly. The refrigerator and stove are positioned in close proximity, creating a convenient cooking triangle. On the countertop, a ceramic bowl rests atop a matching plate, suggesting a meal recently prepared or soon to be enjoyed.",,5,4,entity,whole,entity - whole (magnets),Are there magnets? +vrd30,"A functional kitchen setup featuring a stainless steel stove seamlessly integrated into wooden cabinetry. Beside it, a tall white refrigerator stands, its surface dotted with an array of colorful magnets. Above the nearby sink, a sleek chrome faucet curves elegantly. The refrigerator and stove are positioned in close proximity, creating a convenient cooking triangle. On the countertop, a ceramic bowl rests atop a matching plate, suggesting a meal recently prepared or soon to be enjoyed.",,6,1,entity,whole,entity - whole (sink),Is there a sink? +vrd30,"A functional kitchen setup featuring a stainless steel stove seamlessly integrated into wooden cabinetry. Beside it, a tall white refrigerator stands, its surface dotted with an array of colorful magnets. Above the nearby sink, a sleek chrome faucet curves elegantly. The refrigerator and stove are positioned in close proximity, creating a convenient cooking triangle. On the countertop, a ceramic bowl rests atop a matching plate, suggesting a meal recently prepared or soon to be enjoyed.",,7,6,entity,whole,entity - whole (faucet),Is there a faucet? +vrd30,"A functional kitchen setup featuring a stainless steel stove seamlessly integrated into wooden cabinetry. Beside it, a tall white refrigerator stands, its surface dotted with an array of colorful magnets. Above the nearby sink, a sleek chrome faucet curves elegantly. The refrigerator and stove are positioned in close proximity, creating a convenient cooking triangle. On the countertop, a ceramic bowl rests atop a matching plate, suggesting a meal recently prepared or soon to be enjoyed.",,8,1,entity,whole,entity - whole (countertop),Is there a countertop? +vrd30,"A functional kitchen setup featuring a stainless steel stove seamlessly integrated into wooden cabinetry. Beside it, a tall white refrigerator stands, its surface dotted with an array of colorful magnets. Above the nearby sink, a sleek chrome faucet curves elegantly. The refrigerator and stove are positioned in close proximity, creating a convenient cooking triangle. On the countertop, a ceramic bowl rests atop a matching plate, suggesting a meal recently prepared or soon to be enjoyed.",,9,8,entity,whole,entity - whole (bowl),Is there a bowl? +vrd30,"A functional kitchen setup featuring a stainless steel stove seamlessly integrated into wooden cabinetry. Beside it, a tall white refrigerator stands, its surface dotted with an array of colorful magnets. Above the nearby sink, a sleek chrome faucet curves elegantly. The refrigerator and stove are positioned in close proximity, creating a convenient cooking triangle. On the countertop, a ceramic bowl rests atop a matching plate, suggesting a meal recently prepared or soon to be enjoyed.",,10,8,entity,whole,entity - whole (plate),Is there a plate? +vrd5,"A panoramic cityscape showcasing a series of tall buildings beneath a vast expanse of blue sky. The streets below are lined with cars and pedestrians, running directly under these towering structures. In front of one building, a row of lush green trees adds a touch of nature to the urban setting. The trees obscure a lamppost which stands prominently behind them. Both the bustling street and the serene sky form a layered backdrop to the solid presence of the concrete and glass edifices.",,1,0,entity,whole,entity - whole (cityscape),Is there a cityscape? +vrd5,"A panoramic cityscape showcasing a series of tall buildings beneath a vast expanse of blue sky. The streets below are lined with cars and pedestrians, running directly under these towering structures. In front of one building, a row of lush green trees adds a touch of nature to the urban setting. The trees obscure a lamppost which stands prominently behind them. Both the bustling street and the serene sky form a layered backdrop to the solid presence of the concrete and glass edifices.",,2,0,entity,whole,entity - whole (buildings),Are there tall buildings? +vrd5,"A panoramic cityscape showcasing a series of tall buildings beneath a vast expanse of blue sky. The streets below are lined with cars and pedestrians, running directly under these towering structures. In front of one building, a row of lush green trees adds a touch of nature to the urban setting. The trees obscure a lamppost which stands prominently behind them. Both the bustling street and the serene sky form a layered backdrop to the solid presence of the concrete and glass edifices.",,3,0,entity,whole,entity - whole (sky),Is there a sky? +vrd5,"A panoramic cityscape showcasing a series of tall buildings beneath a vast expanse of blue sky. The streets below are lined with cars and pedestrians, running directly under these towering structures. In front of one building, a row of lush green trees adds a touch of nature to the urban setting. The trees obscure a lamppost which stands prominently behind them. Both the bustling street and the serene sky form a layered backdrop to the solid presence of the concrete and glass edifices.",,4,0,entity,whole,entity - whole (streets),Are there streets? +vrd5,"A panoramic cityscape showcasing a series of tall buildings beneath a vast expanse of blue sky. The streets below are lined with cars and pedestrians, running directly under these towering structures. In front of one building, a row of lush green trees adds a touch of nature to the urban setting. The trees obscure a lamppost which stands prominently behind them. Both the bustling street and the serene sky form a layered backdrop to the solid presence of the concrete and glass edifices.",,5,0,entity,whole,entity - whole (cars),Are there cars? +vrd5,"A panoramic cityscape showcasing a series of tall buildings beneath a vast expanse of blue sky. The streets below are lined with cars and pedestrians, running directly under these towering structures. In front of one building, a row of lush green trees adds a touch of nature to the urban setting. The trees obscure a lamppost which stands prominently behind them. Both the bustling street and the serene sky form a layered backdrop to the solid presence of the concrete and glass edifices.",,6,0,entity,whole,entity - whole (pedestrians),Are there pedestrians? +vrd5,"A panoramic cityscape showcasing a series of tall buildings beneath a vast expanse of blue sky. The streets below are lined with cars and pedestrians, running directly under these towering structures. In front of one building, a row of lush green trees adds a touch of nature to the urban setting. The trees obscure a lamppost which stands prominently behind them. Both the bustling street and the serene sky form a layered backdrop to the solid presence of the concrete and glass edifices.",,7,0,entity,whole,entity - whole (trees),Are there trees? +vrd5,"A panoramic cityscape showcasing a series of tall buildings beneath a vast expanse of blue sky. The streets below are lined with cars and pedestrians, running directly under these towering structures. In front of one building, a row of lush green trees adds a touch of nature to the urban setting. The trees obscure a lamppost which stands prominently behind them. Both the bustling street and the serene sky form a layered backdrop to the solid presence of the concrete and glass edifices.",,8,0,entity,whole,entity - whole (lamppost),Is there a lamppost? +vrd5,"A panoramic cityscape showcasing a series of tall buildings beneath a vast expanse of blue sky. The streets below are lined with cars and pedestrians, running directly under these towering structures. In front of one building, a row of lush green trees adds a touch of nature to the urban setting. The trees obscure a lamppost which stands prominently behind them. Both the bustling street and the serene sky form a layered backdrop to the solid presence of the concrete and glass edifices.",,9,0,global,,global - (panoramic),Is the view panoramic? +vrd5,"A panoramic cityscape showcasing a series of tall buildings beneath a vast expanse of blue sky. The streets below are lined with cars and pedestrians, running directly under these towering structures. In front of one building, a row of lush green trees adds a touch of nature to the urban setting. The trees obscure a lamppost which stands prominently behind them. Both the bustling street and the serene sky form a layered backdrop to the solid presence of the concrete and glass edifices.",,10,3,attribute,color,"attribute - color (sky, blue)",Is the sky blue? +vrd5,"A panoramic cityscape showcasing a series of tall buildings beneath a vast expanse of blue sky. The streets below are lined with cars and pedestrians, running directly under these towering structures. In front of one building, a row of lush green trees adds a touch of nature to the urban setting. The trees obscure a lamppost which stands prominently behind them. Both the bustling street and the serene sky form a layered backdrop to the solid presence of the concrete and glass edifices.",,11,2,attribute,texture,"attribute - texture (buildings, concrete and glass)",Are the buildings made of concrete and glass? +vrd5,"A panoramic cityscape showcasing a series of tall buildings beneath a vast expanse of blue sky. The streets below are lined with cars and pedestrians, running directly under these towering structures. In front of one building, a row of lush green trees adds a touch of nature to the urban setting. The trees obscure a lamppost which stands prominently behind them. Both the bustling street and the serene sky form a layered backdrop to the solid presence of the concrete and glass edifices.",,12,7,attribute,color,"attribute - color (trees, green)",Are the trees green? +vrd5,"A panoramic cityscape showcasing a series of tall buildings beneath a vast expanse of blue sky. The streets below are lined with cars and pedestrians, running directly under these towering structures. In front of one building, a row of lush green trees adds a touch of nature to the urban setting. The trees obscure a lamppost which stands prominently behind them. Both the bustling street and the serene sky form a layered backdrop to the solid presence of the concrete and glass edifices.",,13,"2,4",relation,spatial,"relation - spatial (streets, buildings, under)",Are the streets under the buildings? +vrd5,"A panoramic cityscape showcasing a series of tall buildings beneath a vast expanse of blue sky. The streets below are lined with cars and pedestrians, running directly under these towering structures. In front of one building, a row of lush green trees adds a touch of nature to the urban setting. The trees obscure a lamppost which stands prominently behind them. Both the bustling street and the serene sky form a layered backdrop to the solid presence of the concrete and glass edifices.",,14,"4,5",relation,spatial,"relation - spatial (cars, streets, lined with)",Are the cars lined up on the streets? +vrd5,"A panoramic cityscape showcasing a series of tall buildings beneath a vast expanse of blue sky. The streets below are lined with cars and pedestrians, running directly under these towering structures. In front of one building, a row of lush green trees adds a touch of nature to the urban setting. The trees obscure a lamppost which stands prominently behind them. Both the bustling street and the serene sky form a layered backdrop to the solid presence of the concrete and glass edifices.",,15,"4,6",relation,spatial,"relation - spatial (pedestrians, streets, lined with)",Are the pedestrians lined up on the streets? +vrd5,"A panoramic cityscape showcasing a series of tall buildings beneath a vast expanse of blue sky. The streets below are lined with cars and pedestrians, running directly under these towering structures. In front of one building, a row of lush green trees adds a touch of nature to the urban setting. The trees obscure a lamppost which stands prominently behind them. Both the bustling street and the serene sky form a layered backdrop to the solid presence of the concrete and glass edifices.",,16,"2,7",relation,spatial,"relation - spatial (trees, building, in front of)",Are the trees in front of a building? +vrd5,"A panoramic cityscape showcasing a series of tall buildings beneath a vast expanse of blue sky. The streets below are lined with cars and pedestrians, running directly under these towering structures. In front of one building, a row of lush green trees adds a touch of nature to the urban setting. The trees obscure a lamppost which stands prominently behind them. Both the bustling street and the serene sky form a layered backdrop to the solid presence of the concrete and glass edifices.",,17,"7,8",relation,spatial,"relation - spatial (lamppost, trees, behind)",Is the lamppost behind the trees? +vrd34,"A figure clad in a sleek black leather jacket and dark sunglasses sits astride a gleaming red street bike. The person has a firm grip on the handlebars, ready to ride, with one foot on the ground for balance. Beneath them, the bike is equipped with a metallic holder carrying a clear water bottle, securely attached to the frame. The bike and its rider are cast in a dynamic pose, suggesting motion even in stillness.",,1,0,entity,whole,entity - whole (figure),Is there a figure? +vrd34,"A figure clad in a sleek black leather jacket and dark sunglasses sits astride a gleaming red street bike. The person has a firm grip on the handlebars, ready to ride, with one foot on the ground for balance. Beneath them, the bike is equipped with a metallic holder carrying a clear water bottle, securely attached to the frame. The bike and its rider are cast in a dynamic pose, suggesting motion even in stillness.",,2,1,entity,whole,entity - whole (leather jacket),Is there a leather jacket? +vrd34,"A figure clad in a sleek black leather jacket and dark sunglasses sits astride a gleaming red street bike. The person has a firm grip on the handlebars, ready to ride, with one foot on the ground for balance. Beneath them, the bike is equipped with a metallic holder carrying a clear water bottle, securely attached to the frame. The bike and its rider are cast in a dynamic pose, suggesting motion even in stillness.",,3,1,entity,whole,entity - whole (sunglasses),Are there sunglasses? +vrd34,"A figure clad in a sleek black leather jacket and dark sunglasses sits astride a gleaming red street bike. The person has a firm grip on the handlebars, ready to ride, with one foot on the ground for balance. Beneath them, the bike is equipped with a metallic holder carrying a clear water bottle, securely attached to the frame. The bike and its rider are cast in a dynamic pose, suggesting motion even in stillness.",,4,0,entity,whole,entity - whole (street bike),Is there a street bike? +vrd34,"A figure clad in a sleek black leather jacket and dark sunglasses sits astride a gleaming red street bike. The person has a firm grip on the handlebars, ready to ride, with one foot on the ground for balance. Beneath them, the bike is equipped with a metallic holder carrying a clear water bottle, securely attached to the frame. The bike and its rider are cast in a dynamic pose, suggesting motion even in stillness.",,5,4,entity,part,entity - part (handlebars),Are there handlebars? +vrd34,"A figure clad in a sleek black leather jacket and dark sunglasses sits astride a gleaming red street bike. The person has a firm grip on the handlebars, ready to ride, with one foot on the ground for balance. Beneath them, the bike is equipped with a metallic holder carrying a clear water bottle, securely attached to the frame. The bike and its rider are cast in a dynamic pose, suggesting motion even in stillness.",,6,0,entity,part,entity - part (water bottle),Is there a water bottle? +vrd34,"A figure clad in a sleek black leather jacket and dark sunglasses sits astride a gleaming red street bike. The person has a firm grip on the handlebars, ready to ride, with one foot on the ground for balance. Beneath them, the bike is equipped with a metallic holder carrying a clear water bottle, securely attached to the frame. The bike and its rider are cast in a dynamic pose, suggesting motion even in stillness.",,7,4,entity,part,entity - part (metallic holder),Is there a metallic holder? +vrd34,"A figure clad in a sleek black leather jacket and dark sunglasses sits astride a gleaming red street bike. The person has a firm grip on the handlebars, ready to ride, with one foot on the ground for balance. Beneath them, the bike is equipped with a metallic holder carrying a clear water bottle, securely attached to the frame. The bike and its rider are cast in a dynamic pose, suggesting motion even in stillness.",,8,2,attribute,color,"attribute - color (leather jacket, black)",Is the leather jacket black? +vrd34,"A figure clad in a sleek black leather jacket and dark sunglasses sits astride a gleaming red street bike. The person has a firm grip on the handlebars, ready to ride, with one foot on the ground for balance. Beneath them, the bike is equipped with a metallic holder carrying a clear water bottle, securely attached to the frame. The bike and its rider are cast in a dynamic pose, suggesting motion even in stillness.",,9,4,attribute,color,"attribute - color (street bike, red)",Is the street bike red? +vrd34,"A figure clad in a sleek black leather jacket and dark sunglasses sits astride a gleaming red street bike. The person has a firm grip on the handlebars, ready to ride, with one foot on the ground for balance. Beneath them, the bike is equipped with a metallic holder carrying a clear water bottle, securely attached to the frame. The bike and its rider are cast in a dynamic pose, suggesting motion even in stillness.",,10,2,attribute,texture,"attribute - texture (leather jacket, sleek)",Is the leather jacket sleek? +posescript39,"A person is positioned in a dynamic, asymmetrical pose within a spacious room. Their legs are spread slightly wider than shoulder-width apart, almost as if they are about to sit into an invisible chair, reflecting an athletic stance. The individual's right arm hangs casually by their side while their left arm extends outward and upward, creating a feeling of movement. Their head is subtly turned to the right, giving the impression that their attention is fixed on something outside of the immediate view.",,1,0,entity,whole,entity - whole (person),Is there a person? +posescript39,"A person is positioned in a dynamic, asymmetrical pose within a spacious room. Their legs are spread slightly wider than shoulder-width apart, almost as if they are about to sit into an invisible chair, reflecting an athletic stance. The individual's right arm hangs casually by their side while their left arm extends outward and upward, creating a feeling of movement. Their head is subtly turned to the right, giving the impression that their attention is fixed on something outside of the immediate view.",,2,0,entity,whole,entity - whole (room),Is there a room? +posescript39,"A person is positioned in a dynamic, asymmetrical pose within a spacious room. Their legs are spread slightly wider than shoulder-width apart, almost as if they are about to sit into an invisible chair, reflecting an athletic stance. The individual's right arm hangs casually by their side while their left arm extends outward and upward, creating a feeling of movement. Their head is subtly turned to the right, giving the impression that their attention is fixed on something outside of the immediate view.",,3,1,entity,state,"entity - state (person, pose, dynamic)",Is the person in a dynamic pose? +posescript39,"A person is positioned in a dynamic, asymmetrical pose within a spacious room. Their legs are spread slightly wider than shoulder-width apart, almost as if they are about to sit into an invisible chair, reflecting an athletic stance. The individual's right arm hangs casually by their side while their left arm extends outward and upward, creating a feeling of movement. Their head is subtly turned to the right, giving the impression that their attention is fixed on something outside of the immediate view.",,4,1,entity,state,"entity - state (person, pose, asymmetrical)",Is the person in an asymmetrical pose? +posescript39,"A person is positioned in a dynamic, asymmetrical pose within a spacious room. Their legs are spread slightly wider than shoulder-width apart, almost as if they are about to sit into an invisible chair, reflecting an athletic stance. The individual's right arm hangs casually by their side while their left arm extends outward and upward, creating a feeling of movement. Their head is subtly turned to the right, giving the impression that their attention is fixed on something outside of the immediate view.",,5,2,attribute,size,"attribute - size (room, spacious)",Is the room spacious? +posescript39,"A person is positioned in a dynamic, asymmetrical pose within a spacious room. Their legs are spread slightly wider than shoulder-width apart, almost as if they are about to sit into an invisible chair, reflecting an athletic stance. The individual's right arm hangs casually by their side while their left arm extends outward and upward, creating a feeling of movement. Their head is subtly turned to the right, giving the impression that their attention is fixed on something outside of the immediate view.",,6,1,entity,state,"entity - state (person, legs, spread)",Are the person's legs spread apart? +posescript39,"A person is positioned in a dynamic, asymmetrical pose within a spacious room. Their legs are spread slightly wider than shoulder-width apart, almost as if they are about to sit into an invisible chair, reflecting an athletic stance. The individual's right arm hangs casually by their side while their left arm extends outward and upward, creating a feeling of movement. Their head is subtly turned to the right, giving the impression that their attention is fixed on something outside of the immediate view.",,7,1,entity,state,"entity - state (person, stance, athletic)",Does the person have an athletic stance? +posescript39,"A person is positioned in a dynamic, asymmetrical pose within a spacious room. Their legs are spread slightly wider than shoulder-width apart, almost as if they are about to sit into an invisible chair, reflecting an athletic stance. The individual's right arm hangs casually by their side while their left arm extends outward and upward, creating a feeling of movement. Their head is subtly turned to the right, giving the impression that their attention is fixed on something outside of the immediate view.",,8,1,entity,part,entity - part (person's right arm),Is the person's right arm hanging by their side? +posescript39,"A person is positioned in a dynamic, asymmetrical pose within a spacious room. Their legs are spread slightly wider than shoulder-width apart, almost as if they are about to sit into an invisible chair, reflecting an athletic stance. The individual's right arm hangs casually by their side while their left arm extends outward and upward, creating a feeling of movement. Their head is subtly turned to the right, giving the impression that their attention is fixed on something outside of the immediate view.",,9,1,entity,part,entity - part (person's left arm),Is the person's left arm extended outward and upward? +posescript39,"A person is positioned in a dynamic, asymmetrical pose within a spacious room. Their legs are spread slightly wider than shoulder-width apart, almost as if they are about to sit into an invisible chair, reflecting an athletic stance. The individual's right arm hangs casually by their side while their left arm extends outward and upward, creating a feeling of movement. Their head is subtly turned to the right, giving the impression that their attention is fixed on something outside of the immediate view.",,10,"1,2",relation,spatial,"relation - spatial (person, room, within)",Is the person positioned within the room? +midjourney29,"A voluminous library, bathed in soft, muted blue hues, stretches majestically across a spacious Victorian-style living room. Intricately carved wooden bookshelves, filled with an array of books of various sizes and colors, line the walls and a grand fireplace sits as the room's focal point. The vray render showcases hyperrealistic textures, from the plush, patterned rug beneath the polished wooden tables, to the delicate fabric of the antique armchairs scattered throughout the space.",,1,0,entity,whole,entity - whole (library),Is there a library? +midjourney29,"A voluminous library, bathed in soft, muted blue hues, stretches majestically across a spacious Victorian-style living room. Intricately carved wooden bookshelves, filled with an array of books of various sizes and colors, line the walls and a grand fireplace sits as the room's focal point. The vray render showcases hyperrealistic textures, from the plush, patterned rug beneath the polished wooden tables, to the delicate fabric of the antique armchairs scattered throughout the space.",,2,0,entity,whole,entity - whole (living room),Is there a living room? +midjourney29,"A voluminous library, bathed in soft, muted blue hues, stretches majestically across a spacious Victorian-style living room. Intricately carved wooden bookshelves, filled with an array of books of various sizes and colors, line the walls and a grand fireplace sits as the room's focal point. The vray render showcases hyperrealistic textures, from the plush, patterned rug beneath the polished wooden tables, to the delicate fabric of the antique armchairs scattered throughout the space.",,3,1,entity,whole,entity - whole (bookshelves),Are there bookshelves? +midjourney29,"A voluminous library, bathed in soft, muted blue hues, stretches majestically across a spacious Victorian-style living room. Intricately carved wooden bookshelves, filled with an array of books of various sizes and colors, line the walls and a grand fireplace sits as the room's focal point. The vray render showcases hyperrealistic textures, from the plush, patterned rug beneath the polished wooden tables, to the delicate fabric of the antique armchairs scattered throughout the space.",,4,3,entity,whole,entity - whole (books),Are there books? +midjourney29,"A voluminous library, bathed in soft, muted blue hues, stretches majestically across a spacious Victorian-style living room. Intricately carved wooden bookshelves, filled with an array of books of various sizes and colors, line the walls and a grand fireplace sits as the room's focal point. The vray render showcases hyperrealistic textures, from the plush, patterned rug beneath the polished wooden tables, to the delicate fabric of the antique armchairs scattered throughout the space.",,5,2,entity,whole,entity - whole (fireplace),Is there a fireplace? +midjourney29,"A voluminous library, bathed in soft, muted blue hues, stretches majestically across a spacious Victorian-style living room. Intricately carved wooden bookshelves, filled with an array of books of various sizes and colors, line the walls and a grand fireplace sits as the room's focal point. The vray render showcases hyperrealistic textures, from the plush, patterned rug beneath the polished wooden tables, to the delicate fabric of the antique armchairs scattered throughout the space.",,6,2,entity,whole,entity - whole (rug),Is there a rug? +midjourney29,"A voluminous library, bathed in soft, muted blue hues, stretches majestically across a spacious Victorian-style living room. Intricately carved wooden bookshelves, filled with an array of books of various sizes and colors, line the walls and a grand fireplace sits as the room's focal point. The vray render showcases hyperrealistic textures, from the plush, patterned rug beneath the polished wooden tables, to the delicate fabric of the antique armchairs scattered throughout the space.",,7,2,entity,whole,entity - whole (tables),Are there tables? +midjourney29,"A voluminous library, bathed in soft, muted blue hues, stretches majestically across a spacious Victorian-style living room. Intricately carved wooden bookshelves, filled with an array of books of various sizes and colors, line the walls and a grand fireplace sits as the room's focal point. The vray render showcases hyperrealistic textures, from the plush, patterned rug beneath the polished wooden tables, to the delicate fabric of the antique armchairs scattered throughout the space.",,8,2,entity,whole,entity - whole (armchairs),Are there armchairs? +midjourney29,"A voluminous library, bathed in soft, muted blue hues, stretches majestically across a spacious Victorian-style living room. Intricately carved wooden bookshelves, filled with an array of books of various sizes and colors, line the walls and a grand fireplace sits as the room's focal point. The vray render showcases hyperrealistic textures, from the plush, patterned rug beneath the polished wooden tables, to the delicate fabric of the antique armchairs scattered throughout the space.",,9,1,attribute,color,"attribute - color (library, blue hues)","Is the library bathed in soft, muted blue hues?" +midjourney29,"A voluminous library, bathed in soft, muted blue hues, stretches majestically across a spacious Victorian-style living room. Intricately carved wooden bookshelves, filled with an array of books of various sizes and colors, line the walls and a grand fireplace sits as the room's focal point. The vray render showcases hyperrealistic textures, from the plush, patterned rug beneath the polished wooden tables, to the delicate fabric of the antique armchairs scattered throughout the space.",,10,2,attribute,texture,"attribute - texture (library, Victorian-style)",Is the living room Victorian-style? +midjourney7,"Within a grand extraterrestrial place of worship, a group of alien beings is depicted in reverent prayer, illuminated by beams of light filtering through stained glass panels featuring cosmic motifs. The advanced alien architecture captures the imagination with soaring arches and embedded technology, rendered in striking yellow and blue tones that highlight the meticulous detail and realism of the scene. This masterpiece of science fiction, brought to life with the precision of Octane rendering software at an 8K resolution, showcases an awe-inspiring tableau, reminiscent of the most sophisticated pieces found on the ArtStation platform.",,1,0,entity,whole,entity - whole (place of worship),Is there a place of worship? +midjourney7,"Within a grand extraterrestrial place of worship, a group of alien beings is depicted in reverent prayer, illuminated by beams of light filtering through stained glass panels featuring cosmic motifs. The advanced alien architecture captures the imagination with soaring arches and embedded technology, rendered in striking yellow and blue tones that highlight the meticulous detail and realism of the scene. This masterpiece of science fiction, brought to life with the precision of Octane rendering software at an 8K resolution, showcases an awe-inspiring tableau, reminiscent of the most sophisticated pieces found on the ArtStation platform.",,2,0,entity,whole,entity - whole (alien beings),Are there alien beings? +midjourney7,"Within a grand extraterrestrial place of worship, a group of alien beings is depicted in reverent prayer, illuminated by beams of light filtering through stained glass panels featuring cosmic motifs. The advanced alien architecture captures the imagination with soaring arches and embedded technology, rendered in striking yellow and blue tones that highlight the meticulous detail and realism of the scene. This masterpiece of science fiction, brought to life with the precision of Octane rendering software at an 8K resolution, showcases an awe-inspiring tableau, reminiscent of the most sophisticated pieces found on the ArtStation platform.",,3,0,entity,whole,entity - whole (light beams),Are there beams of light? +midjourney7,"Within a grand extraterrestrial place of worship, a group of alien beings is depicted in reverent prayer, illuminated by beams of light filtering through stained glass panels featuring cosmic motifs. The advanced alien architecture captures the imagination with soaring arches and embedded technology, rendered in striking yellow and blue tones that highlight the meticulous detail and realism of the scene. This masterpiece of science fiction, brought to life with the precision of Octane rendering software at an 8K resolution, showcases an awe-inspiring tableau, reminiscent of the most sophisticated pieces found on the ArtStation platform.",,4,0,entity,whole,entity - whole (stained glass panels),Are there stained glass panels? +midjourney7,"Within a grand extraterrestrial place of worship, a group of alien beings is depicted in reverent prayer, illuminated by beams of light filtering through stained glass panels featuring cosmic motifs. The advanced alien architecture captures the imagination with soaring arches and embedded technology, rendered in striking yellow and blue tones that highlight the meticulous detail and realism of the scene. This masterpiece of science fiction, brought to life with the precision of Octane rendering software at an 8K resolution, showcases an awe-inspiring tableau, reminiscent of the most sophisticated pieces found on the ArtStation platform.",,5,0,entity,whole,entity - whole (alien architecture),Is there alien architecture? +midjourney7,"Within a grand extraterrestrial place of worship, a group of alien beings is depicted in reverent prayer, illuminated by beams of light filtering through stained glass panels featuring cosmic motifs. The advanced alien architecture captures the imagination with soaring arches and embedded technology, rendered in striking yellow and blue tones that highlight the meticulous detail and realism of the scene. This masterpiece of science fiction, brought to life with the precision of Octane rendering software at an 8K resolution, showcases an awe-inspiring tableau, reminiscent of the most sophisticated pieces found on the ArtStation platform.",,6,4,attribute,color,"attribute - color (stained glass panels, yellow)",Are the stained glass panels yellow? +midjourney7,"Within a grand extraterrestrial place of worship, a group of alien beings is depicted in reverent prayer, illuminated by beams of light filtering through stained glass panels featuring cosmic motifs. The advanced alien architecture captures the imagination with soaring arches and embedded technology, rendered in striking yellow and blue tones that highlight the meticulous detail and realism of the scene. This masterpiece of science fiction, brought to life with the precision of Octane rendering software at an 8K resolution, showcases an awe-inspiring tableau, reminiscent of the most sophisticated pieces found on the ArtStation platform.",,7,4,attribute,color,"attribute - color (stained glass panels, blue)",Are the stained glass panels blue? +midjourney7,"Within a grand extraterrestrial place of worship, a group of alien beings is depicted in reverent prayer, illuminated by beams of light filtering through stained glass panels featuring cosmic motifs. The advanced alien architecture captures the imagination with soaring arches and embedded technology, rendered in striking yellow and blue tones that highlight the meticulous detail and realism of the scene. This masterpiece of science fiction, brought to life with the precision of Octane rendering software at an 8K resolution, showcases an awe-inspiring tableau, reminiscent of the most sophisticated pieces found on the ArtStation platform.",,8,5,attribute,other,"attribute - other (alien architecture, advanced)",Is the alien architecture advanced? +midjourney7,"Within a grand extraterrestrial place of worship, a group of alien beings is depicted in reverent prayer, illuminated by beams of light filtering through stained glass panels featuring cosmic motifs. The advanced alien architecture captures the imagination with soaring arches and embedded technology, rendered in striking yellow and blue tones that highlight the meticulous detail and realism of the scene. This masterpiece of science fiction, brought to life with the precision of Octane rendering software at an 8K resolution, showcases an awe-inspiring tableau, reminiscent of the most sophisticated pieces found on the ArtStation platform.",,9,5,attribute,other,"attribute - other (alien architecture, soaring arches)",Does the alien architecture have soaring arches? +midjourney7,"Within a grand extraterrestrial place of worship, a group of alien beings is depicted in reverent prayer, illuminated by beams of light filtering through stained glass panels featuring cosmic motifs. The advanced alien architecture captures the imagination with soaring arches and embedded technology, rendered in striking yellow and blue tones that highlight the meticulous detail and realism of the scene. This masterpiece of science fiction, brought to life with the precision of Octane rendering software at an 8K resolution, showcases an awe-inspiring tableau, reminiscent of the most sophisticated pieces found on the ArtStation platform.",,10,5,attribute,other,"attribute - other (alien architecture, embedded technology)",Does the alien architecture have embedded technology? +vrd36,"an individual balancing on a bright yellow surfboard, riding the crest of an ocean wave. parallel to the shore, a series of tall buildings stand in close proximity to one another, creating a dense urban skyline. the closest building has a reflective glass facade, while the one alongside it features beige brickwork.",,1,0,entity,whole,entity - whole (individual),Is there an individual? +vrd36,"an individual balancing on a bright yellow surfboard, riding the crest of an ocean wave. parallel to the shore, a series of tall buildings stand in close proximity to one another, creating a dense urban skyline. the closest building has a reflective glass facade, while the one alongside it features beige brickwork.",,2,0,entity,whole,entity - whole (surfboard),Is there a surfboard? +vrd36,"an individual balancing on a bright yellow surfboard, riding the crest of an ocean wave. parallel to the shore, a series of tall buildings stand in close proximity to one another, creating a dense urban skyline. the closest building has a reflective glass facade, while the one alongside it features beige brickwork.",,3,0,entity,whole,entity - whole (ocean wave),Is there an ocean wave? +vrd36,"an individual balancing on a bright yellow surfboard, riding the crest of an ocean wave. parallel to the shore, a series of tall buildings stand in close proximity to one another, creating a dense urban skyline. the closest building has a reflective glass facade, while the one alongside it features beige brickwork.",,4,0,entity,whole,entity - whole (buildings),Are there buildings? +vrd36,"an individual balancing on a bright yellow surfboard, riding the crest of an ocean wave. parallel to the shore, a series of tall buildings stand in close proximity to one another, creating a dense urban skyline. the closest building has a reflective glass facade, while the one alongside it features beige brickwork.",,5,0,entity,whole,entity - whole (shore),Is there a shore? +vrd36,"an individual balancing on a bright yellow surfboard, riding the crest of an ocean wave. parallel to the shore, a series of tall buildings stand in close proximity to one another, creating a dense urban skyline. the closest building has a reflective glass facade, while the one alongside it features beige brickwork.",,6,2,attribute,color,"attribute - color (surfboard, bright yellow)",Is the surfboard bright yellow? +vrd36,"an individual balancing on a bright yellow surfboard, riding the crest of an ocean wave. parallel to the shore, a series of tall buildings stand in close proximity to one another, creating a dense urban skyline. the closest building has a reflective glass facade, while the one alongside it features beige brickwork.",,7,"1,2",entity,state,"entity - state (individual, surfboard, balance)",Is the individual balancing on the surfboard? +vrd36,"an individual balancing on a bright yellow surfboard, riding the crest of an ocean wave. parallel to the shore, a series of tall buildings stand in close proximity to one another, creating a dense urban skyline. the closest building has a reflective glass facade, while the one alongside it features beige brickwork.",,8,"1,3",entity,state,"entity - state (individual, ocean wave, ride)",Is the individual riding the crest of the ocean wave? +vrd36,"an individual balancing on a bright yellow surfboard, riding the crest of an ocean wave. parallel to the shore, a series of tall buildings stand in close proximity to one another, creating a dense urban skyline. the closest building has a reflective glass facade, while the one alongside it features beige brickwork.",,9,"4,5",relation,spatial,"relation - spatial (buildings, shore, parallel to)",Are the buildings parallel to the shore? +vrd36,"an individual balancing on a bright yellow surfboard, riding the crest of an ocean wave. parallel to the shore, a series of tall buildings stand in close proximity to one another, creating a dense urban skyline. the closest building has a reflective glass facade, while the one alongside it features beige brickwork.",,10,4,attribute,texture,"attribute - texture (closest building, reflective glass facade)",Does the closest building have a reflective glass facade? +countbench2,"The sky is adorned with the impressive formation of four sleek Blades aircraft, each painted in vibrant hues of red and white, with their contrails presenting a mesmerizing spectacle as they perform 26 consecutive loops, an endeavor set to break a world record. Mike Newman, who is visually impaired, daringly executed the initial loop with commendable skill before his co-pilot seamlessly assumed control for the remainder of the gravity-defying feat. Onlookers on the ground watch in awe as these agile planes carve perfect circles in the azure canvas above, their engines humming in harmonious unison.",,1,0,entity,whole,entity - whole (Blades aircraft),Are there Blades aircraft? +countbench2,"The sky is adorned with the impressive formation of four sleek Blades aircraft, each painted in vibrant hues of red and white, with their contrails presenting a mesmerizing spectacle as they perform 26 consecutive loops, an endeavor set to break a world record. Mike Newman, who is visually impaired, daringly executed the initial loop with commendable skill before his co-pilot seamlessly assumed control for the remainder of the gravity-defying feat. Onlookers on the ground watch in awe as these agile planes carve perfect circles in the azure canvas above, their engines humming in harmonious unison.",,2,1,other,count,"other - count (Blades aircraft, ==4)",Are there four Blades aircraft? +countbench2,"The sky is adorned with the impressive formation of four sleek Blades aircraft, each painted in vibrant hues of red and white, with their contrails presenting a mesmerizing spectacle as they perform 26 consecutive loops, an endeavor set to break a world record. Mike Newman, who is visually impaired, daringly executed the initial loop with commendable skill before his co-pilot seamlessly assumed control for the remainder of the gravity-defying feat. Onlookers on the ground watch in awe as these agile planes carve perfect circles in the azure canvas above, their engines humming in harmonious unison.",,3,0,entity,whole,entity - whole (contrails),Are there contrails? +countbench2,"The sky is adorned with the impressive formation of four sleek Blades aircraft, each painted in vibrant hues of red and white, with their contrails presenting a mesmerizing spectacle as they perform 26 consecutive loops, an endeavor set to break a world record. Mike Newman, who is visually impaired, daringly executed the initial loop with commendable skill before his co-pilot seamlessly assumed control for the remainder of the gravity-defying feat. Onlookers on the ground watch in awe as these agile planes carve perfect circles in the azure canvas above, their engines humming in harmonious unison.",,4,0,entity,whole,entity - whole (sky),Is there a sky? +countbench2,"The sky is adorned with the impressive formation of four sleek Blades aircraft, each painted in vibrant hues of red and white, with their contrails presenting a mesmerizing spectacle as they perform 26 consecutive loops, an endeavor set to break a world record. Mike Newman, who is visually impaired, daringly executed the initial loop with commendable skill before his co-pilot seamlessly assumed control for the remainder of the gravity-defying feat. Onlookers on the ground watch in awe as these agile planes carve perfect circles in the azure canvas above, their engines humming in harmonious unison.",,5,0,entity,whole,entity - whole (onlookers),Are there onlookers? +countbench2,"The sky is adorned with the impressive formation of four sleek Blades aircraft, each painted in vibrant hues of red and white, with their contrails presenting a mesmerizing spectacle as they perform 26 consecutive loops, an endeavor set to break a world record. Mike Newman, who is visually impaired, daringly executed the initial loop with commendable skill before his co-pilot seamlessly assumed control for the remainder of the gravity-defying feat. Onlookers on the ground watch in awe as these agile planes carve perfect circles in the azure canvas above, their engines humming in harmonious unison.",,6,0,entity,whole,entity - whole (co-pilot),Is there a co-pilot? +countbench2,"The sky is adorned with the impressive formation of four sleek Blades aircraft, each painted in vibrant hues of red and white, with their contrails presenting a mesmerizing spectacle as they perform 26 consecutive loops, an endeavor set to break a world record. Mike Newman, who is visually impaired, daringly executed the initial loop with commendable skill before his co-pilot seamlessly assumed control for the remainder of the gravity-defying feat. Onlookers on the ground watch in awe as these agile planes carve perfect circles in the azure canvas above, their engines humming in harmonious unison.",,7,1,attribute,color,"attribute - color (Blades aircraft, red and white)",Are the Blades aircraft painted in red and white? +countbench2,"The sky is adorned with the impressive formation of four sleek Blades aircraft, each painted in vibrant hues of red and white, with their contrails presenting a mesmerizing spectacle as they perform 26 consecutive loops, an endeavor set to break a world record. Mike Newman, who is visually impaired, daringly executed the initial loop with commendable skill before his co-pilot seamlessly assumed control for the remainder of the gravity-defying feat. Onlookers on the ground watch in awe as these agile planes carve perfect circles in the azure canvas above, their engines humming in harmonious unison.",,8,1,attribute,other,"attribute - other (Blades aircraft, sleek)",Are the Blades aircraft sleek? +countbench2,"The sky is adorned with the impressive formation of four sleek Blades aircraft, each painted in vibrant hues of red and white, with their contrails presenting a mesmerizing spectacle as they perform 26 consecutive loops, an endeavor set to break a world record. Mike Newman, who is visually impaired, daringly executed the initial loop with commendable skill before his co-pilot seamlessly assumed control for the remainder of the gravity-defying feat. Onlookers on the ground watch in awe as these agile planes carve perfect circles in the azure canvas above, their engines humming in harmonious unison.",,9,1,entity,state,"entity - state (Blades aircraft, perform loops)",Are the Blades aircraft performing loops? +countbench2,"The sky is adorned with the impressive formation of four sleek Blades aircraft, each painted in vibrant hues of red and white, with their contrails presenting a mesmerizing spectacle as they perform 26 consecutive loops, an endeavor set to break a world record. Mike Newman, who is visually impaired, daringly executed the initial loop with commendable skill before his co-pilot seamlessly assumed control for the remainder of the gravity-defying feat. Onlookers on the ground watch in awe as these agile planes carve perfect circles in the azure canvas above, their engines humming in harmonious unison.",,10,9,other,count,"other - count (loops, ==26)",Are there 26 consecutive loops being performed? +vrd24,"A small, vibrant green tree sits snugly within a terracotta pot that features intricate patterns etched into its surface. The pot is placed to the left of a simple white ceramic cup with a delicate handle, both resting on a wooden countertop. To the side of the cup is a chair with a woven seat, and the tree in the pot shares this proximity with the chair as well. Perched precariously on the edge of the chair is a crumpled piece of paper, the handwriting upon it partially visible, creating a tableau of everyday items in close association.",,1,0,entity,whole,entity - whole (tree),Is there a tree? +vrd24,"A small, vibrant green tree sits snugly within a terracotta pot that features intricate patterns etched into its surface. The pot is placed to the left of a simple white ceramic cup with a delicate handle, both resting on a wooden countertop. To the side of the cup is a chair with a woven seat, and the tree in the pot shares this proximity with the chair as well. Perched precariously on the edge of the chair is a crumpled piece of paper, the handwriting upon it partially visible, creating a tableau of everyday items in close association.",,2,0,entity,whole,entity - whole (pot),Is there a pot? +vrd24,"A small, vibrant green tree sits snugly within a terracotta pot that features intricate patterns etched into its surface. The pot is placed to the left of a simple white ceramic cup with a delicate handle, both resting on a wooden countertop. To the side of the cup is a chair with a woven seat, and the tree in the pot shares this proximity with the chair as well. Perched precariously on the edge of the chair is a crumpled piece of paper, the handwriting upon it partially visible, creating a tableau of everyday items in close association.",,3,0,entity,whole,entity - whole (cup),Is there a cup? +vrd24,"A small, vibrant green tree sits snugly within a terracotta pot that features intricate patterns etched into its surface. The pot is placed to the left of a simple white ceramic cup with a delicate handle, both resting on a wooden countertop. To the side of the cup is a chair with a woven seat, and the tree in the pot shares this proximity with the chair as well. Perched precariously on the edge of the chair is a crumpled piece of paper, the handwriting upon it partially visible, creating a tableau of everyday items in close association.",,4,0,entity,whole,entity - whole (countertop),Is there a countertop? +vrd24,"A small, vibrant green tree sits snugly within a terracotta pot that features intricate patterns etched into its surface. The pot is placed to the left of a simple white ceramic cup with a delicate handle, both resting on a wooden countertop. To the side of the cup is a chair with a woven seat, and the tree in the pot shares this proximity with the chair as well. Perched precariously on the edge of the chair is a crumpled piece of paper, the handwriting upon it partially visible, creating a tableau of everyday items in close association.",,5,0,entity,whole,entity - whole (chair),Is there a chair? +vrd24,"A small, vibrant green tree sits snugly within a terracotta pot that features intricate patterns etched into its surface. The pot is placed to the left of a simple white ceramic cup with a delicate handle, both resting on a wooden countertop. To the side of the cup is a chair with a woven seat, and the tree in the pot shares this proximity with the chair as well. Perched precariously on the edge of the chair is a crumpled piece of paper, the handwriting upon it partially visible, creating a tableau of everyday items in close association.",,6,0,entity,whole,entity - whole (paper),Is there a piece of paper? +vrd24,"A small, vibrant green tree sits snugly within a terracotta pot that features intricate patterns etched into its surface. The pot is placed to the left of a simple white ceramic cup with a delicate handle, both resting on a wooden countertop. To the side of the cup is a chair with a woven seat, and the tree in the pot shares this proximity with the chair as well. Perched precariously on the edge of the chair is a crumpled piece of paper, the handwriting upon it partially visible, creating a tableau of everyday items in close association.",,7,1,attribute,size,"attribute - size (tree, small)",Is the tree small? +vrd24,"A small, vibrant green tree sits snugly within a terracotta pot that features intricate patterns etched into its surface. The pot is placed to the left of a simple white ceramic cup with a delicate handle, both resting on a wooden countertop. To the side of the cup is a chair with a woven seat, and the tree in the pot shares this proximity with the chair as well. Perched precariously on the edge of the chair is a crumpled piece of paper, the handwriting upon it partially visible, creating a tableau of everyday items in close association.",,8,1,attribute,color,"attribute - color (tree, vibrant green)",Is the tree vibrant green? +vrd24,"A small, vibrant green tree sits snugly within a terracotta pot that features intricate patterns etched into its surface. The pot is placed to the left of a simple white ceramic cup with a delicate handle, both resting on a wooden countertop. To the side of the cup is a chair with a woven seat, and the tree in the pot shares this proximity with the chair as well. Perched precariously on the edge of the chair is a crumpled piece of paper, the handwriting upon it partially visible, creating a tableau of everyday items in close association.",,9,2,attribute,texture,"attribute - texture (pot, terracotta, intricate patterns etched)",Does the pot have intricate patterns etched into its terracotta surface? +vrd24,"A small, vibrant green tree sits snugly within a terracotta pot that features intricate patterns etched into its surface. The pot is placed to the left of a simple white ceramic cup with a delicate handle, both resting on a wooden countertop. To the side of the cup is a chair with a woven seat, and the tree in the pot shares this proximity with the chair as well. Perched precariously on the edge of the chair is a crumpled piece of paper, the handwriting upon it partially visible, creating a tableau of everyday items in close association.",,10,3,attribute,color,"attribute - color (cup, white)",Is the cup white? +vrd24,"A small, vibrant green tree sits snugly within a terracotta pot that features intricate patterns etched into its surface. The pot is placed to the left of a simple white ceramic cup with a delicate handle, both resting on a wooden countertop. To the side of the cup is a chair with a woven seat, and the tree in the pot shares this proximity with the chair as well. Perched precariously on the edge of the chair is a crumpled piece of paper, the handwriting upon it partially visible, creating a tableau of everyday items in close association.",,11,5,attribute,texture,"attribute - texture (chair, woven seat)",Does the chair have a woven seat? +vrd24,"A small, vibrant green tree sits snugly within a terracotta pot that features intricate patterns etched into its surface. The pot is placed to the left of a simple white ceramic cup with a delicate handle, both resting on a wooden countertop. To the side of the cup is a chair with a woven seat, and the tree in the pot shares this proximity with the chair as well. Perched precariously on the edge of the chair is a crumpled piece of paper, the handwriting upon it partially visible, creating a tableau of everyday items in close association.",,12,"2,3,4",relation,spatial,"relation - spatial (pot, countertop, left of cup)",Is the pot placed to the left of the cup on the countertop? +vrd24,"A small, vibrant green tree sits snugly within a terracotta pot that features intricate patterns etched into its surface. The pot is placed to the left of a simple white ceramic cup with a delicate handle, both resting on a wooden countertop. To the side of the cup is a chair with a woven seat, and the tree in the pot shares this proximity with the chair as well. Perched precariously on the edge of the chair is a crumpled piece of paper, the handwriting upon it partially visible, creating a tableau of everyday items in close association.",,13,"3,5",relation,spatial,"relation - spatial (chair, cup, side of)",Is the chair to the side of the cup? +vrd24,"A small, vibrant green tree sits snugly within a terracotta pot that features intricate patterns etched into its surface. The pot is placed to the left of a simple white ceramic cup with a delicate handle, both resting on a wooden countertop. To the side of the cup is a chair with a woven seat, and the tree in the pot shares this proximity with the chair as well. Perched precariously on the edge of the chair is a crumpled piece of paper, the handwriting upon it partially visible, creating a tableau of everyday items in close association.",,14,"1,5",relation,spatial,"relation - spatial (tree, chair, proximity)",Is the tree in close proximity to the chair? +vrd24,"A small, vibrant green tree sits snugly within a terracotta pot that features intricate patterns etched into its surface. The pot is placed to the left of a simple white ceramic cup with a delicate handle, both resting on a wooden countertop. To the side of the cup is a chair with a woven seat, and the tree in the pot shares this proximity with the chair as well. Perched precariously on the edge of the chair is a crumpled piece of paper, the handwriting upon it partially visible, creating a tableau of everyday items in close association.",,15,"5,6",relation,spatial,"relation - spatial (paper, chair, edge of)",Is the piece of paper perched on the edge of the chair? +diffusiondb31,"An imaginative abode, reminiscent of the signature style of the renowned architect Zaha Hadid, floats ethereally above ground on a sizable cloud. The structure boasts a sleek, white, curvilinear form enveloped in lush, vibrant green vegetation, with hanging vines gracefully draping its sides. The house's futuristic design contrasts with the organic tapestry of flora, creating a harmonious blend of nature and avant-garde architecture.",,1,0,entity,whole,entity - whole (abode),Is there an abode? +diffusiondb31,"An imaginative abode, reminiscent of the signature style of the renowned architect Zaha Hadid, floats ethereally above ground on a sizable cloud. The structure boasts a sleek, white, curvilinear form enveloped in lush, vibrant green vegetation, with hanging vines gracefully draping its sides. The house's futuristic design contrasts with the organic tapestry of flora, creating a harmonious blend of nature and avant-garde architecture.",,2,0,entity,whole,entity - whole (cloud),Is there a cloud? +diffusiondb31,"An imaginative abode, reminiscent of the signature style of the renowned architect Zaha Hadid, floats ethereally above ground on a sizable cloud. The structure boasts a sleek, white, curvilinear form enveloped in lush, vibrant green vegetation, with hanging vines gracefully draping its sides. The house's futuristic design contrasts with the organic tapestry of flora, creating a harmonious blend of nature and avant-garde architecture.",,3,0,entity,whole,entity - whole (vegetation),Is there vegetation? +diffusiondb31,"An imaginative abode, reminiscent of the signature style of the renowned architect Zaha Hadid, floats ethereally above ground on a sizable cloud. The structure boasts a sleek, white, curvilinear form enveloped in lush, vibrant green vegetation, with hanging vines gracefully draping its sides. The house's futuristic design contrasts with the organic tapestry of flora, creating a harmonious blend of nature and avant-garde architecture.",,4,3,entity,part,entity - part (vines),Are there vines? +diffusiondb31,"An imaginative abode, reminiscent of the signature style of the renowned architect Zaha Hadid, floats ethereally above ground on a sizable cloud. The structure boasts a sleek, white, curvilinear form enveloped in lush, vibrant green vegetation, with hanging vines gracefully draping its sides. The house's futuristic design contrasts with the organic tapestry of flora, creating a harmonious blend of nature and avant-garde architecture.",,5,1,attribute,color,"attribute - color (abode, white)",Is the abode white? +diffusiondb31,"An imaginative abode, reminiscent of the signature style of the renowned architect Zaha Hadid, floats ethereally above ground on a sizable cloud. The structure boasts a sleek, white, curvilinear form enveloped in lush, vibrant green vegetation, with hanging vines gracefully draping its sides. The house's futuristic design contrasts with the organic tapestry of flora, creating a harmonious blend of nature and avant-garde architecture.",,6,1,attribute,shape,"attribute - shape (abode, curvilinear)",Does the abode have a curvilinear form? +diffusiondb31,"An imaginative abode, reminiscent of the signature style of the renowned architect Zaha Hadid, floats ethereally above ground on a sizable cloud. The structure boasts a sleek, white, curvilinear form enveloped in lush, vibrant green vegetation, with hanging vines gracefully draping its sides. The house's futuristic design contrasts with the organic tapestry of flora, creating a harmonious blend of nature and avant-garde architecture.",,7,3,attribute,color,"attribute - color (vegetation, vibrant green)",Is the vegetation vibrant green? +diffusiondb31,"An imaginative abode, reminiscent of the signature style of the renowned architect Zaha Hadid, floats ethereally above ground on a sizable cloud. The structure boasts a sleek, white, curvilinear form enveloped in lush, vibrant green vegetation, with hanging vines gracefully draping its sides. The house's futuristic design contrasts with the organic tapestry of flora, creating a harmonious blend of nature and avant-garde architecture.",,8,2,attribute,size,"attribute - size (cloud, sizable)",Is the cloud sizable? +diffusiondb31,"An imaginative abode, reminiscent of the signature style of the renowned architect Zaha Hadid, floats ethereally above ground on a sizable cloud. The structure boasts a sleek, white, curvilinear form enveloped in lush, vibrant green vegetation, with hanging vines gracefully draping its sides. The house's futuristic design contrasts with the organic tapestry of flora, creating a harmonious blend of nature and avant-garde architecture.",,9,1,relation,spatial,"relation - spatial (abode, ground, above)",Is the abode floating above the ground? +diffusiondb31,"An imaginative abode, reminiscent of the signature style of the renowned architect Zaha Hadid, floats ethereally above ground on a sizable cloud. The structure boasts a sleek, white, curvilinear form enveloped in lush, vibrant green vegetation, with hanging vines gracefully draping its sides. The house's futuristic design contrasts with the organic tapestry of flora, creating a harmonious blend of nature and avant-garde architecture.",,10,"1,2",relation,spatial,"relation - spatial (abode, cloud, on)",Is the abode on the cloud? +stanford19,"As the evening progresses, the sky transitions into a mesmerizing canvas with the sun dipping below the horizon, casting a warm orange glow across the scenery. The blue sky, now infused with hues of pink and purple, serves as a backdrop for the scattered, fluffy clouds. Below this enchanting sky, the city comes to life with streets bustling with the rhythmic flow of traffic, illuminated by the flickering of numerous traffic lights.",,1,0,entity,whole,entity - whole (sky),Is there a sky? +stanford19,"As the evening progresses, the sky transitions into a mesmerizing canvas with the sun dipping below the horizon, casting a warm orange glow across the scenery. The blue sky, now infused with hues of pink and purple, serves as a backdrop for the scattered, fluffy clouds. Below this enchanting sky, the city comes to life with streets bustling with the rhythmic flow of traffic, illuminated by the flickering of numerous traffic lights.",,2,0,entity,whole,entity - whole (sun),Is there a sun? +stanford19,"As the evening progresses, the sky transitions into a mesmerizing canvas with the sun dipping below the horizon, casting a warm orange glow across the scenery. The blue sky, now infused with hues of pink and purple, serves as a backdrop for the scattered, fluffy clouds. Below this enchanting sky, the city comes to life with streets bustling with the rhythmic flow of traffic, illuminated by the flickering of numerous traffic lights.",,3,0,entity,whole,entity - whole (horizon),Is there a horizon? +stanford19,"As the evening progresses, the sky transitions into a mesmerizing canvas with the sun dipping below the horizon, casting a warm orange glow across the scenery. The blue sky, now infused with hues of pink and purple, serves as a backdrop for the scattered, fluffy clouds. Below this enchanting sky, the city comes to life with streets bustling with the rhythmic flow of traffic, illuminated by the flickering of numerous traffic lights.",,4,0,entity,whole,entity - whole (scenery),Is there scenery? +stanford19,"As the evening progresses, the sky transitions into a mesmerizing canvas with the sun dipping below the horizon, casting a warm orange glow across the scenery. The blue sky, now infused with hues of pink and purple, serves as a backdrop for the scattered, fluffy clouds. Below this enchanting sky, the city comes to life with streets bustling with the rhythmic flow of traffic, illuminated by the flickering of numerous traffic lights.",,5,0,entity,whole,entity - whole (clouds),Are there clouds? +stanford19,"As the evening progresses, the sky transitions into a mesmerizing canvas with the sun dipping below the horizon, casting a warm orange glow across the scenery. The blue sky, now infused with hues of pink and purple, serves as a backdrop for the scattered, fluffy clouds. Below this enchanting sky, the city comes to life with streets bustling with the rhythmic flow of traffic, illuminated by the flickering of numerous traffic lights.",,6,0,entity,whole,entity - whole (city),Is there a city? +stanford19,"As the evening progresses, the sky transitions into a mesmerizing canvas with the sun dipping below the horizon, casting a warm orange glow across the scenery. The blue sky, now infused with hues of pink and purple, serves as a backdrop for the scattered, fluffy clouds. Below this enchanting sky, the city comes to life with streets bustling with the rhythmic flow of traffic, illuminated by the flickering of numerous traffic lights.",,7,0,entity,whole,entity - whole (streets),Are there streets? +stanford19,"As the evening progresses, the sky transitions into a mesmerizing canvas with the sun dipping below the horizon, casting a warm orange glow across the scenery. The blue sky, now infused with hues of pink and purple, serves as a backdrop for the scattered, fluffy clouds. Below this enchanting sky, the city comes to life with streets bustling with the rhythmic flow of traffic, illuminated by the flickering of numerous traffic lights.",,8,0,entity,whole,entity - whole (traffic),Is there traffic? +stanford19,"As the evening progresses, the sky transitions into a mesmerizing canvas with the sun dipping below the horizon, casting a warm orange glow across the scenery. The blue sky, now infused with hues of pink and purple, serves as a backdrop for the scattered, fluffy clouds. Below this enchanting sky, the city comes to life with streets bustling with the rhythmic flow of traffic, illuminated by the flickering of numerous traffic lights.",,9,0,entity,whole,entity - whole (traffic lights),Are there traffic lights? +stanford19,"As the evening progresses, the sky transitions into a mesmerizing canvas with the sun dipping below the horizon, casting a warm orange glow across the scenery. The blue sky, now infused with hues of pink and purple, serves as a backdrop for the scattered, fluffy clouds. Below this enchanting sky, the city comes to life with streets bustling with the rhythmic flow of traffic, illuminated by the flickering of numerous traffic lights.",,10,1,attribute,color,"attribute - color (sky, blue with hues of pink and purple)",Is the sky blue with hues of pink and purple? +stanford19,"As the evening progresses, the sky transitions into a mesmerizing canvas with the sun dipping below the horizon, casting a warm orange glow across the scenery. The blue sky, now infused with hues of pink and purple, serves as a backdrop for the scattered, fluffy clouds. Below this enchanting sky, the city comes to life with streets bustling with the rhythmic flow of traffic, illuminated by the flickering of numerous traffic lights.",,11,2,attribute,color,"attribute - color (sun, warm orange glow)",Does the sun cast a warm orange glow? +stanford19,"As the evening progresses, the sky transitions into a mesmerizing canvas with the sun dipping below the horizon, casting a warm orange glow across the scenery. The blue sky, now infused with hues of pink and purple, serves as a backdrop for the scattered, fluffy clouds. Below this enchanting sky, the city comes to life with streets bustling with the rhythmic flow of traffic, illuminated by the flickering of numerous traffic lights.",,12,5,entity,state,"entity - state (clouds, fluffy)",Are the clouds fluffy? +stanford19,"As the evening progresses, the sky transitions into a mesmerizing canvas with the sun dipping below the horizon, casting a warm orange glow across the scenery. The blue sky, now infused with hues of pink and purple, serves as a backdrop for the scattered, fluffy clouds. Below this enchanting sky, the city comes to life with streets bustling with the rhythmic flow of traffic, illuminated by the flickering of numerous traffic lights.",,13,8,entity,state,"entity - state (traffic, rhythmic flow)",Does the traffic have a rhythmic flow? +stanford19,"As the evening progresses, the sky transitions into a mesmerizing canvas with the sun dipping below the horizon, casting a warm orange glow across the scenery. The blue sky, now infused with hues of pink and purple, serves as a backdrop for the scattered, fluffy clouds. Below this enchanting sky, the city comes to life with streets bustling with the rhythmic flow of traffic, illuminated by the flickering of numerous traffic lights.",,14,"2,3",relation,spatial,"relation - spatial (sun, horizon, below)",Is the sun below the horizon? +stanford19,"As the evening progresses, the sky transitions into a mesmerizing canvas with the sun dipping below the horizon, casting a warm orange glow across the scenery. The blue sky, now infused with hues of pink and purple, serves as a backdrop for the scattered, fluffy clouds. Below this enchanting sky, the city comes to life with streets bustling with the rhythmic flow of traffic, illuminated by the flickering of numerous traffic lights.",,15,"1,5",relation,spatial,"relation - spatial (clouds, sky, in)",Are the clouds in the sky? +stanford19,"As the evening progresses, the sky transitions into a mesmerizing canvas with the sun dipping below the horizon, casting a warm orange glow across the scenery. The blue sky, now infused with hues of pink and purple, serves as a backdrop for the scattered, fluffy clouds. Below this enchanting sky, the city comes to life with streets bustling with the rhythmic flow of traffic, illuminated by the flickering of numerous traffic lights.",,16,"7,9",relation,non-spatial,"relation - non-spatial (traffic lights, streets, illuminate)",Do the traffic lights illuminate the streets? +stanford19,"As the evening progresses, the sky transitions into a mesmerizing canvas with the sun dipping below the horizon, casting a warm orange glow across the scenery. The blue sky, now infused with hues of pink and purple, serves as a backdrop for the scattered, fluffy clouds. Below this enchanting sky, the city comes to life with streets bustling with the rhythmic flow of traffic, illuminated by the flickering of numerous traffic lights.",,17,"1,6",relation,spatial,"relation - spatial (city, sky, below)",Is the city below the enchanting sky? +countbench1,"A dynamic composition captures the essence of good fortune with four ace playing cards, each standing upright on its corner, aligned in a perfect formation, reflecting onto the sleek surface below them. The playing cards possess a crisp white background, accented by the vibrant red and black symbols designating hearts, diamonds, clubs, and spades. This visual is set against a stark black and deep red backdrop, creating a striking contrast that emphasizes the cards and their significance. The photograph is credited to Samantha Craddock, encapsulating the 'Feeling Lucky' concept with clarity and artistic flair.",,1,0,entity,whole,entity - whole (playing cards),Are there playing cards? +countbench1,"A dynamic composition captures the essence of good fortune with four ace playing cards, each standing upright on its corner, aligned in a perfect formation, reflecting onto the sleek surface below them. The playing cards possess a crisp white background, accented by the vibrant red and black symbols designating hearts, diamonds, clubs, and spades. This visual is set against a stark black and deep red backdrop, creating a striking contrast that emphasizes the cards and their significance. The photograph is credited to Samantha Craddock, encapsulating the 'Feeling Lucky' concept with clarity and artistic flair.",,2,1,other,count,"other - count (playing cards, ==4)",Are there four ace playing cards? +countbench1,"A dynamic composition captures the essence of good fortune with four ace playing cards, each standing upright on its corner, aligned in a perfect formation, reflecting onto the sleek surface below them. The playing cards possess a crisp white background, accented by the vibrant red and black symbols designating hearts, diamonds, clubs, and spades. This visual is set against a stark black and deep red backdrop, creating a striking contrast that emphasizes the cards and their significance. The photograph is credited to Samantha Craddock, encapsulating the 'Feeling Lucky' concept with clarity and artistic flair.",,3,1,entity,state,"entity - state (playing cards, upright)",Are the playing cards standing upright? +countbench1,"A dynamic composition captures the essence of good fortune with four ace playing cards, each standing upright on its corner, aligned in a perfect formation, reflecting onto the sleek surface below them. The playing cards possess a crisp white background, accented by the vibrant red and black symbols designating hearts, diamonds, clubs, and spades. This visual is set against a stark black and deep red backdrop, creating a striking contrast that emphasizes the cards and their significance. The photograph is credited to Samantha Craddock, encapsulating the 'Feeling Lucky' concept with clarity and artistic flair.",,4,1,relation,spatial,"relation - spatial (playing cards, corner, on)",Are the playing cards standing on their corners? +countbench1,"A dynamic composition captures the essence of good fortune with four ace playing cards, each standing upright on its corner, aligned in a perfect formation, reflecting onto the sleek surface below them. The playing cards possess a crisp white background, accented by the vibrant red and black symbols designating hearts, diamonds, clubs, and spades. This visual is set against a stark black and deep red backdrop, creating a striking contrast that emphasizes the cards and their significance. The photograph is credited to Samantha Craddock, encapsulating the 'Feeling Lucky' concept with clarity and artistic flair.",,5,1,attribute,color,"attribute - color (playing cards, white background)",Do the playing cards have a crisp white background? +countbench1,"A dynamic composition captures the essence of good fortune with four ace playing cards, each standing upright on its corner, aligned in a perfect formation, reflecting onto the sleek surface below them. The playing cards possess a crisp white background, accented by the vibrant red and black symbols designating hearts, diamonds, clubs, and spades. This visual is set against a stark black and deep red backdrop, creating a striking contrast that emphasizes the cards and their significance. The photograph is credited to Samantha Craddock, encapsulating the 'Feeling Lucky' concept with clarity and artistic flair.",,6,1,attribute,color,"attribute - color (playing cards, red symbols)",Do the playing cards have vibrant red symbols? +countbench1,"A dynamic composition captures the essence of good fortune with four ace playing cards, each standing upright on its corner, aligned in a perfect formation, reflecting onto the sleek surface below them. The playing cards possess a crisp white background, accented by the vibrant red and black symbols designating hearts, diamonds, clubs, and spades. This visual is set against a stark black and deep red backdrop, creating a striking contrast that emphasizes the cards and their significance. The photograph is credited to Samantha Craddock, encapsulating the 'Feeling Lucky' concept with clarity and artistic flair.",,7,1,attribute,color,"attribute - color (playing cards, black symbols)",Do the playing cards have black symbols? +countbench1,"A dynamic composition captures the essence of good fortune with four ace playing cards, each standing upright on its corner, aligned in a perfect formation, reflecting onto the sleek surface below them. The playing cards possess a crisp white background, accented by the vibrant red and black symbols designating hearts, diamonds, clubs, and spades. This visual is set against a stark black and deep red backdrop, creating a striking contrast that emphasizes the cards and their significance. The photograph is credited to Samantha Craddock, encapsulating the 'Feeling Lucky' concept with clarity and artistic flair.",,8,0,global,,"global - (composition, dynamic)",Is the composition dynamic? +countbench1,"A dynamic composition captures the essence of good fortune with four ace playing cards, each standing upright on its corner, aligned in a perfect formation, reflecting onto the sleek surface below them. The playing cards possess a crisp white background, accented by the vibrant red and black symbols designating hearts, diamonds, clubs, and spades. This visual is set against a stark black and deep red backdrop, creating a striking contrast that emphasizes the cards and their significance. The photograph is credited to Samantha Craddock, encapsulating the 'Feeling Lucky' concept with clarity and artistic flair.",,9,0,attribute,texture,"attribute - texture (surface, sleek)",Is the surface below the playing cards sleek? +countbench1,"A dynamic composition captures the essence of good fortune with four ace playing cards, each standing upright on its corner, aligned in a perfect formation, reflecting onto the sleek surface below them. The playing cards possess a crisp white background, accented by the vibrant red and black symbols designating hearts, diamonds, clubs, and spades. This visual is set against a stark black and deep red backdrop, creating a striking contrast that emphasizes the cards and their significance. The photograph is credited to Samantha Craddock, encapsulating the 'Feeling Lucky' concept with clarity and artistic flair.",,10,0,relation,non-spatial,"relation - non-spatial (photograph, Samantha Craddock, credited to)",Is the photograph credited to Samantha Craddock? +whoops34,"A piece of fluffy white cake on a porcelain plate is being dusted with fine grains of black pepper. The cake sits on a wooden table with intricate grain patterns visible on its surface. Surrounding the cake, there's a silver fork with an ornate handle and a crumpled napkin, indicating someone has recently enjoyed a bite.",,1,0,entity,whole,entity - whole (cake),Is there a piece of cake? +whoops34,"A piece of fluffy white cake on a porcelain plate is being dusted with fine grains of black pepper. The cake sits on a wooden table with intricate grain patterns visible on its surface. Surrounding the cake, there's a silver fork with an ornate handle and a crumpled napkin, indicating someone has recently enjoyed a bite.",,2,0,entity,whole,entity - whole (plate),Is there a plate? +whoops34,"A piece of fluffy white cake on a porcelain plate is being dusted with fine grains of black pepper. The cake sits on a wooden table with intricate grain patterns visible on its surface. Surrounding the cake, there's a silver fork with an ornate handle and a crumpled napkin, indicating someone has recently enjoyed a bite.",,3,0,entity,whole,entity - whole (table),Is there a table? +whoops34,"A piece of fluffy white cake on a porcelain plate is being dusted with fine grains of black pepper. The cake sits on a wooden table with intricate grain patterns visible on its surface. Surrounding the cake, there's a silver fork with an ornate handle and a crumpled napkin, indicating someone has recently enjoyed a bite.",,4,0,entity,whole,entity - whole (fork),Is there a fork? +whoops34,"A piece of fluffy white cake on a porcelain plate is being dusted with fine grains of black pepper. The cake sits on a wooden table with intricate grain patterns visible on its surface. Surrounding the cake, there's a silver fork with an ornate handle and a crumpled napkin, indicating someone has recently enjoyed a bite.",,5,0,entity,whole,entity - whole (napkin),Is there a napkin? +whoops34,"A piece of fluffy white cake on a porcelain plate is being dusted with fine grains of black pepper. The cake sits on a wooden table with intricate grain patterns visible on its surface. Surrounding the cake, there's a silver fork with an ornate handle and a crumpled napkin, indicating someone has recently enjoyed a bite.",,6,1,attribute,color,"attribute - color (cake, white)",Is the cake white? +whoops34,"A piece of fluffy white cake on a porcelain plate is being dusted with fine grains of black pepper. The cake sits on a wooden table with intricate grain patterns visible on its surface. Surrounding the cake, there's a silver fork with an ornate handle and a crumpled napkin, indicating someone has recently enjoyed a bite.",,7,1,attribute,texture,"attribute - texture (cake, fluffy)",Is the cake fluffy? +whoops34,"A piece of fluffy white cake on a porcelain plate is being dusted with fine grains of black pepper. The cake sits on a wooden table with intricate grain patterns visible on its surface. Surrounding the cake, there's a silver fork with an ornate handle and a crumpled napkin, indicating someone has recently enjoyed a bite.",,8,2,attribute,texture,"attribute - texture (plate, porcelain)",Is the plate made of porcelain? +whoops34,"A piece of fluffy white cake on a porcelain plate is being dusted with fine grains of black pepper. The cake sits on a wooden table with intricate grain patterns visible on its surface. Surrounding the cake, there's a silver fork with an ornate handle and a crumpled napkin, indicating someone has recently enjoyed a bite.",,9,3,attribute,texture,"attribute - texture (table, wood with intricate grain patterns)",Does the wooden table have intricate grain patterns? +whoops34,"A piece of fluffy white cake on a porcelain plate is being dusted with fine grains of black pepper. The cake sits on a wooden table with intricate grain patterns visible on its surface. Surrounding the cake, there's a silver fork with an ornate handle and a crumpled napkin, indicating someone has recently enjoyed a bite.",,10,0,attribute,color,"attribute - color (pepper, black)",Is the pepper black? +whoops34,"A piece of fluffy white cake on a porcelain plate is being dusted with fine grains of black pepper. The cake sits on a wooden table with intricate grain patterns visible on its surface. Surrounding the cake, there's a silver fork with an ornate handle and a crumpled napkin, indicating someone has recently enjoyed a bite.",,11,4,attribute,texture,"attribute - texture (fork, silver with ornate handle)",Is the fork silver with an ornate handle? +whoops34,"A piece of fluffy white cake on a porcelain plate is being dusted with fine grains of black pepper. The cake sits on a wooden table with intricate grain patterns visible on its surface. Surrounding the cake, there's a silver fork with an ornate handle and a crumpled napkin, indicating someone has recently enjoyed a bite.",,12,"1,10",entity,state,"entity - state (cake, dusted with pepper)",Is the cake being dusted with black pepper? +whoops34,"A piece of fluffy white cake on a porcelain plate is being dusted with fine grains of black pepper. The cake sits on a wooden table with intricate grain patterns visible on its surface. Surrounding the cake, there's a silver fork with an ornate handle and a crumpled napkin, indicating someone has recently enjoyed a bite.",,13,"1,2",relation,spatial,"relation - spatial (cake, plate, on)",Is the cake on a plate? +whoops34,"A piece of fluffy white cake on a porcelain plate is being dusted with fine grains of black pepper. The cake sits on a wooden table with intricate grain patterns visible on its surface. Surrounding the cake, there's a silver fork with an ornate handle and a crumpled napkin, indicating someone has recently enjoyed a bite.",,14,"2,3",relation,spatial,"relation - spatial (plate, table, on)",Is the plate on a table? +whoops34,"A piece of fluffy white cake on a porcelain plate is being dusted with fine grains of black pepper. The cake sits on a wooden table with intricate grain patterns visible on its surface. Surrounding the cake, there's a silver fork with an ornate handle and a crumpled napkin, indicating someone has recently enjoyed a bite.",,15,"3,4",relation,spatial,"relation - spatial (fork, table, on)",Is the fork on the table? +whoops34,"A piece of fluffy white cake on a porcelain plate is being dusted with fine grains of black pepper. The cake sits on a wooden table with intricate grain patterns visible on its surface. Surrounding the cake, there's a silver fork with an ornate handle and a crumpled napkin, indicating someone has recently enjoyed a bite.",,16,"3,5",relation,spatial,"relation - spatial (napkin, table, on)",Is the napkin on the table? +whoops34,"A piece of fluffy white cake on a porcelain plate is being dusted with fine grains of black pepper. The cake sits on a wooden table with intricate grain patterns visible on its surface. Surrounding the cake, there's a silver fork with an ornate handle and a crumpled napkin, indicating someone has recently enjoyed a bite.",,17,5,entity,state,"entity - state (napkin, crumpled)",Is the napkin crumpled? +drawtext35,"a colorful bowl filled with milk and alphabet-shaped cereal pieces floating on the surface. Amongst the scattered letters, the word 'smackeroo' is carefully arranged in the center of the bowl. The bowl sits on a light-colored table, with a silver spoon resting beside it.",,1,0,entity,whole,entity - whole (bowl),Is there a bowl? +drawtext35,"a colorful bowl filled with milk and alphabet-shaped cereal pieces floating on the surface. Amongst the scattered letters, the word 'smackeroo' is carefully arranged in the center of the bowl. The bowl sits on a light-colored table, with a silver spoon resting beside it.",,2,0,entity,whole,entity - whole (milk),Is there milk? +drawtext35,"a colorful bowl filled with milk and alphabet-shaped cereal pieces floating on the surface. Amongst the scattered letters, the word 'smackeroo' is carefully arranged in the center of the bowl. The bowl sits on a light-colored table, with a silver spoon resting beside it.",,3,0,entity,whole,entity - whole (cereal pieces),Are there cereal pieces? +drawtext35,"a colorful bowl filled with milk and alphabet-shaped cereal pieces floating on the surface. Amongst the scattered letters, the word 'smackeroo' is carefully arranged in the center of the bowl. The bowl sits on a light-colored table, with a silver spoon resting beside it.",,4,0,entity,whole,entity - whole (table),Is there a table? +drawtext35,"a colorful bowl filled with milk and alphabet-shaped cereal pieces floating on the surface. Amongst the scattered letters, the word 'smackeroo' is carefully arranged in the center of the bowl. The bowl sits on a light-colored table, with a silver spoon resting beside it.",,5,0,entity,whole,entity - whole (spoon),Is there a spoon? +drawtext35,"a colorful bowl filled with milk and alphabet-shaped cereal pieces floating on the surface. Amongst the scattered letters, the word 'smackeroo' is carefully arranged in the center of the bowl. The bowl sits on a light-colored table, with a silver spoon resting beside it.",,6,1,attribute,color,"attribute - color (bowl, colorful)",Is the bowl colorful? +drawtext35,"a colorful bowl filled with milk and alphabet-shaped cereal pieces floating on the surface. Amongst the scattered letters, the word 'smackeroo' is carefully arranged in the center of the bowl. The bowl sits on a light-colored table, with a silver spoon resting beside it.",,7,5,attribute,texture,"attribute - texture (spoon, silver)",Is the spoon made of silver? +drawtext35,"a colorful bowl filled with milk and alphabet-shaped cereal pieces floating on the surface. Amongst the scattered letters, the word 'smackeroo' is carefully arranged in the center of the bowl. The bowl sits on a light-colored table, with a silver spoon resting beside it.",,8,3,other,text,"other - text (word in cereal, ""smackeroo"")","Is the word ""smackeroo"" arranged in the cereal?" +drawtext35,"a colorful bowl filled with milk and alphabet-shaped cereal pieces floating on the surface. Amongst the scattered letters, the word 'smackeroo' is carefully arranged in the center of the bowl. The bowl sits on a light-colored table, with a silver spoon resting beside it.",,9,"1,4",relation,spatial,"relation - spatial (bowl, table, on)",Is the bowl on the table? +drawtext35,"a colorful bowl filled with milk and alphabet-shaped cereal pieces floating on the surface. Amongst the scattered letters, the word 'smackeroo' is carefully arranged in the center of the bowl. The bowl sits on a light-colored table, with a silver spoon resting beside it.",,10,"4,5",relation,spatial,"relation - spatial (spoon, table, beside)",Is the spoon resting beside the bowl? +countbench16,"A collection of six finely crafted porcelain plates, each adorned with intricate blue and white ""Merryman"" patterns, indicative of their unique and valuable nature. These plates, likely originating from London in the year 1752, have an undeniable historical charm and are thought to be from the Lambay estate. They are estimated to be valued between £20,000 to £30,000, reflecting their rarity and the craftsmanship of the era.",,1,0,entity,whole,entity - whole (porcelain plates),Are there porcelain plates? +countbench16,"A collection of six finely crafted porcelain plates, each adorned with intricate blue and white ""Merryman"" patterns, indicative of their unique and valuable nature. These plates, likely originating from London in the year 1752, have an undeniable historical charm and are thought to be from the Lambay estate. They are estimated to be valued between £20,000 to £30,000, reflecting their rarity and the craftsmanship of the era.",,2,1,other,count,"other - count (porcelain plates, ==6)",Are there six porcelain plates? +countbench16,"A collection of six finely crafted porcelain plates, each adorned with intricate blue and white ""Merryman"" patterns, indicative of their unique and valuable nature. These plates, likely originating from London in the year 1752, have an undeniable historical charm and are thought to be from the Lambay estate. They are estimated to be valued between £20,000 to £30,000, reflecting their rarity and the craftsmanship of the era.",,3,1,attribute,color,"attribute - color (plates' patterns, blue and white)",Do the plates have blue and white patterns? +countbench16,"A collection of six finely crafted porcelain plates, each adorned with intricate blue and white ""Merryman"" patterns, indicative of their unique and valuable nature. These plates, likely originating from London in the year 1752, have an undeniable historical charm and are thought to be from the Lambay estate. They are estimated to be valued between £20,000 to £30,000, reflecting their rarity and the craftsmanship of the era.",,4,1,attribute,texture,"attribute - texture (plates' patterns, ""Merryman"")","Are the patterns on the plates ""Merryman"" patterns?" +countbench16,"A collection of six finely crafted porcelain plates, each adorned with intricate blue and white ""Merryman"" patterns, indicative of their unique and valuable nature. These plates, likely originating from London in the year 1752, have an undeniable historical charm and are thought to be from the Lambay estate. They are estimated to be valued between £20,000 to £30,000, reflecting their rarity and the craftsmanship of the era.",,5,1,attribute,other,"attribute - other (plates, finely crafted)",Are the porcelain plates finely crafted? +countbench16,"A collection of six finely crafted porcelain plates, each adorned with intricate blue and white ""Merryman"" patterns, indicative of their unique and valuable nature. These plates, likely originating from London in the year 1752, have an undeniable historical charm and are thought to be from the Lambay estate. They are estimated to be valued between £20,000 to £30,000, reflecting their rarity and the craftsmanship of the era.",,6,1,attribute,other,"attribute - other (plates, historical charm)",Do the plates have historical charm? +countbench16,"A collection of six finely crafted porcelain plates, each adorned with intricate blue and white ""Merryman"" patterns, indicative of their unique and valuable nature. These plates, likely originating from London in the year 1752, have an undeniable historical charm and are thought to be from the Lambay estate. They are estimated to be valued between £20,000 to £30,000, reflecting their rarity and the craftsmanship of the era.",,7,1,attribute,other,"attribute - other (plates, unique and valuable)",Are the plates unique and valuable? +countbench16,"A collection of six finely crafted porcelain plates, each adorned with intricate blue and white ""Merryman"" patterns, indicative of their unique and valuable nature. These plates, likely originating from London in the year 1752, have an undeniable historical charm and are thought to be from the Lambay estate. They are estimated to be valued between £20,000 to £30,000, reflecting their rarity and the craftsmanship of the era.",,8,1,relation,non-spatial,"relation - non-spatial (plates, Lambay estate, from)",Are the plates from the Lambay estate? +countbench16,"A collection of six finely crafted porcelain plates, each adorned with intricate blue and white ""Merryman"" patterns, indicative of their unique and valuable nature. These plates, likely originating from London in the year 1752, have an undeniable historical charm and are thought to be from the Lambay estate. They are estimated to be valued between £20,000 to £30,000, reflecting their rarity and the craftsmanship of the era.",,9,1,relation,non-spatial,"relation - non-spatial (plates, London, likely originating)",Are the plates likely originating from London in the year 1752? +drawtext3,"an architectural blueprint displaying a simple house design, with clean lines indicating a large triangular roof atop square walls, and a rectangular base representing the floor. The drawing is executed with precise, thin blue lines on a white background, giving it a technical and minimalist appearance. Alongside the schematics, there's handwritten text that reads 'this house is built on the principles of abstraction', suggesting an artistic or philosophical approach to the building's design.",,1,0,entity,whole,entity - whole (architectural blueprint),Is there an architectural blueprint? +drawtext3,"an architectural blueprint displaying a simple house design, with clean lines indicating a large triangular roof atop square walls, and a rectangular base representing the floor. The drawing is executed with precise, thin blue lines on a white background, giving it a technical and minimalist appearance. Alongside the schematics, there's handwritten text that reads 'this house is built on the principles of abstraction', suggesting an artistic or philosophical approach to the building's design.",,2,1,entity,whole,entity - whole (house design),Is there a house design? +drawtext3,"an architectural blueprint displaying a simple house design, with clean lines indicating a large triangular roof atop square walls, and a rectangular base representing the floor. The drawing is executed with precise, thin blue lines on a white background, giving it a technical and minimalist appearance. Alongside the schematics, there's handwritten text that reads 'this house is built on the principles of abstraction', suggesting an artistic or philosophical approach to the building's design.",,3,2,entity,part,entity - part (roof),Is there a roof? +drawtext3,"an architectural blueprint displaying a simple house design, with clean lines indicating a large triangular roof atop square walls, and a rectangular base representing the floor. The drawing is executed with precise, thin blue lines on a white background, giving it a technical and minimalist appearance. Alongside the schematics, there's handwritten text that reads 'this house is built on the principles of abstraction', suggesting an artistic or philosophical approach to the building's design.",,4,2,entity,part,entity - part (walls),Are there walls? +drawtext3,"an architectural blueprint displaying a simple house design, with clean lines indicating a large triangular roof atop square walls, and a rectangular base representing the floor. The drawing is executed with precise, thin blue lines on a white background, giving it a technical and minimalist appearance. Alongside the schematics, there's handwritten text that reads 'this house is built on the principles of abstraction', suggesting an artistic or philosophical approach to the building's design.",,5,2,entity,part,entity - part (base),Is there a base? +drawtext3,"an architectural blueprint displaying a simple house design, with clean lines indicating a large triangular roof atop square walls, and a rectangular base representing the floor. The drawing is executed with precise, thin blue lines on a white background, giving it a technical and minimalist appearance. Alongside the schematics, there's handwritten text that reads 'this house is built on the principles of abstraction', suggesting an artistic or philosophical approach to the building's design.",,6,3,attribute,shape,"attribute - shape (roof, triangular)",Is the roof triangular? +drawtext3,"an architectural blueprint displaying a simple house design, with clean lines indicating a large triangular roof atop square walls, and a rectangular base representing the floor. The drawing is executed with precise, thin blue lines on a white background, giving it a technical and minimalist appearance. Alongside the schematics, there's handwritten text that reads 'this house is built on the principles of abstraction', suggesting an artistic or philosophical approach to the building's design.",,7,4,attribute,shape,"attribute - shape (walls, square)",Are the walls square? +drawtext3,"an architectural blueprint displaying a simple house design, with clean lines indicating a large triangular roof atop square walls, and a rectangular base representing the floor. The drawing is executed with precise, thin blue lines on a white background, giving it a technical and minimalist appearance. Alongside the schematics, there's handwritten text that reads 'this house is built on the principles of abstraction', suggesting an artistic or philosophical approach to the building's design.",,8,5,attribute,shape,"attribute - shape (base, rectangular)",Is the base rectangular? +drawtext3,"an architectural blueprint displaying a simple house design, with clean lines indicating a large triangular roof atop square walls, and a rectangular base representing the floor. The drawing is executed with precise, thin blue lines on a white background, giving it a technical and minimalist appearance. Alongside the schematics, there's handwritten text that reads 'this house is built on the principles of abstraction', suggesting an artistic or philosophical approach to the building's design.",,9,1,other,text,"other - text (handwritten text, ""this house is built on the principles of abstraction"")","Does the handwritten text read ""this house is built on the principles of abstraction""?" +drawtext3,"an architectural blueprint displaying a simple house design, with clean lines indicating a large triangular roof atop square walls, and a rectangular base representing the floor. The drawing is executed with precise, thin blue lines on a white background, giving it a technical and minimalist appearance. Alongside the schematics, there's handwritten text that reads 'this house is built on the principles of abstraction', suggesting an artistic or philosophical approach to the building's design.",,10,1,attribute,color,"attribute - color (drawing lines, blue)",Are the drawing lines blue? +diffusiondb32,"A digital anime-style illustration of Peter Thiel that showcases intricate details and vibrant colors, trending on ArtStation. He is depicted wearing a meticulously designed Saiyan uniform from the Dragon Ball Z series, with the uniform featuring a prominent blue and orange color scheme. The portrait captures Thiel with a determined expression, his hair styled in the iconic spiky Saiyan fashion, set against a simple, nondescript background to emphasize the character design.",,1,0,entity,whole,entity - whole (illustration),Is there an illustration? +diffusiondb32,"A digital anime-style illustration of Peter Thiel that showcases intricate details and vibrant colors, trending on ArtStation. He is depicted wearing a meticulously designed Saiyan uniform from the Dragon Ball Z series, with the uniform featuring a prominent blue and orange color scheme. The portrait captures Thiel with a determined expression, his hair styled in the iconic spiky Saiyan fashion, set against a simple, nondescript background to emphasize the character design.",,2,0,entity,whole,entity - whole (Peter Thiel),Is Peter Thiel depicted in the illustration? +diffusiondb32,"A digital anime-style illustration of Peter Thiel that showcases intricate details and vibrant colors, trending on ArtStation. He is depicted wearing a meticulously designed Saiyan uniform from the Dragon Ball Z series, with the uniform featuring a prominent blue and orange color scheme. The portrait captures Thiel with a determined expression, his hair styled in the iconic spiky Saiyan fashion, set against a simple, nondescript background to emphasize the character design.",,3,0,global,,global - (anime-style),Is the illustration in anime style? +diffusiondb32,"A digital anime-style illustration of Peter Thiel that showcases intricate details and vibrant colors, trending on ArtStation. He is depicted wearing a meticulously designed Saiyan uniform from the Dragon Ball Z series, with the uniform featuring a prominent blue and orange color scheme. The portrait captures Thiel with a determined expression, his hair styled in the iconic spiky Saiyan fashion, set against a simple, nondescript background to emphasize the character design.",,4,0,global,,global - (digital),Is the illustration digital? +diffusiondb32,"A digital anime-style illustration of Peter Thiel that showcases intricate details and vibrant colors, trending on ArtStation. He is depicted wearing a meticulously designed Saiyan uniform from the Dragon Ball Z series, with the uniform featuring a prominent blue and orange color scheme. The portrait captures Thiel with a determined expression, his hair styled in the iconic spiky Saiyan fashion, set against a simple, nondescript background to emphasize the character design.",,5,2,entity,part,entity - part (uniform),Is there a uniform in the illustration? +diffusiondb32,"A digital anime-style illustration of Peter Thiel that showcases intricate details and vibrant colors, trending on ArtStation. He is depicted wearing a meticulously designed Saiyan uniform from the Dragon Ball Z series, with the uniform featuring a prominent blue and orange color scheme. The portrait captures Thiel with a determined expression, his hair styled in the iconic spiky Saiyan fashion, set against a simple, nondescript background to emphasize the character design.",,6,5,attribute,color,"attribute - color (uniform, blue)",Does the uniform feature a blue color? +diffusiondb32,"A digital anime-style illustration of Peter Thiel that showcases intricate details and vibrant colors, trending on ArtStation. He is depicted wearing a meticulously designed Saiyan uniform from the Dragon Ball Z series, with the uniform featuring a prominent blue and orange color scheme. The portrait captures Thiel with a determined expression, his hair styled in the iconic spiky Saiyan fashion, set against a simple, nondescript background to emphasize the character design.",,7,5,attribute,color,"attribute - color (uniform, orange)",Does the uniform feature an orange color? +diffusiondb32,"A digital anime-style illustration of Peter Thiel that showcases intricate details and vibrant colors, trending on ArtStation. He is depicted wearing a meticulously designed Saiyan uniform from the Dragon Ball Z series, with the uniform featuring a prominent blue and orange color scheme. The portrait captures Thiel with a determined expression, his hair styled in the iconic spiky Saiyan fashion, set against a simple, nondescript background to emphasize the character design.",,8,2,entity,state,"entity - state (Peter Thiel, determined expression)",Does Peter Thiel have a determined expression in the illustration? +diffusiondb32,"A digital anime-style illustration of Peter Thiel that showcases intricate details and vibrant colors, trending on ArtStation. He is depicted wearing a meticulously designed Saiyan uniform from the Dragon Ball Z series, with the uniform featuring a prominent blue and orange color scheme. The portrait captures Thiel with a determined expression, his hair styled in the iconic spiky Saiyan fashion, set against a simple, nondescript background to emphasize the character design.",,9,2,entity,part,entity - part (Peter Thiel's hair),Is Peter Thiel's hair depicted in the illustration? +diffusiondb32,"A digital anime-style illustration of Peter Thiel that showcases intricate details and vibrant colors, trending on ArtStation. He is depicted wearing a meticulously designed Saiyan uniform from the Dragon Ball Z series, with the uniform featuring a prominent blue and orange color scheme. The portrait captures Thiel with a determined expression, his hair styled in the iconic spiky Saiyan fashion, set against a simple, nondescript background to emphasize the character design.",,10,9,attribute,texture,"attribute - texture (Peter Thiel's hair, spiky Saiyan fashion)",Is Peter Thiel's hair styled in a spiky Saiyan fashion? +diffusiondb20,"The image captures a whimsical scene with a brown tabby cat, its fur patterned in shades of dark brown, black, and light taupe. The cat, situated as if in the throes of space, is portrayed with a transparent, gleaming bubble encasing its head like an astronaut's helmet. Around it, an assortment of smaller bubbles float serenely in the imagined cosmos, with a creatively interpreted Saturn adorned with rings in the backdrop, providing an aura of interstellar exploration.",,1,0,entity,whole,entity - whole (scene),Is there a scene? +diffusiondb20,"The image captures a whimsical scene with a brown tabby cat, its fur patterned in shades of dark brown, black, and light taupe. The cat, situated as if in the throes of space, is portrayed with a transparent, gleaming bubble encasing its head like an astronaut's helmet. Around it, an assortment of smaller bubbles float serenely in the imagined cosmos, with a creatively interpreted Saturn adorned with rings in the backdrop, providing an aura of interstellar exploration.",,2,0,entity,whole,entity - whole (cat),Is there a cat? +diffusiondb20,"The image captures a whimsical scene with a brown tabby cat, its fur patterned in shades of dark brown, black, and light taupe. The cat, situated as if in the throes of space, is portrayed with a transparent, gleaming bubble encasing its head like an astronaut's helmet. Around it, an assortment of smaller bubbles float serenely in the imagined cosmos, with a creatively interpreted Saturn adorned with rings in the backdrop, providing an aura of interstellar exploration.",,3,0,entity,whole,entity - whole (bubble),Is there a bubble? +diffusiondb20,"The image captures a whimsical scene with a brown tabby cat, its fur patterned in shades of dark brown, black, and light taupe. The cat, situated as if in the throes of space, is portrayed with a transparent, gleaming bubble encasing its head like an astronaut's helmet. Around it, an assortment of smaller bubbles float serenely in the imagined cosmos, with a creatively interpreted Saturn adorned with rings in the backdrop, providing an aura of interstellar exploration.",,4,0,entity,whole,entity - whole (Saturn),Is there a representation of Saturn? +diffusiondb20,"The image captures a whimsical scene with a brown tabby cat, its fur patterned in shades of dark brown, black, and light taupe. The cat, situated as if in the throes of space, is portrayed with a transparent, gleaming bubble encasing its head like an astronaut's helmet. Around it, an assortment of smaller bubbles float serenely in the imagined cosmos, with a creatively interpreted Saturn adorned with rings in the backdrop, providing an aura of interstellar exploration.",,5,2,attribute,color,"attribute - color (cat, brown tabby)",Is the cat a brown tabby? +diffusiondb20,"The image captures a whimsical scene with a brown tabby cat, its fur patterned in shades of dark brown, black, and light taupe. The cat, situated as if in the throes of space, is portrayed with a transparent, gleaming bubble encasing its head like an astronaut's helmet. Around it, an assortment of smaller bubbles float serenely in the imagined cosmos, with a creatively interpreted Saturn adorned with rings in the backdrop, providing an aura of interstellar exploration.",,6,2,attribute,color,"attribute - color (cat's fur, dark brown)",Is the cat's fur patterned with dark brown? +diffusiondb20,"The image captures a whimsical scene with a brown tabby cat, its fur patterned in shades of dark brown, black, and light taupe. The cat, situated as if in the throes of space, is portrayed with a transparent, gleaming bubble encasing its head like an astronaut's helmet. Around it, an assortment of smaller bubbles float serenely in the imagined cosmos, with a creatively interpreted Saturn adorned with rings in the backdrop, providing an aura of interstellar exploration.",,7,2,attribute,color,"attribute - color (cat's fur, black)",Is the cat's fur patterned with black? +diffusiondb20,"The image captures a whimsical scene with a brown tabby cat, its fur patterned in shades of dark brown, black, and light taupe. The cat, situated as if in the throes of space, is portrayed with a transparent, gleaming bubble encasing its head like an astronaut's helmet. Around it, an assortment of smaller bubbles float serenely in the imagined cosmos, with a creatively interpreted Saturn adorned with rings in the backdrop, providing an aura of interstellar exploration.",,8,2,attribute,color,"attribute - color (cat's fur, light taupe)",Is the cat's fur patterned with light taupe? +diffusiondb20,"The image captures a whimsical scene with a brown tabby cat, its fur patterned in shades of dark brown, black, and light taupe. The cat, situated as if in the throes of space, is portrayed with a transparent, gleaming bubble encasing its head like an astronaut's helmet. Around it, an assortment of smaller bubbles float serenely in the imagined cosmos, with a creatively interpreted Saturn adorned with rings in the backdrop, providing an aura of interstellar exploration.",,9,3,attribute,texture,"attribute - texture (bubble, transparent)",Is the bubble transparent? +diffusiondb20,"The image captures a whimsical scene with a brown tabby cat, its fur patterned in shades of dark brown, black, and light taupe. The cat, situated as if in the throes of space, is portrayed with a transparent, gleaming bubble encasing its head like an astronaut's helmet. Around it, an assortment of smaller bubbles float serenely in the imagined cosmos, with a creatively interpreted Saturn adorned with rings in the backdrop, providing an aura of interstellar exploration.",,10,"2,3",relation,spatial,"relation - spatial (bubble, cat's head, encasing)",Is the bubble encasing the cat's head like an astronaut's helmet? +countbench34,"A tranquil pond with vibrant clear blue water, where three pristine white waterlilies float gracefully on the surface. Each waterlily has a perfectly formed shape with delicate petals radiating outwards from a yellow center. The smooth surface of the water reflects the sky above, enhancing the serenity of the scene, as gentle ripples emanate outward from the blossoms.",,1,0,entity,whole,entity - whole (pond),Is there a pond? +countbench34,"A tranquil pond with vibrant clear blue water, where three pristine white waterlilies float gracefully on the surface. Each waterlily has a perfectly formed shape with delicate petals radiating outwards from a yellow center. The smooth surface of the water reflects the sky above, enhancing the serenity of the scene, as gentle ripples emanate outward from the blossoms.",,2,1,entity,whole,entity - whole (water),Is there water? +countbench34,"A tranquil pond with vibrant clear blue water, where three pristine white waterlilies float gracefully on the surface. Each waterlily has a perfectly formed shape with delicate petals radiating outwards from a yellow center. The smooth surface of the water reflects the sky above, enhancing the serenity of the scene, as gentle ripples emanate outward from the blossoms.",,3,0,entity,whole,entity - whole (waterlilies),Are there waterlilies? +countbench34,"A tranquil pond with vibrant clear blue water, where three pristine white waterlilies float gracefully on the surface. Each waterlily has a perfectly formed shape with delicate petals radiating outwards from a yellow center. The smooth surface of the water reflects the sky above, enhancing the serenity of the scene, as gentle ripples emanate outward from the blossoms.",,4,3,other,count,"other - count (waterlilies, ==3)",Are there three waterlilies? +countbench34,"A tranquil pond with vibrant clear blue water, where three pristine white waterlilies float gracefully on the surface. Each waterlily has a perfectly formed shape with delicate petals radiating outwards from a yellow center. The smooth surface of the water reflects the sky above, enhancing the serenity of the scene, as gentle ripples emanate outward from the blossoms.",,5,2,attribute,color,"attribute - color (water, clear blue)",Is the water clear blue? +countbench34,"A tranquil pond with vibrant clear blue water, where three pristine white waterlilies float gracefully on the surface. Each waterlily has a perfectly formed shape with delicate petals radiating outwards from a yellow center. The smooth surface of the water reflects the sky above, enhancing the serenity of the scene, as gentle ripples emanate outward from the blossoms.",,6,3,attribute,color,"attribute - color (waterlilies, white)",Are the waterlilies white? +countbench34,"A tranquil pond with vibrant clear blue water, where three pristine white waterlilies float gracefully on the surface. Each waterlily has a perfectly formed shape with delicate petals radiating outwards from a yellow center. The smooth surface of the water reflects the sky above, enhancing the serenity of the scene, as gentle ripples emanate outward from the blossoms.",,7,3,attribute,color,"attribute - color (waterlily center, yellow)",Is the center of the waterlilies yellow? +countbench34,"A tranquil pond with vibrant clear blue water, where three pristine white waterlilies float gracefully on the surface. Each waterlily has a perfectly formed shape with delicate petals radiating outwards from a yellow center. The smooth surface of the water reflects the sky above, enhancing the serenity of the scene, as gentle ripples emanate outward from the blossoms.",,8,3,attribute,shape,"attribute - shape (waterlilies, perfectly formed)",Are the waterlilies perfectly formed? +countbench34,"A tranquil pond with vibrant clear blue water, where three pristine white waterlilies float gracefully on the surface. Each waterlily has a perfectly formed shape with delicate petals radiating outwards from a yellow center. The smooth surface of the water reflects the sky above, enhancing the serenity of the scene, as gentle ripples emanate outward from the blossoms.",,9,2,entity,state,"entity - state (water, tranquil)",Is the water tranquil? +countbench34,"A tranquil pond with vibrant clear blue water, where three pristine white waterlilies float gracefully on the surface. Each waterlily has a perfectly formed shape with delicate petals radiating outwards from a yellow center. The smooth surface of the water reflects the sky above, enhancing the serenity of the scene, as gentle ripples emanate outward from the blossoms.",,10,"2,3",relation,spatial,"relation - spatial (waterlilies, water, float on)",Are the waterlilies floating on the water? +posescript15,"A humanoid robot toy is positioned in a dynamic stance on a smooth, gray concrete floor. Its legs are angled with its toy feet firmly pointing towards the ground and its knees subtly bent forward, creating an impression of being ready to spring into action. The torso of the toy remains erect, with its head oriented straight ahead as if surveying the horizon, while its arms are bent and held slightly away from its body, the right arm retracted a fraction more than the left, giving a sense of asymmetrical balance to the overall posture.",,1,0,entity,whole,entity - whole (robot toy),Is there a humanoid robot toy? +posescript15,"A humanoid robot toy is positioned in a dynamic stance on a smooth, gray concrete floor. Its legs are angled with its toy feet firmly pointing towards the ground and its knees subtly bent forward, creating an impression of being ready to spring into action. The torso of the toy remains erect, with its head oriented straight ahead as if surveying the horizon, while its arms are bent and held slightly away from its body, the right arm retracted a fraction more than the left, giving a sense of asymmetrical balance to the overall posture.",,2,0,entity,whole,entity - whole (floor),Is there a floor? +posescript15,"A humanoid robot toy is positioned in a dynamic stance on a smooth, gray concrete floor. Its legs are angled with its toy feet firmly pointing towards the ground and its knees subtly bent forward, creating an impression of being ready to spring into action. The torso of the toy remains erect, with its head oriented straight ahead as if surveying the horizon, while its arms are bent and held slightly away from its body, the right arm retracted a fraction more than the left, giving a sense of asymmetrical balance to the overall posture.",,3,2,attribute,texture,"attribute - texture (floor, smooth)",Is the floor smooth? +posescript15,"A humanoid robot toy is positioned in a dynamic stance on a smooth, gray concrete floor. Its legs are angled with its toy feet firmly pointing towards the ground and its knees subtly bent forward, creating an impression of being ready to spring into action. The torso of the toy remains erect, with its head oriented straight ahead as if surveying the horizon, while its arms are bent and held slightly away from its body, the right arm retracted a fraction more than the left, giving a sense of asymmetrical balance to the overall posture.",,4,2,attribute,color,"attribute - color (floor, gray)",Is the floor gray? +posescript15,"A humanoid robot toy is positioned in a dynamic stance on a smooth, gray concrete floor. Its legs are angled with its toy feet firmly pointing towards the ground and its knees subtly bent forward, creating an impression of being ready to spring into action. The torso of the toy remains erect, with its head oriented straight ahead as if surveying the horizon, while its arms are bent and held slightly away from its body, the right arm retracted a fraction more than the left, giving a sense of asymmetrical balance to the overall posture.",,5,1,entity,part,entity - part (robot toy's legs),Are the robot toy's legs angled? +posescript15,"A humanoid robot toy is positioned in a dynamic stance on a smooth, gray concrete floor. Its legs are angled with its toy feet firmly pointing towards the ground and its knees subtly bent forward, creating an impression of being ready to spring into action. The torso of the toy remains erect, with its head oriented straight ahead as if surveying the horizon, while its arms are bent and held slightly away from its body, the right arm retracted a fraction more than the left, giving a sense of asymmetrical balance to the overall posture.",,6,1,entity,part,entity - part (robot toy's feet),Are the robot toy's feet pointing towards the ground? +posescript15,"A humanoid robot toy is positioned in a dynamic stance on a smooth, gray concrete floor. Its legs are angled with its toy feet firmly pointing towards the ground and its knees subtly bent forward, creating an impression of being ready to spring into action. The torso of the toy remains erect, with its head oriented straight ahead as if surveying the horizon, while its arms are bent and held slightly away from its body, the right arm retracted a fraction more than the left, giving a sense of asymmetrical balance to the overall posture.",,7,1,entity,part,entity - part (robot toy's knees),Are the robot toy's knees bent forward? +posescript15,"A humanoid robot toy is positioned in a dynamic stance on a smooth, gray concrete floor. Its legs are angled with its toy feet firmly pointing towards the ground and its knees subtly bent forward, creating an impression of being ready to spring into action. The torso of the toy remains erect, with its head oriented straight ahead as if surveying the horizon, while its arms are bent and held slightly away from its body, the right arm retracted a fraction more than the left, giving a sense of asymmetrical balance to the overall posture.",,8,1,entity,part,entity - part (robot toy's torso),Is the robot toy's torso erect? +posescript15,"A humanoid robot toy is positioned in a dynamic stance on a smooth, gray concrete floor. Its legs are angled with its toy feet firmly pointing towards the ground and its knees subtly bent forward, creating an impression of being ready to spring into action. The torso of the toy remains erect, with its head oriented straight ahead as if surveying the horizon, while its arms are bent and held slightly away from its body, the right arm retracted a fraction more than the left, giving a sense of asymmetrical balance to the overall posture.",,9,1,entity,part,entity - part (robot toy's head),Is the robot toy's head oriented straight ahead? +posescript15,"A humanoid robot toy is positioned in a dynamic stance on a smooth, gray concrete floor. Its legs are angled with its toy feet firmly pointing towards the ground and its knees subtly bent forward, creating an impression of being ready to spring into action. The torso of the toy remains erect, with its head oriented straight ahead as if surveying the horizon, while its arms are bent and held slightly away from its body, the right arm retracted a fraction more than the left, giving a sense of asymmetrical balance to the overall posture.",,10,1,entity,part,entity - part (robot toy's arms),Are the robot toy's arms bent and held slightly away from its body? +vrd9,"A historic building stands majestically with a clock tower that reaches towards the sky. The face of the clock is clearly visible, set upon the tower's brick structure. Behind the beautiful edifice, soft clouds drift across the blue sky, while in the foreground, a lush green tree partially obscures the view of the building, its branches stretching out beneath the open sky. Across from the main structure, the tower stands out, a landmark that serves both as a visual focal point and a timekeeper for those who pass by.",,1,0,entity,whole,entity - whole (building),Is there a historic building? +vrd9,"A historic building stands majestically with a clock tower that reaches towards the sky. The face of the clock is clearly visible, set upon the tower's brick structure. Behind the beautiful edifice, soft clouds drift across the blue sky, while in the foreground, a lush green tree partially obscures the view of the building, its branches stretching out beneath the open sky. Across from the main structure, the tower stands out, a landmark that serves both as a visual focal point and a timekeeper for those who pass by.",,2,1,entity,whole,entity - whole (clock tower),Is there a clock tower? +vrd9,"A historic building stands majestically with a clock tower that reaches towards the sky. The face of the clock is clearly visible, set upon the tower's brick structure. Behind the beautiful edifice, soft clouds drift across the blue sky, while in the foreground, a lush green tree partially obscures the view of the building, its branches stretching out beneath the open sky. Across from the main structure, the tower stands out, a landmark that serves both as a visual focal point and a timekeeper for those who pass by.",,3,2,entity,whole,entity - whole (clock face),Is the clock face clearly visible? +vrd9,"A historic building stands majestically with a clock tower that reaches towards the sky. The face of the clock is clearly visible, set upon the tower's brick structure. Behind the beautiful edifice, soft clouds drift across the blue sky, while in the foreground, a lush green tree partially obscures the view of the building, its branches stretching out beneath the open sky. Across from the main structure, the tower stands out, a landmark that serves both as a visual focal point and a timekeeper for those who pass by.",,4,0,entity,whole,entity - whole (clouds),Are there clouds? +vrd9,"A historic building stands majestically with a clock tower that reaches towards the sky. The face of the clock is clearly visible, set upon the tower's brick structure. Behind the beautiful edifice, soft clouds drift across the blue sky, while in the foreground, a lush green tree partially obscures the view of the building, its branches stretching out beneath the open sky. Across from the main structure, the tower stands out, a landmark that serves both as a visual focal point and a timekeeper for those who pass by.",,5,0,entity,whole,entity - whole (sky),Is there a sky? +vrd9,"A historic building stands majestically with a clock tower that reaches towards the sky. The face of the clock is clearly visible, set upon the tower's brick structure. Behind the beautiful edifice, soft clouds drift across the blue sky, while in the foreground, a lush green tree partially obscures the view of the building, its branches stretching out beneath the open sky. Across from the main structure, the tower stands out, a landmark that serves both as a visual focal point and a timekeeper for those who pass by.",,6,0,entity,whole,entity - whole (tree),Is there a tree? +vrd9,"A historic building stands majestically with a clock tower that reaches towards the sky. The face of the clock is clearly visible, set upon the tower's brick structure. Behind the beautiful edifice, soft clouds drift across the blue sky, while in the foreground, a lush green tree partially obscures the view of the building, its branches stretching out beneath the open sky. Across from the main structure, the tower stands out, a landmark that serves both as a visual focal point and a timekeeper for those who pass by.",,7,5,attribute,color,"attribute - color (sky, blue)",Is the sky blue? +vrd9,"A historic building stands majestically with a clock tower that reaches towards the sky. The face of the clock is clearly visible, set upon the tower's brick structure. Behind the beautiful edifice, soft clouds drift across the blue sky, while in the foreground, a lush green tree partially obscures the view of the building, its branches stretching out beneath the open sky. Across from the main structure, the tower stands out, a landmark that serves both as a visual focal point and a timekeeper for those who pass by.",,8,2,attribute,texture,"attribute - texture (tower, brick)",Is the tower made of brick? +vrd9,"A historic building stands majestically with a clock tower that reaches towards the sky. The face of the clock is clearly visible, set upon the tower's brick structure. Behind the beautiful edifice, soft clouds drift across the blue sky, while in the foreground, a lush green tree partially obscures the view of the building, its branches stretching out beneath the open sky. Across from the main structure, the tower stands out, a landmark that serves both as a visual focal point and a timekeeper for those who pass by.",,9,1,entity,state,"entity - state (building, historic)",Is the building historic? +vrd9,"A historic building stands majestically with a clock tower that reaches towards the sky. The face of the clock is clearly visible, set upon the tower's brick structure. Behind the beautiful edifice, soft clouds drift across the blue sky, while in the foreground, a lush green tree partially obscures the view of the building, its branches stretching out beneath the open sky. Across from the main structure, the tower stands out, a landmark that serves both as a visual focal point and a timekeeper for those who pass by.",,10,4,entity,state,"entity - state (clouds, drift)",Are the clouds drifting? +posescript19,"A figure depicted with a dynamic pose: its left arm extends forward while the right arm is elongated back, parallel with its spine. Both legs are positioned closely together in a near vertical line, with the right leg gracefully stacked atop the left. The silhouette reflects a ballet dancer's poise during a challenging balancing act.",,1,0,entity,whole,entity - whole (figure),Is there a figure? +posescript19,"A figure depicted with a dynamic pose: its left arm extends forward while the right arm is elongated back, parallel with its spine. Both legs are positioned closely together in a near vertical line, with the right leg gracefully stacked atop the left. The silhouette reflects a ballet dancer's poise during a challenging balancing act.",,2,1,entity,part,entity - part (figure's left arm),Does the figure have a left arm? +posescript19,"A figure depicted with a dynamic pose: its left arm extends forward while the right arm is elongated back, parallel with its spine. Both legs are positioned closely together in a near vertical line, with the right leg gracefully stacked atop the left. The silhouette reflects a ballet dancer's poise during a challenging balancing act.",,3,1,entity,part,entity - part (figure's right arm),Does the figure have a right arm? +posescript19,"A figure depicted with a dynamic pose: its left arm extends forward while the right arm is elongated back, parallel with its spine. Both legs are positioned closely together in a near vertical line, with the right leg gracefully stacked atop the left. The silhouette reflects a ballet dancer's poise during a challenging balancing act.",,4,1,entity,part,entity - part (figure's legs),Does the figure have legs? +posescript19,"A figure depicted with a dynamic pose: its left arm extends forward while the right arm is elongated back, parallel with its spine. Both legs are positioned closely together in a near vertical line, with the right leg gracefully stacked atop the left. The silhouette reflects a ballet dancer's poise during a challenging balancing act.",,5,1,entity,part,entity - part (figure's spine),Does the figure have a spine? +posescript19,"A figure depicted with a dynamic pose: its left arm extends forward while the right arm is elongated back, parallel with its spine. Both legs are positioned closely together in a near vertical line, with the right leg gracefully stacked atop the left. The silhouette reflects a ballet dancer's poise during a challenging balancing act.",,6,1,entity,state,"entity - state (figure, dynamic pose)",Is the figure depicted in a dynamic pose? +posescript19,"A figure depicted with a dynamic pose: its left arm extends forward while the right arm is elongated back, parallel with its spine. Both legs are positioned closely together in a near vertical line, with the right leg gracefully stacked atop the left. The silhouette reflects a ballet dancer's poise during a challenging balancing act.",,7,"1,2",relation,spatial,"relation - spatial (figure's left arm, figure's body, extends forward)",Does the figure's left arm extend forward? +posescript19,"A figure depicted with a dynamic pose: its left arm extends forward while the right arm is elongated back, parallel with its spine. Both legs are positioned closely together in a near vertical line, with the right leg gracefully stacked atop the left. The silhouette reflects a ballet dancer's poise during a challenging balancing act.",,8,"1,3,5",relation,spatial,"relation - spatial (figure's right arm, figure's spine, parallel with)",Is the figure's right arm elongated back and parallel with its spine? +posescript19,"A figure depicted with a dynamic pose: its left arm extends forward while the right arm is elongated back, parallel with its spine. Both legs are positioned closely together in a near vertical line, with the right leg gracefully stacked atop the left. The silhouette reflects a ballet dancer's poise during a challenging balancing act.",,9,"1,4",relation,spatial,"relation - spatial (figure's legs, closely together, positioned)",Are the figure's legs positioned closely together in a near vertical line? +posescript19,"A figure depicted with a dynamic pose: its left arm extends forward while the right arm is elongated back, parallel with its spine. Both legs are positioned closely together in a near vertical line, with the right leg gracefully stacked atop the left. The silhouette reflects a ballet dancer's poise during a challenging balancing act.",,10,4,relation,spatial,"relation - spatial (figure's right leg, figure's left leg, stacked atop)",Is the figure's right leg gracefully stacked atop the left leg? +midjourney32,"A gritty, realistic interpretation of the World War II Normandy invasion, painted in the grandiose and dramatic style reminiscent of Albert Bierstadt's sweeping landscapes. The scene integrates the atmospheric lighting and moody skies associated with Edward Hopper's work, while also incorporating the fine detail and dynamic compositions akin to Craig Mullins' digital artistry. The painting captures the raw emotion and chaotic intensity of the historic moment, portrayed through the use of deep, muted tones and the precise depiction of soldiers' expressions amidst the battle-torn beaches.",,1,0,global,,"global - (interpretation, World War II Normandy invasion)",Is this an interpretation of the World War II Normandy invasion? +midjourney32,"A gritty, realistic interpretation of the World War II Normandy invasion, painted in the grandiose and dramatic style reminiscent of Albert Bierstadt's sweeping landscapes. The scene integrates the atmospheric lighting and moody skies associated with Edward Hopper's work, while also incorporating the fine detail and dynamic compositions akin to Craig Mullins' digital artistry. The painting captures the raw emotion and chaotic intensity of the historic moment, portrayed through the use of deep, muted tones and the precise depiction of soldiers' expressions amidst the battle-torn beaches.",,2,0,global,,"global - (style, grandiose and dramatic)",Is the style grandiose and dramatic? +midjourney32,"A gritty, realistic interpretation of the World War II Normandy invasion, painted in the grandiose and dramatic style reminiscent of Albert Bierstadt's sweeping landscapes. The scene integrates the atmospheric lighting and moody skies associated with Edward Hopper's work, while also incorporating the fine detail and dynamic compositions akin to Craig Mullins' digital artistry. The painting captures the raw emotion and chaotic intensity of the historic moment, portrayed through the use of deep, muted tones and the precise depiction of soldiers' expressions amidst the battle-torn beaches.",,3,2,global,,"global - (style, reminiscent of Albert Bierstadt's landscapes)",Is the style reminiscent of Albert Bierstadt's landscapes? +midjourney32,"A gritty, realistic interpretation of the World War II Normandy invasion, painted in the grandiose and dramatic style reminiscent of Albert Bierstadt's sweeping landscapes. The scene integrates the atmospheric lighting and moody skies associated with Edward Hopper's work, while also incorporating the fine detail and dynamic compositions akin to Craig Mullins' digital artistry. The painting captures the raw emotion and chaotic intensity of the historic moment, portrayed through the use of deep, muted tones and the precise depiction of soldiers' expressions amidst the battle-torn beaches.",,4,0,global,,global - (atmospheric lighting),Does the scene feature atmospheric lighting? +midjourney32,"A gritty, realistic interpretation of the World War II Normandy invasion, painted in the grandiose and dramatic style reminiscent of Albert Bierstadt's sweeping landscapes. The scene integrates the atmospheric lighting and moody skies associated with Edward Hopper's work, while also incorporating the fine detail and dynamic compositions akin to Craig Mullins' digital artistry. The painting captures the raw emotion and chaotic intensity of the historic moment, portrayed through the use of deep, muted tones and the precise depiction of soldiers' expressions amidst the battle-torn beaches.",,5,0,global,,global - (moody skies),Are there moody skies in the scene? +midjourney32,"A gritty, realistic interpretation of the World War II Normandy invasion, painted in the grandiose and dramatic style reminiscent of Albert Bierstadt's sweeping landscapes. The scene integrates the atmospheric lighting and moody skies associated with Edward Hopper's work, while also incorporating the fine detail and dynamic compositions akin to Craig Mullins' digital artistry. The painting captures the raw emotion and chaotic intensity of the historic moment, portrayed through the use of deep, muted tones and the precise depiction of soldiers' expressions amidst the battle-torn beaches.",,6,0,global,,global - (fine detail),Does the artwork include fine detail? +midjourney32,"A gritty, realistic interpretation of the World War II Normandy invasion, painted in the grandiose and dramatic style reminiscent of Albert Bierstadt's sweeping landscapes. The scene integrates the atmospheric lighting and moody skies associated with Edward Hopper's work, while also incorporating the fine detail and dynamic compositions akin to Craig Mullins' digital artistry. The painting captures the raw emotion and chaotic intensity of the historic moment, portrayed through the use of deep, muted tones and the precise depiction of soldiers' expressions amidst the battle-torn beaches.",,7,0,global,,global - (dynamic compositions),Are the compositions dynamic? +midjourney32,"A gritty, realistic interpretation of the World War II Normandy invasion, painted in the grandiose and dramatic style reminiscent of Albert Bierstadt's sweeping landscapes. The scene integrates the atmospheric lighting and moody skies associated with Edward Hopper's work, while also incorporating the fine detail and dynamic compositions akin to Craig Mullins' digital artistry. The painting captures the raw emotion and chaotic intensity of the historic moment, portrayed through the use of deep, muted tones and the precise depiction of soldiers' expressions amidst the battle-torn beaches.",,8,0,global,,"global - (digital artistry, Craig Mullins)",Is the digital artistry similar to that of Craig Mullins? +midjourney32,"A gritty, realistic interpretation of the World War II Normandy invasion, painted in the grandiose and dramatic style reminiscent of Albert Bierstadt's sweeping landscapes. The scene integrates the atmospheric lighting and moody skies associated with Edward Hopper's work, while also incorporating the fine detail and dynamic compositions akin to Craig Mullins' digital artistry. The painting captures the raw emotion and chaotic intensity of the historic moment, portrayed through the use of deep, muted tones and the precise depiction of soldiers' expressions amidst the battle-torn beaches.",,9,0,attribute,color,"attribute - color (tones, deep, muted)",Are the tones of the painting deep and muted? +midjourney32,"A gritty, realistic interpretation of the World War II Normandy invasion, painted in the grandiose and dramatic style reminiscent of Albert Bierstadt's sweeping landscapes. The scene integrates the atmospheric lighting and moody skies associated with Edward Hopper's work, while also incorporating the fine detail and dynamic compositions akin to Craig Mullins' digital artistry. The painting captures the raw emotion and chaotic intensity of the historic moment, portrayed through the use of deep, muted tones and the precise depiction of soldiers' expressions amidst the battle-torn beaches.",,10,0,entity,state,"entity - state (soldiers, expressions, precise depiction)",Are the soldiers' expressions precisely depicted? +stanford36,"A cozy scene with a vibrant orange cat peacefully curled up on a rich blue fleece blanket. Upon the cat's back rests a whimsical red and white striped hat, perched as though donned in mid-play. Directly in front of the feline, a soft blue pillow lies slightly askew, offering a comfortable resting spot. The cat's one eye is partially open, giving a glimpse of its golden iris, surveying its surroundings with a languid gaze.",,1,0,entity,whole,entity - whole (scene),Is there a scene? +stanford36,"A cozy scene with a vibrant orange cat peacefully curled up on a rich blue fleece blanket. Upon the cat's back rests a whimsical red and white striped hat, perched as though donned in mid-play. Directly in front of the feline, a soft blue pillow lies slightly askew, offering a comfortable resting spot. The cat's one eye is partially open, giving a glimpse of its golden iris, surveying its surroundings with a languid gaze.",,2,0,entity,whole,entity - whole (cat),Is there a cat? +stanford36,"A cozy scene with a vibrant orange cat peacefully curled up on a rich blue fleece blanket. Upon the cat's back rests a whimsical red and white striped hat, perched as though donned in mid-play. Directly in front of the feline, a soft blue pillow lies slightly askew, offering a comfortable resting spot. The cat's one eye is partially open, giving a glimpse of its golden iris, surveying its surroundings with a languid gaze.",,3,0,entity,whole,entity - whole (blanket),Is there a blanket? +stanford36,"A cozy scene with a vibrant orange cat peacefully curled up on a rich blue fleece blanket. Upon the cat's back rests a whimsical red and white striped hat, perched as though donned in mid-play. Directly in front of the feline, a soft blue pillow lies slightly askew, offering a comfortable resting spot. The cat's one eye is partially open, giving a glimpse of its golden iris, surveying its surroundings with a languid gaze.",,4,0,entity,whole,entity - whole (hat),Is there a hat? +stanford36,"A cozy scene with a vibrant orange cat peacefully curled up on a rich blue fleece blanket. Upon the cat's back rests a whimsical red and white striped hat, perched as though donned in mid-play. Directly in front of the feline, a soft blue pillow lies slightly askew, offering a comfortable resting spot. The cat's one eye is partially open, giving a glimpse of its golden iris, surveying its surroundings with a languid gaze.",,5,0,entity,whole,entity - whole (pillow),Is there a pillow? +stanford36,"A cozy scene with a vibrant orange cat peacefully curled up on a rich blue fleece blanket. Upon the cat's back rests a whimsical red and white striped hat, perched as though donned in mid-play. Directly in front of the feline, a soft blue pillow lies slightly askew, offering a comfortable resting spot. The cat's one eye is partially open, giving a glimpse of its golden iris, surveying its surroundings with a languid gaze.",,6,2,attribute,color,"attribute - color (cat, vibrant orange)",Is the cat vibrant orange? +stanford36,"A cozy scene with a vibrant orange cat peacefully curled up on a rich blue fleece blanket. Upon the cat's back rests a whimsical red and white striped hat, perched as though donned in mid-play. Directly in front of the feline, a soft blue pillow lies slightly askew, offering a comfortable resting spot. The cat's one eye is partially open, giving a glimpse of its golden iris, surveying its surroundings with a languid gaze.",,7,3,attribute,color,"attribute - color (blanket, rich blue)",Is the blanket rich blue? +stanford36,"A cozy scene with a vibrant orange cat peacefully curled up on a rich blue fleece blanket. Upon the cat's back rests a whimsical red and white striped hat, perched as though donned in mid-play. Directly in front of the feline, a soft blue pillow lies slightly askew, offering a comfortable resting spot. The cat's one eye is partially open, giving a glimpse of its golden iris, surveying its surroundings with a languid gaze.",,8,4,attribute,color,"attribute - color (hat, red and white striped)",Is the hat red and white striped? +stanford36,"A cozy scene with a vibrant orange cat peacefully curled up on a rich blue fleece blanket. Upon the cat's back rests a whimsical red and white striped hat, perched as though donned in mid-play. Directly in front of the feline, a soft blue pillow lies slightly askew, offering a comfortable resting spot. The cat's one eye is partially open, giving a glimpse of its golden iris, surveying its surroundings with a languid gaze.",,9,5,attribute,color,"attribute - color (pillow, soft blue)",Is the pillow soft blue? +stanford36,"A cozy scene with a vibrant orange cat peacefully curled up on a rich blue fleece blanket. Upon the cat's back rests a whimsical red and white striped hat, perched as though donned in mid-play. Directly in front of the feline, a soft blue pillow lies slightly askew, offering a comfortable resting spot. The cat's one eye is partially open, giving a glimpse of its golden iris, surveying its surroundings with a languid gaze.",,10,2,attribute,color,"attribute - color (cat's eye, golden iris)",Does the cat have a golden iris? +midjourney10,"An epic scene unfolds, styled in the manner of Richard Schmid, where a fierce battle rages under a tempestuous sky pouring rain. Amidst the chaos, a colossal cave troll roars defiantly, towering over the Viking warriors who are locked in combat with their enemies. The backdrop is a city engulfed in flames, with thick smoke rising into the stormy atmosphere, all rendered in a vivid, cinematic matte painting. The gloomy weather and the city's destruction intensify the drama of the Viking army's relentless fight.",,1,0,entity,whole,entity - whole (scene),Is there a scene? +midjourney10,"An epic scene unfolds, styled in the manner of Richard Schmid, where a fierce battle rages under a tempestuous sky pouring rain. Amidst the chaos, a colossal cave troll roars defiantly, towering over the Viking warriors who are locked in combat with their enemies. The backdrop is a city engulfed in flames, with thick smoke rising into the stormy atmosphere, all rendered in a vivid, cinematic matte painting. The gloomy weather and the city's destruction intensify the drama of the Viking army's relentless fight.",,2,0,entity,whole,entity - whole (battle),Is there a battle? +midjourney10,"An epic scene unfolds, styled in the manner of Richard Schmid, where a fierce battle rages under a tempestuous sky pouring rain. Amidst the chaos, a colossal cave troll roars defiantly, towering over the Viking warriors who are locked in combat with their enemies. The backdrop is a city engulfed in flames, with thick smoke rising into the stormy atmosphere, all rendered in a vivid, cinematic matte painting. The gloomy weather and the city's destruction intensify the drama of the Viking army's relentless fight.",,3,0,entity,whole,entity - whole (sky),Is there a sky? +midjourney10,"An epic scene unfolds, styled in the manner of Richard Schmid, where a fierce battle rages under a tempestuous sky pouring rain. Amidst the chaos, a colossal cave troll roars defiantly, towering over the Viking warriors who are locked in combat with their enemies. The backdrop is a city engulfed in flames, with thick smoke rising into the stormy atmosphere, all rendered in a vivid, cinematic matte painting. The gloomy weather and the city's destruction intensify the drama of the Viking army's relentless fight.",,4,3,entity,whole,entity - whole (rain),Is there rain? +midjourney10,"An epic scene unfolds, styled in the manner of Richard Schmid, where a fierce battle rages under a tempestuous sky pouring rain. Amidst the chaos, a colossal cave troll roars defiantly, towering over the Viking warriors who are locked in combat with their enemies. The backdrop is a city engulfed in flames, with thick smoke rising into the stormy atmosphere, all rendered in a vivid, cinematic matte painting. The gloomy weather and the city's destruction intensify the drama of the Viking army's relentless fight.",,5,0,entity,whole,entity - whole (cave troll),Is there a cave troll? +midjourney10,"An epic scene unfolds, styled in the manner of Richard Schmid, where a fierce battle rages under a tempestuous sky pouring rain. Amidst the chaos, a colossal cave troll roars defiantly, towering over the Viking warriors who are locked in combat with their enemies. The backdrop is a city engulfed in flames, with thick smoke rising into the stormy atmosphere, all rendered in a vivid, cinematic matte painting. The gloomy weather and the city's destruction intensify the drama of the Viking army's relentless fight.",,6,0,entity,whole,entity - whole (Viking warriors),Are there Viking warriors? +midjourney10,"An epic scene unfolds, styled in the manner of Richard Schmid, where a fierce battle rages under a tempestuous sky pouring rain. Amidst the chaos, a colossal cave troll roars defiantly, towering over the Viking warriors who are locked in combat with their enemies. The backdrop is a city engulfed in flames, with thick smoke rising into the stormy atmosphere, all rendered in a vivid, cinematic matte painting. The gloomy weather and the city's destruction intensify the drama of the Viking army's relentless fight.",,7,0,entity,whole,entity - whole (city),Is there a city? +midjourney10,"An epic scene unfolds, styled in the manner of Richard Schmid, where a fierce battle rages under a tempestuous sky pouring rain. Amidst the chaos, a colossal cave troll roars defiantly, towering over the Viking warriors who are locked in combat with their enemies. The backdrop is a city engulfed in flames, with thick smoke rising into the stormy atmosphere, all rendered in a vivid, cinematic matte painting. The gloomy weather and the city's destruction intensify the drama of the Viking army's relentless fight.",,8,7,entity,whole,entity - whole (smoke),Is there smoke? +midjourney10,"An epic scene unfolds, styled in the manner of Richard Schmid, where a fierce battle rages under a tempestuous sky pouring rain. Amidst the chaos, a colossal cave troll roars defiantly, towering over the Viking warriors who are locked in combat with their enemies. The backdrop is a city engulfed in flames, with thick smoke rising into the stormy atmosphere, all rendered in a vivid, cinematic matte painting. The gloomy weather and the city's destruction intensify the drama of the Viking army's relentless fight.",,9,1,global,,"global - (style, Richard Schmid)",Is the scene styled in the manner of Richard Schmid? +midjourney10,"An epic scene unfolds, styled in the manner of Richard Schmid, where a fierce battle rages under a tempestuous sky pouring rain. Amidst the chaos, a colossal cave troll roars defiantly, towering over the Viking warriors who are locked in combat with their enemies. The backdrop is a city engulfed in flames, with thick smoke rising into the stormy atmosphere, all rendered in a vivid, cinematic matte painting. The gloomy weather and the city's destruction intensify the drama of the Viking army's relentless fight.",,10,3,attribute,other,"attribute - other (sky, tempestuous)",Is the sky tempestuous? +posescript24,"A figure is in a dynamic crouched position on a geometric patterned floor, with one knee supporting the pose and the other leg extended slightly to the side. The person's left arm reaches toward the ground for balance, palm facing down, while the right arm is bent, with the hand placed near the face. The individual's head is tilted upward, possibly in concentration, complementing the fluid lines of the body's pose.",,1,0,entity,whole,entity - whole (figure),Is there a figure? +posescript24,"A figure is in a dynamic crouched position on a geometric patterned floor, with one knee supporting the pose and the other leg extended slightly to the side. The person's left arm reaches toward the ground for balance, palm facing down, while the right arm is bent, with the hand placed near the face. The individual's head is tilted upward, possibly in concentration, complementing the fluid lines of the body's pose.",,2,0,entity,whole,entity - whole (floor),Is there a floor? +posescript24,"A figure is in a dynamic crouched position on a geometric patterned floor, with one knee supporting the pose and the other leg extended slightly to the side. The person's left arm reaches toward the ground for balance, palm facing down, while the right arm is bent, with the hand placed near the face. The individual's head is tilted upward, possibly in concentration, complementing the fluid lines of the body's pose.",,3,2,attribute,texture,"attribute - texture (floor, geometric patterned)",Does the floor have a geometric pattern? +posescript24,"A figure is in a dynamic crouched position on a geometric patterned floor, with one knee supporting the pose and the other leg extended slightly to the side. The person's left arm reaches toward the ground for balance, palm facing down, while the right arm is bent, with the hand placed near the face. The individual's head is tilted upward, possibly in concentration, complementing the fluid lines of the body's pose.",,4,1,entity,state,"entity - state (figure, crouched position)",Is the figure in a dynamic crouched position? +posescript24,"A figure is in a dynamic crouched position on a geometric patterned floor, with one knee supporting the pose and the other leg extended slightly to the side. The person's left arm reaches toward the ground for balance, palm facing down, while the right arm is bent, with the hand placed near the face. The individual's head is tilted upward, possibly in concentration, complementing the fluid lines of the body's pose.",,5,1,entity,part,entity - part (figure's knee),Does the figure have a knee? +posescript24,"A figure is in a dynamic crouched position on a geometric patterned floor, with one knee supporting the pose and the other leg extended slightly to the side. The person's left arm reaches toward the ground for balance, palm facing down, while the right arm is bent, with the hand placed near the face. The individual's head is tilted upward, possibly in concentration, complementing the fluid lines of the body's pose.",,6,1,entity,part,entity - part (figure's leg),Does the figure have a leg? +posescript24,"A figure is in a dynamic crouched position on a geometric patterned floor, with one knee supporting the pose and the other leg extended slightly to the side. The person's left arm reaches toward the ground for balance, palm facing down, while the right arm is bent, with the hand placed near the face. The individual's head is tilted upward, possibly in concentration, complementing the fluid lines of the body's pose.",,7,1,entity,part,entity - part (figure's left arm),Does the figure have a left arm? +posescript24,"A figure is in a dynamic crouched position on a geometric patterned floor, with one knee supporting the pose and the other leg extended slightly to the side. The person's left arm reaches toward the ground for balance, palm facing down, while the right arm is bent, with the hand placed near the face. The individual's head is tilted upward, possibly in concentration, complementing the fluid lines of the body's pose.",,8,1,entity,part,entity - part (figure's right arm),Does the figure have a right arm? +posescript24,"A figure is in a dynamic crouched position on a geometric patterned floor, with one knee supporting the pose and the other leg extended slightly to the side. The person's left arm reaches toward the ground for balance, palm facing down, while the right arm is bent, with the hand placed near the face. The individual's head is tilted upward, possibly in concentration, complementing the fluid lines of the body's pose.",,9,1,entity,part,entity - part (figure's head),Does the figure have a head? +posescript24,"A figure is in a dynamic crouched position on a geometric patterned floor, with one knee supporting the pose and the other leg extended slightly to the side. The person's left arm reaches toward the ground for balance, palm facing down, while the right arm is bent, with the hand placed near the face. The individual's head is tilted upward, possibly in concentration, complementing the fluid lines of the body's pose.",,10,"1,5",relation,spatial,"relation - spatial (figure's knee, floor, supporting pose)",Is the figure's knee supporting the pose on the floor? +drawtext17,"A vibrant and playful three-dimensional rendering of the word 'fuzzy' made from an assortment of colorful furry spheres, each varying in size. The spheres are clumped together to form chunky, organic letter shapes that appear soft to the touch. The whimsical text is centered within the frame, casting a slight shadow on the plain background, enhancing its three-dimensional effect.",,1,0,entity,whole,entity - whole (rendering),Is there a rendering? +drawtext17,"A vibrant and playful three-dimensional rendering of the word 'fuzzy' made from an assortment of colorful furry spheres, each varying in size. The spheres are clumped together to form chunky, organic letter shapes that appear soft to the touch. The whimsical text is centered within the frame, casting a slight shadow on the plain background, enhancing its three-dimensional effect.",,2,0,entity,whole,entity - whole (word),Is there a word? +drawtext17,"A vibrant and playful three-dimensional rendering of the word 'fuzzy' made from an assortment of colorful furry spheres, each varying in size. The spheres are clumped together to form chunky, organic letter shapes that appear soft to the touch. The whimsical text is centered within the frame, casting a slight shadow on the plain background, enhancing its three-dimensional effect.",,3,0,entity,whole,entity - whole (spheres),Are there spheres? +drawtext17,"A vibrant and playful three-dimensional rendering of the word 'fuzzy' made from an assortment of colorful furry spheres, each varying in size. The spheres are clumped together to form chunky, organic letter shapes that appear soft to the touch. The whimsical text is centered within the frame, casting a slight shadow on the plain background, enhancing its three-dimensional effect.",,4,3,attribute,color,"attribute - color (spheres, colorful)",Are the spheres colorful? +drawtext17,"A vibrant and playful three-dimensional rendering of the word 'fuzzy' made from an assortment of colorful furry spheres, each varying in size. The spheres are clumped together to form chunky, organic letter shapes that appear soft to the touch. The whimsical text is centered within the frame, casting a slight shadow on the plain background, enhancing its three-dimensional effect.",,5,2,attribute,texture,"attribute - texture (word, furry)",Is the word made from furry material? +drawtext17,"A vibrant and playful three-dimensional rendering of the word 'fuzzy' made from an assortment of colorful furry spheres, each varying in size. The spheres are clumped together to form chunky, organic letter shapes that appear soft to the touch. The whimsical text is centered within the frame, casting a slight shadow on the plain background, enhancing its three-dimensional effect.",,6,3,attribute,size,"attribute - size (spheres, varying)",Do the spheres vary in size? +drawtext17,"A vibrant and playful three-dimensional rendering of the word 'fuzzy' made from an assortment of colorful furry spheres, each varying in size. The spheres are clumped together to form chunky, organic letter shapes that appear soft to the touch. The whimsical text is centered within the frame, casting a slight shadow on the plain background, enhancing its three-dimensional effect.",,7,0,global,,global - (three-dimensional),Is the rendering three-dimensional? +drawtext17,"A vibrant and playful three-dimensional rendering of the word 'fuzzy' made from an assortment of colorful furry spheres, each varying in size. The spheres are clumped together to form chunky, organic letter shapes that appear soft to the touch. The whimsical text is centered within the frame, casting a slight shadow on the plain background, enhancing its three-dimensional effect.",,8,2,attribute,other,"attribute - other (word, ""fuzzy"")","Does the word spell ""fuzzy""?" +drawtext17,"A vibrant and playful three-dimensional rendering of the word 'fuzzy' made from an assortment of colorful furry spheres, each varying in size. The spheres are clumped together to form chunky, organic letter shapes that appear soft to the touch. The whimsical text is centered within the frame, casting a slight shadow on the plain background, enhancing its three-dimensional effect.",,9,2,attribute,other,"attribute - other (word, playful)",Is the word playful? +drawtext17,"A vibrant and playful three-dimensional rendering of the word 'fuzzy' made from an assortment of colorful furry spheres, each varying in size. The spheres are clumped together to form chunky, organic letter shapes that appear soft to the touch. The whimsical text is centered within the frame, casting a slight shadow on the plain background, enhancing its three-dimensional effect.",,10,2,attribute,other,"attribute - other (word, vibrant)",Is the word vibrant? +diffusiondb29,"a detailed and vividly colored painting by Edward Hopper that captures a group of mallgoths with pale complexions and dark, tattered clothing congregating in a dimly lit Hot Topic store. The scene is set against the backdrop of black and red shelves crammed with band merchandise and gothic accessories, while fluorescent lights cast an eerie glow over the scene. Each zombified figure appears to be engaged in conversation or browsing through the various items, creating a still yet dynamic tableau within the bustling environment of the mall.",,1,0,entity,whole,entity - whole (painting),Is there a painting? +diffusiondb29,"a detailed and vividly colored painting by Edward Hopper that captures a group of mallgoths with pale complexions and dark, tattered clothing congregating in a dimly lit Hot Topic store. The scene is set against the backdrop of black and red shelves crammed with band merchandise and gothic accessories, while fluorescent lights cast an eerie glow over the scene. Each zombified figure appears to be engaged in conversation or browsing through the various items, creating a still yet dynamic tableau within the bustling environment of the mall.",,2,0,entity,whole,entity - whole (mallgoths),Are there mallgoths? +diffusiondb29,"a detailed and vividly colored painting by Edward Hopper that captures a group of mallgoths with pale complexions and dark, tattered clothing congregating in a dimly lit Hot Topic store. The scene is set against the backdrop of black and red shelves crammed with band merchandise and gothic accessories, while fluorescent lights cast an eerie glow over the scene. Each zombified figure appears to be engaged in conversation or browsing through the various items, creating a still yet dynamic tableau within the bustling environment of the mall.",,3,0,entity,whole,entity - whole (Hot Topic store),Is there a Hot Topic store? +diffusiondb29,"a detailed and vividly colored painting by Edward Hopper that captures a group of mallgoths with pale complexions and dark, tattered clothing congregating in a dimly lit Hot Topic store. The scene is set against the backdrop of black and red shelves crammed with band merchandise and gothic accessories, while fluorescent lights cast an eerie glow over the scene. Each zombified figure appears to be engaged in conversation or browsing through the various items, creating a still yet dynamic tableau within the bustling environment of the mall.",,4,0,entity,whole,entity - whole (shelves),Are there shelves? +diffusiondb29,"a detailed and vividly colored painting by Edward Hopper that captures a group of mallgoths with pale complexions and dark, tattered clothing congregating in a dimly lit Hot Topic store. The scene is set against the backdrop of black and red shelves crammed with band merchandise and gothic accessories, while fluorescent lights cast an eerie glow over the scene. Each zombified figure appears to be engaged in conversation or browsing through the various items, creating a still yet dynamic tableau within the bustling environment of the mall.",,5,0,entity,whole,entity - whole (band merchandise),Is there band merchandise? +diffusiondb29,"a detailed and vividly colored painting by Edward Hopper that captures a group of mallgoths with pale complexions and dark, tattered clothing congregating in a dimly lit Hot Topic store. The scene is set against the backdrop of black and red shelves crammed with band merchandise and gothic accessories, while fluorescent lights cast an eerie glow over the scene. Each zombified figure appears to be engaged in conversation or browsing through the various items, creating a still yet dynamic tableau within the bustling environment of the mall.",,6,0,entity,whole,entity - whole (gothic accessories),Are there gothic accessories? +diffusiondb29,"a detailed and vividly colored painting by Edward Hopper that captures a group of mallgoths with pale complexions and dark, tattered clothing congregating in a dimly lit Hot Topic store. The scene is set against the backdrop of black and red shelves crammed with band merchandise and gothic accessories, while fluorescent lights cast an eerie glow over the scene. Each zombified figure appears to be engaged in conversation or browsing through the various items, creating a still yet dynamic tableau within the bustling environment of the mall.",,7,0,entity,whole,entity - whole (fluorescent lights),Are there fluorescent lights? +diffusiondb29,"a detailed and vividly colored painting by Edward Hopper that captures a group of mallgoths with pale complexions and dark, tattered clothing congregating in a dimly lit Hot Topic store. The scene is set against the backdrop of black and red shelves crammed with band merchandise and gothic accessories, while fluorescent lights cast an eerie glow over the scene. Each zombified figure appears to be engaged in conversation or browsing through the various items, creating a still yet dynamic tableau within the bustling environment of the mall.",,8,1,global,,global - (detailed and vividly colored),Is the painting detailed and vividly colored? +diffusiondb29,"a detailed and vividly colored painting by Edward Hopper that captures a group of mallgoths with pale complexions and dark, tattered clothing congregating in a dimly lit Hot Topic store. The scene is set against the backdrop of black and red shelves crammed with band merchandise and gothic accessories, while fluorescent lights cast an eerie glow over the scene. Each zombified figure appears to be engaged in conversation or browsing through the various items, creating a still yet dynamic tableau within the bustling environment of the mall.",,9,4,attribute,color,"attribute - color (shelves, black and red)",Are the shelves black and red? +diffusiondb29,"a detailed and vividly colored painting by Edward Hopper that captures a group of mallgoths with pale complexions and dark, tattered clothing congregating in a dimly lit Hot Topic store. The scene is set against the backdrop of black and red shelves crammed with band merchandise and gothic accessories, while fluorescent lights cast an eerie glow over the scene. Each zombified figure appears to be engaged in conversation or browsing through the various items, creating a still yet dynamic tableau within the bustling environment of the mall.",,10,2,attribute,other,"attribute - other (mallgoths, pale complexions)",Do the mallgoths have pale complexions? +diffusiondb29,"a detailed and vividly colored painting by Edward Hopper that captures a group of mallgoths with pale complexions and dark, tattered clothing congregating in a dimly lit Hot Topic store. The scene is set against the backdrop of black and red shelves crammed with band merchandise and gothic accessories, while fluorescent lights cast an eerie glow over the scene. Each zombified figure appears to be engaged in conversation or browsing through the various items, creating a still yet dynamic tableau within the bustling environment of the mall.",,11,2,attribute,other,"attribute - other (mallgoths, dark, tattered clothing)","Are the mallgoths wearing dark, tattered clothing?" +diffusiondb29,"a detailed and vividly colored painting by Edward Hopper that captures a group of mallgoths with pale complexions and dark, tattered clothing congregating in a dimly lit Hot Topic store. The scene is set against the backdrop of black and red shelves crammed with band merchandise and gothic accessories, while fluorescent lights cast an eerie glow over the scene. Each zombified figure appears to be engaged in conversation or browsing through the various items, creating a still yet dynamic tableau within the bustling environment of the mall.",,12,7,attribute,other,"attribute - other (fluorescent lights, eerie glow)",Do the fluorescent lights cast an eerie glow? +diffusiondb29,"a detailed and vividly colored painting by Edward Hopper that captures a group of mallgoths with pale complexions and dark, tattered clothing congregating in a dimly lit Hot Topic store. The scene is set against the backdrop of black and red shelves crammed with band merchandise and gothic accessories, while fluorescent lights cast an eerie glow over the scene. Each zombified figure appears to be engaged in conversation or browsing through the various items, creating a still yet dynamic tableau within the bustling environment of the mall.",,13,"2,3",relation,spatial,"relation - spatial (mallgoths, Hot Topic store, in)",Are the mallgoths in the Hot Topic store? +diffusiondb29,"a detailed and vividly colored painting by Edward Hopper that captures a group of mallgoths with pale complexions and dark, tattered clothing congregating in a dimly lit Hot Topic store. The scene is set against the backdrop of black and red shelves crammed with band merchandise and gothic accessories, while fluorescent lights cast an eerie glow over the scene. Each zombified figure appears to be engaged in conversation or browsing through the various items, creating a still yet dynamic tableau within the bustling environment of the mall.",,14,"4,3",relation,spatial,"relation - spatial (shelves, Hot Topic store, against backdrop)",Are the shelves set against the backdrop of the Hot Topic store? +diffusiondb29,"a detailed and vividly colored painting by Edward Hopper that captures a group of mallgoths with pale complexions and dark, tattered clothing congregating in a dimly lit Hot Topic store. The scene is set against the backdrop of black and red shelves crammed with band merchandise and gothic accessories, while fluorescent lights cast an eerie glow over the scene. Each zombified figure appears to be engaged in conversation or browsing through the various items, creating a still yet dynamic tableau within the bustling environment of the mall.",,15,2,relation,non-spatial,"relation - non-spatial (mallgoths, conversation or browsing, engaged in)",Are the mallgoths engaged in conversation or browsing? +stanford24,"An antique typewriter with prominent round keys that protrude upwards, indicative of its vintage design, is displayed on a sturdy wooden table. The typewriter's deep black hue contrasts with the stark white labeling on each button, offering a classic, monochromatic aesthetic. Around the typewriter, the wooden table shows signs of use, adding to the object's historical character.",,1,0,entity,whole,entity - whole (typewriter),Is there an antique typewriter? +stanford24,"An antique typewriter with prominent round keys that protrude upwards, indicative of its vintage design, is displayed on a sturdy wooden table. The typewriter's deep black hue contrasts with the stark white labeling on each button, offering a classic, monochromatic aesthetic. Around the typewriter, the wooden table shows signs of use, adding to the object's historical character.",,2,1,entity,whole,entity - whole (keys),Are there prominent round keys on the typewriter? +stanford24,"An antique typewriter with prominent round keys that protrude upwards, indicative of its vintage design, is displayed on a sturdy wooden table. The typewriter's deep black hue contrasts with the stark white labeling on each button, offering a classic, monochromatic aesthetic. Around the typewriter, the wooden table shows signs of use, adding to the object's historical character.",,3,0,entity,whole,entity - whole (table),Is there a table? +stanford24,"An antique typewriter with prominent round keys that protrude upwards, indicative of its vintage design, is displayed on a sturdy wooden table. The typewriter's deep black hue contrasts with the stark white labeling on each button, offering a classic, monochromatic aesthetic. Around the typewriter, the wooden table shows signs of use, adding to the object's historical character.",,4,2,attribute,shape,"attribute - shape (keys, round)",Are the keys round? +stanford24,"An antique typewriter with prominent round keys that protrude upwards, indicative of its vintage design, is displayed on a sturdy wooden table. The typewriter's deep black hue contrasts with the stark white labeling on each button, offering a classic, monochromatic aesthetic. Around the typewriter, the wooden table shows signs of use, adding to the object's historical character.",,5,2,attribute,texture,"attribute - texture (keys, protrude upwards)",Do the keys protrude upwards? +stanford24,"An antique typewriter with prominent round keys that protrude upwards, indicative of its vintage design, is displayed on a sturdy wooden table. The typewriter's deep black hue contrasts with the stark white labeling on each button, offering a classic, monochromatic aesthetic. Around the typewriter, the wooden table shows signs of use, adding to the object's historical character.",,6,1,attribute,other,"attribute - other (typewriter, antique)",Is the typewriter of a vintage design? +stanford24,"An antique typewriter with prominent round keys that protrude upwards, indicative of its vintage design, is displayed on a sturdy wooden table. The typewriter's deep black hue contrasts with the stark white labeling on each button, offering a classic, monochromatic aesthetic. Around the typewriter, the wooden table shows signs of use, adding to the object's historical character.",,7,3,attribute,texture,"attribute - texture (table, wooden)",Is the table made of wood? +stanford24,"An antique typewriter with prominent round keys that protrude upwards, indicative of its vintage design, is displayed on a sturdy wooden table. The typewriter's deep black hue contrasts with the stark white labeling on each button, offering a classic, monochromatic aesthetic. Around the typewriter, the wooden table shows signs of use, adding to the object's historical character.",,8,1,attribute,color,"attribute - color (typewriter, black)",Is the typewriter's hue deep black? +stanford24,"An antique typewriter with prominent round keys that protrude upwards, indicative of its vintage design, is displayed on a sturdy wooden table. The typewriter's deep black hue contrasts with the stark white labeling on each button, offering a classic, monochromatic aesthetic. Around the typewriter, the wooden table shows signs of use, adding to the object's historical character.",,9,2,attribute,color,"attribute - color (keys' labeling, white)",Is the labeling on each button stark white? +stanford24,"An antique typewriter with prominent round keys that protrude upwards, indicative of its vintage design, is displayed on a sturdy wooden table. The typewriter's deep black hue contrasts with the stark white labeling on each button, offering a classic, monochromatic aesthetic. Around the typewriter, the wooden table shows signs of use, adding to the object's historical character.",,10,3,attribute,texture,"attribute - texture (table, signs of use)",Does the wooden table show signs of use? +midjourney23,"An incredibly detailed digital artwork depicting an enormous skyscraper soaring into the sky, set against the background of an industrial power station as imagined by visionary artists Peter Elson, Chris Moore, and Jim Burns in 4K resolution. The skyscraper is adorned with intricate designs, reflective glass windows, and numerous protruding antennas. The power station at its base is a complex of pipes, wires, and glowing energy cores, showcasing a hyper-realistic portrayal of future technology.",,1,0,entity,whole,entity - whole (digital artwork),Is there a digital artwork? +midjourney23,"An incredibly detailed digital artwork depicting an enormous skyscraper soaring into the sky, set against the background of an industrial power station as imagined by visionary artists Peter Elson, Chris Moore, and Jim Burns in 4K resolution. The skyscraper is adorned with intricate designs, reflective glass windows, and numerous protruding antennas. The power station at its base is a complex of pipes, wires, and glowing energy cores, showcasing a hyper-realistic portrayal of future technology.",,2,1,entity,whole,entity - whole (skyscraper),Is there a skyscraper? +midjourney23,"An incredibly detailed digital artwork depicting an enormous skyscraper soaring into the sky, set against the background of an industrial power station as imagined by visionary artists Peter Elson, Chris Moore, and Jim Burns in 4K resolution. The skyscraper is adorned with intricate designs, reflective glass windows, and numerous protruding antennas. The power station at its base is a complex of pipes, wires, and glowing energy cores, showcasing a hyper-realistic portrayal of future technology.",,3,1,entity,whole,entity - whole (power station),Is there a power station? +midjourney23,"An incredibly detailed digital artwork depicting an enormous skyscraper soaring into the sky, set against the background of an industrial power station as imagined by visionary artists Peter Elson, Chris Moore, and Jim Burns in 4K resolution. The skyscraper is adorned with intricate designs, reflective glass windows, and numerous protruding antennas. The power station at its base is a complex of pipes, wires, and glowing energy cores, showcasing a hyper-realistic portrayal of future technology.",,4,1,global,,global - (incredibly detailed),Is the digital artwork incredibly detailed? +midjourney23,"An incredibly detailed digital artwork depicting an enormous skyscraper soaring into the sky, set against the background of an industrial power station as imagined by visionary artists Peter Elson, Chris Moore, and Jim Burns in 4K resolution. The skyscraper is adorned with intricate designs, reflective glass windows, and numerous protruding antennas. The power station at its base is a complex of pipes, wires, and glowing energy cores, showcasing a hyper-realistic portrayal of future technology.",,5,1,global,,global - (4K resolution),Is the artwork in 4K resolution? +midjourney23,"An incredibly detailed digital artwork depicting an enormous skyscraper soaring into the sky, set against the background of an industrial power station as imagined by visionary artists Peter Elson, Chris Moore, and Jim Burns in 4K resolution. The skyscraper is adorned with intricate designs, reflective glass windows, and numerous protruding antennas. The power station at its base is a complex of pipes, wires, and glowing energy cores, showcasing a hyper-realistic portrayal of future technology.",,6,2,attribute,other,"attribute - other (skyscraper, enormous)",Is the skyscraper enormous? +midjourney23,"An incredibly detailed digital artwork depicting an enormous skyscraper soaring into the sky, set against the background of an industrial power station as imagined by visionary artists Peter Elson, Chris Moore, and Jim Burns in 4K resolution. The skyscraper is adorned with intricate designs, reflective glass windows, and numerous protruding antennas. The power station at its base is a complex of pipes, wires, and glowing energy cores, showcasing a hyper-realistic portrayal of future technology.",,7,2,attribute,other,"attribute - other (skyscraper, intricate designs)",Does the skyscraper have intricate designs? +midjourney23,"An incredibly detailed digital artwork depicting an enormous skyscraper soaring into the sky, set against the background of an industrial power station as imagined by visionary artists Peter Elson, Chris Moore, and Jim Burns in 4K resolution. The skyscraper is adorned with intricate designs, reflective glass windows, and numerous protruding antennas. The power station at its base is a complex of pipes, wires, and glowing energy cores, showcasing a hyper-realistic portrayal of future technology.",,8,2,attribute,texture,"attribute - texture (skyscraper, reflective glass windows)",Does the skyscraper have reflective glass windows? +midjourney23,"An incredibly detailed digital artwork depicting an enormous skyscraper soaring into the sky, set against the background of an industrial power station as imagined by visionary artists Peter Elson, Chris Moore, and Jim Burns in 4K resolution. The skyscraper is adorned with intricate designs, reflective glass windows, and numerous protruding antennas. The power station at its base is a complex of pipes, wires, and glowing energy cores, showcasing a hyper-realistic portrayal of future technology.",,9,2,entity,part,entity - part (skyscraper's antennas),Does the skyscraper have numerous protruding antennas? +midjourney23,"An incredibly detailed digital artwork depicting an enormous skyscraper soaring into the sky, set against the background of an industrial power station as imagined by visionary artists Peter Elson, Chris Moore, and Jim Burns in 4K resolution. The skyscraper is adorned with intricate designs, reflective glass windows, and numerous protruding antennas. The power station at its base is a complex of pipes, wires, and glowing energy cores, showcasing a hyper-realistic portrayal of future technology.",,10,3,attribute,other,"attribute - other (power station, complex of pipes, wires, and glowing energy cores)","Does the power station have a complex of pipes, wires, and glowing energy cores?" +stanford22,"A man clad in a denim jacket and jeans, topped with a pristine white cowboy hat, gently strokes the mane of his equally white horse. The horse stands calmly by a wooden fence that outlines a sprawling field. Naked trees form a stark silhouette against the dimming sky, indicating the approach of evening.",,1,0,entity,whole,entity - whole (man),Is there a man? +stanford22,"A man clad in a denim jacket and jeans, topped with a pristine white cowboy hat, gently strokes the mane of his equally white horse. The horse stands calmly by a wooden fence that outlines a sprawling field. Naked trees form a stark silhouette against the dimming sky, indicating the approach of evening.",,2,0,entity,whole,entity - whole (denim jacket),Is there a denim jacket? +stanford22,"A man clad in a denim jacket and jeans, topped with a pristine white cowboy hat, gently strokes the mane of his equally white horse. The horse stands calmly by a wooden fence that outlines a sprawling field. Naked trees form a stark silhouette against the dimming sky, indicating the approach of evening.",,3,0,entity,whole,entity - whole (jeans),Are there jeans? +stanford22,"A man clad in a denim jacket and jeans, topped with a pristine white cowboy hat, gently strokes the mane of his equally white horse. The horse stands calmly by a wooden fence that outlines a sprawling field. Naked trees form a stark silhouette against the dimming sky, indicating the approach of evening.",,4,0,entity,whole,entity - whole (cowboy hat),Is there a cowboy hat? +stanford22,"A man clad in a denim jacket and jeans, topped with a pristine white cowboy hat, gently strokes the mane of his equally white horse. The horse stands calmly by a wooden fence that outlines a sprawling field. Naked trees form a stark silhouette against the dimming sky, indicating the approach of evening.",,5,0,entity,whole,entity - whole (horse),Is there a horse? +stanford22,"A man clad in a denim jacket and jeans, topped with a pristine white cowboy hat, gently strokes the mane of his equally white horse. The horse stands calmly by a wooden fence that outlines a sprawling field. Naked trees form a stark silhouette against the dimming sky, indicating the approach of evening.",,6,0,entity,whole,entity - whole (fence),Is there a fence? +stanford22,"A man clad in a denim jacket and jeans, topped with a pristine white cowboy hat, gently strokes the mane of his equally white horse. The horse stands calmly by a wooden fence that outlines a sprawling field. Naked trees form a stark silhouette against the dimming sky, indicating the approach of evening.",,7,0,entity,whole,entity - whole (field),Is there a field? +stanford22,"A man clad in a denim jacket and jeans, topped with a pristine white cowboy hat, gently strokes the mane of his equally white horse. The horse stands calmly by a wooden fence that outlines a sprawling field. Naked trees form a stark silhouette against the dimming sky, indicating the approach of evening.",,8,0,entity,whole,entity - whole (trees),Are there trees? +stanford22,"A man clad in a denim jacket and jeans, topped with a pristine white cowboy hat, gently strokes the mane of his equally white horse. The horse stands calmly by a wooden fence that outlines a sprawling field. Naked trees form a stark silhouette against the dimming sky, indicating the approach of evening.",,9,4,attribute,color,"attribute - color (cowboy hat, white)",Is the cowboy hat white? +stanford22,"A man clad in a denim jacket and jeans, topped with a pristine white cowboy hat, gently strokes the mane of his equally white horse. The horse stands calmly by a wooden fence that outlines a sprawling field. Naked trees form a stark silhouette against the dimming sky, indicating the approach of evening.",,10,5,attribute,color,"attribute - color (horse, white)",Is the horse white? +stanford22,"A man clad in a denim jacket and jeans, topped with a pristine white cowboy hat, gently strokes the mane of his equally white horse. The horse stands calmly by a wooden fence that outlines a sprawling field. Naked trees form a stark silhouette against the dimming sky, indicating the approach of evening.",,11,6,attribute,texture,"attribute - texture (fence, wooden)",Is the fence made of wood? +stanford22,"A man clad in a denim jacket and jeans, topped with a pristine white cowboy hat, gently strokes the mane of his equally white horse. The horse stands calmly by a wooden fence that outlines a sprawling field. Naked trees form a stark silhouette against the dimming sky, indicating the approach of evening.",,12,"1,5",relation,spatial,"relation - spatial (man, horse, next to)",Is the man next to the horse? +stanford22,"A man clad in a denim jacket and jeans, topped with a pristine white cowboy hat, gently strokes the mane of his equally white horse. The horse stands calmly by a wooden fence that outlines a sprawling field. Naked trees form a stark silhouette against the dimming sky, indicating the approach of evening.",,13,"5,6",relation,spatial,"relation - spatial (horse, fence, by)",Is the horse by the fence? +stanford22,"A man clad in a denim jacket and jeans, topped with a pristine white cowboy hat, gently strokes the mane of his equally white horse. The horse stands calmly by a wooden fence that outlines a sprawling field. Naked trees form a stark silhouette against the dimming sky, indicating the approach of evening.",,14,"6,7",relation,spatial,"relation - spatial (fence, field, outlines)",Does the fence outline the field? +stanford22,"A man clad in a denim jacket and jeans, topped with a pristine white cowboy hat, gently strokes the mane of his equally white horse. The horse stands calmly by a wooden fence that outlines a sprawling field. Naked trees form a stark silhouette against the dimming sky, indicating the approach of evening.",,15,"1,5",entity,state,"entity - state (man, strokes horse's mane)",Is the man gently stroking the horse's mane? +stanford22,"A man clad in a denim jacket and jeans, topped with a pristine white cowboy hat, gently strokes the mane of his equally white horse. The horse stands calmly by a wooden fence that outlines a sprawling field. Naked trees form a stark silhouette against the dimming sky, indicating the approach of evening.",,16,5,entity,state,"entity - state (horse, stands calmly)",Is the horse standing calmly? +stanford22,"A man clad in a denim jacket and jeans, topped with a pristine white cowboy hat, gently strokes the mane of his equally white horse. The horse stands calmly by a wooden fence that outlines a sprawling field. Naked trees form a stark silhouette against the dimming sky, indicating the approach of evening.",,17,8,relation,spatial,"relation - spatial (trees, sky, against)",Do the trees form a silhouette against the sky? +stanford22,"A man clad in a denim jacket and jeans, topped with a pristine white cowboy hat, gently strokes the mane of his equally white horse. The horse stands calmly by a wooden fence that outlines a sprawling field. Naked trees form a stark silhouette against the dimming sky, indicating the approach of evening.",,18,0,entity,state,"entity - state (sky, evening, approach of)",Is the sky indicating the approach of evening? +midjourney2,"An anthropomorphic wolf, clad in a crisp white shirt and a patterned tie, sits elegantly on a subway train designed in the distinctive styles of Wes Anderson and Moebius. The setting of the New Yorker Magazine cover is depicted through a silkscreen print that showcases an image transfer technique, embodying a realistic comic illustration with intricate details. The wolf's poised demeanor contrasts with the bustling subway environment, where every texture and pattern speaks to the meticulous attention to detail characteristic of the illustrative work.",,1,0,entity,whole,entity - whole (wolf),Is there an anthropomorphic wolf? +midjourney2,"An anthropomorphic wolf, clad in a crisp white shirt and a patterned tie, sits elegantly on a subway train designed in the distinctive styles of Wes Anderson and Moebius. The setting of the New Yorker Magazine cover is depicted through a silkscreen print that showcases an image transfer technique, embodying a realistic comic illustration with intricate details. The wolf's poised demeanor contrasts with the bustling subway environment, where every texture and pattern speaks to the meticulous attention to detail characteristic of the illustrative work.",,2,0,entity,whole,entity - whole (shirt),Is there a shirt? +midjourney2,"An anthropomorphic wolf, clad in a crisp white shirt and a patterned tie, sits elegantly on a subway train designed in the distinctive styles of Wes Anderson and Moebius. The setting of the New Yorker Magazine cover is depicted through a silkscreen print that showcases an image transfer technique, embodying a realistic comic illustration with intricate details. The wolf's poised demeanor contrasts with the bustling subway environment, where every texture and pattern speaks to the meticulous attention to detail characteristic of the illustrative work.",,3,0,entity,whole,entity - whole (tie),Is there a tie? +midjourney2,"An anthropomorphic wolf, clad in a crisp white shirt and a patterned tie, sits elegantly on a subway train designed in the distinctive styles of Wes Anderson and Moebius. The setting of the New Yorker Magazine cover is depicted through a silkscreen print that showcases an image transfer technique, embodying a realistic comic illustration with intricate details. The wolf's poised demeanor contrasts with the bustling subway environment, where every texture and pattern speaks to the meticulous attention to detail characteristic of the illustrative work.",,4,0,entity,whole,entity - whole (subway train),Is there a subway train? +midjourney2,"An anthropomorphic wolf, clad in a crisp white shirt and a patterned tie, sits elegantly on a subway train designed in the distinctive styles of Wes Anderson and Moebius. The setting of the New Yorker Magazine cover is depicted through a silkscreen print that showcases an image transfer technique, embodying a realistic comic illustration with intricate details. The wolf's poised demeanor contrasts with the bustling subway environment, where every texture and pattern speaks to the meticulous attention to detail characteristic of the illustrative work.",,5,0,entity,whole,entity - whole (New Yorker Magazine cover),Is there a New Yorker Magazine cover? +midjourney2,"An anthropomorphic wolf, clad in a crisp white shirt and a patterned tie, sits elegantly on a subway train designed in the distinctive styles of Wes Anderson and Moebius. The setting of the New Yorker Magazine cover is depicted through a silkscreen print that showcases an image transfer technique, embodying a realistic comic illustration with intricate details. The wolf's poised demeanor contrasts with the bustling subway environment, where every texture and pattern speaks to the meticulous attention to detail characteristic of the illustrative work.",,6,2,attribute,color,"attribute - color (shirt, white)",Is the shirt crisp and white? +midjourney2,"An anthropomorphic wolf, clad in a crisp white shirt and a patterned tie, sits elegantly on a subway train designed in the distinctive styles of Wes Anderson and Moebius. The setting of the New Yorker Magazine cover is depicted through a silkscreen print that showcases an image transfer technique, embodying a realistic comic illustration with intricate details. The wolf's poised demeanor contrasts with the bustling subway environment, where every texture and pattern speaks to the meticulous attention to detail characteristic of the illustrative work.",,7,5,attribute,texture,"attribute - texture (New Yorker Magazine cover, silkscreen print)",Is the New Yorker Magazine cover depicted through a silkscreen print? +midjourney2,"An anthropomorphic wolf, clad in a crisp white shirt and a patterned tie, sits elegantly on a subway train designed in the distinctive styles of Wes Anderson and Moebius. The setting of the New Yorker Magazine cover is depicted through a silkscreen print that showcases an image transfer technique, embodying a realistic comic illustration with intricate details. The wolf's poised demeanor contrasts with the bustling subway environment, where every texture and pattern speaks to the meticulous attention to detail characteristic of the illustrative work.",,8,5,attribute,texture,"attribute - texture (New Yorker Magazine cover, image transfer technique)",Does the New Yorker Magazine cover showcase an image transfer technique? +midjourney2,"An anthropomorphic wolf, clad in a crisp white shirt and a patterned tie, sits elegantly on a subway train designed in the distinctive styles of Wes Anderson and Moebius. The setting of the New Yorker Magazine cover is depicted through a silkscreen print that showcases an image transfer technique, embodying a realistic comic illustration with intricate details. The wolf's poised demeanor contrasts with the bustling subway environment, where every texture and pattern speaks to the meticulous attention to detail characteristic of the illustrative work.",,9,4,global,,"global - (subway train, Wes Anderson style)",Is the subway train designed in the distinctive style of Wes Anderson? +midjourney2,"An anthropomorphic wolf, clad in a crisp white shirt and a patterned tie, sits elegantly on a subway train designed in the distinctive styles of Wes Anderson and Moebius. The setting of the New Yorker Magazine cover is depicted through a silkscreen print that showcases an image transfer technique, embodying a realistic comic illustration with intricate details. The wolf's poised demeanor contrasts with the bustling subway environment, where every texture and pattern speaks to the meticulous attention to detail characteristic of the illustrative work.",,10,4,global,,"global - (subway train, Moebius style)",Is the subway train designed in the distinctive style of Moebius? +stanford15,"A skier, clad in a bright yellow snowsuit that stands out against the white snow, swiftly descends a snowy slope. A cloud of freshly stirred powder trails behind them, evidence of an exhilarating jump just taken. In their gloved hands, they firmly grip two black ski poles that cut through the powdery snow with each focused movement. The vast expanse of the mountain can be seen around them, adorned with snow-laden conifers and the distant peaks shrouded in mist.",,1,0,entity,whole,entity - whole (skier),Is there a skier? +stanford15,"A skier, clad in a bright yellow snowsuit that stands out against the white snow, swiftly descends a snowy slope. A cloud of freshly stirred powder trails behind them, evidence of an exhilarating jump just taken. In their gloved hands, they firmly grip two black ski poles that cut through the powdery snow with each focused movement. The vast expanse of the mountain can be seen around them, adorned with snow-laden conifers and the distant peaks shrouded in mist.",,2,1,entity,whole,entity - whole (snowsuit),Is there a snowsuit? +stanford15,"A skier, clad in a bright yellow snowsuit that stands out against the white snow, swiftly descends a snowy slope. A cloud of freshly stirred powder trails behind them, evidence of an exhilarating jump just taken. In their gloved hands, they firmly grip two black ski poles that cut through the powdery snow with each focused movement. The vast expanse of the mountain can be seen around them, adorned with snow-laden conifers and the distant peaks shrouded in mist.",,3,0,entity,whole,entity - whole (snow),Is there snow? +stanford15,"A skier, clad in a bright yellow snowsuit that stands out against the white snow, swiftly descends a snowy slope. A cloud of freshly stirred powder trails behind them, evidence of an exhilarating jump just taken. In their gloved hands, they firmly grip two black ski poles that cut through the powdery snow with each focused movement. The vast expanse of the mountain can be seen around them, adorned with snow-laden conifers and the distant peaks shrouded in mist.",,4,0,entity,whole,entity - whole (slope),Is there a slope? +stanford15,"A skier, clad in a bright yellow snowsuit that stands out against the white snow, swiftly descends a snowy slope. A cloud of freshly stirred powder trails behind them, evidence of an exhilarating jump just taken. In their gloved hands, they firmly grip two black ski poles that cut through the powdery snow with each focused movement. The vast expanse of the mountain can be seen around them, adorned with snow-laden conifers and the distant peaks shrouded in mist.",,5,1,entity,whole,entity - whole (powder cloud),Is there a cloud of powder? +stanford15,"A skier, clad in a bright yellow snowsuit that stands out against the white snow, swiftly descends a snowy slope. A cloud of freshly stirred powder trails behind them, evidence of an exhilarating jump just taken. In their gloved hands, they firmly grip two black ski poles that cut through the powdery snow with each focused movement. The vast expanse of the mountain can be seen around them, adorned with snow-laden conifers and the distant peaks shrouded in mist.",,6,1,entity,whole,entity - whole (ski poles),Are there ski poles? +stanford15,"A skier, clad in a bright yellow snowsuit that stands out against the white snow, swiftly descends a snowy slope. A cloud of freshly stirred powder trails behind them, evidence of an exhilarating jump just taken. In their gloved hands, they firmly grip two black ski poles that cut through the powdery snow with each focused movement. The vast expanse of the mountain can be seen around them, adorned with snow-laden conifers and the distant peaks shrouded in mist.",,7,0,entity,whole,entity - whole (mountain),Is there a mountain? +stanford15,"A skier, clad in a bright yellow snowsuit that stands out against the white snow, swiftly descends a snowy slope. A cloud of freshly stirred powder trails behind them, evidence of an exhilarating jump just taken. In their gloved hands, they firmly grip two black ski poles that cut through the powdery snow with each focused movement. The vast expanse of the mountain can be seen around them, adorned with snow-laden conifers and the distant peaks shrouded in mist.",,8,2,attribute,color,"attribute - color (snowsuit, bright yellow)",Is the snowsuit bright yellow? +stanford15,"A skier, clad in a bright yellow snowsuit that stands out against the white snow, swiftly descends a snowy slope. A cloud of freshly stirred powder trails behind them, evidence of an exhilarating jump just taken. In their gloved hands, they firmly grip two black ski poles that cut through the powdery snow with each focused movement. The vast expanse of the mountain can be seen around them, adorned with snow-laden conifers and the distant peaks shrouded in mist.",,9,6,attribute,color,"attribute - color (ski poles, black)",Are the ski poles black? +stanford15,"A skier, clad in a bright yellow snowsuit that stands out against the white snow, swiftly descends a snowy slope. A cloud of freshly stirred powder trails behind them, evidence of an exhilarating jump just taken. In their gloved hands, they firmly grip two black ski poles that cut through the powdery snow with each focused movement. The vast expanse of the mountain can be seen around them, adorned with snow-laden conifers and the distant peaks shrouded in mist.",,10,"1,4",relation,non-spatial,"relation - non-spatial (skier, slope, descend)",Is the skier descending the slope? +countbench10,"An elegantly designed bathroom features two white pedestal sinks stationed at either end, framing a custom-built cabinet nestled snugly in between. This unique cabinet is crafted to match the sleek aesthetic of the pedestals, finished in a soft beige hue with silver handles that add a touch of sophistication. It offers the perfect blend of the classic pedestal style with the practicality and storage of a traditional vanity, ensuring functionality without compromising on elegance.",,1,0,entity,whole,entity - whole (bathroom),Is there a bathroom? +countbench10,"An elegantly designed bathroom features two white pedestal sinks stationed at either end, framing a custom-built cabinet nestled snugly in between. This unique cabinet is crafted to match the sleek aesthetic of the pedestals, finished in a soft beige hue with silver handles that add a touch of sophistication. It offers the perfect blend of the classic pedestal style with the practicality and storage of a traditional vanity, ensuring functionality without compromising on elegance.",,2,0,entity,whole,entity - whole (sinks),Are there sinks? +countbench10,"An elegantly designed bathroom features two white pedestal sinks stationed at either end, framing a custom-built cabinet nestled snugly in between. This unique cabinet is crafted to match the sleek aesthetic of the pedestals, finished in a soft beige hue with silver handles that add a touch of sophistication. It offers the perfect blend of the classic pedestal style with the practicality and storage of a traditional vanity, ensuring functionality without compromising on elegance.",,3,2,other,count,"other - count (sinks, ==2)",Are there two sinks? +countbench10,"An elegantly designed bathroom features two white pedestal sinks stationed at either end, framing a custom-built cabinet nestled snugly in between. This unique cabinet is crafted to match the sleek aesthetic of the pedestals, finished in a soft beige hue with silver handles that add a touch of sophistication. It offers the perfect blend of the classic pedestal style with the practicality and storage of a traditional vanity, ensuring functionality without compromising on elegance.",,4,0,entity,whole,entity - whole (cabinet),Is there a cabinet? +countbench10,"An elegantly designed bathroom features two white pedestal sinks stationed at either end, framing a custom-built cabinet nestled snugly in between. This unique cabinet is crafted to match the sleek aesthetic of the pedestals, finished in a soft beige hue with silver handles that add a touch of sophistication. It offers the perfect blend of the classic pedestal style with the practicality and storage of a traditional vanity, ensuring functionality without compromising on elegance.",,5,2,attribute,color,"attribute - color (sinks, white)",Are the sinks white? +countbench10,"An elegantly designed bathroom features two white pedestal sinks stationed at either end, framing a custom-built cabinet nestled snugly in between. This unique cabinet is crafted to match the sleek aesthetic of the pedestals, finished in a soft beige hue with silver handles that add a touch of sophistication. It offers the perfect blend of the classic pedestal style with the practicality and storage of a traditional vanity, ensuring functionality without compromising on elegance.",,6,4,attribute,color,"attribute - color (cabinet, soft beige)",Is the cabinet soft beige? +countbench10,"An elegantly designed bathroom features two white pedestal sinks stationed at either end, framing a custom-built cabinet nestled snugly in between. This unique cabinet is crafted to match the sleek aesthetic of the pedestals, finished in a soft beige hue with silver handles that add a touch of sophistication. It offers the perfect blend of the classic pedestal style with the practicality and storage of a traditional vanity, ensuring functionality without compromising on elegance.",,7,4,entity,part,entity - part (cabinet's handles),Does the cabinet have handles? +countbench10,"An elegantly designed bathroom features two white pedestal sinks stationed at either end, framing a custom-built cabinet nestled snugly in between. This unique cabinet is crafted to match the sleek aesthetic of the pedestals, finished in a soft beige hue with silver handles that add a touch of sophistication. It offers the perfect blend of the classic pedestal style with the practicality and storage of a traditional vanity, ensuring functionality without compromising on elegance.",,8,7,attribute,color,"attribute - color (handles, silver)",Are the handles silver? +countbench10,"An elegantly designed bathroom features two white pedestal sinks stationed at either end, framing a custom-built cabinet nestled snugly in between. This unique cabinet is crafted to match the sleek aesthetic of the pedestals, finished in a soft beige hue with silver handles that add a touch of sophistication. It offers the perfect blend of the classic pedestal style with the practicality and storage of a traditional vanity, ensuring functionality without compromising on elegance.",,9,"2,4",relation,spatial,"relation - spatial (sinks, cabinet, at either end of)",Are the sinks stationed at either end of the cabinet? +countbench10,"An elegantly designed bathroom features two white pedestal sinks stationed at either end, framing a custom-built cabinet nestled snugly in between. This unique cabinet is crafted to match the sleek aesthetic of the pedestals, finished in a soft beige hue with silver handles that add a touch of sophistication. It offers the perfect blend of the classic pedestal style with the practicality and storage of a traditional vanity, ensuring functionality without compromising on elegance.",,10,"4,2",relation,spatial,"relation - spatial (cabinet, sinks, nestled between)",Is the cabinet nestled between the sinks? +drawtext18,"an animated image depicting a green turtle with a perplexed expression on its face. The turtle is standing upright on two legs and has a large, transparent thought bubble above its head, filled with the paradoxical question, 'what if there was no such thing as a thought bubble?' surrounding the turtle, there are simplistic drawings of grass and flowers, emphasizing the cartoonish nature of the image.",,1,0,entity,whole,entity - whole (turtle),Is there a turtle? +drawtext18,"an animated image depicting a green turtle with a perplexed expression on its face. The turtle is standing upright on two legs and has a large, transparent thought bubble above its head, filled with the paradoxical question, 'what if there was no such thing as a thought bubble?' surrounding the turtle, there are simplistic drawings of grass and flowers, emphasizing the cartoonish nature of the image.",,2,0,entity,whole,entity - whole (thought bubble),Is there a thought bubble? +drawtext18,"an animated image depicting a green turtle with a perplexed expression on its face. The turtle is standing upright on two legs and has a large, transparent thought bubble above its head, filled with the paradoxical question, 'what if there was no such thing as a thought bubble?' surrounding the turtle, there are simplistic drawings of grass and flowers, emphasizing the cartoonish nature of the image.",,3,1,entity,part,entity - part (turtle's expression),Does the turtle have an expression? +drawtext18,"an animated image depicting a green turtle with a perplexed expression on its face. The turtle is standing upright on two legs and has a large, transparent thought bubble above its head, filled with the paradoxical question, 'what if there was no such thing as a thought bubble?' surrounding the turtle, there are simplistic drawings of grass and flowers, emphasizing the cartoonish nature of the image.",,4,1,entity,state,"entity - state (turtle, perplexed)",Does the turtle look perplexed? +drawtext18,"an animated image depicting a green turtle with a perplexed expression on its face. The turtle is standing upright on two legs and has a large, transparent thought bubble above its head, filled with the paradoxical question, 'what if there was no such thing as a thought bubble?' surrounding the turtle, there are simplistic drawings of grass and flowers, emphasizing the cartoonish nature of the image.",,5,1,entity,state,"entity - state (turtle, stand, upright)",Is the turtle standing upright on two legs? +drawtext18,"an animated image depicting a green turtle with a perplexed expression on its face. The turtle is standing upright on two legs and has a large, transparent thought bubble above its head, filled with the paradoxical question, 'what if there was no such thing as a thought bubble?' surrounding the turtle, there are simplistic drawings of grass and flowers, emphasizing the cartoonish nature of the image.",,6,2,other,text,"other - text (thought bubble, ""what if there was no such thing as a thought bubble?"")","Does the thought bubble contain the question ""what if there was no such thing as a thought bubble?""" +drawtext18,"an animated image depicting a green turtle with a perplexed expression on its face. The turtle is standing upright on two legs and has a large, transparent thought bubble above its head, filled with the paradoxical question, 'what if there was no such thing as a thought bubble?' surrounding the turtle, there are simplistic drawings of grass and flowers, emphasizing the cartoonish nature of the image.",,7,1,attribute,color,"attribute - color (turtle, green)",Is the turtle green? +drawtext18,"an animated image depicting a green turtle with a perplexed expression on its face. The turtle is standing upright on two legs and has a large, transparent thought bubble above its head, filled with the paradoxical question, 'what if there was no such thing as a thought bubble?' surrounding the turtle, there are simplistic drawings of grass and flowers, emphasizing the cartoonish nature of the image.",,8,2,attribute,other,"attribute - other (thought bubble, large)",Is the thought bubble large? +drawtext18,"an animated image depicting a green turtle with a perplexed expression on its face. The turtle is standing upright on two legs and has a large, transparent thought bubble above its head, filled with the paradoxical question, 'what if there was no such thing as a thought bubble?' surrounding the turtle, there are simplistic drawings of grass and flowers, emphasizing the cartoonish nature of the image.",,9,2,attribute,other,"attribute - other (thought bubble, transparent)",Is the thought bubble transparent? +drawtext18,"an animated image depicting a green turtle with a perplexed expression on its face. The turtle is standing upright on two legs and has a large, transparent thought bubble above its head, filled with the paradoxical question, 'what if there was no such thing as a thought bubble?' surrounding the turtle, there are simplistic drawings of grass and flowers, emphasizing the cartoonish nature of the image.",,10,0,global,,global - (animated image),Is this an animated image? +vrd38,"A solitary figure stands on a sandy beach, shaded by a large red and white striped umbrella. The person is clad in bright yellow shorts and appears relaxed while under the protective cover of the umbrella. A silver metallic can lies on its side, partially buried in the sand, just a few steps away from the person's bare feet.",,1,0,entity,whole,entity - whole (figure),Is there a solitary figure? +vrd38,"A solitary figure stands on a sandy beach, shaded by a large red and white striped umbrella. The person is clad in bright yellow shorts and appears relaxed while under the protective cover of the umbrella. A silver metallic can lies on its side, partially buried in the sand, just a few steps away from the person's bare feet.",,2,0,entity,whole,entity - whole (beach),Is there a sandy beach? +vrd38,"A solitary figure stands on a sandy beach, shaded by a large red and white striped umbrella. The person is clad in bright yellow shorts and appears relaxed while under the protective cover of the umbrella. A silver metallic can lies on its side, partially buried in the sand, just a few steps away from the person's bare feet.",,3,0,entity,whole,entity - whole (umbrella),Is there an umbrella? +vrd38,"A solitary figure stands on a sandy beach, shaded by a large red and white striped umbrella. The person is clad in bright yellow shorts and appears relaxed while under the protective cover of the umbrella. A silver metallic can lies on its side, partially buried in the sand, just a few steps away from the person's bare feet.",,4,0,entity,whole,entity - whole (shorts),Are there shorts? +vrd38,"A solitary figure stands on a sandy beach, shaded by a large red and white striped umbrella. The person is clad in bright yellow shorts and appears relaxed while under the protective cover of the umbrella. A silver metallic can lies on its side, partially buried in the sand, just a few steps away from the person's bare feet.",,5,0,entity,whole,entity - whole (can),Is there a can? +vrd38,"A solitary figure stands on a sandy beach, shaded by a large red and white striped umbrella. The person is clad in bright yellow shorts and appears relaxed while under the protective cover of the umbrella. A silver metallic can lies on its side, partially buried in the sand, just a few steps away from the person's bare feet.",,6,3,attribute,color,"attribute - color (umbrella, red and white striped)",Is the umbrella red and white striped? +vrd38,"A solitary figure stands on a sandy beach, shaded by a large red and white striped umbrella. The person is clad in bright yellow shorts and appears relaxed while under the protective cover of the umbrella. A silver metallic can lies on its side, partially buried in the sand, just a few steps away from the person's bare feet.",,7,4,attribute,color,"attribute - color (shorts, bright yellow)",Are the shorts bright yellow? +vrd38,"A solitary figure stands on a sandy beach, shaded by a large red and white striped umbrella. The person is clad in bright yellow shorts and appears relaxed while under the protective cover of the umbrella. A silver metallic can lies on its side, partially buried in the sand, just a few steps away from the person's bare feet.",,8,2,attribute,texture,"attribute - texture (beach, sandy)",Is the beach sandy? +vrd38,"A solitary figure stands on a sandy beach, shaded by a large red and white striped umbrella. The person is clad in bright yellow shorts and appears relaxed while under the protective cover of the umbrella. A silver metallic can lies on its side, partially buried in the sand, just a few steps away from the person's bare feet.",,9,5,attribute,color,"attribute - color (can, silver metallic)",Is the can silver metallic? +vrd38,"A solitary figure stands on a sandy beach, shaded by a large red and white striped umbrella. The person is clad in bright yellow shorts and appears relaxed while under the protective cover of the umbrella. A silver metallic can lies on its side, partially buried in the sand, just a few steps away from the person's bare feet.",,10,1,entity,state,"entity - state (figure, relaxed)",Does the figure appear relaxed? +vrd38,"A solitary figure stands on a sandy beach, shaded by a large red and white striped umbrella. The person is clad in bright yellow shorts and appears relaxed while under the protective cover of the umbrella. A silver metallic can lies on its side, partially buried in the sand, just a few steps away from the person's bare feet.",,11,"3,2",relation,spatial,"relation - spatial (umbrella, beach, on)",Is the umbrella on the beach? +vrd38,"A solitary figure stands on a sandy beach, shaded by a large red and white striped umbrella. The person is clad in bright yellow shorts and appears relaxed while under the protective cover of the umbrella. A silver metallic can lies on its side, partially buried in the sand, just a few steps away from the person's bare feet.",,12,"1,3",relation,spatial,"relation - spatial (figure, umbrella, under)",Is the figure under the umbrella? +vrd38,"A solitary figure stands on a sandy beach, shaded by a large red and white striped umbrella. The person is clad in bright yellow shorts and appears relaxed while under the protective cover of the umbrella. A silver metallic can lies on its side, partially buried in the sand, just a few steps away from the person's bare feet.",,13,"5,2",relation,spatial,"relation - spatial (can, beach, on)",Is the can on the beach? +vrd38,"A solitary figure stands on a sandy beach, shaded by a large red and white striped umbrella. The person is clad in bright yellow shorts and appears relaxed while under the protective cover of the umbrella. A silver metallic can lies on its side, partially buried in the sand, just a few steps away from the person's bare feet.",,14,"5,1",relation,spatial,"relation - spatial (can, figure, few steps away)",Is the can just a few steps away from the figure's bare feet? +vrd38,"A solitary figure stands on a sandy beach, shaded by a large red and white striped umbrella. The person is clad in bright yellow shorts and appears relaxed while under the protective cover of the umbrella. A silver metallic can lies on its side, partially buried in the sand, just a few steps away from the person's bare feet.",,15,5,entity,state,"entity - state (can, partially buried in the sand)",Is the can partially buried in the sand? +diffusiondb35,"an intense scene unfolds on the streets of San Francisco, where bursts of orange muzzle flashes cut through the gray smoke billowing in the air. Armed police officers take cover behind their black and white patrol cars, exchanging fire with sharply dressed individuals, suspected members of the mafia, wielding shiny pistols. The chaos is concentrated on a street lined with historic red-brick buildings, their windows reflecting the glaring emergency lights of police vehicles. Nearby, discarded bullet casings glint on the asphalt, evidence of the fierce battle taking place.",,1,0,entity,whole,entity - whole (scene),Is there a scene? +diffusiondb35,"an intense scene unfolds on the streets of San Francisco, where bursts of orange muzzle flashes cut through the gray smoke billowing in the air. Armed police officers take cover behind their black and white patrol cars, exchanging fire with sharply dressed individuals, suspected members of the mafia, wielding shiny pistols. The chaos is concentrated on a street lined with historic red-brick buildings, their windows reflecting the glaring emergency lights of police vehicles. Nearby, discarded bullet casings glint on the asphalt, evidence of the fierce battle taking place.",,2,0,entity,whole,entity - whole (San Francisco streets),Are there streets in San Francisco? +diffusiondb35,"an intense scene unfolds on the streets of San Francisco, where bursts of orange muzzle flashes cut through the gray smoke billowing in the air. Armed police officers take cover behind their black and white patrol cars, exchanging fire with sharply dressed individuals, suspected members of the mafia, wielding shiny pistols. The chaos is concentrated on a street lined with historic red-brick buildings, their windows reflecting the glaring emergency lights of police vehicles. Nearby, discarded bullet casings glint on the asphalt, evidence of the fierce battle taking place.",,3,0,entity,whole,entity - whole (muzzle flashes),Are there muzzle flashes? +diffusiondb35,"an intense scene unfolds on the streets of San Francisco, where bursts of orange muzzle flashes cut through the gray smoke billowing in the air. Armed police officers take cover behind their black and white patrol cars, exchanging fire with sharply dressed individuals, suspected members of the mafia, wielding shiny pistols. The chaos is concentrated on a street lined with historic red-brick buildings, their windows reflecting the glaring emergency lights of police vehicles. Nearby, discarded bullet casings glint on the asphalt, evidence of the fierce battle taking place.",,4,0,entity,whole,entity - whole (smoke),Is there smoke? +diffusiondb35,"an intense scene unfolds on the streets of San Francisco, where bursts of orange muzzle flashes cut through the gray smoke billowing in the air. Armed police officers take cover behind their black and white patrol cars, exchanging fire with sharply dressed individuals, suspected members of the mafia, wielding shiny pistols. The chaos is concentrated on a street lined with historic red-brick buildings, their windows reflecting the glaring emergency lights of police vehicles. Nearby, discarded bullet casings glint on the asphalt, evidence of the fierce battle taking place.",,5,0,entity,whole,entity - whole (police officers),Are there armed police officers? +diffusiondb35,"an intense scene unfolds on the streets of San Francisco, where bursts of orange muzzle flashes cut through the gray smoke billowing in the air. Armed police officers take cover behind their black and white patrol cars, exchanging fire with sharply dressed individuals, suspected members of the mafia, wielding shiny pistols. The chaos is concentrated on a street lined with historic red-brick buildings, their windows reflecting the glaring emergency lights of police vehicles. Nearby, discarded bullet casings glint on the asphalt, evidence of the fierce battle taking place.",,6,0,entity,whole,entity - whole (patrol cars),Are there patrol cars? +diffusiondb35,"an intense scene unfolds on the streets of San Francisco, where bursts of orange muzzle flashes cut through the gray smoke billowing in the air. Armed police officers take cover behind their black and white patrol cars, exchanging fire with sharply dressed individuals, suspected members of the mafia, wielding shiny pistols. The chaos is concentrated on a street lined with historic red-brick buildings, their windows reflecting the glaring emergency lights of police vehicles. Nearby, discarded bullet casings glint on the asphalt, evidence of the fierce battle taking place.",,7,0,entity,whole,entity - whole (individuals),Are there individuals? +diffusiondb35,"an intense scene unfolds on the streets of San Francisco, where bursts of orange muzzle flashes cut through the gray smoke billowing in the air. Armed police officers take cover behind their black and white patrol cars, exchanging fire with sharply dressed individuals, suspected members of the mafia, wielding shiny pistols. The chaos is concentrated on a street lined with historic red-brick buildings, their windows reflecting the glaring emergency lights of police vehicles. Nearby, discarded bullet casings glint on the asphalt, evidence of the fierce battle taking place.",,8,0,entity,whole,entity - whole (pistols),Are there pistols? +diffusiondb35,"an intense scene unfolds on the streets of San Francisco, where bursts of orange muzzle flashes cut through the gray smoke billowing in the air. Armed police officers take cover behind their black and white patrol cars, exchanging fire with sharply dressed individuals, suspected members of the mafia, wielding shiny pistols. The chaos is concentrated on a street lined with historic red-brick buildings, their windows reflecting the glaring emergency lights of police vehicles. Nearby, discarded bullet casings glint on the asphalt, evidence of the fierce battle taking place.",,9,0,entity,whole,entity - whole (buildings),Are there buildings? +diffusiondb35,"an intense scene unfolds on the streets of San Francisco, where bursts of orange muzzle flashes cut through the gray smoke billowing in the air. Armed police officers take cover behind their black and white patrol cars, exchanging fire with sharply dressed individuals, suspected members of the mafia, wielding shiny pistols. The chaos is concentrated on a street lined with historic red-brick buildings, their windows reflecting the glaring emergency lights of police vehicles. Nearby, discarded bullet casings glint on the asphalt, evidence of the fierce battle taking place.",,10,0,entity,whole,entity - whole (bullet casings),Are there bullet casings? +whoops11,"In the renowned portrait, the subject, known as the Girl with a Pearl Earring, is actually adorned with a pearl drop earring rather than a golden hoop. The soft texture of her pale skin contrasts with the dark, liquid-like background, while her blue and gold turban adds a touch of vibrant color to the composition. Light gently caresses her face, highlighting the luminescent pearl that gracefully hangs from her earlobe.",,1,0,entity,whole,entity - whole (portrait),Is there a portrait? +whoops11,"In the renowned portrait, the subject, known as the Girl with a Pearl Earring, is actually adorned with a pearl drop earring rather than a golden hoop. The soft texture of her pale skin contrasts with the dark, liquid-like background, while her blue and gold turban adds a touch of vibrant color to the composition. Light gently caresses her face, highlighting the luminescent pearl that gracefully hangs from her earlobe.",,2,1,entity,whole,entity - whole (subject),Is there a subject in the portrait? +whoops11,"In the renowned portrait, the subject, known as the Girl with a Pearl Earring, is actually adorned with a pearl drop earring rather than a golden hoop. The soft texture of her pale skin contrasts with the dark, liquid-like background, while her blue and gold turban adds a touch of vibrant color to the composition. Light gently caresses her face, highlighting the luminescent pearl that gracefully hangs from her earlobe.",,3,2,entity,part,entity - part (earring),Is there an earring? +whoops11,"In the renowned portrait, the subject, known as the Girl with a Pearl Earring, is actually adorned with a pearl drop earring rather than a golden hoop. The soft texture of her pale skin contrasts with the dark, liquid-like background, while her blue and gold turban adds a touch of vibrant color to the composition. Light gently caresses her face, highlighting the luminescent pearl that gracefully hangs from her earlobe.",,4,2,entity,part,entity - part (turban),Is there a turban? +whoops11,"In the renowned portrait, the subject, known as the Girl with a Pearl Earring, is actually adorned with a pearl drop earring rather than a golden hoop. The soft texture of her pale skin contrasts with the dark, liquid-like background, while her blue and gold turban adds a touch of vibrant color to the composition. Light gently caresses her face, highlighting the luminescent pearl that gracefully hangs from her earlobe.",,5,4,attribute,color,"attribute - color (turban, blue)",Is the turban blue? +whoops11,"In the renowned portrait, the subject, known as the Girl with a Pearl Earring, is actually adorned with a pearl drop earring rather than a golden hoop. The soft texture of her pale skin contrasts with the dark, liquid-like background, while her blue and gold turban adds a touch of vibrant color to the composition. Light gently caresses her face, highlighting the luminescent pearl that gracefully hangs from her earlobe.",,6,4,attribute,color,"attribute - color (turban, gold)",Is the turban gold? +whoops11,"In the renowned portrait, the subject, known as the Girl with a Pearl Earring, is actually adorned with a pearl drop earring rather than a golden hoop. The soft texture of her pale skin contrasts with the dark, liquid-like background, while her blue and gold turban adds a touch of vibrant color to the composition. Light gently caresses her face, highlighting the luminescent pearl that gracefully hangs from her earlobe.",,7,2,attribute,texture,"attribute - texture (skin, soft)",Is the skin texture soft? +whoops11,"In the renowned portrait, the subject, known as the Girl with a Pearl Earring, is actually adorned with a pearl drop earring rather than a golden hoop. The soft texture of her pale skin contrasts with the dark, liquid-like background, while her blue and gold turban adds a touch of vibrant color to the composition. Light gently caresses her face, highlighting the luminescent pearl that gracefully hangs from her earlobe.",,8,1,attribute,texture,"attribute - texture (background, dark liquid-like)",Does the background have a dark liquid-like texture? +whoops11,"In the renowned portrait, the subject, known as the Girl with a Pearl Earring, is actually adorned with a pearl drop earring rather than a golden hoop. The soft texture of her pale skin contrasts with the dark, liquid-like background, while her blue and gold turban adds a touch of vibrant color to the composition. Light gently caresses her face, highlighting the luminescent pearl that gracefully hangs from her earlobe.",,9,3,attribute,color,"attribute - color (earring, pearl drop)",Is the earring a pearl drop? +whoops11,"In the renowned portrait, the subject, known as the Girl with a Pearl Earring, is actually adorned with a pearl drop earring rather than a golden hoop. The soft texture of her pale skin contrasts with the dark, liquid-like background, while her blue and gold turban adds a touch of vibrant color to the composition. Light gently caresses her face, highlighting the luminescent pearl that gracefully hangs from her earlobe.",,10,2,relation,non-spatial,"relation - non-spatial (light, face, caress)",Does the light gently caress the subject's face? +localized13,"In the foreground, two birds with vibrant feathers are perched upon rugged grey rocks that jut out near a tranquil pond with lush green plants at the water's edge. In the midground, a rustic wooden fence creates a boundary line, subtly dividing the natural scene from the world beyond. The background extends into a vast expanse of soft blue sky dotted with tufts of white clouds, stretching far into the horizon.",,1,0,entity,whole,entity - whole (birds),Are there birds? +localized13,"In the foreground, two birds with vibrant feathers are perched upon rugged grey rocks that jut out near a tranquil pond with lush green plants at the water's edge. In the midground, a rustic wooden fence creates a boundary line, subtly dividing the natural scene from the world beyond. The background extends into a vast expanse of soft blue sky dotted with tufts of white clouds, stretching far into the horizon.",,2,1,other,count,"other - count (birds, ==2)",Are there two birds? +localized13,"In the foreground, two birds with vibrant feathers are perched upon rugged grey rocks that jut out near a tranquil pond with lush green plants at the water's edge. In the midground, a rustic wooden fence creates a boundary line, subtly dividing the natural scene from the world beyond. The background extends into a vast expanse of soft blue sky dotted with tufts of white clouds, stretching far into the horizon.",,3,1,entity,whole,entity - whole (feathers),Are there feathers? +localized13,"In the foreground, two birds with vibrant feathers are perched upon rugged grey rocks that jut out near a tranquil pond with lush green plants at the water's edge. In the midground, a rustic wooden fence creates a boundary line, subtly dividing the natural scene from the world beyond. The background extends into a vast expanse of soft blue sky dotted with tufts of white clouds, stretching far into the horizon.",,4,0,entity,whole,entity - whole (rocks),Are there rocks? +localized13,"In the foreground, two birds with vibrant feathers are perched upon rugged grey rocks that jut out near a tranquil pond with lush green plants at the water's edge. In the midground, a rustic wooden fence creates a boundary line, subtly dividing the natural scene from the world beyond. The background extends into a vast expanse of soft blue sky dotted with tufts of white clouds, stretching far into the horizon.",,5,0,entity,whole,entity - whole (pond),Is there a pond? +localized13,"In the foreground, two birds with vibrant feathers are perched upon rugged grey rocks that jut out near a tranquil pond with lush green plants at the water's edge. In the midground, a rustic wooden fence creates a boundary line, subtly dividing the natural scene from the world beyond. The background extends into a vast expanse of soft blue sky dotted with tufts of white clouds, stretching far into the horizon.",,6,0,entity,whole,entity - whole (plants),Are there plants? +localized13,"In the foreground, two birds with vibrant feathers are perched upon rugged grey rocks that jut out near a tranquil pond with lush green plants at the water's edge. In the midground, a rustic wooden fence creates a boundary line, subtly dividing the natural scene from the world beyond. The background extends into a vast expanse of soft blue sky dotted with tufts of white clouds, stretching far into the horizon.",,7,0,entity,whole,entity - whole (fence),Is there a fence? +localized13,"In the foreground, two birds with vibrant feathers are perched upon rugged grey rocks that jut out near a tranquil pond with lush green plants at the water's edge. In the midground, a rustic wooden fence creates a boundary line, subtly dividing the natural scene from the world beyond. The background extends into a vast expanse of soft blue sky dotted with tufts of white clouds, stretching far into the horizon.",,8,0,entity,whole,entity - whole (sky),Is there a sky? +localized13,"In the foreground, two birds with vibrant feathers are perched upon rugged grey rocks that jut out near a tranquil pond with lush green plants at the water's edge. In the midground, a rustic wooden fence creates a boundary line, subtly dividing the natural scene from the world beyond. The background extends into a vast expanse of soft blue sky dotted with tufts of white clouds, stretching far into the horizon.",,9,0,entity,whole,entity - whole (clouds),Are there clouds? +localized13,"In the foreground, two birds with vibrant feathers are perched upon rugged grey rocks that jut out near a tranquil pond with lush green plants at the water's edge. In the midground, a rustic wooden fence creates a boundary line, subtly dividing the natural scene from the world beyond. The background extends into a vast expanse of soft blue sky dotted with tufts of white clouds, stretching far into the horizon.",,10,3,attribute,color,"attribute - color (feathers, vibrant)",Are the feathers vibrant? +localized13,"In the foreground, two birds with vibrant feathers are perched upon rugged grey rocks that jut out near a tranquil pond with lush green plants at the water's edge. In the midground, a rustic wooden fence creates a boundary line, subtly dividing the natural scene from the world beyond. The background extends into a vast expanse of soft blue sky dotted with tufts of white clouds, stretching far into the horizon.",,11,4,attribute,color,"attribute - color (rocks, grey)",Are the rocks grey? +localized13,"In the foreground, two birds with vibrant feathers are perched upon rugged grey rocks that jut out near a tranquil pond with lush green plants at the water's edge. In the midground, a rustic wooden fence creates a boundary line, subtly dividing the natural scene from the world beyond. The background extends into a vast expanse of soft blue sky dotted with tufts of white clouds, stretching far into the horizon.",,12,8,attribute,color,"attribute - color (sky, soft blue)",Is the sky soft blue? +localized13,"In the foreground, two birds with vibrant feathers are perched upon rugged grey rocks that jut out near a tranquil pond with lush green plants at the water's edge. In the midground, a rustic wooden fence creates a boundary line, subtly dividing the natural scene from the world beyond. The background extends into a vast expanse of soft blue sky dotted with tufts of white clouds, stretching far into the horizon.",,13,4,attribute,texture,"attribute - texture (rocks, rugged)",Are the rocks rugged? +localized13,"In the foreground, two birds with vibrant feathers are perched upon rugged grey rocks that jut out near a tranquil pond with lush green plants at the water's edge. In the midground, a rustic wooden fence creates a boundary line, subtly dividing the natural scene from the world beyond. The background extends into a vast expanse of soft blue sky dotted with tufts of white clouds, stretching far into the horizon.",,14,7,attribute,texture,"attribute - texture (fence, rustic wooden)",Is the fence made of rustic wooden material? +localized13,"In the foreground, two birds with vibrant feathers are perched upon rugged grey rocks that jut out near a tranquil pond with lush green plants at the water's edge. In the midground, a rustic wooden fence creates a boundary line, subtly dividing the natural scene from the world beyond. The background extends into a vast expanse of soft blue sky dotted with tufts of white clouds, stretching far into the horizon.",,15,"1,4",relation,spatial,"relation - spatial (birds, rocks, perched upon)",Are the birds perched upon the rocks? +localized13,"In the foreground, two birds with vibrant feathers are perched upon rugged grey rocks that jut out near a tranquil pond with lush green plants at the water's edge. In the midground, a rustic wooden fence creates a boundary line, subtly dividing the natural scene from the world beyond. The background extends into a vast expanse of soft blue sky dotted with tufts of white clouds, stretching far into the horizon.",,16,"4,5",relation,spatial,"relation - spatial (rocks, pond, near)",Are the rocks near the pond? +localized13,"In the foreground, two birds with vibrant feathers are perched upon rugged grey rocks that jut out near a tranquil pond with lush green plants at the water's edge. In the midground, a rustic wooden fence creates a boundary line, subtly dividing the natural scene from the world beyond. The background extends into a vast expanse of soft blue sky dotted with tufts of white clouds, stretching far into the horizon.",,17,"5,6",relation,spatial,"relation - spatial (plants, pond, at water's edge)",Are the plants at the water's edge of the pond? +localized13,"In the foreground, two birds with vibrant feathers are perched upon rugged grey rocks that jut out near a tranquil pond with lush green plants at the water's edge. In the midground, a rustic wooden fence creates a boundary line, subtly dividing the natural scene from the world beyond. The background extends into a vast expanse of soft blue sky dotted with tufts of white clouds, stretching far into the horizon.",,18,7,relation,non-spatial,"relation - non-spatial (fence, natural scene, divides)",Does the fence divide the natural scene from the world beyond? +localized13,"In the foreground, two birds with vibrant feathers are perched upon rugged grey rocks that jut out near a tranquil pond with lush green plants at the water's edge. In the midground, a rustic wooden fence creates a boundary line, subtly dividing the natural scene from the world beyond. The background extends into a vast expanse of soft blue sky dotted with tufts of white clouds, stretching far into the horizon.",,19,8,relation,spatial,"relation - spatial (sky, background, in)",Is the sky in the background? +diffusiondb15,"An awe-inspiring depiction of a gargantuan space squid, its tentacles wrapped tightly around a vividly colored planet, as it seems to consume the celestial body. The backdrop is a tapestry of outer space, scattered with twinkling stars and nebulous clouds, rendered in exquisite detail that highlights the surrealism of this cosmic horror. The artwork, suitable for an 8K resolution display, showcases the level of intricacy often celebrated on platforms like CGSociety, where digital fantasy artistry is pushed to the limits.",,1,0,entity,whole,entity - whole (space squid),Is there a space squid? +diffusiondb15,"An awe-inspiring depiction of a gargantuan space squid, its tentacles wrapped tightly around a vividly colored planet, as it seems to consume the celestial body. The backdrop is a tapestry of outer space, scattered with twinkling stars and nebulous clouds, rendered in exquisite detail that highlights the surrealism of this cosmic horror. The artwork, suitable for an 8K resolution display, showcases the level of intricacy often celebrated on platforms like CGSociety, where digital fantasy artistry is pushed to the limits.",,2,0,entity,whole,entity - whole (planet),Is there a planet? +diffusiondb15,"An awe-inspiring depiction of a gargantuan space squid, its tentacles wrapped tightly around a vividly colored planet, as it seems to consume the celestial body. The backdrop is a tapestry of outer space, scattered with twinkling stars and nebulous clouds, rendered in exquisite detail that highlights the surrealism of this cosmic horror. The artwork, suitable for an 8K resolution display, showcases the level of intricacy often celebrated on platforms like CGSociety, where digital fantasy artistry is pushed to the limits.",,3,0,entity,whole,entity - whole (stars),Are there stars? +diffusiondb15,"An awe-inspiring depiction of a gargantuan space squid, its tentacles wrapped tightly around a vividly colored planet, as it seems to consume the celestial body. The backdrop is a tapestry of outer space, scattered with twinkling stars and nebulous clouds, rendered in exquisite detail that highlights the surrealism of this cosmic horror. The artwork, suitable for an 8K resolution display, showcases the level of intricacy often celebrated on platforms like CGSociety, where digital fantasy artistry is pushed to the limits.",,4,0,entity,whole,entity - whole (nebulous clouds),Are there nebulous clouds? +diffusiondb15,"An awe-inspiring depiction of a gargantuan space squid, its tentacles wrapped tightly around a vividly colored planet, as it seems to consume the celestial body. The backdrop is a tapestry of outer space, scattered with twinkling stars and nebulous clouds, rendered in exquisite detail that highlights the surrealism of this cosmic horror. The artwork, suitable for an 8K resolution display, showcases the level of intricacy often celebrated on platforms like CGSociety, where digital fantasy artistry is pushed to the limits.",,5,0,global,,global - (artwork),Is this an artwork? +diffusiondb15,"An awe-inspiring depiction of a gargantuan space squid, its tentacles wrapped tightly around a vividly colored planet, as it seems to consume the celestial body. The backdrop is a tapestry of outer space, scattered with twinkling stars and nebulous clouds, rendered in exquisite detail that highlights the surrealism of this cosmic horror. The artwork, suitable for an 8K resolution display, showcases the level of intricacy often celebrated on platforms like CGSociety, where digital fantasy artistry is pushed to the limits.",,6,1,attribute,size,"attribute - size (space squid, gargantuan)",Is the space squid gargantuan? +diffusiondb15,"An awe-inspiring depiction of a gargantuan space squid, its tentacles wrapped tightly around a vividly colored planet, as it seems to consume the celestial body. The backdrop is a tapestry of outer space, scattered with twinkling stars and nebulous clouds, rendered in exquisite detail that highlights the surrealism of this cosmic horror. The artwork, suitable for an 8K resolution display, showcases the level of intricacy often celebrated on platforms like CGSociety, where digital fantasy artistry is pushed to the limits.",,7,2,attribute,color,"attribute - color (planet, vividly colored)",Is the planet vividly colored? +diffusiondb15,"An awe-inspiring depiction of a gargantuan space squid, its tentacles wrapped tightly around a vividly colored planet, as it seems to consume the celestial body. The backdrop is a tapestry of outer space, scattered with twinkling stars and nebulous clouds, rendered in exquisite detail that highlights the surrealism of this cosmic horror. The artwork, suitable for an 8K resolution display, showcases the level of intricacy often celebrated on platforms like CGSociety, where digital fantasy artistry is pushed to the limits.",,8,5,attribute,texture,"attribute - texture (backdrop, tapestry of outer space)",Does the backdrop resemble a tapestry of outer space? +diffusiondb15,"An awe-inspiring depiction of a gargantuan space squid, its tentacles wrapped tightly around a vividly colored planet, as it seems to consume the celestial body. The backdrop is a tapestry of outer space, scattered with twinkling stars and nebulous clouds, rendered in exquisite detail that highlights the surrealism of this cosmic horror. The artwork, suitable for an 8K resolution display, showcases the level of intricacy often celebrated on platforms like CGSociety, where digital fantasy artistry is pushed to the limits.",,9,"1,2",relation,spatial,"relation - spatial (tentacles, planet, wrapped around)",Are the tentacles of the space squid wrapped tightly around the planet? +diffusiondb38,"in the whimsical artwork by Remedios Varo, a boy roams through a cobbled street with a giant yellow and black butterfly on a leash. The butterfly towers over the boy, its wings a complex network of vibrant hues and patterns, contrasting with the dull grays and browns of the surrounding buildings. The boy, dressed in a simple green shirt and brown trousers, looks up in awe at his colossal companion as they proceed on their surreal promenade.",,1,0,entity,whole,entity - whole (artwork),Is there an artwork by Remedios Varo? +diffusiondb38,"in the whimsical artwork by Remedios Varo, a boy roams through a cobbled street with a giant yellow and black butterfly on a leash. The butterfly towers over the boy, its wings a complex network of vibrant hues and patterns, contrasting with the dull grays and browns of the surrounding buildings. The boy, dressed in a simple green shirt and brown trousers, looks up in awe at his colossal companion as they proceed on their surreal promenade.",,2,0,entity,whole,entity - whole (boy),Is there a boy in the artwork? +diffusiondb38,"in the whimsical artwork by Remedios Varo, a boy roams through a cobbled street with a giant yellow and black butterfly on a leash. The butterfly towers over the boy, its wings a complex network of vibrant hues and patterns, contrasting with the dull grays and browns of the surrounding buildings. The boy, dressed in a simple green shirt and brown trousers, looks up in awe at his colossal companion as they proceed on their surreal promenade.",,3,0,entity,whole,entity - whole (butterfly),Is there a butterfly in the artwork? +diffusiondb38,"in the whimsical artwork by Remedios Varo, a boy roams through a cobbled street with a giant yellow and black butterfly on a leash. The butterfly towers over the boy, its wings a complex network of vibrant hues and patterns, contrasting with the dull grays and browns of the surrounding buildings. The boy, dressed in a simple green shirt and brown trousers, looks up in awe at his colossal companion as they proceed on their surreal promenade.",,4,0,entity,whole,entity - whole (street),Is there a cobbled street in the artwork? +diffusiondb38,"in the whimsical artwork by Remedios Varo, a boy roams through a cobbled street with a giant yellow and black butterfly on a leash. The butterfly towers over the boy, its wings a complex network of vibrant hues and patterns, contrasting with the dull grays and browns of the surrounding buildings. The boy, dressed in a simple green shirt and brown trousers, looks up in awe at his colossal companion as they proceed on their surreal promenade.",,5,0,entity,whole,entity - whole (buildings),Are there buildings in the artwork? +diffusiondb38,"in the whimsical artwork by Remedios Varo, a boy roams through a cobbled street with a giant yellow and black butterfly on a leash. The butterfly towers over the boy, its wings a complex network of vibrant hues and patterns, contrasting with the dull grays and browns of the surrounding buildings. The boy, dressed in a simple green shirt and brown trousers, looks up in awe at his colossal companion as they proceed on their surreal promenade.",,6,3,attribute,color,"attribute - color (butterfly, yellow and black)",Is the butterfly yellow and black? +diffusiondb38,"in the whimsical artwork by Remedios Varo, a boy roams through a cobbled street with a giant yellow and black butterfly on a leash. The butterfly towers over the boy, its wings a complex network of vibrant hues and patterns, contrasting with the dull grays and browns of the surrounding buildings. The boy, dressed in a simple green shirt and brown trousers, looks up in awe at his colossal companion as they proceed on their surreal promenade.",,7,2,attribute,color,"attribute - color (shirt, green)",Is the boy's shirt green? +diffusiondb38,"in the whimsical artwork by Remedios Varo, a boy roams through a cobbled street with a giant yellow and black butterfly on a leash. The butterfly towers over the boy, its wings a complex network of vibrant hues and patterns, contrasting with the dull grays and browns of the surrounding buildings. The boy, dressed in a simple green shirt and brown trousers, looks up in awe at his colossal companion as they proceed on their surreal promenade.",,8,2,attribute,color,"attribute - color (trousers, brown)",Are the boy's trousers brown? +diffusiondb38,"in the whimsical artwork by Remedios Varo, a boy roams through a cobbled street with a giant yellow and black butterfly on a leash. The butterfly towers over the boy, its wings a complex network of vibrant hues and patterns, contrasting with the dull grays and browns of the surrounding buildings. The boy, dressed in a simple green shirt and brown trousers, looks up in awe at his colossal companion as they proceed on their surreal promenade.",,9,3,attribute,texture,"attribute - texture (wings, complex network of vibrant hues and patterns)",Do the butterfly's wings have a complex network of vibrant hues and patterns? +diffusiondb38,"in the whimsical artwork by Remedios Varo, a boy roams through a cobbled street with a giant yellow and black butterfly on a leash. The butterfly towers over the boy, its wings a complex network of vibrant hues and patterns, contrasting with the dull grays and browns of the surrounding buildings. The boy, dressed in a simple green shirt and brown trousers, looks up in awe at his colossal companion as they proceed on their surreal promenade.",,10,"2,4",relation,spatial,"relation - spatial (boy, street, on)",Is the boy on the street? +diffusiondb38,"in the whimsical artwork by Remedios Varo, a boy roams through a cobbled street with a giant yellow and black butterfly on a leash. The butterfly towers over the boy, its wings a complex network of vibrant hues and patterns, contrasting with the dull grays and browns of the surrounding buildings. The boy, dressed in a simple green shirt and brown trousers, looks up in awe at his colossal companion as they proceed on their surreal promenade.",,11,"3,2",relation,spatial,"relation - spatial (butterfly, boy, towers over)",Does the butterfly tower over the boy? +diffusiondb38,"in the whimsical artwork by Remedios Varo, a boy roams through a cobbled street with a giant yellow and black butterfly on a leash. The butterfly towers over the boy, its wings a complex network of vibrant hues and patterns, contrasting with the dull grays and browns of the surrounding buildings. The boy, dressed in a simple green shirt and brown trousers, looks up in awe at his colossal companion as they proceed on their surreal promenade.",,13,"2,3",relation,non-spatial,"relation - non-spatial (boy, butterfly, on a leash)",Is the butterfly on a leash? +diffusiondb38,"in the whimsical artwork by Remedios Varo, a boy roams through a cobbled street with a giant yellow and black butterfly on a leash. The butterfly towers over the boy, its wings a complex network of vibrant hues and patterns, contrasting with the dull grays and browns of the surrounding buildings. The boy, dressed in a simple green shirt and brown trousers, looks up in awe at his colossal companion as they proceed on their surreal promenade.",,14,2,entity,state,"entity - state (boy, dressed in a simple shirt and trousers)",Is the boy dressed in a simple shirt and trousers? +diffusiondb38,"in the whimsical artwork by Remedios Varo, a boy roams through a cobbled street with a giant yellow and black butterfly on a leash. The butterfly towers over the boy, its wings a complex network of vibrant hues and patterns, contrasting with the dull grays and browns of the surrounding buildings. The boy, dressed in a simple green shirt and brown trousers, looks up in awe at his colossal companion as they proceed on their surreal promenade.",,15,2,entity,state,"entity - state (boy, looks up in awe)",Does the boy look up in awe at the butterfly? +vrd11,"A picturesque scene where the expansive blue sky arches over a stationary train, which sits on a set of tracks that cut a straight line through the landscape. The train engine is an unusual sight, covered in tufts of green grass, creating a contrast between machinery and nature. In the distance, a mountain looms over the train, imposing its grandeur on the scene. Below the grass-adorned engine, the hard gravel of the track meets the edge of an asphalt road that runs parallel, with more trains in the distance continuing their journey under the vast sky.",,1,0,entity,whole,entity - whole (sky),Is there a sky? +vrd11,"A picturesque scene where the expansive blue sky arches over a stationary train, which sits on a set of tracks that cut a straight line through the landscape. The train engine is an unusual sight, covered in tufts of green grass, creating a contrast between machinery and nature. In the distance, a mountain looms over the train, imposing its grandeur on the scene. Below the grass-adorned engine, the hard gravel of the track meets the edge of an asphalt road that runs parallel, with more trains in the distance continuing their journey under the vast sky.",,2,0,entity,whole,entity - whole (train),Is there a train? +vrd11,"A picturesque scene where the expansive blue sky arches over a stationary train, which sits on a set of tracks that cut a straight line through the landscape. The train engine is an unusual sight, covered in tufts of green grass, creating a contrast between machinery and nature. In the distance, a mountain looms over the train, imposing its grandeur on the scene. Below the grass-adorned engine, the hard gravel of the track meets the edge of an asphalt road that runs parallel, with more trains in the distance continuing their journey under the vast sky.",,3,2,entity,whole,entity - whole (train engine),Is there a train engine? +vrd11,"A picturesque scene where the expansive blue sky arches over a stationary train, which sits on a set of tracks that cut a straight line through the landscape. The train engine is an unusual sight, covered in tufts of green grass, creating a contrast between machinery and nature. In the distance, a mountain looms over the train, imposing its grandeur on the scene. Below the grass-adorned engine, the hard gravel of the track meets the edge of an asphalt road that runs parallel, with more trains in the distance continuing their journey under the vast sky.",,4,0,entity,whole,entity - whole (tracks),Are there tracks? +vrd11,"A picturesque scene where the expansive blue sky arches over a stationary train, which sits on a set of tracks that cut a straight line through the landscape. The train engine is an unusual sight, covered in tufts of green grass, creating a contrast between machinery and nature. In the distance, a mountain looms over the train, imposing its grandeur on the scene. Below the grass-adorned engine, the hard gravel of the track meets the edge of an asphalt road that runs parallel, with more trains in the distance continuing their journey under the vast sky.",,5,0,entity,whole,entity - whole (landscape),Is there a landscape? +vrd11,"A picturesque scene where the expansive blue sky arches over a stationary train, which sits on a set of tracks that cut a straight line through the landscape. The train engine is an unusual sight, covered in tufts of green grass, creating a contrast between machinery and nature. In the distance, a mountain looms over the train, imposing its grandeur on the scene. Below the grass-adorned engine, the hard gravel of the track meets the edge of an asphalt road that runs parallel, with more trains in the distance continuing their journey under the vast sky.",,6,0,entity,whole,entity - whole (mountain),Is there a mountain? +vrd11,"A picturesque scene where the expansive blue sky arches over a stationary train, which sits on a set of tracks that cut a straight line through the landscape. The train engine is an unusual sight, covered in tufts of green grass, creating a contrast between machinery and nature. In the distance, a mountain looms over the train, imposing its grandeur on the scene. Below the grass-adorned engine, the hard gravel of the track meets the edge of an asphalt road that runs parallel, with more trains in the distance continuing their journey under the vast sky.",,7,0,entity,whole,entity - whole (road),Is there a road? +vrd11,"A picturesque scene where the expansive blue sky arches over a stationary train, which sits on a set of tracks that cut a straight line through the landscape. The train engine is an unusual sight, covered in tufts of green grass, creating a contrast between machinery and nature. In the distance, a mountain looms over the train, imposing its grandeur on the scene. Below the grass-adorned engine, the hard gravel of the track meets the edge of an asphalt road that runs parallel, with more trains in the distance continuing their journey under the vast sky.",,8,1,attribute,color,"attribute - color (sky, blue)",Is the sky blue? +vrd11,"A picturesque scene where the expansive blue sky arches over a stationary train, which sits on a set of tracks that cut a straight line through the landscape. The train engine is an unusual sight, covered in tufts of green grass, creating a contrast between machinery and nature. In the distance, a mountain looms over the train, imposing its grandeur on the scene. Below the grass-adorned engine, the hard gravel of the track meets the edge of an asphalt road that runs parallel, with more trains in the distance continuing their journey under the vast sky.",,9,3,attribute,texture,"attribute - texture (train engine, grass-covered)",Is the train engine covered in tufts of green grass? +vrd11,"A picturesque scene where the expansive blue sky arches over a stationary train, which sits on a set of tracks that cut a straight line through the landscape. The train engine is an unusual sight, covered in tufts of green grass, creating a contrast between machinery and nature. In the distance, a mountain looms over the train, imposing its grandeur on the scene. Below the grass-adorned engine, the hard gravel of the track meets the edge of an asphalt road that runs parallel, with more trains in the distance continuing their journey under the vast sky.",,10,4,attribute,texture,"attribute - texture (track, gravel)",Is the track made of gravel? +vrd11,"A picturesque scene where the expansive blue sky arches over a stationary train, which sits on a set of tracks that cut a straight line through the landscape. The train engine is an unusual sight, covered in tufts of green grass, creating a contrast between machinery and nature. In the distance, a mountain looms over the train, imposing its grandeur on the scene. Below the grass-adorned engine, the hard gravel of the track meets the edge of an asphalt road that runs parallel, with more trains in the distance continuing their journey under the vast sky.",,11,"1,5",relation,spatial,"relation - spatial (sky, landscape, over)",Does the sky arch over the landscape? +vrd11,"A picturesque scene where the expansive blue sky arches over a stationary train, which sits on a set of tracks that cut a straight line through the landscape. The train engine is an unusual sight, covered in tufts of green grass, creating a contrast between machinery and nature. In the distance, a mountain looms over the train, imposing its grandeur on the scene. Below the grass-adorned engine, the hard gravel of the track meets the edge of an asphalt road that runs parallel, with more trains in the distance continuing their journey under the vast sky.",,12,"2,4",relation,spatial,"relation - spatial (train, tracks, on)",Is the train on the tracks? +vrd11,"A picturesque scene where the expansive blue sky arches over a stationary train, which sits on a set of tracks that cut a straight line through the landscape. The train engine is an unusual sight, covered in tufts of green grass, creating a contrast between machinery and nature. In the distance, a mountain looms over the train, imposing its grandeur on the scene. Below the grass-adorned engine, the hard gravel of the track meets the edge of an asphalt road that runs parallel, with more trains in the distance continuing their journey under the vast sky.",,13,"6,2",relation,spatial,"relation - spatial (mountain, train, over)",Does the mountain loom over the train? +vrd11,"A picturesque scene where the expansive blue sky arches over a stationary train, which sits on a set of tracks that cut a straight line through the landscape. The train engine is an unusual sight, covered in tufts of green grass, creating a contrast between machinery and nature. In the distance, a mountain looms over the train, imposing its grandeur on the scene. Below the grass-adorned engine, the hard gravel of the track meets the edge of an asphalt road that runs parallel, with more trains in the distance continuing their journey under the vast sky.",,14,"3,7",relation,spatial,"relation - spatial (engine, road, parallel)",Does the engine run parallel to the road? +vrd11,"A picturesque scene where the expansive blue sky arches over a stationary train, which sits on a set of tracks that cut a straight line through the landscape. The train engine is an unusual sight, covered in tufts of green grass, creating a contrast between machinery and nature. In the distance, a mountain looms over the train, imposing its grandeur on the scene. Below the grass-adorned engine, the hard gravel of the track meets the edge of an asphalt road that runs parallel, with more trains in the distance continuing their journey under the vast sky.",,15,2,entity,state,"entity - state (train, stationary)",Is the train stationary? +countbench6,"A detailed vector illustration showcasing four separate square compositions, each highlighting different aspects of waste management and recycling processes. The vibrant images feature a variety of flat design icons and pictograms that represent sorting bins, recycling symbols, and cleaning equipment. Each square has a distinct color palette to categorize the type of waste, ranging from organic to plastic, metal, and paper, emphasizing the importance of recycling and proper disposal.",,1,0,entity,whole,entity - whole (vector illustration),Is there a vector illustration? +countbench6,"A detailed vector illustration showcasing four separate square compositions, each highlighting different aspects of waste management and recycling processes. The vibrant images feature a variety of flat design icons and pictograms that represent sorting bins, recycling symbols, and cleaning equipment. Each square has a distinct color palette to categorize the type of waste, ranging from organic to plastic, metal, and paper, emphasizing the importance of recycling and proper disposal.",,2,1,other,count,"other - count (square compositions, ==4)",Are there four separate square compositions? +countbench6,"A detailed vector illustration showcasing four separate square compositions, each highlighting different aspects of waste management and recycling processes. The vibrant images feature a variety of flat design icons and pictograms that represent sorting bins, recycling symbols, and cleaning equipment. Each square has a distinct color palette to categorize the type of waste, ranging from organic to plastic, metal, and paper, emphasizing the importance of recycling and proper disposal.",,3,1,global,,"global - (illustration, detailed)",Is the illustration detailed? +countbench6,"A detailed vector illustration showcasing four separate square compositions, each highlighting different aspects of waste management and recycling processes. The vibrant images feature a variety of flat design icons and pictograms that represent sorting bins, recycling symbols, and cleaning equipment. Each square has a distinct color palette to categorize the type of waste, ranging from organic to plastic, metal, and paper, emphasizing the importance of recycling and proper disposal.",,4,0,entity,whole,entity - whole (icons),Are there icons? +countbench6,"A detailed vector illustration showcasing four separate square compositions, each highlighting different aspects of waste management and recycling processes. The vibrant images feature a variety of flat design icons and pictograms that represent sorting bins, recycling symbols, and cleaning equipment. Each square has a distinct color palette to categorize the type of waste, ranging from organic to plastic, metal, and paper, emphasizing the importance of recycling and proper disposal.",,5,0,entity,whole,entity - whole (pictograms),Are there pictograms? +countbench6,"A detailed vector illustration showcasing four separate square compositions, each highlighting different aspects of waste management and recycling processes. The vibrant images feature a variety of flat design icons and pictograms that represent sorting bins, recycling symbols, and cleaning equipment. Each square has a distinct color palette to categorize the type of waste, ranging from organic to plastic, metal, and paper, emphasizing the importance of recycling and proper disposal.",,6,4,entity,part,"entity - part (icons, sorting bins)",Do the icons represent sorting bins? +countbench6,"A detailed vector illustration showcasing four separate square compositions, each highlighting different aspects of waste management and recycling processes. The vibrant images feature a variety of flat design icons and pictograms that represent sorting bins, recycling symbols, and cleaning equipment. Each square has a distinct color palette to categorize the type of waste, ranging from organic to plastic, metal, and paper, emphasizing the importance of recycling and proper disposal.",,7,4,entity,part,"entity - part (icons, recycling symbols)",Do the icons include recycling symbols? +countbench6,"A detailed vector illustration showcasing four separate square compositions, each highlighting different aspects of waste management and recycling processes. The vibrant images feature a variety of flat design icons and pictograms that represent sorting bins, recycling symbols, and cleaning equipment. Each square has a distinct color palette to categorize the type of waste, ranging from organic to plastic, metal, and paper, emphasizing the importance of recycling and proper disposal.",,8,4,entity,part,"entity - part (icons, cleaning equipment)",Do the icons feature cleaning equipment? +countbench6,"A detailed vector illustration showcasing four separate square compositions, each highlighting different aspects of waste management and recycling processes. The vibrant images feature a variety of flat design icons and pictograms that represent sorting bins, recycling symbols, and cleaning equipment. Each square has a distinct color palette to categorize the type of waste, ranging from organic to plastic, metal, and paper, emphasizing the importance of recycling and proper disposal.",,9,2,attribute,color,"attribute - color (square_1, distinct palette)",Does the first square have a distinct color palette? +countbench6,"A detailed vector illustration showcasing four separate square compositions, each highlighting different aspects of waste management and recycling processes. The vibrant images feature a variety of flat design icons and pictograms that represent sorting bins, recycling symbols, and cleaning equipment. Each square has a distinct color palette to categorize the type of waste, ranging from organic to plastic, metal, and paper, emphasizing the importance of recycling and proper disposal.",,10,2,attribute,color,"attribute - color (square_2, distinct palette)",Does the second square have a distinct color palette? +countbench6,"A detailed vector illustration showcasing four separate square compositions, each highlighting different aspects of waste management and recycling processes. The vibrant images feature a variety of flat design icons and pictograms that represent sorting bins, recycling symbols, and cleaning equipment. Each square has a distinct color palette to categorize the type of waste, ranging from organic to plastic, metal, and paper, emphasizing the importance of recycling and proper disposal.",,11,2,attribute,color,"attribute - color (square_3, distinct palette)",Does the third square have a distinct color palette? +countbench6,"A detailed vector illustration showcasing four separate square compositions, each highlighting different aspects of waste management and recycling processes. The vibrant images feature a variety of flat design icons and pictograms that represent sorting bins, recycling symbols, and cleaning equipment. Each square has a distinct color palette to categorize the type of waste, ranging from organic to plastic, metal, and paper, emphasizing the importance of recycling and proper disposal.",,12,2,attribute,color,"attribute - color (square_4, distinct palette)",Does the fourth square have a distinct color palette? +diffusiondb25," an elaborate digital masterpiece that features the artist Tommy Cash, rendered in the distinctive and psychedelic style of Alex Grey combined with the nostalgic Americana of Norman Rockwell. The high-resolution 8K image is bursting with ornate details and intricate patterns, creating a fantasy-like atmosphere. Tommy Cash is depicted with hyper-realistic skin tones and textures, surrounded by a kaleidoscopic array of symbolic elements and vibrant colors.",,1,0,entity,whole,entity - whole (digital masterpiece),Is there a digital masterpiece? +diffusiondb25," an elaborate digital masterpiece that features the artist Tommy Cash, rendered in the distinctive and psychedelic style of Alex Grey combined with the nostalgic Americana of Norman Rockwell. The high-resolution 8K image is bursting with ornate details and intricate patterns, creating a fantasy-like atmosphere. Tommy Cash is depicted with hyper-realistic skin tones and textures, surrounded by a kaleidoscopic array of symbolic elements and vibrant colors.",,2,0,entity,whole,"entity - whole (artist, Tommy Cash)",Does the artwork feature the artist Tommy Cash? +diffusiondb25," an elaborate digital masterpiece that features the artist Tommy Cash, rendered in the distinctive and psychedelic style of Alex Grey combined with the nostalgic Americana of Norman Rockwell. The high-resolution 8K image is bursting with ornate details and intricate patterns, creating a fantasy-like atmosphere. Tommy Cash is depicted with hyper-realistic skin tones and textures, surrounded by a kaleidoscopic array of symbolic elements and vibrant colors.",,3,0,global,,"global - (style, Alex Grey)",Is the style reminiscent of Alex Grey? +diffusiondb25," an elaborate digital masterpiece that features the artist Tommy Cash, rendered in the distinctive and psychedelic style of Alex Grey combined with the nostalgic Americana of Norman Rockwell. The high-resolution 8K image is bursting with ornate details and intricate patterns, creating a fantasy-like atmosphere. Tommy Cash is depicted with hyper-realistic skin tones and textures, surrounded by a kaleidoscopic array of symbolic elements and vibrant colors.",,4,0,global,,"global - (style, Norman Rockwell)",Does it have the nostalgic Americana feel of Norman Rockwell? +diffusiondb25," an elaborate digital masterpiece that features the artist Tommy Cash, rendered in the distinctive and psychedelic style of Alex Grey combined with the nostalgic Americana of Norman Rockwell. The high-resolution 8K image is bursting with ornate details and intricate patterns, creating a fantasy-like atmosphere. Tommy Cash is depicted with hyper-realistic skin tones and textures, surrounded by a kaleidoscopic array of symbolic elements and vibrant colors.",,5,0,global,,"global - (resolution, 8K)",Is the image high-resolution 8K? +diffusiondb25," an elaborate digital masterpiece that features the artist Tommy Cash, rendered in the distinctive and psychedelic style of Alex Grey combined with the nostalgic Americana of Norman Rockwell. The high-resolution 8K image is bursting with ornate details and intricate patterns, creating a fantasy-like atmosphere. Tommy Cash is depicted with hyper-realistic skin tones and textures, surrounded by a kaleidoscopic array of symbolic elements and vibrant colors.",,6,2,attribute,texture,"attribute - texture (Tommy Cash, hyper-realistic skin)",Does Tommy Cash have hyper-realistic skin tones and textures? +diffusiondb25," an elaborate digital masterpiece that features the artist Tommy Cash, rendered in the distinctive and psychedelic style of Alex Grey combined with the nostalgic Americana of Norman Rockwell. The high-resolution 8K image is bursting with ornate details and intricate patterns, creating a fantasy-like atmosphere. Tommy Cash is depicted with hyper-realistic skin tones and textures, surrounded by a kaleidoscopic array of symbolic elements and vibrant colors.",,7,1,attribute,other,"attribute - other (digital masterpiece, ornate details)",Does the digital masterpiece contain ornate details? +diffusiondb25," an elaborate digital masterpiece that features the artist Tommy Cash, rendered in the distinctive and psychedelic style of Alex Grey combined with the nostalgic Americana of Norman Rockwell. The high-resolution 8K image is bursting with ornate details and intricate patterns, creating a fantasy-like atmosphere. Tommy Cash is depicted with hyper-realistic skin tones and textures, surrounded by a kaleidoscopic array of symbolic elements and vibrant colors.",,8,1,attribute,other,"attribute - other (digital masterpiece, intricate patterns)",Are there intricate patterns in the digital masterpiece? +diffusiondb25," an elaborate digital masterpiece that features the artist Tommy Cash, rendered in the distinctive and psychedelic style of Alex Grey combined with the nostalgic Americana of Norman Rockwell. The high-resolution 8K image is bursting with ornate details and intricate patterns, creating a fantasy-like atmosphere. Tommy Cash is depicted with hyper-realistic skin tones and textures, surrounded by a kaleidoscopic array of symbolic elements and vibrant colors.",,9,1,attribute,other,"attribute - other (digital masterpiece, fantasy-like atmosphere)",Does the digital masterpiece create a fantasy-like atmosphere? +diffusiondb25," an elaborate digital masterpiece that features the artist Tommy Cash, rendered in the distinctive and psychedelic style of Alex Grey combined with the nostalgic Americana of Norman Rockwell. The high-resolution 8K image is bursting with ornate details and intricate patterns, creating a fantasy-like atmosphere. Tommy Cash is depicted with hyper-realistic skin tones and textures, surrounded by a kaleidoscopic array of symbolic elements and vibrant colors.",,10,2,relation,spatial,"relation - spatial (Tommy Cash, symbolic elements, surrounded by)",Is Tommy Cash surrounded by a kaleidoscopic array of symbolic elements? +vrd27,"In a tidy office setting, an individual dressed in a crisp white shirt stands beside a sleek black desk. A neatly hung grey coat can be seen on a coat stand to the person's left. Underneath this desk, a brown leather bag rests against one of the desk's steel legs. This person is also wearing clear glasses with a silver frame, which complement the professional attire.",,1,0,entity,whole,entity - whole (office setting),Is there an office setting? +vrd27,"In a tidy office setting, an individual dressed in a crisp white shirt stands beside a sleek black desk. A neatly hung grey coat can be seen on a coat stand to the person's left. Underneath this desk, a brown leather bag rests against one of the desk's steel legs. This person is also wearing clear glasses with a silver frame, which complement the professional attire.",,2,0,entity,whole,entity - whole (individual),Is there an individual? +vrd27,"In a tidy office setting, an individual dressed in a crisp white shirt stands beside a sleek black desk. A neatly hung grey coat can be seen on a coat stand to the person's left. Underneath this desk, a brown leather bag rests against one of the desk's steel legs. This person is also wearing clear glasses with a silver frame, which complement the professional attire.",,3,0,entity,whole,entity - whole (shirt),Is there a shirt? +vrd27,"In a tidy office setting, an individual dressed in a crisp white shirt stands beside a sleek black desk. A neatly hung grey coat can be seen on a coat stand to the person's left. Underneath this desk, a brown leather bag rests against one of the desk's steel legs. This person is also wearing clear glasses with a silver frame, which complement the professional attire.",,4,0,entity,whole,entity - whole (desk),Is there a desk? +vrd27,"In a tidy office setting, an individual dressed in a crisp white shirt stands beside a sleek black desk. A neatly hung grey coat can be seen on a coat stand to the person's left. Underneath this desk, a brown leather bag rests against one of the desk's steel legs. This person is also wearing clear glasses with a silver frame, which complement the professional attire.",,5,0,entity,whole,entity - whole (coat),Is there a coat? +vrd27,"In a tidy office setting, an individual dressed in a crisp white shirt stands beside a sleek black desk. A neatly hung grey coat can be seen on a coat stand to the person's left. Underneath this desk, a brown leather bag rests against one of the desk's steel legs. This person is also wearing clear glasses with a silver frame, which complement the professional attire.",,6,0,entity,whole,entity - whole (coat stand),Is there a coat stand? +vrd27,"In a tidy office setting, an individual dressed in a crisp white shirt stands beside a sleek black desk. A neatly hung grey coat can be seen on a coat stand to the person's left. Underneath this desk, a brown leather bag rests against one of the desk's steel legs. This person is also wearing clear glasses with a silver frame, which complement the professional attire.",,7,0,entity,whole,entity - whole (bag),Is there a bag? +vrd27,"In a tidy office setting, an individual dressed in a crisp white shirt stands beside a sleek black desk. A neatly hung grey coat can be seen on a coat stand to the person's left. Underneath this desk, a brown leather bag rests against one of the desk's steel legs. This person is also wearing clear glasses with a silver frame, which complement the professional attire.",,8,0,entity,whole,entity - whole (glasses),Are there glasses? +vrd27,"In a tidy office setting, an individual dressed in a crisp white shirt stands beside a sleek black desk. A neatly hung grey coat can be seen on a coat stand to the person's left. Underneath this desk, a brown leather bag rests against one of the desk's steel legs. This person is also wearing clear glasses with a silver frame, which complement the professional attire.",,9,3,attribute,color,"attribute - color (shirt, white)",Is the shirt white? +vrd27,"In a tidy office setting, an individual dressed in a crisp white shirt stands beside a sleek black desk. A neatly hung grey coat can be seen on a coat stand to the person's left. Underneath this desk, a brown leather bag rests against one of the desk's steel legs. This person is also wearing clear glasses with a silver frame, which complement the professional attire.",,10,4,attribute,color,"attribute - color (desk, black)",Is the desk black? +vrd27,"In a tidy office setting, an individual dressed in a crisp white shirt stands beside a sleek black desk. A neatly hung grey coat can be seen on a coat stand to the person's left. Underneath this desk, a brown leather bag rests against one of the desk's steel legs. This person is also wearing clear glasses with a silver frame, which complement the professional attire.",,11,5,attribute,color,"attribute - color (coat, grey)",Is the coat grey? +vrd27,"In a tidy office setting, an individual dressed in a crisp white shirt stands beside a sleek black desk. A neatly hung grey coat can be seen on a coat stand to the person's left. Underneath this desk, a brown leather bag rests against one of the desk's steel legs. This person is also wearing clear glasses with a silver frame, which complement the professional attire.",,12,7,attribute,color,"attribute - color (bag, brown)",Is the bag brown? +vrd27,"In a tidy office setting, an individual dressed in a crisp white shirt stands beside a sleek black desk. A neatly hung grey coat can be seen on a coat stand to the person's left. Underneath this desk, a brown leather bag rests against one of the desk's steel legs. This person is also wearing clear glasses with a silver frame, which complement the professional attire.",,13,8,attribute,color,"attribute - color (glasses, clear)",Are the glasses clear? +vrd27,"In a tidy office setting, an individual dressed in a crisp white shirt stands beside a sleek black desk. A neatly hung grey coat can be seen on a coat stand to the person's left. Underneath this desk, a brown leather bag rests against one of the desk's steel legs. This person is also wearing clear glasses with a silver frame, which complement the professional attire.",,14,8,attribute,other,"attribute - other (glasses, silver frame)",Do the glasses have a silver frame? +vrd27,"In a tidy office setting, an individual dressed in a crisp white shirt stands beside a sleek black desk. A neatly hung grey coat can be seen on a coat stand to the person's left. Underneath this desk, a brown leather bag rests against one of the desk's steel legs. This person is also wearing clear glasses with a silver frame, which complement the professional attire.",,15,4,attribute,texture,"attribute - texture (desk, sleek)",Is the desk sleek? +vrd27,"In a tidy office setting, an individual dressed in a crisp white shirt stands beside a sleek black desk. A neatly hung grey coat can be seen on a coat stand to the person's left. Underneath this desk, a brown leather bag rests against one of the desk's steel legs. This person is also wearing clear glasses with a silver frame, which complement the professional attire.",,16,7,attribute,texture,"attribute - texture (bag, leather)",Is the bag made of leather? +vrd27,"In a tidy office setting, an individual dressed in a crisp white shirt stands beside a sleek black desk. A neatly hung grey coat can be seen on a coat stand to the person's left. Underneath this desk, a brown leather bag rests against one of the desk's steel legs. This person is also wearing clear glasses with a silver frame, which complement the professional attire.",,17,4,attribute,other,"attribute - other (desk, steel legs)",Does the desk have steel legs? +vrd27,"In a tidy office setting, an individual dressed in a crisp white shirt stands beside a sleek black desk. A neatly hung grey coat can be seen on a coat stand to the person's left. Underneath this desk, a brown leather bag rests against one of the desk's steel legs. This person is also wearing clear glasses with a silver frame, which complement the professional attire.",,18,5,entity,state,"entity - state (coat, hung)",Is the coat hung? +vrd27,"In a tidy office setting, an individual dressed in a crisp white shirt stands beside a sleek black desk. A neatly hung grey coat can be seen on a coat stand to the person's left. Underneath this desk, a brown leather bag rests against one of the desk's steel legs. This person is also wearing clear glasses with a silver frame, which complement the professional attire.",,19,2,entity,state,"entity - state (individual, stand)",Is the individual standing? +vrd27,"In a tidy office setting, an individual dressed in a crisp white shirt stands beside a sleek black desk. A neatly hung grey coat can be seen on a coat stand to the person's left. Underneath this desk, a brown leather bag rests against one of the desk's steel legs. This person is also wearing clear glasses with a silver frame, which complement the professional attire.",,20,"2,4",relation,spatial,"relation - spatial (individual, desk, beside)",Is the individual beside the desk? +vrd27,"In a tidy office setting, an individual dressed in a crisp white shirt stands beside a sleek black desk. A neatly hung grey coat can be seen on a coat stand to the person's left. Underneath this desk, a brown leather bag rests against one of the desk's steel legs. This person is also wearing clear glasses with a silver frame, which complement the professional attire.",,21,"5,6",relation,spatial,"relation - spatial (coat, coat stand, on)",Is the coat on the coat stand? +vrd27,"In a tidy office setting, an individual dressed in a crisp white shirt stands beside a sleek black desk. A neatly hung grey coat can be seen on a coat stand to the person's left. Underneath this desk, a brown leather bag rests against one of the desk's steel legs. This person is also wearing clear glasses with a silver frame, which complement the professional attire.",,22,"4,7",relation,spatial,"relation - spatial (bag, desk, underneath)",Is the bag underneath the desk? +vrd27,"In a tidy office setting, an individual dressed in a crisp white shirt stands beside a sleek black desk. A neatly hung grey coat can be seen on a coat stand to the person's left. Underneath this desk, a brown leather bag rests against one of the desk's steel legs. This person is also wearing clear glasses with a silver frame, which complement the professional attire.",,23,"2,6",relation,spatial,"relation - spatial (coat stand, individual, left to)",Is the coat stand to the individual's left? +vrd27,"In a tidy office setting, an individual dressed in a crisp white shirt stands beside a sleek black desk. A neatly hung grey coat can be seen on a coat stand to the person's left. Underneath this desk, a brown leather bag rests against one of the desk's steel legs. This person is also wearing clear glasses with a silver frame, which complement the professional attire.",,24,"4,7",relation,spatial,"relation - spatial (bag, desk's steel leg, against)",Is the bag resting against one of the desk's steel legs? +vrd27,"In a tidy office setting, an individual dressed in a crisp white shirt stands beside a sleek black desk. A neatly hung grey coat can be seen on a coat stand to the person's left. Underneath this desk, a brown leather bag rests against one of the desk's steel legs. This person is also wearing clear glasses with a silver frame, which complement the professional attire.",,25,1,attribute,other,"attribute - other (office setting, tidy)",Is the office setting tidy? +vrd27,"In a tidy office setting, an individual dressed in a crisp white shirt stands beside a sleek black desk. A neatly hung grey coat can be seen on a coat stand to the person's left. Underneath this desk, a brown leather bag rests against one of the desk's steel legs. This person is also wearing clear glasses with a silver frame, which complement the professional attire.",,26,3,attribute,other,"attribute - other (shirt, crisp)",Is the shirt crisp? +vrd8,"A scene indoors where a person is sitting comfortably with a plush pillow tucked behind them, sporting a casual jacket and a hat. The individual is engaged with a laptop that rests on their knees, and they're wearing shoes, which suggests they might be in a semi-public environment like a co-working space or a lounge. Nearby, another person is engaged in an activity, possibly interacting with the laptop user or absorbed in their own task.",,1,0,entity,whole,entity - whole (person),Is there a person? +vrd8,"A scene indoors where a person is sitting comfortably with a plush pillow tucked behind them, sporting a casual jacket and a hat. The individual is engaged with a laptop that rests on their knees, and they're wearing shoes, which suggests they might be in a semi-public environment like a co-working space or a lounge. Nearby, another person is engaged in an activity, possibly interacting with the laptop user or absorbed in their own task.",,2,0,entity,whole,entity - whole (pillow),Is there a pillow? +vrd8,"A scene indoors where a person is sitting comfortably with a plush pillow tucked behind them, sporting a casual jacket and a hat. The individual is engaged with a laptop that rests on their knees, and they're wearing shoes, which suggests they might be in a semi-public environment like a co-working space or a lounge. Nearby, another person is engaged in an activity, possibly interacting with the laptop user or absorbed in their own task.",,3,0,entity,whole,entity - whole (jacket),Is there a jacket? +vrd8,"A scene indoors where a person is sitting comfortably with a plush pillow tucked behind them, sporting a casual jacket and a hat. The individual is engaged with a laptop that rests on their knees, and they're wearing shoes, which suggests they might be in a semi-public environment like a co-working space or a lounge. Nearby, another person is engaged in an activity, possibly interacting with the laptop user or absorbed in their own task.",,4,0,entity,whole,entity - whole (hat),Is there a hat? +vrd8,"A scene indoors where a person is sitting comfortably with a plush pillow tucked behind them, sporting a casual jacket and a hat. The individual is engaged with a laptop that rests on their knees, and they're wearing shoes, which suggests they might be in a semi-public environment like a co-working space or a lounge. Nearby, another person is engaged in an activity, possibly interacting with the laptop user or absorbed in their own task.",,5,0,entity,whole,entity - whole (laptop),Is there a laptop? +vrd8,"A scene indoors where a person is sitting comfortably with a plush pillow tucked behind them, sporting a casual jacket and a hat. The individual is engaged with a laptop that rests on their knees, and they're wearing shoes, which suggests they might be in a semi-public environment like a co-working space or a lounge. Nearby, another person is engaged in an activity, possibly interacting with the laptop user or absorbed in their own task.",,6,0,entity,whole,entity - whole (shoes),Are there shoes? +vrd8,"A scene indoors where a person is sitting comfortably with a plush pillow tucked behind them, sporting a casual jacket and a hat. The individual is engaged with a laptop that rests on their knees, and they're wearing shoes, which suggests they might be in a semi-public environment like a co-working space or a lounge. Nearby, another person is engaged in an activity, possibly interacting with the laptop user or absorbed in their own task.",,7,0,entity,whole,entity - whole (another person),Is there another person? +vrd8,"A scene indoors where a person is sitting comfortably with a plush pillow tucked behind them, sporting a casual jacket and a hat. The individual is engaged with a laptop that rests on their knees, and they're wearing shoes, which suggests they might be in a semi-public environment like a co-working space or a lounge. Nearby, another person is engaged in an activity, possibly interacting with the laptop user or absorbed in their own task.",,8,1,entity,state,"entity - state (person, sit)",Is the person sitting comfortably? +vrd8,"A scene indoors where a person is sitting comfortably with a plush pillow tucked behind them, sporting a casual jacket and a hat. The individual is engaged with a laptop that rests on their knees, and they're wearing shoes, which suggests they might be in a semi-public environment like a co-working space or a lounge. Nearby, another person is engaged in an activity, possibly interacting with the laptop user or absorbed in their own task.",,9,"5,1",entity,state,"entity - state (laptop, rest on knees)",Is the laptop resting on the person's knees? +vrd8,"A scene indoors where a person is sitting comfortably with a plush pillow tucked behind them, sporting a casual jacket and a hat. The individual is engaged with a laptop that rests on their knees, and they're wearing shoes, which suggests they might be in a semi-public environment like a co-working space or a lounge. Nearby, another person is engaged in an activity, possibly interacting with the laptop user or absorbed in their own task.",,10,"2,1",relation,spatial,"relation - spatial (pillow, person, behind)",Is the plush pillow tucked behind the person? +countbench23,"A colorful collection of four cartoon-styled calendars, each uniquely illustrating the essence of a different season. The spring calendar bursts with shades of green and pink, featuring blooming flowers and sprouting leaves. The summer calendar glows with vibrant sun motifs and vivid blue skies. Autumn is represented with warm oranges and browns, showcasing falling leaves and harvest themes. The winter calendar is adorned with soft whites and blues, depicting snowy scenes and cozy fireside images. Each calendar is distinct, yet they all share a whimsical charm that captures the spirit of their respective seasons.",,1,0,entity,whole,entity - whole (calendars),Is there a collection of calendars? +countbench23,"A colorful collection of four cartoon-styled calendars, each uniquely illustrating the essence of a different season. The spring calendar bursts with shades of green and pink, featuring blooming flowers and sprouting leaves. The summer calendar glows with vibrant sun motifs and vivid blue skies. Autumn is represented with warm oranges and browns, showcasing falling leaves and harvest themes. The winter calendar is adorned with soft whites and blues, depicting snowy scenes and cozy fireside images. Each calendar is distinct, yet they all share a whimsical charm that captures the spirit of their respective seasons.",,2,1,other,count,"other - count (calendars, ==4)",Are there four calendars? +countbench23,"A colorful collection of four cartoon-styled calendars, each uniquely illustrating the essence of a different season. The spring calendar bursts with shades of green and pink, featuring blooming flowers and sprouting leaves. The summer calendar glows with vibrant sun motifs and vivid blue skies. Autumn is represented with warm oranges and browns, showcasing falling leaves and harvest themes. The winter calendar is adorned with soft whites and blues, depicting snowy scenes and cozy fireside images. Each calendar is distinct, yet they all share a whimsical charm that captures the spirit of their respective seasons.",,3,1,entity,state,"entity - state (spring calendar, blooming flowers)",Does the spring calendar feature blooming flowers? +countbench23,"A colorful collection of four cartoon-styled calendars, each uniquely illustrating the essence of a different season. The spring calendar bursts with shades of green and pink, featuring blooming flowers and sprouting leaves. The summer calendar glows with vibrant sun motifs and vivid blue skies. Autumn is represented with warm oranges and browns, showcasing falling leaves and harvest themes. The winter calendar is adorned with soft whites and blues, depicting snowy scenes and cozy fireside images. Each calendar is distinct, yet they all share a whimsical charm that captures the spirit of their respective seasons.",,4,1,entity,state,"entity - state (spring calendar, sprouting leaves)",Does the spring calendar feature sprouting leaves? +countbench23,"A colorful collection of four cartoon-styled calendars, each uniquely illustrating the essence of a different season. The spring calendar bursts with shades of green and pink, featuring blooming flowers and sprouting leaves. The summer calendar glows with vibrant sun motifs and vivid blue skies. Autumn is represented with warm oranges and browns, showcasing falling leaves and harvest themes. The winter calendar is adorned with soft whites and blues, depicting snowy scenes and cozy fireside images. Each calendar is distinct, yet they all share a whimsical charm that captures the spirit of their respective seasons.",,5,1,entity,state,"entity - state (summer calendar, sun motifs)",Does the summer calendar have sun motifs? +countbench23,"A colorful collection of four cartoon-styled calendars, each uniquely illustrating the essence of a different season. The spring calendar bursts with shades of green and pink, featuring blooming flowers and sprouting leaves. The summer calendar glows with vibrant sun motifs and vivid blue skies. Autumn is represented with warm oranges and browns, showcasing falling leaves and harvest themes. The winter calendar is adorned with soft whites and blues, depicting snowy scenes and cozy fireside images. Each calendar is distinct, yet they all share a whimsical charm that captures the spirit of their respective seasons.",,6,1,entity,state,"entity - state (autumn calendar, falling leaves)",Does the autumn calendar showcase falling leaves? +countbench23,"A colorful collection of four cartoon-styled calendars, each uniquely illustrating the essence of a different season. The spring calendar bursts with shades of green and pink, featuring blooming flowers and sprouting leaves. The summer calendar glows with vibrant sun motifs and vivid blue skies. Autumn is represented with warm oranges and browns, showcasing falling leaves and harvest themes. The winter calendar is adorned with soft whites and blues, depicting snowy scenes and cozy fireside images. Each calendar is distinct, yet they all share a whimsical charm that captures the spirit of their respective seasons.",,7,1,entity,state,"entity - state (autumn calendar, harvest themes)",Does the autumn calendar showcase harvest themes? +countbench23,"A colorful collection of four cartoon-styled calendars, each uniquely illustrating the essence of a different season. The spring calendar bursts with shades of green and pink, featuring blooming flowers and sprouting leaves. The summer calendar glows with vibrant sun motifs and vivid blue skies. Autumn is represented with warm oranges and browns, showcasing falling leaves and harvest themes. The winter calendar is adorned with soft whites and blues, depicting snowy scenes and cozy fireside images. Each calendar is distinct, yet they all share a whimsical charm that captures the spirit of their respective seasons.",,8,1,entity,state,"entity - state (winter calendar, snowy scenes)",Does the winter calendar depict snowy scenes? +countbench23,"A colorful collection of four cartoon-styled calendars, each uniquely illustrating the essence of a different season. The spring calendar bursts with shades of green and pink, featuring blooming flowers and sprouting leaves. The summer calendar glows with vibrant sun motifs and vivid blue skies. Autumn is represented with warm oranges and browns, showcasing falling leaves and harvest themes. The winter calendar is adorned with soft whites and blues, depicting snowy scenes and cozy fireside images. Each calendar is distinct, yet they all share a whimsical charm that captures the spirit of their respective seasons.",,9,1,entity,state,"entity - state (winter calendar, fireside images)",Does the winter calendar depict cozy fireside images? +countbench23,"A colorful collection of four cartoon-styled calendars, each uniquely illustrating the essence of a different season. The spring calendar bursts with shades of green and pink, featuring blooming flowers and sprouting leaves. The summer calendar glows with vibrant sun motifs and vivid blue skies. Autumn is represented with warm oranges and browns, showcasing falling leaves and harvest themes. The winter calendar is adorned with soft whites and blues, depicting snowy scenes and cozy fireside images. Each calendar is distinct, yet they all share a whimsical charm that captures the spirit of their respective seasons.",,10,1,attribute,color,"attribute - color (spring calendar, shades of green and pink)",Does the spring calendar burst with shades of green and pink? +countbench23,"A colorful collection of four cartoon-styled calendars, each uniquely illustrating the essence of a different season. The spring calendar bursts with shades of green and pink, featuring blooming flowers and sprouting leaves. The summer calendar glows with vibrant sun motifs and vivid blue skies. Autumn is represented with warm oranges and browns, showcasing falling leaves and harvest themes. The winter calendar is adorned with soft whites and blues, depicting snowy scenes and cozy fireside images. Each calendar is distinct, yet they all share a whimsical charm that captures the spirit of their respective seasons.",,11,1,attribute,color,"attribute - color (summer calendar, vibrant sun motifs and vivid blue skies)",Does the summer calendar glow with vibrant sun motifs and vivid blue skies? +countbench23,"A colorful collection of four cartoon-styled calendars, each uniquely illustrating the essence of a different season. The spring calendar bursts with shades of green and pink, featuring blooming flowers and sprouting leaves. The summer calendar glows with vibrant sun motifs and vivid blue skies. Autumn is represented with warm oranges and browns, showcasing falling leaves and harvest themes. The winter calendar is adorned with soft whites and blues, depicting snowy scenes and cozy fireside images. Each calendar is distinct, yet they all share a whimsical charm that captures the spirit of their respective seasons.",,12,1,attribute,color,"attribute - color (autumn calendar, warm oranges and browns)",Is the autumn calendar represented with warm oranges and browns? +countbench23,"A colorful collection of four cartoon-styled calendars, each uniquely illustrating the essence of a different season. The spring calendar bursts with shades of green and pink, featuring blooming flowers and sprouting leaves. The summer calendar glows with vibrant sun motifs and vivid blue skies. Autumn is represented with warm oranges and browns, showcasing falling leaves and harvest themes. The winter calendar is adorned with soft whites and blues, depicting snowy scenes and cozy fireside images. Each calendar is distinct, yet they all share a whimsical charm that captures the spirit of their respective seasons.",,13,1,attribute,color,"attribute - color (winter calendar, soft whites and blues)",Is the winter calendar adorned with soft whites and blues? +countbench25,"A detailed analysis on the future of Liverpool's striker line-up, contemplating the value and potential each player brings to the team. The focus is on the eight forwards currently with the club, assessing their skills and considering whether they should be retained or sold, especially with the imminent signing of Christian Benteke. Charts and statistics accompany the evaluation, providing a comprehensive overview of the players' performances to inform the decision-making process.",,1,0,entity,whole,entity - whole (analysis),Is there an analysis? +countbench25,"A detailed analysis on the future of Liverpool's striker line-up, contemplating the value and potential each player brings to the team. The focus is on the eight forwards currently with the club, assessing their skills and considering whether they should be retained or sold, especially with the imminent signing of Christian Benteke. Charts and statistics accompany the evaluation, providing a comprehensive overview of the players' performances to inform the decision-making process.",,2,0,entity,whole,entity - whole (Liverpool's striker line-up),Is there a discussion about Liverpool's striker line-up? +countbench25,"A detailed analysis on the future of Liverpool's striker line-up, contemplating the value and potential each player brings to the team. The focus is on the eight forwards currently with the club, assessing their skills and considering whether they should be retained or sold, especially with the imminent signing of Christian Benteke. Charts and statistics accompany the evaluation, providing a comprehensive overview of the players' performances to inform the decision-making process.",,3,0,entity,whole,entity - whole (player),Is there a player mentioned? +countbench25,"A detailed analysis on the future of Liverpool's striker line-up, contemplating the value and potential each player brings to the team. The focus is on the eight forwards currently with the club, assessing their skills and considering whether they should be retained or sold, especially with the imminent signing of Christian Benteke. Charts and statistics accompany the evaluation, providing a comprehensive overview of the players' performances to inform the decision-making process.",,4,0,entity,whole,entity - whole (forward),Is there a forward mentioned? +countbench25,"A detailed analysis on the future of Liverpool's striker line-up, contemplating the value and potential each player brings to the team. The focus is on the eight forwards currently with the club, assessing their skills and considering whether they should be retained or sold, especially with the imminent signing of Christian Benteke. Charts and statistics accompany the evaluation, providing a comprehensive overview of the players' performances to inform the decision-making process.",,5,0,entity,whole,entity - whole (club),Is there a club mentioned? +countbench25,"A detailed analysis on the future of Liverpool's striker line-up, contemplating the value and potential each player brings to the team. The focus is on the eight forwards currently with the club, assessing their skills and considering whether they should be retained or sold, especially with the imminent signing of Christian Benteke. Charts and statistics accompany the evaluation, providing a comprehensive overview of the players' performances to inform the decision-making process.",,6,0,entity,whole,entity - whole (Christian Benteke),Is Christian Benteke mentioned? +countbench25,"A detailed analysis on the future of Liverpool's striker line-up, contemplating the value and potential each player brings to the team. The focus is on the eight forwards currently with the club, assessing their skills and considering whether they should be retained or sold, especially with the imminent signing of Christian Benteke. Charts and statistics accompany the evaluation, providing a comprehensive overview of the players' performances to inform the decision-making process.",,7,0,entity,whole,entity - whole (charts),Are there charts? +countbench25,"A detailed analysis on the future of Liverpool's striker line-up, contemplating the value and potential each player brings to the team. The focus is on the eight forwards currently with the club, assessing their skills and considering whether they should be retained or sold, especially with the imminent signing of Christian Benteke. Charts and statistics accompany the evaluation, providing a comprehensive overview of the players' performances to inform the decision-making process.",,8,0,entity,whole,entity - whole (statistics),Are there statistics? +countbench25,"A detailed analysis on the future of Liverpool's striker line-up, contemplating the value and potential each player brings to the team. The focus is on the eight forwards currently with the club, assessing their skills and considering whether they should be retained or sold, especially with the imminent signing of Christian Benteke. Charts and statistics accompany the evaluation, providing a comprehensive overview of the players' performances to inform the decision-making process.",,9,4,other,count,"other - count (forwards, ==8)",Are there eight forwards? +countbench25,"A detailed analysis on the future of Liverpool's striker line-up, contemplating the value and potential each player brings to the team. The focus is on the eight forwards currently with the club, assessing their skills and considering whether they should be retained or sold, especially with the imminent signing of Christian Benteke. Charts and statistics accompany the evaluation, providing a comprehensive overview of the players' performances to inform the decision-making process.",,10,"4,5",relation,non-spatial,"relation - non-spatial (forward, club, with)",Are the forwards currently with the club? +countbench12,"A collection of eight elegant side chairs from the 1950s, designed by Gianni Vigorelli, each stands 37 1/2 inches tall. The frames are made from pearwood, featuring a warm, golden-brown hue with a smooth finish that highlights the wood's natural grain. The seats and backrests are upholstered in a sleek, black vinyl, providing a comfortable yet durable seating surface. These chairs measure 16 1/2 inches in width and 17 3/8 inches in depth, making them well-proportioned for a variety of dining spaces.",,1,0,entity,whole,entity - whole (side chairs),Is there a collection of side chairs? +countbench12,"A collection of eight elegant side chairs from the 1950s, designed by Gianni Vigorelli, each stands 37 1/2 inches tall. The frames are made from pearwood, featuring a warm, golden-brown hue with a smooth finish that highlights the wood's natural grain. The seats and backrests are upholstered in a sleek, black vinyl, providing a comfortable yet durable seating surface. These chairs measure 16 1/2 inches in width and 17 3/8 inches in depth, making them well-proportioned for a variety of dining spaces.",,2,1,other,count,"other - count (side chairs, ==8)",Are there eight side chairs? +countbench12,"A collection of eight elegant side chairs from the 1950s, designed by Gianni Vigorelli, each stands 37 1/2 inches tall. The frames are made from pearwood, featuring a warm, golden-brown hue with a smooth finish that highlights the wood's natural grain. The seats and backrests are upholstered in a sleek, black vinyl, providing a comfortable yet durable seating surface. These chairs measure 16 1/2 inches in width and 17 3/8 inches in depth, making them well-proportioned for a variety of dining spaces.",,3,1,attribute,other,"attribute - other (side chairs, elegant)",Are the side chairs elegant? +countbench12,"A collection of eight elegant side chairs from the 1950s, designed by Gianni Vigorelli, each stands 37 1/2 inches tall. The frames are made from pearwood, featuring a warm, golden-brown hue with a smooth finish that highlights the wood's natural grain. The seats and backrests are upholstered in a sleek, black vinyl, providing a comfortable yet durable seating surface. These chairs measure 16 1/2 inches in width and 17 3/8 inches in depth, making them well-proportioned for a variety of dining spaces.",,4,1,attribute,other,"attribute - other (side chairs, 1950s)",Are the side chairs from the 1950s? +countbench12,"A collection of eight elegant side chairs from the 1950s, designed by Gianni Vigorelli, each stands 37 1/2 inches tall. The frames are made from pearwood, featuring a warm, golden-brown hue with a smooth finish that highlights the wood's natural grain. The seats and backrests are upholstered in a sleek, black vinyl, providing a comfortable yet durable seating surface. These chairs measure 16 1/2 inches in width and 17 3/8 inches in depth, making them well-proportioned for a variety of dining spaces.",,5,1,attribute,other,"attribute - other (side chairs, designed by Gianni Vigorelli)",Were the side chairs designed by Gianni Vigorelli? +countbench12,"A collection of eight elegant side chairs from the 1950s, designed by Gianni Vigorelli, each stands 37 1/2 inches tall. The frames are made from pearwood, featuring a warm, golden-brown hue with a smooth finish that highlights the wood's natural grain. The seats and backrests are upholstered in a sleek, black vinyl, providing a comfortable yet durable seating surface. These chairs measure 16 1/2 inches in width and 17 3/8 inches in depth, making them well-proportioned for a variety of dining spaces.",,6,1,attribute,size,"attribute - size (side chairs, 37 1/2 inches tall)",Are the side chairs 37 1/2 inches tall? +countbench12,"A collection of eight elegant side chairs from the 1950s, designed by Gianni Vigorelli, each stands 37 1/2 inches tall. The frames are made from pearwood, featuring a warm, golden-brown hue with a smooth finish that highlights the wood's natural grain. The seats and backrests are upholstered in a sleek, black vinyl, providing a comfortable yet durable seating surface. These chairs measure 16 1/2 inches in width and 17 3/8 inches in depth, making them well-proportioned for a variety of dining spaces.",,7,1,attribute,texture,"attribute - texture (frames, pearwood)",Are the frames made from pearwood? +countbench12,"A collection of eight elegant side chairs from the 1950s, designed by Gianni Vigorelli, each stands 37 1/2 inches tall. The frames are made from pearwood, featuring a warm, golden-brown hue with a smooth finish that highlights the wood's natural grain. The seats and backrests are upholstered in a sleek, black vinyl, providing a comfortable yet durable seating surface. These chairs measure 16 1/2 inches in width and 17 3/8 inches in depth, making them well-proportioned for a variety of dining spaces.",,8,7,attribute,color,"attribute - color (frames, golden-brown)",Do the frames have a golden-brown hue? +countbench12,"A collection of eight elegant side chairs from the 1950s, designed by Gianni Vigorelli, each stands 37 1/2 inches tall. The frames are made from pearwood, featuring a warm, golden-brown hue with a smooth finish that highlights the wood's natural grain. The seats and backrests are upholstered in a sleek, black vinyl, providing a comfortable yet durable seating surface. These chairs measure 16 1/2 inches in width and 17 3/8 inches in depth, making them well-proportioned for a variety of dining spaces.",,9,1,attribute,texture,"attribute - texture (seats and backrests, vinyl)",Are the seats and backrests upholstered in vinyl? +countbench12,"A collection of eight elegant side chairs from the 1950s, designed by Gianni Vigorelli, each stands 37 1/2 inches tall. The frames are made from pearwood, featuring a warm, golden-brown hue with a smooth finish that highlights the wood's natural grain. The seats and backrests are upholstered in a sleek, black vinyl, providing a comfortable yet durable seating surface. These chairs measure 16 1/2 inches in width and 17 3/8 inches in depth, making them well-proportioned for a variety of dining spaces.",,10,9,attribute,color,"attribute - color (seats and backrests, black)",Are the seats and backrests black? +countbench4,"A comprehensive PDF Cross Stitch Pattern available for instant download, featuring an assortment of ten meticulously crafted designs. Each pattern showcases a unique cacti or succulent plant housed within a geometric terrarium, optional for those who wish to add an extra layer of complexity to their craft. These patterns embody intricate details that celebrate the natural beauty of desert flora, enhanced by the sharp angles and clear lines of the terrariums.",,1,0,entity,whole,entity - whole (PDF Cross Stitch Pattern),Is there a PDF Cross Stitch Pattern? +countbench4,"A comprehensive PDF Cross Stitch Pattern available for instant download, featuring an assortment of ten meticulously crafted designs. Each pattern showcases a unique cacti or succulent plant housed within a geometric terrarium, optional for those who wish to add an extra layer of complexity to their craft. These patterns embody intricate details that celebrate the natural beauty of desert flora, enhanced by the sharp angles and clear lines of the terrariums.",,2,1,attribute,other,"attribute - other (PDF Cross Stitch Pattern, comprehensive)",Is the PDF Cross Stitch Pattern comprehensive? +countbench4,"A comprehensive PDF Cross Stitch Pattern available for instant download, featuring an assortment of ten meticulously crafted designs. Each pattern showcases a unique cacti or succulent plant housed within a geometric terrarium, optional for those who wish to add an extra layer of complexity to their craft. These patterns embody intricate details that celebrate the natural beauty of desert flora, enhanced by the sharp angles and clear lines of the terrariums.",,3,1,attribute,other,"attribute - other (PDF Cross Stitch Pattern, instant download)",Is the PDF Cross Stitch Pattern available for instant download? +countbench4,"A comprehensive PDF Cross Stitch Pattern available for instant download, featuring an assortment of ten meticulously crafted designs. Each pattern showcases a unique cacti or succulent plant housed within a geometric terrarium, optional for those who wish to add an extra layer of complexity to their craft. These patterns embody intricate details that celebrate the natural beauty of desert flora, enhanced by the sharp angles and clear lines of the terrariums.",,4,1,other,count,"other - count (designs, ==10)",Are there ten designs featured? +countbench4,"A comprehensive PDF Cross Stitch Pattern available for instant download, featuring an assortment of ten meticulously crafted designs. Each pattern showcases a unique cacti or succulent plant housed within a geometric terrarium, optional for those who wish to add an extra layer of complexity to their craft. These patterns embody intricate details that celebrate the natural beauty of desert flora, enhanced by the sharp angles and clear lines of the terrariums.",,5,0,entity,whole,entity - whole (cacti),Are there cacti in the pattern? +countbench4,"A comprehensive PDF Cross Stitch Pattern available for instant download, featuring an assortment of ten meticulously crafted designs. Each pattern showcases a unique cacti or succulent plant housed within a geometric terrarium, optional for those who wish to add an extra layer of complexity to their craft. These patterns embody intricate details that celebrate the natural beauty of desert flora, enhanced by the sharp angles and clear lines of the terrariums.",,6,0,entity,whole,entity - whole (succulent plant),Are there succulent plants in the pattern? +countbench4,"A comprehensive PDF Cross Stitch Pattern available for instant download, featuring an assortment of ten meticulously crafted designs. Each pattern showcases a unique cacti or succulent plant housed within a geometric terrarium, optional for those who wish to add an extra layer of complexity to their craft. These patterns embody intricate details that celebrate the natural beauty of desert flora, enhanced by the sharp angles and clear lines of the terrariums.",,7,0,entity,whole,entity - whole (terrarium),Is there a terrarium in the pattern? +countbench4,"A comprehensive PDF Cross Stitch Pattern available for instant download, featuring an assortment of ten meticulously crafted designs. Each pattern showcases a unique cacti or succulent plant housed within a geometric terrarium, optional for those who wish to add an extra layer of complexity to their craft. These patterns embody intricate details that celebrate the natural beauty of desert flora, enhanced by the sharp angles and clear lines of the terrariums.",,8,7,attribute,shape,"attribute - shape (terrarium, geometric)",Is the terrarium geometric? +countbench4,"A comprehensive PDF Cross Stitch Pattern available for instant download, featuring an assortment of ten meticulously crafted designs. Each pattern showcases a unique cacti or succulent plant housed within a geometric terrarium, optional for those who wish to add an extra layer of complexity to their craft. These patterns embody intricate details that celebrate the natural beauty of desert flora, enhanced by the sharp angles and clear lines of the terrariums.",,9,4,attribute,other,"attribute - other (designs, meticulously crafted)",Are the designs meticulously crafted? +countbench4,"A comprehensive PDF Cross Stitch Pattern available for instant download, featuring an assortment of ten meticulously crafted designs. Each pattern showcases a unique cacti or succulent plant housed within a geometric terrarium, optional for those who wish to add an extra layer of complexity to their craft. These patterns embody intricate details that celebrate the natural beauty of desert flora, enhanced by the sharp angles and clear lines of the terrariums.",,10,4,attribute,other,"attribute - other (patterns, intricate details)",Do the patterns embody intricate details? +midjourney6,"A retro-futuristic album cover that encapsulates the essence of the synthwave movement in 1985, crafted exclusively in varying shades of blue. The primary visual is an old-fashioned car emerging from the mouth of a dimly lit tunnel, its gleaming headlights cutting through the surrounding darkness. The artwork is cinematic in its composition, featuring vintage elements that suggest motion and speed, finished with a fine film grain texture that mimics the classic look of a 35mm photograph. The band's name, ""BRO,"" is emblazoned above the image in a bold, stylized font that complements the album's overall theme.",,1,0,entity,whole,entity - whole (album cover),Is there an album cover? +midjourney6,"A retro-futuristic album cover that encapsulates the essence of the synthwave movement in 1985, crafted exclusively in varying shades of blue. The primary visual is an old-fashioned car emerging from the mouth of a dimly lit tunnel, its gleaming headlights cutting through the surrounding darkness. The artwork is cinematic in its composition, featuring vintage elements that suggest motion and speed, finished with a fine film grain texture that mimics the classic look of a 35mm photograph. The band's name, ""BRO,"" is emblazoned above the image in a bold, stylized font that complements the album's overall theme.",,2,0,global,,global - (retro-futuristic),Is the album cover retro-futuristic? +midjourney6,"A retro-futuristic album cover that encapsulates the essence of the synthwave movement in 1985, crafted exclusively in varying shades of blue. The primary visual is an old-fashioned car emerging from the mouth of a dimly lit tunnel, its gleaming headlights cutting through the surrounding darkness. The artwork is cinematic in its composition, featuring vintage elements that suggest motion and speed, finished with a fine film grain texture that mimics the classic look of a 35mm photograph. The band's name, ""BRO,"" is emblazoned above the image in a bold, stylized font that complements the album's overall theme.",,3,0,global,,"global - (synthwave movement, 1985)",Does the album cover represent the synthwave movement from 1985? +midjourney6,"A retro-futuristic album cover that encapsulates the essence of the synthwave movement in 1985, crafted exclusively in varying shades of blue. The primary visual is an old-fashioned car emerging from the mouth of a dimly lit tunnel, its gleaming headlights cutting through the surrounding darkness. The artwork is cinematic in its composition, featuring vintage elements that suggest motion and speed, finished with a fine film grain texture that mimics the classic look of a 35mm photograph. The band's name, ""BRO,"" is emblazoned above the image in a bold, stylized font that complements the album's overall theme.",,4,0,entity,whole,entity - whole (car),Is there a car on the album cover? +midjourney6,"A retro-futuristic album cover that encapsulates the essence of the synthwave movement in 1985, crafted exclusively in varying shades of blue. The primary visual is an old-fashioned car emerging from the mouth of a dimly lit tunnel, its gleaming headlights cutting through the surrounding darkness. The artwork is cinematic in its composition, featuring vintage elements that suggest motion and speed, finished with a fine film grain texture that mimics the classic look of a 35mm photograph. The band's name, ""BRO,"" is emblazoned above the image in a bold, stylized font that complements the album's overall theme.",,5,0,entity,whole,entity - whole (tunnel),Is there a tunnel on the album cover? +midjourney6,"A retro-futuristic album cover that encapsulates the essence of the synthwave movement in 1985, crafted exclusively in varying shades of blue. The primary visual is an old-fashioned car emerging from the mouth of a dimly lit tunnel, its gleaming headlights cutting through the surrounding darkness. The artwork is cinematic in its composition, featuring vintage elements that suggest motion and speed, finished with a fine film grain texture that mimics the classic look of a 35mm photograph. The band's name, ""BRO,"" is emblazoned above the image in a bold, stylized font that complements the album's overall theme.",,6,1,attribute,color,"attribute - color (album cover, shades of blue)",Is the album cover crafted in varying shades of blue? +midjourney6,"A retro-futuristic album cover that encapsulates the essence of the synthwave movement in 1985, crafted exclusively in varying shades of blue. The primary visual is an old-fashioned car emerging from the mouth of a dimly lit tunnel, its gleaming headlights cutting through the surrounding darkness. The artwork is cinematic in its composition, featuring vintage elements that suggest motion and speed, finished with a fine film grain texture that mimics the classic look of a 35mm photograph. The band's name, ""BRO,"" is emblazoned above the image in a bold, stylized font that complements the album's overall theme.",,7,1,attribute,texture,"attribute - texture (album cover, film grain)",Does the album cover have a film grain texture? +midjourney6,"A retro-futuristic album cover that encapsulates the essence of the synthwave movement in 1985, crafted exclusively in varying shades of blue. The primary visual is an old-fashioned car emerging from the mouth of a dimly lit tunnel, its gleaming headlights cutting through the surrounding darkness. The artwork is cinematic in its composition, featuring vintage elements that suggest motion and speed, finished with a fine film grain texture that mimics the classic look of a 35mm photograph. The band's name, ""BRO,"" is emblazoned above the image in a bold, stylized font that complements the album's overall theme.",,8,"4,5",relation,spatial,"relation - spatial (car, tunnel, emerging from)",Is the car emerging from the mouth of a dimly lit tunnel? +midjourney6,"A retro-futuristic album cover that encapsulates the essence of the synthwave movement in 1985, crafted exclusively in varying shades of blue. The primary visual is an old-fashioned car emerging from the mouth of a dimly lit tunnel, its gleaming headlights cutting through the surrounding darkness. The artwork is cinematic in its composition, featuring vintage elements that suggest motion and speed, finished with a fine film grain texture that mimics the classic look of a 35mm photograph. The band's name, ""BRO,"" is emblazoned above the image in a bold, stylized font that complements the album's overall theme.",,9,1,other,text,"other - text (band's name, ""BRO"")","Is the band's name ""BRO"" displayed on the album cover?" +midjourney6,"A retro-futuristic album cover that encapsulates the essence of the synthwave movement in 1985, crafted exclusively in varying shades of blue. The primary visual is an old-fashioned car emerging from the mouth of a dimly lit tunnel, its gleaming headlights cutting through the surrounding darkness. The artwork is cinematic in its composition, featuring vintage elements that suggest motion and speed, finished with a fine film grain texture that mimics the classic look of a 35mm photograph. The band's name, ""BRO,"" is emblazoned above the image in a bold, stylized font that complements the album's overall theme.",,10,9,attribute,other,"attribute - other (font, bold and stylized)",Is the font of the band's name bold and stylized? +whoops25,"El Castillo, a grand Mayan temple with steep stone steps and intricate carvings, rises majestically from the desert sands. The pyramid, predominantly gray with patches of lichen, dominates the arid landscape under a wide expanse of clear blue sky. Surrounding the temple, sparse desert vegetation and cacti provide a sharp contrast to the ancient structure's imposing presence.",,1,0,entity,whole,entity - whole (El Castillo),Is El Castillo present? +whoops25,"El Castillo, a grand Mayan temple with steep stone steps and intricate carvings, rises majestically from the desert sands. The pyramid, predominantly gray with patches of lichen, dominates the arid landscape under a wide expanse of clear blue sky. Surrounding the temple, sparse desert vegetation and cacti provide a sharp contrast to the ancient structure's imposing presence.",,2,1,entity,whole,entity - whole (Mayan temple),Is there a Mayan temple? +whoops25,"El Castillo, a grand Mayan temple with steep stone steps and intricate carvings, rises majestically from the desert sands. The pyramid, predominantly gray with patches of lichen, dominates the arid landscape under a wide expanse of clear blue sky. Surrounding the temple, sparse desert vegetation and cacti provide a sharp contrast to the ancient structure's imposing presence.",,3,2,entity,whole,entity - whole (stone steps),Are there stone steps? +whoops25,"El Castillo, a grand Mayan temple with steep stone steps and intricate carvings, rises majestically from the desert sands. The pyramid, predominantly gray with patches of lichen, dominates the arid landscape under a wide expanse of clear blue sky. Surrounding the temple, sparse desert vegetation and cacti provide a sharp contrast to the ancient structure's imposing presence.",,4,2,entity,whole,entity - whole (carvings),Are there carvings? +whoops25,"El Castillo, a grand Mayan temple with steep stone steps and intricate carvings, rises majestically from the desert sands. The pyramid, predominantly gray with patches of lichen, dominates the arid landscape under a wide expanse of clear blue sky. Surrounding the temple, sparse desert vegetation and cacti provide a sharp contrast to the ancient structure's imposing presence.",,5,0,entity,whole,entity - whole (desert sands),Are there desert sands? +whoops25,"El Castillo, a grand Mayan temple with steep stone steps and intricate carvings, rises majestically from the desert sands. The pyramid, predominantly gray with patches of lichen, dominates the arid landscape under a wide expanse of clear blue sky. Surrounding the temple, sparse desert vegetation and cacti provide a sharp contrast to the ancient structure's imposing presence.",,6,1,entity,whole,entity - whole (pyramid),Is there a pyramid? +whoops25,"El Castillo, a grand Mayan temple with steep stone steps and intricate carvings, rises majestically from the desert sands. The pyramid, predominantly gray with patches of lichen, dominates the arid landscape under a wide expanse of clear blue sky. Surrounding the temple, sparse desert vegetation and cacti provide a sharp contrast to the ancient structure's imposing presence.",,7,0,entity,whole,entity - whole (lichen),Is there lichen? +whoops25,"El Castillo, a grand Mayan temple with steep stone steps and intricate carvings, rises majestically from the desert sands. The pyramid, predominantly gray with patches of lichen, dominates the arid landscape under a wide expanse of clear blue sky. Surrounding the temple, sparse desert vegetation and cacti provide a sharp contrast to the ancient structure's imposing presence.",,8,0,entity,whole,entity - whole (landscape),Is there a landscape? +whoops25,"El Castillo, a grand Mayan temple with steep stone steps and intricate carvings, rises majestically from the desert sands. The pyramid, predominantly gray with patches of lichen, dominates the arid landscape under a wide expanse of clear blue sky. Surrounding the temple, sparse desert vegetation and cacti provide a sharp contrast to the ancient structure's imposing presence.",,9,0,entity,whole,entity - whole (sky),Is there a sky? +whoops25,"El Castillo, a grand Mayan temple with steep stone steps and intricate carvings, rises majestically from the desert sands. The pyramid, predominantly gray with patches of lichen, dominates the arid landscape under a wide expanse of clear blue sky. Surrounding the temple, sparse desert vegetation and cacti provide a sharp contrast to the ancient structure's imposing presence.",,10,0,entity,whole,entity - whole (vegetation),Is there vegetation? +whoops25,"El Castillo, a grand Mayan temple with steep stone steps and intricate carvings, rises majestically from the desert sands. The pyramid, predominantly gray with patches of lichen, dominates the arid landscape under a wide expanse of clear blue sky. Surrounding the temple, sparse desert vegetation and cacti provide a sharp contrast to the ancient structure's imposing presence.",,11,0,entity,whole,entity - whole (cacti),Are there cacti? +whoops25,"El Castillo, a grand Mayan temple with steep stone steps and intricate carvings, rises majestically from the desert sands. The pyramid, predominantly gray with patches of lichen, dominates the arid landscape under a wide expanse of clear blue sky. Surrounding the temple, sparse desert vegetation and cacti provide a sharp contrast to the ancient structure's imposing presence.",,12,6,attribute,color,"attribute - color (pyramid, predominantly gray)",Is the pyramid predominantly gray? +whoops25,"El Castillo, a grand Mayan temple with steep stone steps and intricate carvings, rises majestically from the desert sands. The pyramid, predominantly gray with patches of lichen, dominates the arid landscape under a wide expanse of clear blue sky. Surrounding the temple, sparse desert vegetation and cacti provide a sharp contrast to the ancient structure's imposing presence.",,13,"6,7",attribute,texture,"attribute - texture (pyramid, patches of lichen)",Does the pyramid have patches of lichen? +whoops25,"El Castillo, a grand Mayan temple with steep stone steps and intricate carvings, rises majestically from the desert sands. The pyramid, predominantly gray with patches of lichen, dominates the arid landscape under a wide expanse of clear blue sky. Surrounding the temple, sparse desert vegetation and cacti provide a sharp contrast to the ancient structure's imposing presence.",,14,9,attribute,color,"attribute - color (sky, clear blue)",Is the sky clear blue? +whoops25,"El Castillo, a grand Mayan temple with steep stone steps and intricate carvings, rises majestically from the desert sands. The pyramid, predominantly gray with patches of lichen, dominates the arid landscape under a wide expanse of clear blue sky. Surrounding the temple, sparse desert vegetation and cacti provide a sharp contrast to the ancient structure's imposing presence.",,15,"1,5",relation,spatial,"relation - spatial (El Castillo, desert sands, rises from)",Does El Castillo rise from the desert sands? +whoops25,"El Castillo, a grand Mayan temple with steep stone steps and intricate carvings, rises majestically from the desert sands. The pyramid, predominantly gray with patches of lichen, dominates the arid landscape under a wide expanse of clear blue sky. Surrounding the temple, sparse desert vegetation and cacti provide a sharp contrast to the ancient structure's imposing presence.",,16,"10,2",relation,spatial,"relation - spatial (vegetation, temple, surrounding)",Is the vegetation surrounding the temple? +whoops25,"El Castillo, a grand Mayan temple with steep stone steps and intricate carvings, rises majestically from the desert sands. The pyramid, predominantly gray with patches of lichen, dominates the arid landscape under a wide expanse of clear blue sky. Surrounding the temple, sparse desert vegetation and cacti provide a sharp contrast to the ancient structure's imposing presence.",,17,"11,2",relation,spatial,"relation - spatial (cacti, temple, surrounding)",Are the cacti surrounding the temple? +whoops25,"El Castillo, a grand Mayan temple with steep stone steps and intricate carvings, rises majestically from the desert sands. The pyramid, predominantly gray with patches of lichen, dominates the arid landscape under a wide expanse of clear blue sky. Surrounding the temple, sparse desert vegetation and cacti provide a sharp contrast to the ancient structure's imposing presence.",,19,8,entity,state,"entity - state (landscape, arid)",Is the landscape arid? +whoops25,"El Castillo, a grand Mayan temple with steep stone steps and intricate carvings, rises majestically from the desert sands. The pyramid, predominantly gray with patches of lichen, dominates the arid landscape under a wide expanse of clear blue sky. Surrounding the temple, sparse desert vegetation and cacti provide a sharp contrast to the ancient structure's imposing presence.",,20,3,attribute,other,"attribute - other (stone steps, steep)",Are the stone steps steep? +whoops25,"El Castillo, a grand Mayan temple with steep stone steps and intricate carvings, rises majestically from the desert sands. The pyramid, predominantly gray with patches of lichen, dominates the arid landscape under a wide expanse of clear blue sky. Surrounding the temple, sparse desert vegetation and cacti provide a sharp contrast to the ancient structure's imposing presence.",,21,4,attribute,other,"attribute - other (carvings, intricate)",Are the carvings intricate? +countbench13,"An assortment of vibrant candies in various shapes and textures, each distinctly highlighted against a pristine white backdrop. The set features nine unique compositions, showcasing the candies from different angles and perspectives, allowing for the play of light and shadow to emphasize their colorful foreshortenings. Among the mix, glistening hard candies reflect the light, soft gummy treats exhibit their stretchy texture, and foil-wrapped chocolates add a metallic contrast to the collection.",,1,0,entity,whole,entity - whole (candies),Is there an assortment of candies? +countbench13,"An assortment of vibrant candies in various shapes and textures, each distinctly highlighted against a pristine white backdrop. The set features nine unique compositions, showcasing the candies from different angles and perspectives, allowing for the play of light and shadow to emphasize their colorful foreshortenings. Among the mix, glistening hard candies reflect the light, soft gummy treats exhibit their stretchy texture, and foil-wrapped chocolates add a metallic contrast to the collection.",,2,1,attribute,color,"attribute - color (candies, vibrant)",Are the candies vibrant in color? +countbench13,"An assortment of vibrant candies in various shapes and textures, each distinctly highlighted against a pristine white backdrop. The set features nine unique compositions, showcasing the candies from different angles and perspectives, allowing for the play of light and shadow to emphasize their colorful foreshortenings. Among the mix, glistening hard candies reflect the light, soft gummy treats exhibit their stretchy texture, and foil-wrapped chocolates add a metallic contrast to the collection.",,3,1,attribute,shape,"attribute - shape (candies, various)",Do the candies come in various shapes? +countbench13,"An assortment of vibrant candies in various shapes and textures, each distinctly highlighted against a pristine white backdrop. The set features nine unique compositions, showcasing the candies from different angles and perspectives, allowing for the play of light and shadow to emphasize their colorful foreshortenings. Among the mix, glistening hard candies reflect the light, soft gummy treats exhibit their stretchy texture, and foil-wrapped chocolates add a metallic contrast to the collection.",,4,1,attribute,texture,"attribute - texture (candies, various)",Do the candies have various textures? +countbench13,"An assortment of vibrant candies in various shapes and textures, each distinctly highlighted against a pristine white backdrop. The set features nine unique compositions, showcasing the candies from different angles and perspectives, allowing for the play of light and shadow to emphasize their colorful foreshortenings. Among the mix, glistening hard candies reflect the light, soft gummy treats exhibit their stretchy texture, and foil-wrapped chocolates add a metallic contrast to the collection.",,5,0,global,,"global - (backdrop, white)",Is the backdrop pristine white? +countbench13,"An assortment of vibrant candies in various shapes and textures, each distinctly highlighted against a pristine white backdrop. The set features nine unique compositions, showcasing the candies from different angles and perspectives, allowing for the play of light and shadow to emphasize their colorful foreshortenings. Among the mix, glistening hard candies reflect the light, soft gummy treats exhibit their stretchy texture, and foil-wrapped chocolates add a metallic contrast to the collection.",,6,0,other,count,"other - count (compositions, ==9)",Are there nine unique compositions? +countbench13,"An assortment of vibrant candies in various shapes and textures, each distinctly highlighted against a pristine white backdrop. The set features nine unique compositions, showcasing the candies from different angles and perspectives, allowing for the play of light and shadow to emphasize their colorful foreshortenings. Among the mix, glistening hard candies reflect the light, soft gummy treats exhibit their stretchy texture, and foil-wrapped chocolates add a metallic contrast to the collection.",,7,1,entity,part,entity - part (hard candies),Are there hard candies among the mix? +countbench13,"An assortment of vibrant candies in various shapes and textures, each distinctly highlighted against a pristine white backdrop. The set features nine unique compositions, showcasing the candies from different angles and perspectives, allowing for the play of light and shadow to emphasize their colorful foreshortenings. Among the mix, glistening hard candies reflect the light, soft gummy treats exhibit their stretchy texture, and foil-wrapped chocolates add a metallic contrast to the collection.",,8,1,entity,part,entity - part (gummy treats),Are there gummy treats among the mix? +countbench13,"An assortment of vibrant candies in various shapes and textures, each distinctly highlighted against a pristine white backdrop. The set features nine unique compositions, showcasing the candies from different angles and perspectives, allowing for the play of light and shadow to emphasize their colorful foreshortenings. Among the mix, glistening hard candies reflect the light, soft gummy treats exhibit their stretchy texture, and foil-wrapped chocolates add a metallic contrast to the collection.",,9,1,entity,part,entity - part (foil-wrapped chocolates),Are there foil-wrapped chocolates among the mix? +countbench13,"An assortment of vibrant candies in various shapes and textures, each distinctly highlighted against a pristine white backdrop. The set features nine unique compositions, showcasing the candies from different angles and perspectives, allowing for the play of light and shadow to emphasize their colorful foreshortenings. Among the mix, glistening hard candies reflect the light, soft gummy treats exhibit their stretchy texture, and foil-wrapped chocolates add a metallic contrast to the collection.",,10,7,attribute,texture,"attribute - texture (hard candies, glistening)",Are the hard candies glistening? +countbench13,"An assortment of vibrant candies in various shapes and textures, each distinctly highlighted against a pristine white backdrop. The set features nine unique compositions, showcasing the candies from different angles and perspectives, allowing for the play of light and shadow to emphasize their colorful foreshortenings. Among the mix, glistening hard candies reflect the light, soft gummy treats exhibit their stretchy texture, and foil-wrapped chocolates add a metallic contrast to the collection.",,11,8,attribute,texture,"attribute - texture (gummy treats, stretchy)",Do the gummy treats exhibit a stretchy texture? +countbench13,"An assortment of vibrant candies in various shapes and textures, each distinctly highlighted against a pristine white backdrop. The set features nine unique compositions, showcasing the candies from different angles and perspectives, allowing for the play of light and shadow to emphasize their colorful foreshortenings. Among the mix, glistening hard candies reflect the light, soft gummy treats exhibit their stretchy texture, and foil-wrapped chocolates add a metallic contrast to the collection.",,12,9,attribute,texture,"attribute - texture (foil-wrapped chocolates, metallic)",Do the foil-wrapped chocolates add a metallic contrast to the collection? +diffusiondb37,"An artistic representation bringing together the unique styles of Artgerm, Greg Rutkowski, and Alphonse Mucha to showcase a character that bears a striking resemblance to Vitalik Buterin, resembling the fictional creature Gollum. The character is given an elongated, gaunt figure with expressive, large eyes, and is illustrated amidst an Art Nouveau backdrop, reminiscent of Mucha's work. The use of vibrant colors and detailed linework reflects the collaborative influence of the three artists, creating a striking and memorable piece.",,1,0,entity,whole,entity - whole (artistic representation),Is there an artistic representation? +diffusiondb37,"An artistic representation bringing together the unique styles of Artgerm, Greg Rutkowski, and Alphonse Mucha to showcase a character that bears a striking resemblance to Vitalik Buterin, resembling the fictional creature Gollum. The character is given an elongated, gaunt figure with expressive, large eyes, and is illustrated amidst an Art Nouveau backdrop, reminiscent of Mucha's work. The use of vibrant colors and detailed linework reflects the collaborative influence of the three artists, creating a striking and memorable piece.",,2,1,entity,whole,entity - whole (character),Is there a character? +diffusiondb37,"An artistic representation bringing together the unique styles of Artgerm, Greg Rutkowski, and Alphonse Mucha to showcase a character that bears a striking resemblance to Vitalik Buterin, resembling the fictional creature Gollum. The character is given an elongated, gaunt figure with expressive, large eyes, and is illustrated amidst an Art Nouveau backdrop, reminiscent of Mucha's work. The use of vibrant colors and detailed linework reflects the collaborative influence of the three artists, creating a striking and memorable piece.",,3,2,entity,part,entity - part (character's figure),Does the character have a figure? +diffusiondb37,"An artistic representation bringing together the unique styles of Artgerm, Greg Rutkowski, and Alphonse Mucha to showcase a character that bears a striking resemblance to Vitalik Buterin, resembling the fictional creature Gollum. The character is given an elongated, gaunt figure with expressive, large eyes, and is illustrated amidst an Art Nouveau backdrop, reminiscent of Mucha's work. The use of vibrant colors and detailed linework reflects the collaborative influence of the three artists, creating a striking and memorable piece.",,4,2,entity,part,entity - part (character's eyes),Does the character have eyes? +diffusiondb37,"An artistic representation bringing together the unique styles of Artgerm, Greg Rutkowski, and Alphonse Mucha to showcase a character that bears a striking resemblance to Vitalik Buterin, resembling the fictional creature Gollum. The character is given an elongated, gaunt figure with expressive, large eyes, and is illustrated amidst an Art Nouveau backdrop, reminiscent of Mucha's work. The use of vibrant colors and detailed linework reflects the collaborative influence of the three artists, creating a striking and memorable piece.",,5,1,global,,global - (Art Nouveau backdrop),Is there an Art Nouveau backdrop? +diffusiondb37,"An artistic representation bringing together the unique styles of Artgerm, Greg Rutkowski, and Alphonse Mucha to showcase a character that bears a striking resemblance to Vitalik Buterin, resembling the fictional creature Gollum. The character is given an elongated, gaunt figure with expressive, large eyes, and is illustrated amidst an Art Nouveau backdrop, reminiscent of Mucha's work. The use of vibrant colors and detailed linework reflects the collaborative influence of the three artists, creating a striking and memorable piece.",,6,2,attribute,other,"attribute - other (character, resemblance to Vitalik Buterin)",Does the character resemble Vitalik Buterin? +diffusiondb37,"An artistic representation bringing together the unique styles of Artgerm, Greg Rutkowski, and Alphonse Mucha to showcase a character that bears a striking resemblance to Vitalik Buterin, resembling the fictional creature Gollum. The character is given an elongated, gaunt figure with expressive, large eyes, and is illustrated amidst an Art Nouveau backdrop, reminiscent of Mucha's work. The use of vibrant colors and detailed linework reflects the collaborative influence of the three artists, creating a striking and memorable piece.",,7,2,attribute,other,"attribute - other (character, resemblance to Gollum)",Does the character resemble Gollum? +diffusiondb37,"An artistic representation bringing together the unique styles of Artgerm, Greg Rutkowski, and Alphonse Mucha to showcase a character that bears a striking resemblance to Vitalik Buterin, resembling the fictional creature Gollum. The character is given an elongated, gaunt figure with expressive, large eyes, and is illustrated amidst an Art Nouveau backdrop, reminiscent of Mucha's work. The use of vibrant colors and detailed linework reflects the collaborative influence of the three artists, creating a striking and memorable piece.",,8,3,attribute,size,"attribute - size (character's figure, elongated and gaunt)",Is the character's figure elongated and gaunt? +diffusiondb37,"An artistic representation bringing together the unique styles of Artgerm, Greg Rutkowski, and Alphonse Mucha to showcase a character that bears a striking resemblance to Vitalik Buterin, resembling the fictional creature Gollum. The character is given an elongated, gaunt figure with expressive, large eyes, and is illustrated amidst an Art Nouveau backdrop, reminiscent of Mucha's work. The use of vibrant colors and detailed linework reflects the collaborative influence of the three artists, creating a striking and memorable piece.",,9,4,attribute,size,"attribute - size (character's eyes, large)",Are the character's eyes large? +diffusiondb37,"An artistic representation bringing together the unique styles of Artgerm, Greg Rutkowski, and Alphonse Mucha to showcase a character that bears a striking resemblance to Vitalik Buterin, resembling the fictional creature Gollum. The character is given an elongated, gaunt figure with expressive, large eyes, and is illustrated amidst an Art Nouveau backdrop, reminiscent of Mucha's work. The use of vibrant colors and detailed linework reflects the collaborative influence of the three artists, creating a striking and memorable piece.",,10,1,attribute,color,"attribute - color (artistic representation, vibrant colors)",Does the artistic representation use vibrant colors? +localized20,"A textured concrete wall serves as a canvas for vibrant graffiti. The colorful artwork features a detailed portrait and bold lettering with various hues of blue, orange, and pink. Surrounding the graffiti, there are signs of age on the wall, including slight wear and chipped paint, highlighting the contrast between the old surface and the fresh paint.",,1,0,entity,whole,entity - whole (wall),Is there a wall? +localized20,"A textured concrete wall serves as a canvas for vibrant graffiti. The colorful artwork features a detailed portrait and bold lettering with various hues of blue, orange, and pink. Surrounding the graffiti, there are signs of age on the wall, including slight wear and chipped paint, highlighting the contrast between the old surface and the fresh paint.",,2,1,entity,whole,entity - whole (graffiti),Is there graffiti on the wall? +localized20,"A textured concrete wall serves as a canvas for vibrant graffiti. The colorful artwork features a detailed portrait and bold lettering with various hues of blue, orange, and pink. Surrounding the graffiti, there are signs of age on the wall, including slight wear and chipped paint, highlighting the contrast between the old surface and the fresh paint.",,3,1,attribute,texture,"attribute - texture (wall, concrete)",Is the wall made of textured concrete? +localized20,"A textured concrete wall serves as a canvas for vibrant graffiti. The colorful artwork features a detailed portrait and bold lettering with various hues of blue, orange, and pink. Surrounding the graffiti, there are signs of age on the wall, including slight wear and chipped paint, highlighting the contrast between the old surface and the fresh paint.",,4,2,attribute,texture,"attribute - texture (graffiti, vibrant)",Is the graffiti vibrant? +localized20,"A textured concrete wall serves as a canvas for vibrant graffiti. The colorful artwork features a detailed portrait and bold lettering with various hues of blue, orange, and pink. Surrounding the graffiti, there are signs of age on the wall, including slight wear and chipped paint, highlighting the contrast between the old surface and the fresh paint.",,5,2,entity,part,entity - part (graffiti's portrait),Does the graffiti include a detailed portrait? +localized20,"A textured concrete wall serves as a canvas for vibrant graffiti. The colorful artwork features a detailed portrait and bold lettering with various hues of blue, orange, and pink. Surrounding the graffiti, there are signs of age on the wall, including slight wear and chipped paint, highlighting the contrast between the old surface and the fresh paint.",,6,2,entity,part,entity - part (graffiti's lettering),Does the graffiti include bold lettering? +localized20,"A textured concrete wall serves as a canvas for vibrant graffiti. The colorful artwork features a detailed portrait and bold lettering with various hues of blue, orange, and pink. Surrounding the graffiti, there are signs of age on the wall, including slight wear and chipped paint, highlighting the contrast between the old surface and the fresh paint.",,7,2,attribute,color,"attribute - color (graffiti, blue)",Are there hues of blue in the graffiti? +localized20,"A textured concrete wall serves as a canvas for vibrant graffiti. The colorful artwork features a detailed portrait and bold lettering with various hues of blue, orange, and pink. Surrounding the graffiti, there are signs of age on the wall, including slight wear and chipped paint, highlighting the contrast between the old surface and the fresh paint.",,8,2,attribute,color,"attribute - color (graffiti, orange)",Are there hues of orange in the graffiti? +localized20,"A textured concrete wall serves as a canvas for vibrant graffiti. The colorful artwork features a detailed portrait and bold lettering with various hues of blue, orange, and pink. Surrounding the graffiti, there are signs of age on the wall, including slight wear and chipped paint, highlighting the contrast between the old surface and the fresh paint.",,9,2,attribute,color,"attribute - color (graffiti, pink)",Are there hues of pink in the graffiti? +localized20,"A textured concrete wall serves as a canvas for vibrant graffiti. The colorful artwork features a detailed portrait and bold lettering with various hues of blue, orange, and pink. Surrounding the graffiti, there are signs of age on the wall, including slight wear and chipped paint, highlighting the contrast between the old surface and the fresh paint.",,10,1,attribute,texture,"attribute - texture (wall, wear and chipped paint)",Does the wall show signs of wear and chipped paint? +midjourney24,"A meticulously crafted Art Nouveau screenprint featuring a dog's face, characterized by its remarkable symmetry and elaborate detailing. The canine visage, which is the central motif of the piece, exhibits intricate linework and stylized features typical of the Art Nouveau aesthetic. The artwork is deftly rendered in a harmonious palette, with each element of the design echoing the balanced and ornate nature of the style.",,1,0,entity,whole,entity - whole (screenprint),Is there a screenprint? +midjourney24,"A meticulously crafted Art Nouveau screenprint featuring a dog's face, characterized by its remarkable symmetry and elaborate detailing. The canine visage, which is the central motif of the piece, exhibits intricate linework and stylized features typical of the Art Nouveau aesthetic. The artwork is deftly rendered in a harmonious palette, with each element of the design echoing the balanced and ornate nature of the style.",,2,0,entity,whole,entity - whole (dog's face),Is there a dog's face featured in the screenprint? +midjourney24,"A meticulously crafted Art Nouveau screenprint featuring a dog's face, characterized by its remarkable symmetry and elaborate detailing. The canine visage, which is the central motif of the piece, exhibits intricate linework and stylized features typical of the Art Nouveau aesthetic. The artwork is deftly rendered in a harmonious palette, with each element of the design echoing the balanced and ornate nature of the style.",,3,0,global,,global - (Art Nouveau),Is the screenprint in the Art Nouveau style? +midjourney24,"A meticulously crafted Art Nouveau screenprint featuring a dog's face, characterized by its remarkable symmetry and elaborate detailing. The canine visage, which is the central motif of the piece, exhibits intricate linework and stylized features typical of the Art Nouveau aesthetic. The artwork is deftly rendered in a harmonious palette, with each element of the design echoing the balanced and ornate nature of the style.",,4,1,attribute,other,"attribute - other (screenprint, meticulously crafted)",Is the screenprint meticulously crafted? +midjourney24,"A meticulously crafted Art Nouveau screenprint featuring a dog's face, characterized by its remarkable symmetry and elaborate detailing. The canine visage, which is the central motif of the piece, exhibits intricate linework and stylized features typical of the Art Nouveau aesthetic. The artwork is deftly rendered in a harmonious palette, with each element of the design echoing the balanced and ornate nature of the style.",,5,2,attribute,other,"attribute - other (dog's face, symmetry)",Is the dog's face characterized by remarkable symmetry? +midjourney24,"A meticulously crafted Art Nouveau screenprint featuring a dog's face, characterized by its remarkable symmetry and elaborate detailing. The canine visage, which is the central motif of the piece, exhibits intricate linework and stylized features typical of the Art Nouveau aesthetic. The artwork is deftly rendered in a harmonious palette, with each element of the design echoing the balanced and ornate nature of the style.",,6,2,attribute,other,"attribute - other (dog's face, elaborate detailing)",Does the dog's face have elaborate detailing? +midjourney24,"A meticulously crafted Art Nouveau screenprint featuring a dog's face, characterized by its remarkable symmetry and elaborate detailing. The canine visage, which is the central motif of the piece, exhibits intricate linework and stylized features typical of the Art Nouveau aesthetic. The artwork is deftly rendered in a harmonious palette, with each element of the design echoing the balanced and ornate nature of the style.",,7,2,attribute,other,"attribute - other (dog's face, intricate linework)",Does the dog's face exhibit intricate linework? +midjourney24,"A meticulously crafted Art Nouveau screenprint featuring a dog's face, characterized by its remarkable symmetry and elaborate detailing. The canine visage, which is the central motif of the piece, exhibits intricate linework and stylized features typical of the Art Nouveau aesthetic. The artwork is deftly rendered in a harmonious palette, with each element of the design echoing the balanced and ornate nature of the style.",,8,2,attribute,other,"attribute - other (dog's face, stylized features)",Does the dog's face have stylized features typical of the Art Nouveau aesthetic? +midjourney24,"A meticulously crafted Art Nouveau screenprint featuring a dog's face, characterized by its remarkable symmetry and elaborate detailing. The canine visage, which is the central motif of the piece, exhibits intricate linework and stylized features typical of the Art Nouveau aesthetic. The artwork is deftly rendered in a harmonious palette, with each element of the design echoing the balanced and ornate nature of the style.",,9,1,attribute,color,"attribute - color (artwork, harmonious palette)",Is the artwork rendered in a harmonious palette? +midjourney24,"A meticulously crafted Art Nouveau screenprint featuring a dog's face, characterized by its remarkable symmetry and elaborate detailing. The canine visage, which is the central motif of the piece, exhibits intricate linework and stylized features typical of the Art Nouveau aesthetic. The artwork is deftly rendered in a harmonious palette, with each element of the design echoing the balanced and ornate nature of the style.",,10,"1,2",relation,non-spatial,"relation - non-spatial (dog's face, screenprint, central motif)",Is the canine visage the central motif of the piece? +midjourney9,"A photorealistic depiction of a transformation from a furry caterpillar to a demonic figure with lifelike textures and detail. The caterpillar's body is portrayed with soft, delicate hairs transitioning into a glistening, wet pupa stage. The final form emerges as a horror-inducing demon with a screaming visage, sharp fangs, and red, slimy hands that are deformed yet eerily precise in their 3-dimensional rendering.",,1,0,entity,whole,entity - whole (caterpillar),Is there a caterpillar? +midjourney9,"A photorealistic depiction of a transformation from a furry caterpillar to a demonic figure with lifelike textures and detail. The caterpillar's body is portrayed with soft, delicate hairs transitioning into a glistening, wet pupa stage. The final form emerges as a horror-inducing demon with a screaming visage, sharp fangs, and red, slimy hands that are deformed yet eerily precise in their 3-dimensional rendering.",,2,0,entity,whole,entity - whole (demonic figure),Is there a demonic figure? +midjourney9,"A photorealistic depiction of a transformation from a furry caterpillar to a demonic figure with lifelike textures and detail. The caterpillar's body is portrayed with soft, delicate hairs transitioning into a glistening, wet pupa stage. The final form emerges as a horror-inducing demon with a screaming visage, sharp fangs, and red, slimy hands that are deformed yet eerily precise in their 3-dimensional rendering.",,3,0,global,,global - (photorealistic),Is the depiction photorealistic? +midjourney9,"A photorealistic depiction of a transformation from a furry caterpillar to a demonic figure with lifelike textures and detail. The caterpillar's body is portrayed with soft, delicate hairs transitioning into a glistening, wet pupa stage. The final form emerges as a horror-inducing demon with a screaming visage, sharp fangs, and red, slimy hands that are deformed yet eerily precise in their 3-dimensional rendering.",,4,1,entity,part,entity - part (caterpillar's body),Does the caterpillar have a body? +midjourney9,"A photorealistic depiction of a transformation from a furry caterpillar to a demonic figure with lifelike textures and detail. The caterpillar's body is portrayed with soft, delicate hairs transitioning into a glistening, wet pupa stage. The final form emerges as a horror-inducing demon with a screaming visage, sharp fangs, and red, slimy hands that are deformed yet eerily precise in their 3-dimensional rendering.",,5,4,attribute,texture,"attribute - texture (caterpillar's body, soft and delicate hairs)","Is the caterpillar's body portrayed with soft, delicate hairs?" +midjourney9,"A photorealistic depiction of a transformation from a furry caterpillar to a demonic figure with lifelike textures and detail. The caterpillar's body is portrayed with soft, delicate hairs transitioning into a glistening, wet pupa stage. The final form emerges as a horror-inducing demon with a screaming visage, sharp fangs, and red, slimy hands that are deformed yet eerily precise in their 3-dimensional rendering.",,6,1,entity,state,"entity - state (pupa stage, glistening and wet)",Is the pupa stage glistening and wet? +midjourney9,"A photorealistic depiction of a transformation from a furry caterpillar to a demonic figure with lifelike textures and detail. The caterpillar's body is portrayed with soft, delicate hairs transitioning into a glistening, wet pupa stage. The final form emerges as a horror-inducing demon with a screaming visage, sharp fangs, and red, slimy hands that are deformed yet eerily precise in their 3-dimensional rendering.",,7,2,entity,part,entity - part (demon's visage),Does the demon have a visage? +midjourney9,"A photorealistic depiction of a transformation from a furry caterpillar to a demonic figure with lifelike textures and detail. The caterpillar's body is portrayed with soft, delicate hairs transitioning into a glistening, wet pupa stage. The final form emerges as a horror-inducing demon with a screaming visage, sharp fangs, and red, slimy hands that are deformed yet eerily precise in their 3-dimensional rendering.",,8,2,entity,state,"entity - state (demon, horror-inducing)",Is the demon horror-inducing? +midjourney9,"A photorealistic depiction of a transformation from a furry caterpillar to a demonic figure with lifelike textures and detail. The caterpillar's body is portrayed with soft, delicate hairs transitioning into a glistening, wet pupa stage. The final form emerges as a horror-inducing demon with a screaming visage, sharp fangs, and red, slimy hands that are deformed yet eerily precise in their 3-dimensional rendering.",,9,2,entity,part,entity - part (demon's fangs),Does the demon have sharp fangs? +midjourney9,"A photorealistic depiction of a transformation from a furry caterpillar to a demonic figure with lifelike textures and detail. The caterpillar's body is portrayed with soft, delicate hairs transitioning into a glistening, wet pupa stage. The final form emerges as a horror-inducing demon with a screaming visage, sharp fangs, and red, slimy hands that are deformed yet eerily precise in their 3-dimensional rendering.",,10,2,attribute,color,"attribute - color (demon's hands, red)",Are the demon's hands red and slimy? +posescript4,"A depiction of a human figure demonstrating a specific stance: the individual's legs are positioned beyond shoulder width apart, firmly planted on a textured grey mat. The torso is inclined forward modestly, as if preparing to engage in a gentle stretch or a physical activity. The subject's head is courteously tilted to the right, conveying a sense of thoughtfulness or focus, while both arms curve gracefully downward before the body, with hands nearing each other but not quite making contact, hovering just inches apart.",,1,0,entity,whole,entity - whole (human figure),Is there a depiction of a human figure? +posescript4,"A depiction of a human figure demonstrating a specific stance: the individual's legs are positioned beyond shoulder width apart, firmly planted on a textured grey mat. The torso is inclined forward modestly, as if preparing to engage in a gentle stretch or a physical activity. The subject's head is courteously tilted to the right, conveying a sense of thoughtfulness or focus, while both arms curve gracefully downward before the body, with hands nearing each other but not quite making contact, hovering just inches apart.",,2,1,entity,part,entity - part (individual's legs),Are the individual's legs part of the depiction? +posescript4,"A depiction of a human figure demonstrating a specific stance: the individual's legs are positioned beyond shoulder width apart, firmly planted on a textured grey mat. The torso is inclined forward modestly, as if preparing to engage in a gentle stretch or a physical activity. The subject's head is courteously tilted to the right, conveying a sense of thoughtfulness or focus, while both arms curve gracefully downward before the body, with hands nearing each other but not quite making contact, hovering just inches apart.",,3,1,entity,part,entity - part (torso),Is the torso part of the depiction? +posescript4,"A depiction of a human figure demonstrating a specific stance: the individual's legs are positioned beyond shoulder width apart, firmly planted on a textured grey mat. The torso is inclined forward modestly, as if preparing to engage in a gentle stretch or a physical activity. The subject's head is courteously tilted to the right, conveying a sense of thoughtfulness or focus, while both arms curve gracefully downward before the body, with hands nearing each other but not quite making contact, hovering just inches apart.",,4,1,entity,part,entity - part (head),Is the head part of the depiction? +posescript4,"A depiction of a human figure demonstrating a specific stance: the individual's legs are positioned beyond shoulder width apart, firmly planted on a textured grey mat. The torso is inclined forward modestly, as if preparing to engage in a gentle stretch or a physical activity. The subject's head is courteously tilted to the right, conveying a sense of thoughtfulness or focus, while both arms curve gracefully downward before the body, with hands nearing each other but not quite making contact, hovering just inches apart.",,5,1,entity,part,entity - part (arms),Are the arms part of the depiction? +posescript4,"A depiction of a human figure demonstrating a specific stance: the individual's legs are positioned beyond shoulder width apart, firmly planted on a textured grey mat. The torso is inclined forward modestly, as if preparing to engage in a gentle stretch or a physical activity. The subject's head is courteously tilted to the right, conveying a sense of thoughtfulness or focus, while both arms curve gracefully downward before the body, with hands nearing each other but not quite making contact, hovering just inches apart.",,6,1,entity,part,entity - part (hands),Are the hands part of the depiction? +posescript4,"A depiction of a human figure demonstrating a specific stance: the individual's legs are positioned beyond shoulder width apart, firmly planted on a textured grey mat. The torso is inclined forward modestly, as if preparing to engage in a gentle stretch or a physical activity. The subject's head is courteously tilted to the right, conveying a sense of thoughtfulness or focus, while both arms curve gracefully downward before the body, with hands nearing each other but not quite making contact, hovering just inches apart.",,7,0,entity,whole,entity - whole (mat),Is there a mat in the depiction? +posescript4,"A depiction of a human figure demonstrating a specific stance: the individual's legs are positioned beyond shoulder width apart, firmly planted on a textured grey mat. The torso is inclined forward modestly, as if preparing to engage in a gentle stretch or a physical activity. The subject's head is courteously tilted to the right, conveying a sense of thoughtfulness or focus, while both arms curve gracefully downward before the body, with hands nearing each other but not quite making contact, hovering just inches apart.",,8,7,attribute,texture,"attribute - texture (mat, grey, textured)",Is the mat grey and textured? +posescript4,"A depiction of a human figure demonstrating a specific stance: the individual's legs are positioned beyond shoulder width apart, firmly planted on a textured grey mat. The torso is inclined forward modestly, as if preparing to engage in a gentle stretch or a physical activity. The subject's head is courteously tilted to the right, conveying a sense of thoughtfulness or focus, while both arms curve gracefully downward before the body, with hands nearing each other but not quite making contact, hovering just inches apart.",,9,2,entity,state,"entity - state (legs, shoulder width apart)",Are the legs positioned beyond shoulder width apart? +posescript4,"A depiction of a human figure demonstrating a specific stance: the individual's legs are positioned beyond shoulder width apart, firmly planted on a textured grey mat. The torso is inclined forward modestly, as if preparing to engage in a gentle stretch or a physical activity. The subject's head is courteously tilted to the right, conveying a sense of thoughtfulness or focus, while both arms curve gracefully downward before the body, with hands nearing each other but not quite making contact, hovering just inches apart.",,10,3,entity,state,"entity - state (torso, inclined forward)",Is the torso inclined forward? +posescript4,"A depiction of a human figure demonstrating a specific stance: the individual's legs are positioned beyond shoulder width apart, firmly planted on a textured grey mat. The torso is inclined forward modestly, as if preparing to engage in a gentle stretch or a physical activity. The subject's head is courteously tilted to the right, conveying a sense of thoughtfulness or focus, while both arms curve gracefully downward before the body, with hands nearing each other but not quite making contact, hovering just inches apart.",,11,4,entity,state,"entity - state (head, tilted to the right)",Is the head courteously tilted to the right? +posescript4,"A depiction of a human figure demonstrating a specific stance: the individual's legs are positioned beyond shoulder width apart, firmly planted on a textured grey mat. The torso is inclined forward modestly, as if preparing to engage in a gentle stretch or a physical activity. The subject's head is courteously tilted to the right, conveying a sense of thoughtfulness or focus, while both arms curve gracefully downward before the body, with hands nearing each other but not quite making contact, hovering just inches apart.",,12,5,entity,state,"entity - state (arms, curve downward)",Do the arms curve gracefully downward? +posescript4,"A depiction of a human figure demonstrating a specific stance: the individual's legs are positioned beyond shoulder width apart, firmly planted on a textured grey mat. The torso is inclined forward modestly, as if preparing to engage in a gentle stretch or a physical activity. The subject's head is courteously tilted to the right, conveying a sense of thoughtfulness or focus, while both arms curve gracefully downward before the body, with hands nearing each other but not quite making contact, hovering just inches apart.",,13,6,relation,spatial,"relation - spatial (hands, each other, near)",Are the hands near each other but not touching? +diffusiondb7,"An artistic fusion of styles reminiscent of the great masters like H.R. Giger's dark surrealism, Richard Schmid's refined realism, and Jeremy Lipking's contemporary impressionism comes to life in a striking full-length portrait painting. The expansive canvas is filled with loose, impressionistic brushstrokes that capture the haunting beauty of a Victorian-style giant spaceship. The vessel exists in an otherworldly space, its intricate metalwork framed by ethereal swaths of color, giving it an almost dreamlike presence amidst the undefined, loose genre of the painting's background.",,1,0,entity,whole,entity - whole (portrait painting),Is there a portrait painting? +diffusiondb7,"An artistic fusion of styles reminiscent of the great masters like H.R. Giger's dark surrealism, Richard Schmid's refined realism, and Jeremy Lipking's contemporary impressionism comes to life in a striking full-length portrait painting. The expansive canvas is filled with loose, impressionistic brushstrokes that capture the haunting beauty of a Victorian-style giant spaceship. The vessel exists in an otherworldly space, its intricate metalwork framed by ethereal swaths of color, giving it an almost dreamlike presence amidst the undefined, loose genre of the painting's background.",,2,0,entity,whole,entity - whole (spaceship),Is there a spaceship? +diffusiondb7,"An artistic fusion of styles reminiscent of the great masters like H.R. Giger's dark surrealism, Richard Schmid's refined realism, and Jeremy Lipking's contemporary impressionism comes to life in a striking full-length portrait painting. The expansive canvas is filled with loose, impressionistic brushstrokes that capture the haunting beauty of a Victorian-style giant spaceship. The vessel exists in an otherworldly space, its intricate metalwork framed by ethereal swaths of color, giving it an almost dreamlike presence amidst the undefined, loose genre of the painting's background.",,3,0,global,,global - (artistic fusion),Is this an artistic fusion of styles? +diffusiondb7,"An artistic fusion of styles reminiscent of the great masters like H.R. Giger's dark surrealism, Richard Schmid's refined realism, and Jeremy Lipking's contemporary impressionism comes to life in a striking full-length portrait painting. The expansive canvas is filled with loose, impressionistic brushstrokes that capture the haunting beauty of a Victorian-style giant spaceship. The vessel exists in an otherworldly space, its intricate metalwork framed by ethereal swaths of color, giving it an almost dreamlike presence amidst the undefined, loose genre of the painting's background.",,4,1,attribute,other,"attribute - other (portrait painting, full-length)",Is the portrait painting full-length? +diffusiondb7,"An artistic fusion of styles reminiscent of the great masters like H.R. Giger's dark surrealism, Richard Schmid's refined realism, and Jeremy Lipking's contemporary impressionism comes to life in a striking full-length portrait painting. The expansive canvas is filled with loose, impressionistic brushstrokes that capture the haunting beauty of a Victorian-style giant spaceship. The vessel exists in an otherworldly space, its intricate metalwork framed by ethereal swaths of color, giving it an almost dreamlike presence amidst the undefined, loose genre of the painting's background.",,5,2,attribute,other,"attribute - other (spaceship, Victorian-style)",Is the spaceship of Victorian-style? +diffusiondb7,"An artistic fusion of styles reminiscent of the great masters like H.R. Giger's dark surrealism, Richard Schmid's refined realism, and Jeremy Lipking's contemporary impressionism comes to life in a striking full-length portrait painting. The expansive canvas is filled with loose, impressionistic brushstrokes that capture the haunting beauty of a Victorian-style giant spaceship. The vessel exists in an otherworldly space, its intricate metalwork framed by ethereal swaths of color, giving it an almost dreamlike presence amidst the undefined, loose genre of the painting's background.",,6,2,attribute,other,"attribute - other (spaceship, giant)",Is the spaceship giant? +diffusiondb7,"An artistic fusion of styles reminiscent of the great masters like H.R. Giger's dark surrealism, Richard Schmid's refined realism, and Jeremy Lipking's contemporary impressionism comes to life in a striking full-length portrait painting. The expansive canvas is filled with loose, impressionistic brushstrokes that capture the haunting beauty of a Victorian-style giant spaceship. The vessel exists in an otherworldly space, its intricate metalwork framed by ethereal swaths of color, giving it an almost dreamlike presence amidst the undefined, loose genre of the painting's background.",,7,1,attribute,texture,"attribute - texture (canvas, impressionistic brushstrokes)","Does the canvas have loose, impressionistic brushstrokes?" +diffusiondb7,"An artistic fusion of styles reminiscent of the great masters like H.R. Giger's dark surrealism, Richard Schmid's refined realism, and Jeremy Lipking's contemporary impressionism comes to life in a striking full-length portrait painting. The expansive canvas is filled with loose, impressionistic brushstrokes that capture the haunting beauty of a Victorian-style giant spaceship. The vessel exists in an otherworldly space, its intricate metalwork framed by ethereal swaths of color, giving it an almost dreamlike presence amidst the undefined, loose genre of the painting's background.",,8,2,attribute,texture,"attribute - texture (spaceship, intricate metalwork)",Does the spaceship have intricate metalwork? +diffusiondb7,"An artistic fusion of styles reminiscent of the great masters like H.R. Giger's dark surrealism, Richard Schmid's refined realism, and Jeremy Lipking's contemporary impressionism comes to life in a striking full-length portrait painting. The expansive canvas is filled with loose, impressionistic brushstrokes that capture the haunting beauty of a Victorian-style giant spaceship. The vessel exists in an otherworldly space, its intricate metalwork framed by ethereal swaths of color, giving it an almost dreamlike presence amidst the undefined, loose genre of the painting's background.",,9,1,attribute,color,"attribute - color (background, ethereal swaths of color)",Does the background feature ethereal swaths of color? +diffusiondb7,"An artistic fusion of styles reminiscent of the great masters like H.R. Giger's dark surrealism, Richard Schmid's refined realism, and Jeremy Lipking's contemporary impressionism comes to life in a striking full-length portrait painting. The expansive canvas is filled with loose, impressionistic brushstrokes that capture the haunting beauty of a Victorian-style giant spaceship. The vessel exists in an otherworldly space, its intricate metalwork framed by ethereal swaths of color, giving it an almost dreamlike presence amidst the undefined, loose genre of the painting's background.",,10,"1,2",relation,spatial,"relation - spatial (spaceship, canvas, on)",Is the spaceship depicted on the canvas? +diffusiondb12,"A high-resolution portrait of the acclaimed actress Julianne Moore trending on Pinterest, captured by the lens of photographer Kyle Thompson. Her hair is styled in full platinum blonde waves that frame her intensely expressive, pale-skinned visage with high detail. The photograph, exuding realism and superior quality, showcases her piercing gaze that imparts a sense of subtle strength.",,1,0,entity,whole,entity - whole (portrait),Is there a portrait? +diffusiondb12,"A high-resolution portrait of the acclaimed actress Julianne Moore trending on Pinterest, captured by the lens of photographer Kyle Thompson. Her hair is styled in full platinum blonde waves that frame her intensely expressive, pale-skinned visage with high detail. The photograph, exuding realism and superior quality, showcases her piercing gaze that imparts a sense of subtle strength.",,2,0,entity,whole,entity - whole (actress),Is there an actress? +diffusiondb12,"A high-resolution portrait of the acclaimed actress Julianne Moore trending on Pinterest, captured by the lens of photographer Kyle Thompson. Her hair is styled in full platinum blonde waves that frame her intensely expressive, pale-skinned visage with high detail. The photograph, exuding realism and superior quality, showcases her piercing gaze that imparts a sense of subtle strength.",,3,0,entity,whole,entity - whole (photographer),Is there a photographer? +diffusiondb12,"A high-resolution portrait of the acclaimed actress Julianne Moore trending on Pinterest, captured by the lens of photographer Kyle Thompson. Her hair is styled in full platinum blonde waves that frame her intensely expressive, pale-skinned visage with high detail. The photograph, exuding realism and superior quality, showcases her piercing gaze that imparts a sense of subtle strength.",,4,2,entity,part,entity - part (actress's hair),Does the actress have hair? +diffusiondb12,"A high-resolution portrait of the acclaimed actress Julianne Moore trending on Pinterest, captured by the lens of photographer Kyle Thompson. Her hair is styled in full platinum blonde waves that frame her intensely expressive, pale-skinned visage with high detail. The photograph, exuding realism and superior quality, showcases her piercing gaze that imparts a sense of subtle strength.",,5,2,entity,part,entity - part (actress's visage),Is there a visage? +diffusiondb12,"A high-resolution portrait of the acclaimed actress Julianne Moore trending on Pinterest, captured by the lens of photographer Kyle Thompson. Her hair is styled in full platinum blonde waves that frame her intensely expressive, pale-skinned visage with high detail. The photograph, exuding realism and superior quality, showcases her piercing gaze that imparts a sense of subtle strength.",,6,4,attribute,color,"attribute - color (actress's hair, platinum blonde)",Is the actress's hair platinum blonde? +diffusiondb12,"A high-resolution portrait of the acclaimed actress Julianne Moore trending on Pinterest, captured by the lens of photographer Kyle Thompson. Her hair is styled in full platinum blonde waves that frame her intensely expressive, pale-skinned visage with high detail. The photograph, exuding realism and superior quality, showcases her piercing gaze that imparts a sense of subtle strength.",,7,4,attribute,texture,"attribute - texture (actress's hair, wavy)",Is the actress's hair styled in waves? +diffusiondb12,"A high-resolution portrait of the acclaimed actress Julianne Moore trending on Pinterest, captured by the lens of photographer Kyle Thompson. Her hair is styled in full platinum blonde waves that frame her intensely expressive, pale-skinned visage with high detail. The photograph, exuding realism and superior quality, showcases her piercing gaze that imparts a sense of subtle strength.",,8,5,attribute,color,"attribute - color (actress's skin, pale)",Is the actress's skin pale? +diffusiondb12,"A high-resolution portrait of the acclaimed actress Julianne Moore trending on Pinterest, captured by the lens of photographer Kyle Thompson. Her hair is styled in full platinum blonde waves that frame her intensely expressive, pale-skinned visage with high detail. The photograph, exuding realism and superior quality, showcases her piercing gaze that imparts a sense of subtle strength.",,9,1,global,,global - (high-resolution),Is the portrait high-resolution? +diffusiondb12,"A high-resolution portrait of the acclaimed actress Julianne Moore trending on Pinterest, captured by the lens of photographer Kyle Thompson. Her hair is styled in full platinum blonde waves that frame her intensely expressive, pale-skinned visage with high detail. The photograph, exuding realism and superior quality, showcases her piercing gaze that imparts a sense of subtle strength.",,10,1,global,,global - (realism and superior quality),Does the photograph exude realism and superior quality? +stanford6,"An almost empty airport tarmac bathed in the soft glow of the early morning sun. A few scattered luggage carts stand idle near the terminal, while two commercial airplanes sit parked on the apron, their boarding stairs down, anticipating the arrival of passengers. In the distance, by the edge of the main airport building, stand two tall poles, painted in alternating bands of red and white, standing out against the clear blue sky.",,1,0,entity,whole,entity - whole (airport tarmac),Is there an airport tarmac? +stanford6,"An almost empty airport tarmac bathed in the soft glow of the early morning sun. A few scattered luggage carts stand idle near the terminal, while two commercial airplanes sit parked on the apron, their boarding stairs down, anticipating the arrival of passengers. In the distance, by the edge of the main airport building, stand two tall poles, painted in alternating bands of red and white, standing out against the clear blue sky.",,2,0,entity,whole,entity - whole (luggage carts),Are there luggage carts? +stanford6,"An almost empty airport tarmac bathed in the soft glow of the early morning sun. A few scattered luggage carts stand idle near the terminal, while two commercial airplanes sit parked on the apron, their boarding stairs down, anticipating the arrival of passengers. In the distance, by the edge of the main airport building, stand two tall poles, painted in alternating bands of red and white, standing out against the clear blue sky.",,3,0,entity,whole,entity - whole (airplanes),Are there airplanes? +stanford6,"An almost empty airport tarmac bathed in the soft glow of the early morning sun. A few scattered luggage carts stand idle near the terminal, while two commercial airplanes sit parked on the apron, their boarding stairs down, anticipating the arrival of passengers. In the distance, by the edge of the main airport building, stand two tall poles, painted in alternating bands of red and white, standing out against the clear blue sky.",,4,3,entity,whole,entity - whole (boarding stairs),Are there boarding stairs? +stanford6,"An almost empty airport tarmac bathed in the soft glow of the early morning sun. A few scattered luggage carts stand idle near the terminal, while two commercial airplanes sit parked on the apron, their boarding stairs down, anticipating the arrival of passengers. In the distance, by the edge of the main airport building, stand two tall poles, painted in alternating bands of red and white, standing out against the clear blue sky.",,5,0,entity,whole,entity - whole (passengers),Are there passengers? +stanford6,"An almost empty airport tarmac bathed in the soft glow of the early morning sun. A few scattered luggage carts stand idle near the terminal, while two commercial airplanes sit parked on the apron, their boarding stairs down, anticipating the arrival of passengers. In the distance, by the edge of the main airport building, stand two tall poles, painted in alternating bands of red and white, standing out against the clear blue sky.",,6,0,entity,whole,entity - whole (airport building),Is there a main airport building? +stanford6,"An almost empty airport tarmac bathed in the soft glow of the early morning sun. A few scattered luggage carts stand idle near the terminal, while two commercial airplanes sit parked on the apron, their boarding stairs down, anticipating the arrival of passengers. In the distance, by the edge of the main airport building, stand two tall poles, painted in alternating bands of red and white, standing out against the clear blue sky.",,7,0,entity,whole,entity - whole (poles),Are there tall poles? +stanford6,"An almost empty airport tarmac bathed in the soft glow of the early morning sun. A few scattered luggage carts stand idle near the terminal, while two commercial airplanes sit parked on the apron, their boarding stairs down, anticipating the arrival of passengers. In the distance, by the edge of the main airport building, stand two tall poles, painted in alternating bands of red and white, standing out against the clear blue sky.",,8,1,entity,state,"entity - state (airport tarmac, almost empty)",Is the airport tarmac almost empty? +stanford6,"An almost empty airport tarmac bathed in the soft glow of the early morning sun. A few scattered luggage carts stand idle near the terminal, while two commercial airplanes sit parked on the apron, their boarding stairs down, anticipating the arrival of passengers. In the distance, by the edge of the main airport building, stand two tall poles, painted in alternating bands of red and white, standing out against the clear blue sky.",,9,2,entity,state,"entity - state (luggage carts, idle)",Are the luggage carts idle? +stanford6,"An almost empty airport tarmac bathed in the soft glow of the early morning sun. A few scattered luggage carts stand idle near the terminal, while two commercial airplanes sit parked on the apron, their boarding stairs down, anticipating the arrival of passengers. In the distance, by the edge of the main airport building, stand two tall poles, painted in alternating bands of red and white, standing out against the clear blue sky.",,10,3,entity,state,"entity - state (airplanes, parked)",Are the airplanes parked? +posescript11,"A person is captured in a dynamic pose, with both arms raised to head level and extended toward the right, careful not to touch the head. The individual's gaze is directed attentively to the right, as if focusing on something in the distance. Their stance exudes balance and intention, with the left foot placed forward and the right foot behind, creating a strong, stable base for the graceful positioning of the limbs.",,1,0,entity,whole,entity - whole (person),Is there a person? +posescript11,"A person is captured in a dynamic pose, with both arms raised to head level and extended toward the right, careful not to touch the head. The individual's gaze is directed attentively to the right, as if focusing on something in the distance. Their stance exudes balance and intention, with the left foot placed forward and the right foot behind, creating a strong, stable base for the graceful positioning of the limbs.",,2,1,entity,part,entity - part (person's arms),Does the person have arms? +posescript11,"A person is captured in a dynamic pose, with both arms raised to head level and extended toward the right, careful not to touch the head. The individual's gaze is directed attentively to the right, as if focusing on something in the distance. Their stance exudes balance and intention, with the left foot placed forward and the right foot behind, creating a strong, stable base for the graceful positioning of the limbs.",,3,1,entity,part,entity - part (person's head),Does the person have a head? +posescript11,"A person is captured in a dynamic pose, with both arms raised to head level and extended toward the right, careful not to touch the head. The individual's gaze is directed attentively to the right, as if focusing on something in the distance. Their stance exudes balance and intention, with the left foot placed forward and the right foot behind, creating a strong, stable base for the graceful positioning of the limbs.",,4,1,entity,part,entity - part (person's gaze),Does the person have a gaze? +posescript11,"A person is captured in a dynamic pose, with both arms raised to head level and extended toward the right, careful not to touch the head. The individual's gaze is directed attentively to the right, as if focusing on something in the distance. Their stance exudes balance and intention, with the left foot placed forward and the right foot behind, creating a strong, stable base for the graceful positioning of the limbs.",,5,1,entity,part,entity - part (person's feet),Does the person have feet? +posescript11,"A person is captured in a dynamic pose, with both arms raised to head level and extended toward the right, careful not to touch the head. The individual's gaze is directed attentively to the right, as if focusing on something in the distance. Their stance exudes balance and intention, with the left foot placed forward and the right foot behind, creating a strong, stable base for the graceful positioning of the limbs.",,6,2,entity,state,"entity - state (arms, raised to head level)",Are the person's arms raised to head level? +posescript11,"A person is captured in a dynamic pose, with both arms raised to head level and extended toward the right, careful not to touch the head. The individual's gaze is directed attentively to the right, as if focusing on something in the distance. Their stance exudes balance and intention, with the left foot placed forward and the right foot behind, creating a strong, stable base for the graceful positioning of the limbs.",,7,2,entity,state,"entity - state (arms, extended toward the right)",Are the person's arms extended toward the right? +posescript11,"A person is captured in a dynamic pose, with both arms raised to head level and extended toward the right, careful not to touch the head. The individual's gaze is directed attentively to the right, as if focusing on something in the distance. Their stance exudes balance and intention, with the left foot placed forward and the right foot behind, creating a strong, stable base for the graceful positioning of the limbs.",,8,4,entity,state,"entity - state (gaze, directed to the right)",Is the person's gaze directed to the right? +posescript11,"A person is captured in a dynamic pose, with both arms raised to head level and extended toward the right, careful not to touch the head. The individual's gaze is directed attentively to the right, as if focusing on something in the distance. Their stance exudes balance and intention, with the left foot placed forward and the right foot behind, creating a strong, stable base for the graceful positioning of the limbs.",,9,1,entity,state,"entity - state (person, balance and intention, exude)",Does the person's stance exude balance and intention? +posescript11,"A person is captured in a dynamic pose, with both arms raised to head level and extended toward the right, careful not to touch the head. The individual's gaze is directed attentively to the right, as if focusing on something in the distance. Their stance exudes balance and intention, with the left foot placed forward and the right foot behind, creating a strong, stable base for the graceful positioning of the limbs.",,10,5,relation,spatial,"relation - spatial (left foot, forward, placed)",Is the left foot placed forward? +posescript11,"A person is captured in a dynamic pose, with both arms raised to head level and extended toward the right, careful not to touch the head. The individual's gaze is directed attentively to the right, as if focusing on something in the distance. Their stance exudes balance and intention, with the left foot placed forward and the right foot behind, creating a strong, stable base for the graceful positioning of the limbs.",,11,5,relation,spatial,"relation - spatial (right foot, behind, placed)",Is the right foot placed behind? +midjourney19,"Visually intriguing macro photography captures the essence of mystical waves, seemingly afloat and intertwined with delicate, hair-like particles. Shades from a psychedelic color palette entwine, creating a stunning and surreal scene reminiscent of twilight. These vibrant waves, rendered with high-octane graphical precision, offer a hyper-realistic glimpse into an otherworldly dimension.",,1,0,global,,global - (macro photography),Is this macro photography? +midjourney19,"Visually intriguing macro photography captures the essence of mystical waves, seemingly afloat and intertwined with delicate, hair-like particles. Shades from a psychedelic color palette entwine, creating a stunning and surreal scene reminiscent of twilight. These vibrant waves, rendered with high-octane graphical precision, offer a hyper-realistic glimpse into an otherworldly dimension.",,2,0,entity,whole,entity - whole (waves),Are there waves? +midjourney19,"Visually intriguing macro photography captures the essence of mystical waves, seemingly afloat and intertwined with delicate, hair-like particles. Shades from a psychedelic color palette entwine, creating a stunning and surreal scene reminiscent of twilight. These vibrant waves, rendered with high-octane graphical precision, offer a hyper-realistic glimpse into an otherworldly dimension.",,3,2,entity,part,"entity - part (particles, hair-like)",Are there hair-like particles? +midjourney19,"Visually intriguing macro photography captures the essence of mystical waves, seemingly afloat and intertwined with delicate, hair-like particles. Shades from a psychedelic color palette entwine, creating a stunning and surreal scene reminiscent of twilight. These vibrant waves, rendered with high-octane graphical precision, offer a hyper-realistic glimpse into an otherworldly dimension.",,4,2,attribute,texture,"attribute - texture (waves, mystical)",Do the waves appear mystical? +midjourney19,"Visually intriguing macro photography captures the essence of mystical waves, seemingly afloat and intertwined with delicate, hair-like particles. Shades from a psychedelic color palette entwine, creating a stunning and surreal scene reminiscent of twilight. These vibrant waves, rendered with high-octane graphical precision, offer a hyper-realistic glimpse into an otherworldly dimension.",,5,2,attribute,color,"attribute - color (waves, psychedelic palette)",Do the waves have colors from a psychedelic palette? +midjourney19,"Visually intriguing macro photography captures the essence of mystical waves, seemingly afloat and intertwined with delicate, hair-like particles. Shades from a psychedelic color palette entwine, creating a stunning and surreal scene reminiscent of twilight. These vibrant waves, rendered with high-octane graphical precision, offer a hyper-realistic glimpse into an otherworldly dimension.",,6,2,entity,state,"entity - state (waves, afloat)",Do the waves seem to be afloat? +midjourney19,"Visually intriguing macro photography captures the essence of mystical waves, seemingly afloat and intertwined with delicate, hair-like particles. Shades from a psychedelic color palette entwine, creating a stunning and surreal scene reminiscent of twilight. These vibrant waves, rendered with high-octane graphical precision, offer a hyper-realistic glimpse into an otherworldly dimension.",,7,"2,3",entity,state,"entity - state (waves, intertwined)",Are the waves intertwined with delicate particles? +midjourney19,"Visually intriguing macro photography captures the essence of mystical waves, seemingly afloat and intertwined with delicate, hair-like particles. Shades from a psychedelic color palette entwine, creating a stunning and surreal scene reminiscent of twilight. These vibrant waves, rendered with high-octane graphical precision, offer a hyper-realistic glimpse into an otherworldly dimension.",,8,0,global,,"global - (scene, surreal)",Is the scene surreal? +midjourney19,"Visually intriguing macro photography captures the essence of mystical waves, seemingly afloat and intertwined with delicate, hair-like particles. Shades from a psychedelic color palette entwine, creating a stunning and surreal scene reminiscent of twilight. These vibrant waves, rendered with high-octane graphical precision, offer a hyper-realistic glimpse into an otherworldly dimension.",,9,0,global,,"global - (scene, reminiscent of twilight)",Does the scene remind one of twilight? +midjourney19,"Visually intriguing macro photography captures the essence of mystical waves, seemingly afloat and intertwined with delicate, hair-like particles. Shades from a psychedelic color palette entwine, creating a stunning and surreal scene reminiscent of twilight. These vibrant waves, rendered with high-octane graphical precision, offer a hyper-realistic glimpse into an otherworldly dimension.",,10,1,global,,"global - (photography, hyper-realistic)",Is the photography hyper-realistic? +diffusiondb5,"a captivating painting dominated by rich, deep colors and an eclectic mix of artistic styles, featuring a gothic clown girl as the central figure. The clown girl's enigmatic expression is captured through the bold strokes and distorted forms reminiscent of Francis Bacon and Adrian Ghenie's work. Her attire is detailed with intricate patterns and textures, echoing the finesse of James Jean and Petra Cortright's digital artistry, while sections of the background blend seamlessly into the abstract realism characteristic of Gerhard Richter. The subtle, haunting illustrations accompanying the figure bear the distinctive mark of Takato Yamamoto. This 8 thousand-dollar masterpiece is an intriguing blend of western and eastern art influences, creating a visually arresting tableau.",,1,0,entity,whole,entity - whole (painting),Is there a painting? +diffusiondb5,"a captivating painting dominated by rich, deep colors and an eclectic mix of artistic styles, featuring a gothic clown girl as the central figure. The clown girl's enigmatic expression is captured through the bold strokes and distorted forms reminiscent of Francis Bacon and Adrian Ghenie's work. Her attire is detailed with intricate patterns and textures, echoing the finesse of James Jean and Petra Cortright's digital artistry, while sections of the background blend seamlessly into the abstract realism characteristic of Gerhard Richter. The subtle, haunting illustrations accompanying the figure bear the distinctive mark of Takato Yamamoto. This 8 thousand-dollar masterpiece is an intriguing blend of western and eastern art influences, creating a visually arresting tableau.",,2,1,entity,whole,entity - whole (clown girl),Is there a clown girl in the painting? +diffusiondb5,"a captivating painting dominated by rich, deep colors and an eclectic mix of artistic styles, featuring a gothic clown girl as the central figure. The clown girl's enigmatic expression is captured through the bold strokes and distorted forms reminiscent of Francis Bacon and Adrian Ghenie's work. Her attire is detailed with intricate patterns and textures, echoing the finesse of James Jean and Petra Cortright's digital artistry, while sections of the background blend seamlessly into the abstract realism characteristic of Gerhard Richter. The subtle, haunting illustrations accompanying the figure bear the distinctive mark of Takato Yamamoto. This 8 thousand-dollar masterpiece is an intriguing blend of western and eastern art influences, creating a visually arresting tableau.",,3,1,attribute,color,"attribute - color (painting, rich deep colors)","Does the painting feature rich, deep colors?" +diffusiondb5,"a captivating painting dominated by rich, deep colors and an eclectic mix of artistic styles, featuring a gothic clown girl as the central figure. The clown girl's enigmatic expression is captured through the bold strokes and distorted forms reminiscent of Francis Bacon and Adrian Ghenie's work. Her attire is detailed with intricate patterns and textures, echoing the finesse of James Jean and Petra Cortright's digital artistry, while sections of the background blend seamlessly into the abstract realism characteristic of Gerhard Richter. The subtle, haunting illustrations accompanying the figure bear the distinctive mark of Takato Yamamoto. This 8 thousand-dollar masterpiece is an intriguing blend of western and eastern art influences, creating a visually arresting tableau.",,4,1,global,,"global - (painting, eclectic mix of artistic styles)",Does the painting exhibit an eclectic mix of artistic styles? +diffusiondb5,"a captivating painting dominated by rich, deep colors and an eclectic mix of artistic styles, featuring a gothic clown girl as the central figure. The clown girl's enigmatic expression is captured through the bold strokes and distorted forms reminiscent of Francis Bacon and Adrian Ghenie's work. Her attire is detailed with intricate patterns and textures, echoing the finesse of James Jean and Petra Cortright's digital artistry, while sections of the background blend seamlessly into the abstract realism characteristic of Gerhard Richter. The subtle, haunting illustrations accompanying the figure bear the distinctive mark of Takato Yamamoto. This 8 thousand-dollar masterpiece is an intriguing blend of western and eastern art influences, creating a visually arresting tableau.",,5,2,attribute,other,"attribute - other (clown girl, gothic)",Is the clown girl depicted in a gothic style? +diffusiondb5,"a captivating painting dominated by rich, deep colors and an eclectic mix of artistic styles, featuring a gothic clown girl as the central figure. The clown girl's enigmatic expression is captured through the bold strokes and distorted forms reminiscent of Francis Bacon and Adrian Ghenie's work. Her attire is detailed with intricate patterns and textures, echoing the finesse of James Jean and Petra Cortright's digital artistry, while sections of the background blend seamlessly into the abstract realism characteristic of Gerhard Richter. The subtle, haunting illustrations accompanying the figure bear the distinctive mark of Takato Yamamoto. This 8 thousand-dollar masterpiece is an intriguing blend of western and eastern art influences, creating a visually arresting tableau.",,6,2,attribute,texture,"attribute - texture (clown girl's attire, intricate patterns)",Is the clown girl's attire detailed with intricate patterns and textures? +diffusiondb5,"a captivating painting dominated by rich, deep colors and an eclectic mix of artistic styles, featuring a gothic clown girl as the central figure. The clown girl's enigmatic expression is captured through the bold strokes and distorted forms reminiscent of Francis Bacon and Adrian Ghenie's work. Her attire is detailed with intricate patterns and textures, echoing the finesse of James Jean and Petra Cortright's digital artistry, while sections of the background blend seamlessly into the abstract realism characteristic of Gerhard Richter. The subtle, haunting illustrations accompanying the figure bear the distinctive mark of Takato Yamamoto. This 8 thousand-dollar masterpiece is an intriguing blend of western and eastern art influences, creating a visually arresting tableau.",,7,"1,2",relation,spatial,"relation - spatial (clown girl, painting, central figure)",Is the clown girl the central figure of the painting? +diffusiondb5,"a captivating painting dominated by rich, deep colors and an eclectic mix of artistic styles, featuring a gothic clown girl as the central figure. The clown girl's enigmatic expression is captured through the bold strokes and distorted forms reminiscent of Francis Bacon and Adrian Ghenie's work. Her attire is detailed with intricate patterns and textures, echoing the finesse of James Jean and Petra Cortright's digital artistry, while sections of the background blend seamlessly into the abstract realism characteristic of Gerhard Richter. The subtle, haunting illustrations accompanying the figure bear the distinctive mark of Takato Yamamoto. This 8 thousand-dollar masterpiece is an intriguing blend of western and eastern art influences, creating a visually arresting tableau.",,8,1,attribute,other,"attribute - other (painting, western and eastern art influences)",Does the painting blend western and eastern art influences? +diffusiondb5,"a captivating painting dominated by rich, deep colors and an eclectic mix of artistic styles, featuring a gothic clown girl as the central figure. The clown girl's enigmatic expression is captured through the bold strokes and distorted forms reminiscent of Francis Bacon and Adrian Ghenie's work. Her attire is detailed with intricate patterns and textures, echoing the finesse of James Jean and Petra Cortright's digital artistry, while sections of the background blend seamlessly into the abstract realism characteristic of Gerhard Richter. The subtle, haunting illustrations accompanying the figure bear the distinctive mark of Takato Yamamoto. This 8 thousand-dollar masterpiece is an intriguing blend of western and eastern art influences, creating a visually arresting tableau.",,9,1,attribute,other,"attribute - other (background, abstract realism)",Does the background of the painting have abstract realism? +stanford29,"A classic vintage airplane, predominantly white with red and black accents, is parked on a clear area adjacent to a tranquil body of water. The sky above is densely populated with fluffy, white clouds, hinting at the possibility of changeable weather. Nearby, a small, unassuming box sits on the ground, its purpose unclear, yet it appears inconspicuous against the grandeur of the aircraft.",,1,0,entity,whole,entity - whole (airplane),Is there a classic vintage airplane? +stanford29,"A classic vintage airplane, predominantly white with red and black accents, is parked on a clear area adjacent to a tranquil body of water. The sky above is densely populated with fluffy, white clouds, hinting at the possibility of changeable weather. Nearby, a small, unassuming box sits on the ground, its purpose unclear, yet it appears inconspicuous against the grandeur of the aircraft.",,2,0,entity,whole,entity - whole (body of water),Is there a body of water? +stanford29,"A classic vintage airplane, predominantly white with red and black accents, is parked on a clear area adjacent to a tranquil body of water. The sky above is densely populated with fluffy, white clouds, hinting at the possibility of changeable weather. Nearby, a small, unassuming box sits on the ground, its purpose unclear, yet it appears inconspicuous against the grandeur of the aircraft.",,3,0,entity,whole,entity - whole (clouds),Are there clouds? +stanford29,"A classic vintage airplane, predominantly white with red and black accents, is parked on a clear area adjacent to a tranquil body of water. The sky above is densely populated with fluffy, white clouds, hinting at the possibility of changeable weather. Nearby, a small, unassuming box sits on the ground, its purpose unclear, yet it appears inconspicuous against the grandeur of the aircraft.",,4,0,entity,whole,entity - whole (box),Is there a box? +stanford29,"A classic vintage airplane, predominantly white with red and black accents, is parked on a clear area adjacent to a tranquil body of water. The sky above is densely populated with fluffy, white clouds, hinting at the possibility of changeable weather. Nearby, a small, unassuming box sits on the ground, its purpose unclear, yet it appears inconspicuous against the grandeur of the aircraft.",,5,1,attribute,color,"attribute - color (airplane, white)",Is the airplane predominantly white? +stanford29,"A classic vintage airplane, predominantly white with red and black accents, is parked on a clear area adjacent to a tranquil body of water. The sky above is densely populated with fluffy, white clouds, hinting at the possibility of changeable weather. Nearby, a small, unassuming box sits on the ground, its purpose unclear, yet it appears inconspicuous against the grandeur of the aircraft.",,6,1,attribute,color,"attribute - color (airplane's accents, red)",Does the airplane have red accents? +stanford29,"A classic vintage airplane, predominantly white with red and black accents, is parked on a clear area adjacent to a tranquil body of water. The sky above is densely populated with fluffy, white clouds, hinting at the possibility of changeable weather. Nearby, a small, unassuming box sits on the ground, its purpose unclear, yet it appears inconspicuous against the grandeur of the aircraft.",,7,1,attribute,color,"attribute - color (airplane's accents, black)",Does the airplane have black accents? +stanford29,"A classic vintage airplane, predominantly white with red and black accents, is parked on a clear area adjacent to a tranquil body of water. The sky above is densely populated with fluffy, white clouds, hinting at the possibility of changeable weather. Nearby, a small, unassuming box sits on the ground, its purpose unclear, yet it appears inconspicuous against the grandeur of the aircraft.",,8,1,entity,state,"entity - state (airplane, parked)",Is the airplane parked? +stanford29,"A classic vintage airplane, predominantly white with red and black accents, is parked on a clear area adjacent to a tranquil body of water. The sky above is densely populated with fluffy, white clouds, hinting at the possibility of changeable weather. Nearby, a small, unassuming box sits on the ground, its purpose unclear, yet it appears inconspicuous against the grandeur of the aircraft.",,9,3,attribute,texture,"attribute - texture (clouds, fluffy)",Are the clouds fluffy and white? +stanford29,"A classic vintage airplane, predominantly white with red and black accents, is parked on a clear area adjacent to a tranquil body of water. The sky above is densely populated with fluffy, white clouds, hinting at the possibility of changeable weather. Nearby, a small, unassuming box sits on the ground, its purpose unclear, yet it appears inconspicuous against the grandeur of the aircraft.",,10,"1,2",relation,spatial,"relation - spatial (airplane, body of water, adjacent to)",Is the airplane parked adjacent to a body of water? +whoops3,"Two elegantly dressed women, adorned in intricate Renaissance gowns with puffed sleeves and rich embroidery, hold up a sleek, modern smartphone to capture a selfie. Their attire features deep hues of red and gold, contrasting with the metallic sheen of the phone. They stand in a room with classic architectural elements, including a large window that bathes them in natural light.",,1,0,entity,whole,entity - whole (women),Are there women? +whoops3,"Two elegantly dressed women, adorned in intricate Renaissance gowns with puffed sleeves and rich embroidery, hold up a sleek, modern smartphone to capture a selfie. Their attire features deep hues of red and gold, contrasting with the metallic sheen of the phone. They stand in a room with classic architectural elements, including a large window that bathes them in natural light.",,2,1,other,count,"other - count (women, ==2)",Are there two women? +whoops3,"Two elegantly dressed women, adorned in intricate Renaissance gowns with puffed sleeves and rich embroidery, hold up a sleek, modern smartphone to capture a selfie. Their attire features deep hues of red and gold, contrasting with the metallic sheen of the phone. They stand in a room with classic architectural elements, including a large window that bathes them in natural light.",,3,1,entity,whole,entity - whole (gowns),Are the women wearing gowns? +whoops3,"Two elegantly dressed women, adorned in intricate Renaissance gowns with puffed sleeves and rich embroidery, hold up a sleek, modern smartphone to capture a selfie. Their attire features deep hues of red and gold, contrasting with the metallic sheen of the phone. They stand in a room with classic architectural elements, including a large window that bathes them in natural light.",,4,0,entity,whole,entity - whole (smartphone),Is there a smartphone? +whoops3,"Two elegantly dressed women, adorned in intricate Renaissance gowns with puffed sleeves and rich embroidery, hold up a sleek, modern smartphone to capture a selfie. Their attire features deep hues of red and gold, contrasting with the metallic sheen of the phone. They stand in a room with classic architectural elements, including a large window that bathes them in natural light.",,5,3,entity,part,entity - part (gowns' sleeves),Do the gowns have puffed sleeves? +whoops3,"Two elegantly dressed women, adorned in intricate Renaissance gowns with puffed sleeves and rich embroidery, hold up a sleek, modern smartphone to capture a selfie. Their attire features deep hues of red and gold, contrasting with the metallic sheen of the phone. They stand in a room with classic architectural elements, including a large window that bathes them in natural light.",,6,3,attribute,color,"attribute - color (gowns, red)",Are the gowns red? +whoops3,"Two elegantly dressed women, adorned in intricate Renaissance gowns with puffed sleeves and rich embroidery, hold up a sleek, modern smartphone to capture a selfie. Their attire features deep hues of red and gold, contrasting with the metallic sheen of the phone. They stand in a room with classic architectural elements, including a large window that bathes them in natural light.",,7,3,attribute,color,"attribute - color (gowns, gold)",Are the gowns gold? +whoops3,"Two elegantly dressed women, adorned in intricate Renaissance gowns with puffed sleeves and rich embroidery, hold up a sleek, modern smartphone to capture a selfie. Their attire features deep hues of red and gold, contrasting with the metallic sheen of the phone. They stand in a room with classic architectural elements, including a large window that bathes them in natural light.",,8,4,attribute,texture,"attribute - texture (smartphone, metallic sheen)",Does the smartphone have a metallic sheen? +whoops3,"Two elegantly dressed women, adorned in intricate Renaissance gowns with puffed sleeves and rich embroidery, hold up a sleek, modern smartphone to capture a selfie. Their attire features deep hues of red and gold, contrasting with the metallic sheen of the phone. They stand in a room with classic architectural elements, including a large window that bathes them in natural light.",,9,"1,4",entity,state,"entity - state (women, hold up smartphone)",Are the women holding up the smartphone? +whoops3,"Two elegantly dressed women, adorned in intricate Renaissance gowns with puffed sleeves and rich embroidery, hold up a sleek, modern smartphone to capture a selfie. Their attire features deep hues of red and gold, contrasting with the metallic sheen of the phone. They stand in a room with classic architectural elements, including a large window that bathes them in natural light.",,10,1,relation,spatial,"relation - spatial (women, room, in)",Are the women in a room? +posescript9,"In a well-lit room with a soft beige carpet, an individual is practicing a forward bend yoga stretch. Their torso is folded over, head nestled between their arms, with their hands lightly meeting at their feet, showing a relaxed and mindful posture. Although the knees maintain a slight bend to protect the joints, the legs remain parallel to each other, with only a small gap separating them, creating a harmonious balance in the pose.",,1,0,entity,whole,entity - whole (room),Is there a room? +posescript9,"In a well-lit room with a soft beige carpet, an individual is practicing a forward bend yoga stretch. Their torso is folded over, head nestled between their arms, with their hands lightly meeting at their feet, showing a relaxed and mindful posture. Although the knees maintain a slight bend to protect the joints, the legs remain parallel to each other, with only a small gap separating them, creating a harmonious balance in the pose.",,2,0,entity,whole,entity - whole (carpet),Is there a carpet? +posescript9,"In a well-lit room with a soft beige carpet, an individual is practicing a forward bend yoga stretch. Their torso is folded over, head nestled between their arms, with their hands lightly meeting at their feet, showing a relaxed and mindful posture. Although the knees maintain a slight bend to protect the joints, the legs remain parallel to each other, with only a small gap separating them, creating a harmonious balance in the pose.",,3,0,entity,whole,entity - whole (individual),Is there an individual? +posescript9,"In a well-lit room with a soft beige carpet, an individual is practicing a forward bend yoga stretch. Their torso is folded over, head nestled between their arms, with their hands lightly meeting at their feet, showing a relaxed and mindful posture. Although the knees maintain a slight bend to protect the joints, the legs remain parallel to each other, with only a small gap separating them, creating a harmonious balance in the pose.",,4,3,entity,state,"entity - state (individual, forward bend yoga stretch)",Is the individual practicing a forward bend yoga stretch? +posescript9,"In a well-lit room with a soft beige carpet, an individual is practicing a forward bend yoga stretch. Their torso is folded over, head nestled between their arms, with their hands lightly meeting at their feet, showing a relaxed and mindful posture. Although the knees maintain a slight bend to protect the joints, the legs remain parallel to each other, with only a small gap separating them, creating a harmonious balance in the pose.",,5,2,attribute,color,"attribute - color (carpet, soft beige)",Is the carpet soft beige? +posescript9,"In a well-lit room with a soft beige carpet, an individual is practicing a forward bend yoga stretch. Their torso is folded over, head nestled between their arms, with their hands lightly meeting at their feet, showing a relaxed and mindful posture. Although the knees maintain a slight bend to protect the joints, the legs remain parallel to each other, with only a small gap separating them, creating a harmonious balance in the pose.",,6,1,attribute,texture,"attribute - texture (room, well-lit)",Is the room well-lit? +posescript9,"In a well-lit room with a soft beige carpet, an individual is practicing a forward bend yoga stretch. Their torso is folded over, head nestled between their arms, with their hands lightly meeting at their feet, showing a relaxed and mindful posture. Although the knees maintain a slight bend to protect the joints, the legs remain parallel to each other, with only a small gap separating them, creating a harmonious balance in the pose.",,7,3,entity,part,entity - part (individual's torso),Does the individual have a torso? +posescript9,"In a well-lit room with a soft beige carpet, an individual is practicing a forward bend yoga stretch. Their torso is folded over, head nestled between their arms, with their hands lightly meeting at their feet, showing a relaxed and mindful posture. Although the knees maintain a slight bend to protect the joints, the legs remain parallel to each other, with only a small gap separating them, creating a harmonious balance in the pose.",,8,3,entity,part,entity - part (individual's head),Does the individual have a head? +posescript9,"In a well-lit room with a soft beige carpet, an individual is practicing a forward bend yoga stretch. Their torso is folded over, head nestled between their arms, with their hands lightly meeting at their feet, showing a relaxed and mindful posture. Although the knees maintain a slight bend to protect the joints, the legs remain parallel to each other, with only a small gap separating them, creating a harmonious balance in the pose.",,9,3,entity,part,entity - part (individual's arms),Does the individual have arms? +posescript9,"In a well-lit room with a soft beige carpet, an individual is practicing a forward bend yoga stretch. Their torso is folded over, head nestled between their arms, with their hands lightly meeting at their feet, showing a relaxed and mindful posture. Although the knees maintain a slight bend to protect the joints, the legs remain parallel to each other, with only a small gap separating them, creating a harmonious balance in the pose.",,10,3,entity,part,entity - part (individual's hands),Does the individual have hands? +posescript9,"In a well-lit room with a soft beige carpet, an individual is practicing a forward bend yoga stretch. Their torso is folded over, head nestled between their arms, with their hands lightly meeting at their feet, showing a relaxed and mindful posture. Although the knees maintain a slight bend to protect the joints, the legs remain parallel to each other, with only a small gap separating them, creating a harmonious balance in the pose.",,11,3,entity,part,entity - part (individual's feet),Does the individual have feet? +posescript9,"In a well-lit room with a soft beige carpet, an individual is practicing a forward bend yoga stretch. Their torso is folded over, head nestled between their arms, with their hands lightly meeting at their feet, showing a relaxed and mindful posture. Although the knees maintain a slight bend to protect the joints, the legs remain parallel to each other, with only a small gap separating them, creating a harmonious balance in the pose.",,12,3,entity,part,entity - part (individual's knees),Does the individual have knees? +posescript9,"In a well-lit room with a soft beige carpet, an individual is practicing a forward bend yoga stretch. Their torso is folded over, head nestled between their arms, with their hands lightly meeting at their feet, showing a relaxed and mindful posture. Although the knees maintain a slight bend to protect the joints, the legs remain parallel to each other, with only a small gap separating them, creating a harmonious balance in the pose.",,13,3,entity,part,entity - part (individual's legs),Does the individual have legs? +posescript9,"In a well-lit room with a soft beige carpet, an individual is practicing a forward bend yoga stretch. Their torso is folded over, head nestled between their arms, with their hands lightly meeting at their feet, showing a relaxed and mindful posture. Although the knees maintain a slight bend to protect the joints, the legs remain parallel to each other, with only a small gap separating them, creating a harmonious balance in the pose.",,14,"3,2",relation,spatial,"relation - spatial (individual, carpet, on)",Is the individual on the carpet? +posescript9,"In a well-lit room with a soft beige carpet, an individual is practicing a forward bend yoga stretch. Their torso is folded over, head nestled between their arms, with their hands lightly meeting at their feet, showing a relaxed and mindful posture. Although the knees maintain a slight bend to protect the joints, the legs remain parallel to each other, with only a small gap separating them, creating a harmonious balance in the pose.",,15,"7,13",relation,spatial,"relation - spatial (individual's torso, individual's legs, folded over)",Is the individual's torso folded over their legs? +posescript9,"In a well-lit room with a soft beige carpet, an individual is practicing a forward bend yoga stretch. Their torso is folded over, head nestled between their arms, with their hands lightly meeting at their feet, showing a relaxed and mindful posture. Although the knees maintain a slight bend to protect the joints, the legs remain parallel to each other, with only a small gap separating them, creating a harmonious balance in the pose.",,16,"8,9",relation,spatial,"relation - spatial (individual's head, individual's arms, nestled between)",Is the individual's head nestled between their arms? +posescript9,"In a well-lit room with a soft beige carpet, an individual is practicing a forward bend yoga stretch. Their torso is folded over, head nestled between their arms, with their hands lightly meeting at their feet, showing a relaxed and mindful posture. Although the knees maintain a slight bend to protect the joints, the legs remain parallel to each other, with only a small gap separating them, creating a harmonious balance in the pose.",,17,"10,11",relation,spatial,"relation - spatial (individual's hands, individual's feet, meeting at)",Are the individual's hands meeting at their feet? +posescript9,"In a well-lit room with a soft beige carpet, an individual is practicing a forward bend yoga stretch. Their torso is folded over, head nestled between their arms, with their hands lightly meeting at their feet, showing a relaxed and mindful posture. Although the knees maintain a slight bend to protect the joints, the legs remain parallel to each other, with only a small gap separating them, creating a harmonious balance in the pose.",,18,12,entity,state,"entity - state (individual's knees, slight bend)",Do the individual's knees have a slight bend? +posescript9,"In a well-lit room with a soft beige carpet, an individual is practicing a forward bend yoga stretch. Their torso is folded over, head nestled between their arms, with their hands lightly meeting at their feet, showing a relaxed and mindful posture. Although the knees maintain a slight bend to protect the joints, the legs remain parallel to each other, with only a small gap separating them, creating a harmonious balance in the pose.",,19,13,entity,state,"entity - state (individual's legs, parallel)",Are the individual's legs parallel? +posescript9,"In a well-lit room with a soft beige carpet, an individual is practicing a forward bend yoga stretch. Their torso is folded over, head nestled between their arms, with their hands lightly meeting at their feet, showing a relaxed and mindful posture. Although the knees maintain a slight bend to protect the joints, the legs remain parallel to each other, with only a small gap separating them, creating a harmonious balance in the pose.",,20,13,relation,spatial,"relation - spatial (individual's legs, each other, small gap separating)",Is there a small gap separating the individual's legs from each other? +drawtext4,"A vibrant, wide-angle studio shot capturing oversized, three-dimensional letters spelling out ""colorful"". Each letter is meticulously crafted from an assortment of fuzzy spheres, varying in size and hues, giving the text a rich, tactile appeal. These chunky elements are perfectly aligned in the center of a square canvas, creating a dynamic and visually engaging composition.",,1,0,entity,whole,entity - whole (letters),"Are there oversized, three-dimensional letters?" +drawtext4,"A vibrant, wide-angle studio shot capturing oversized, three-dimensional letters spelling out ""colorful"". Each letter is meticulously crafted from an assortment of fuzzy spheres, varying in size and hues, giving the text a rich, tactile appeal. These chunky elements are perfectly aligned in the center of a square canvas, creating a dynamic and visually engaging composition.",,2,0,entity,whole,entity - whole (spheres),Are there fuzzy spheres? +drawtext4,"A vibrant, wide-angle studio shot capturing oversized, three-dimensional letters spelling out ""colorful"". Each letter is meticulously crafted from an assortment of fuzzy spheres, varying in size and hues, giving the text a rich, tactile appeal. These chunky elements are perfectly aligned in the center of a square canvas, creating a dynamic and visually engaging composition.",,3,0,entity,whole,entity - whole (canvas),Is there a canvas? +drawtext4,"A vibrant, wide-angle studio shot capturing oversized, three-dimensional letters spelling out ""colorful"". Each letter is meticulously crafted from an assortment of fuzzy spheres, varying in size and hues, giving the text a rich, tactile appeal. These chunky elements are perfectly aligned in the center of a square canvas, creating a dynamic and visually engaging composition.",,4,0,global,,global - (studio shot),Is this a studio shot? +drawtext4,"A vibrant, wide-angle studio shot capturing oversized, three-dimensional letters spelling out ""colorful"". Each letter is meticulously crafted from an assortment of fuzzy spheres, varying in size and hues, giving the text a rich, tactile appeal. These chunky elements are perfectly aligned in the center of a square canvas, creating a dynamic and visually engaging composition.",,5,0,global,,global - (wide-angle),Is this shot taken with a wide-angle lens? +drawtext4,"A vibrant, wide-angle studio shot capturing oversized, three-dimensional letters spelling out ""colorful"". Each letter is meticulously crafted from an assortment of fuzzy spheres, varying in size and hues, giving the text a rich, tactile appeal. These chunky elements are perfectly aligned in the center of a square canvas, creating a dynamic and visually engaging composition.",,6,1,attribute,texture,"attribute - texture (letters, fuzzy)",Are the letters made from fuzzy materials? +drawtext4,"A vibrant, wide-angle studio shot capturing oversized, three-dimensional letters spelling out ""colorful"". Each letter is meticulously crafted from an assortment of fuzzy spheres, varying in size and hues, giving the text a rich, tactile appeal. These chunky elements are perfectly aligned in the center of a square canvas, creating a dynamic and visually engaging composition.",,7,2,attribute,size,"attribute - size (spheres, varying)",Do the spheres vary in size? +drawtext4,"A vibrant, wide-angle studio shot capturing oversized, three-dimensional letters spelling out ""colorful"". Each letter is meticulously crafted from an assortment of fuzzy spheres, varying in size and hues, giving the text a rich, tactile appeal. These chunky elements are perfectly aligned in the center of a square canvas, creating a dynamic and visually engaging composition.",,8,2,attribute,color,"attribute - color (spheres, varying hues)",Do the spheres have varying hues? +drawtext4,"A vibrant, wide-angle studio shot capturing oversized, three-dimensional letters spelling out ""colorful"". Each letter is meticulously crafted from an assortment of fuzzy spheres, varying in size and hues, giving the text a rich, tactile appeal. These chunky elements are perfectly aligned in the center of a square canvas, creating a dynamic and visually engaging composition.",,9,"1,3",relation,spatial,"relation - spatial (letters, canvas, center)",Are the letters aligned in the center of the canvas? +drawtext4,"A vibrant, wide-angle studio shot capturing oversized, three-dimensional letters spelling out ""colorful"". Each letter is meticulously crafted from an assortment of fuzzy spheres, varying in size and hues, giving the text a rich, tactile appeal. These chunky elements are perfectly aligned in the center of a square canvas, creating a dynamic and visually engaging composition.",,10,3,attribute,other,"attribute - other (canvas, square)",Is the canvas square? +drawtext38,"a dense forest shrouded in darkness, illuminated only by a single light glowing faintly in the distance. the trees have thick, twisted trunks and are densely packed, their branches creating a canopy that shades the forest floor. clearly visible against this shadowy backdrop is the stark white text ""I've come to talk with you again,"" evoking a sense of solitude and mystery.",,1,0,entity,whole,entity - whole (forest),Is there a dense forest? +drawtext38,"a dense forest shrouded in darkness, illuminated only by a single light glowing faintly in the distance. the trees have thick, twisted trunks and are densely packed, their branches creating a canopy that shades the forest floor. clearly visible against this shadowy backdrop is the stark white text ""I've come to talk with you again,"" evoking a sense of solitude and mystery.",,2,0,entity,whole,entity - whole (light),Is there a light? +drawtext38,"a dense forest shrouded in darkness, illuminated only by a single light glowing faintly in the distance. the trees have thick, twisted trunks and are densely packed, their branches creating a canopy that shades the forest floor. clearly visible against this shadowy backdrop is the stark white text ""I've come to talk with you again,"" evoking a sense of solitude and mystery.",,3,0,entity,whole,entity - whole (trees),Are there trees? +drawtext38,"a dense forest shrouded in darkness, illuminated only by a single light glowing faintly in the distance. the trees have thick, twisted trunks and are densely packed, their branches creating a canopy that shades the forest floor. clearly visible against this shadowy backdrop is the stark white text ""I've come to talk with you again,"" evoking a sense of solitude and mystery.",,4,3,entity,whole,entity - whole (canopy),Is there a canopy? +drawtext38,"a dense forest shrouded in darkness, illuminated only by a single light glowing faintly in the distance. the trees have thick, twisted trunks and are densely packed, their branches creating a canopy that shades the forest floor. clearly visible against this shadowy backdrop is the stark white text ""I've come to talk with you again,"" evoking a sense of solitude and mystery.",,5,1,entity,whole,entity - whole (forest floor),Is there a forest floor? +drawtext38,"a dense forest shrouded in darkness, illuminated only by a single light glowing faintly in the distance. the trees have thick, twisted trunks and are densely packed, their branches creating a canopy that shades the forest floor. clearly visible against this shadowy backdrop is the stark white text ""I've come to talk with you again,"" evoking a sense of solitude and mystery.",,6,3,attribute,texture,"attribute - texture (trees, thick and twisted trunks)",Do the trees have thick and twisted trunks? +drawtext38,"a dense forest shrouded in darkness, illuminated only by a single light glowing faintly in the distance. the trees have thick, twisted trunks and are densely packed, their branches creating a canopy that shades the forest floor. clearly visible against this shadowy backdrop is the stark white text ""I've come to talk with you again,"" evoking a sense of solitude and mystery.",,7,4,attribute,texture,"attribute - texture (canopy, shades)",Does the canopy shade the forest floor? +drawtext38,"a dense forest shrouded in darkness, illuminated only by a single light glowing faintly in the distance. the trees have thick, twisted trunks and are densely packed, their branches creating a canopy that shades the forest floor. clearly visible against this shadowy backdrop is the stark white text ""I've come to talk with you again,"" evoking a sense of solitude and mystery.",,8,0,attribute,color,"attribute - color (text, white)",Is the text white? +drawtext38,"a dense forest shrouded in darkness, illuminated only by a single light glowing faintly in the distance. the trees have thick, twisted trunks and are densely packed, their branches creating a canopy that shades the forest floor. clearly visible against this shadowy backdrop is the stark white text ""I've come to talk with you again,"" evoking a sense of solitude and mystery.",,9,1,global,,global - (darkness),Is the forest shrouded in darkness? +drawtext38,"a dense forest shrouded in darkness, illuminated only by a single light glowing faintly in the distance. the trees have thick, twisted trunks and are densely packed, their branches creating a canopy that shades the forest floor. clearly visible against this shadowy backdrop is the stark white text ""I've come to talk with you again,"" evoking a sense of solitude and mystery.",,10,"1,2",relation,spatial,"relation - spatial (light, forest, in the distance)",Is the light glowing faintly in the distance? +whoops10,"A one-on-one comparison of a woman and her reflection in a large, frameless mirror affixed to a pastel-colored wall. The woman is clad in a sleek black dress and pearl earrings, whereas her reflection dons a vibrant red sundress with a delicate gold necklace. The entire setting is illuminated by natural light filtering in through a nearby window.",,1,0,entity,whole,entity - whole (woman),Is there a woman? +whoops10,"A one-on-one comparison of a woman and her reflection in a large, frameless mirror affixed to a pastel-colored wall. The woman is clad in a sleek black dress and pearl earrings, whereas her reflection dons a vibrant red sundress with a delicate gold necklace. The entire setting is illuminated by natural light filtering in through a nearby window.",,2,0,entity,whole,entity - whole (reflection),Is there a reflection? +whoops10,"A one-on-one comparison of a woman and her reflection in a large, frameless mirror affixed to a pastel-colored wall. The woman is clad in a sleek black dress and pearl earrings, whereas her reflection dons a vibrant red sundress with a delicate gold necklace. The entire setting is illuminated by natural light filtering in through a nearby window.",,3,0,entity,whole,entity - whole (mirror),Is there a mirror? +whoops10,"A one-on-one comparison of a woman and her reflection in a large, frameless mirror affixed to a pastel-colored wall. The woman is clad in a sleek black dress and pearl earrings, whereas her reflection dons a vibrant red sundress with a delicate gold necklace. The entire setting is illuminated by natural light filtering in through a nearby window.",,4,0,entity,whole,entity - whole (wall),Is there a wall? +whoops10,"A one-on-one comparison of a woman and her reflection in a large, frameless mirror affixed to a pastel-colored wall. The woman is clad in a sleek black dress and pearl earrings, whereas her reflection dons a vibrant red sundress with a delicate gold necklace. The entire setting is illuminated by natural light filtering in through a nearby window.",,5,0,entity,whole,entity - whole (window),Is there a window? +whoops10,"A one-on-one comparison of a woman and her reflection in a large, frameless mirror affixed to a pastel-colored wall. The woman is clad in a sleek black dress and pearl earrings, whereas her reflection dons a vibrant red sundress with a delicate gold necklace. The entire setting is illuminated by natural light filtering in through a nearby window.",,6,3,attribute,size,"attribute - size (mirror, large)",Is the mirror large? +whoops10,"A one-on-one comparison of a woman and her reflection in a large, frameless mirror affixed to a pastel-colored wall. The woman is clad in a sleek black dress and pearl earrings, whereas her reflection dons a vibrant red sundress with a delicate gold necklace. The entire setting is illuminated by natural light filtering in through a nearby window.",,7,4,attribute,color,"attribute - color (wall, pastel-colored)",Is the wall pastel-colored? +whoops10,"A one-on-one comparison of a woman and her reflection in a large, frameless mirror affixed to a pastel-colored wall. The woman is clad in a sleek black dress and pearl earrings, whereas her reflection dons a vibrant red sundress with a delicate gold necklace. The entire setting is illuminated by natural light filtering in through a nearby window.",,8,1,attribute,color,"attribute - color (dress_1, black)",Is the woman's dress black? +whoops10,"A one-on-one comparison of a woman and her reflection in a large, frameless mirror affixed to a pastel-colored wall. The woman is clad in a sleek black dress and pearl earrings, whereas her reflection dons a vibrant red sundress with a delicate gold necklace. The entire setting is illuminated by natural light filtering in through a nearby window.",,9,2,attribute,color,"attribute - color (dress_2, red)",Is the reflection's dress red? +whoops10,"A one-on-one comparison of a woman and her reflection in a large, frameless mirror affixed to a pastel-colored wall. The woman is clad in a sleek black dress and pearl earrings, whereas her reflection dons a vibrant red sundress with a delicate gold necklace. The entire setting is illuminated by natural light filtering in through a nearby window.",,10,"3,4",relation,spatial,"relation - spatial (mirror, wall, affixed to)",Is the mirror affixed to the wall? +drawtext28,"Sitting at one end of a wooden park bench, the perspective is directed upwards towards a clear blue sky with a few fluffy clouds drifting by. In the expanse of the sky, the inspirational phrase 'imagine the outcome' appears, almost as if written by an airplane's smoke trail. The bench, with its weathered slats and cast-iron arms, provides a tranquil spot for contemplation within the grassy expanse of the park.",,1,0,entity,whole,entity - whole (park bench),Is there a park bench? +drawtext28,"Sitting at one end of a wooden park bench, the perspective is directed upwards towards a clear blue sky with a few fluffy clouds drifting by. In the expanse of the sky, the inspirational phrase 'imagine the outcome' appears, almost as if written by an airplane's smoke trail. The bench, with its weathered slats and cast-iron arms, provides a tranquil spot for contemplation within the grassy expanse of the park.",,2,0,entity,whole,entity - whole (sky),Is there a sky? +drawtext28,"Sitting at one end of a wooden park bench, the perspective is directed upwards towards a clear blue sky with a few fluffy clouds drifting by. In the expanse of the sky, the inspirational phrase 'imagine the outcome' appears, almost as if written by an airplane's smoke trail. The bench, with its weathered slats and cast-iron arms, provides a tranquil spot for contemplation within the grassy expanse of the park.",,3,1,entity,part,entity - part (bench's slats),Does the bench have slats? +drawtext28,"Sitting at one end of a wooden park bench, the perspective is directed upwards towards a clear blue sky with a few fluffy clouds drifting by. In the expanse of the sky, the inspirational phrase 'imagine the outcome' appears, almost as if written by an airplane's smoke trail. The bench, with its weathered slats and cast-iron arms, provides a tranquil spot for contemplation within the grassy expanse of the park.",,4,1,entity,part,entity - part (bench's arms),Does the bench have arms? +drawtext28,"Sitting at one end of a wooden park bench, the perspective is directed upwards towards a clear blue sky with a few fluffy clouds drifting by. In the expanse of the sky, the inspirational phrase 'imagine the outcome' appears, almost as if written by an airplane's smoke trail. The bench, with its weathered slats and cast-iron arms, provides a tranquil spot for contemplation within the grassy expanse of the park.",,5,2,attribute,color,"attribute - color (sky, clear blue)",Is the sky clear blue? +drawtext28,"Sitting at one end of a wooden park bench, the perspective is directed upwards towards a clear blue sky with a few fluffy clouds drifting by. In the expanse of the sky, the inspirational phrase 'imagine the outcome' appears, almost as if written by an airplane's smoke trail. The bench, with its weathered slats and cast-iron arms, provides a tranquil spot for contemplation within the grassy expanse of the park.",,6,1,attribute,texture,"attribute - texture (bench, wooden)",Is the bench made of wood? +drawtext28,"Sitting at one end of a wooden park bench, the perspective is directed upwards towards a clear blue sky with a few fluffy clouds drifting by. In the expanse of the sky, the inspirational phrase 'imagine the outcome' appears, almost as if written by an airplane's smoke trail. The bench, with its weathered slats and cast-iron arms, provides a tranquil spot for contemplation within the grassy expanse of the park.",,7,4,attribute,texture,"attribute - texture (bench's arms, cast-iron)",Are the bench's arms made of cast-iron? +drawtext28,"Sitting at one end of a wooden park bench, the perspective is directed upwards towards a clear blue sky with a few fluffy clouds drifting by. In the expanse of the sky, the inspirational phrase 'imagine the outcome' appears, almost as if written by an airplane's smoke trail. The bench, with its weathered slats and cast-iron arms, provides a tranquil spot for contemplation within the grassy expanse of the park.",,8,3,attribute,texture,"attribute - texture (bench's slats, weathered)",Are the bench's slats weathered? +drawtext28,"Sitting at one end of a wooden park bench, the perspective is directed upwards towards a clear blue sky with a few fluffy clouds drifting by. In the expanse of the sky, the inspirational phrase 'imagine the outcome' appears, almost as if written by an airplane's smoke trail. The bench, with its weathered slats and cast-iron arms, provides a tranquil spot for contemplation within the grassy expanse of the park.",,9,2,entity,state,"entity - state (clouds, fluffy)",Are the clouds fluffy? +drawtext28,"Sitting at one end of a wooden park bench, the perspective is directed upwards towards a clear blue sky with a few fluffy clouds drifting by. In the expanse of the sky, the inspirational phrase 'imagine the outcome' appears, almost as if written by an airplane's smoke trail. The bench, with its weathered slats and cast-iron arms, provides a tranquil spot for contemplation within the grassy expanse of the park.",,10,2,other,text,"other - text (phrase, ""imagine the outcome"")","Does the phrase ""imagine the outcome"" appear in the sky?" +midjourney12,"In the midst of an enigmatic scene, a mystical cat sits enveloped by undulating curls of vibrant smoke in hues of purple, blue, and green. Its eyes shine luminously, emitting an aura of enigmatic chaos magic that seems to dance around its sleek, shadowy fur. At the forefront of this visual marvel, an emblematic 'all seeing eye' is prominently featured, adding to the arcane theme. The background fades into a blur, creating a shallow depth of field that places the focus squarely on the eerie yet captivating feline figure.",,1,0,entity,whole,entity - whole (scene),Is there a scene? +midjourney12,"In the midst of an enigmatic scene, a mystical cat sits enveloped by undulating curls of vibrant smoke in hues of purple, blue, and green. Its eyes shine luminously, emitting an aura of enigmatic chaos magic that seems to dance around its sleek, shadowy fur. At the forefront of this visual marvel, an emblematic 'all seeing eye' is prominently featured, adding to the arcane theme. The background fades into a blur, creating a shallow depth of field that places the focus squarely on the eerie yet captivating feline figure.",,2,0,entity,whole,entity - whole (cat),Is there a cat? +midjourney12,"In the midst of an enigmatic scene, a mystical cat sits enveloped by undulating curls of vibrant smoke in hues of purple, blue, and green. Its eyes shine luminously, emitting an aura of enigmatic chaos magic that seems to dance around its sleek, shadowy fur. At the forefront of this visual marvel, an emblematic 'all seeing eye' is prominently featured, adding to the arcane theme. The background fades into a blur, creating a shallow depth of field that places the focus squarely on the eerie yet captivating feline figure.",,3,0,entity,whole,entity - whole (smoke),Is there smoke? +midjourney12,"In the midst of an enigmatic scene, a mystical cat sits enveloped by undulating curls of vibrant smoke in hues of purple, blue, and green. Its eyes shine luminously, emitting an aura of enigmatic chaos magic that seems to dance around its sleek, shadowy fur. At the forefront of this visual marvel, an emblematic 'all seeing eye' is prominently featured, adding to the arcane theme. The background fades into a blur, creating a shallow depth of field that places the focus squarely on the eerie yet captivating feline figure.",,4,0,entity,whole,"entity - whole (eye, 'all seeing eye')",Is there an 'all seeing eye' emblem? +midjourney12,"In the midst of an enigmatic scene, a mystical cat sits enveloped by undulating curls of vibrant smoke in hues of purple, blue, and green. Its eyes shine luminously, emitting an aura of enigmatic chaos magic that seems to dance around its sleek, shadowy fur. At the forefront of this visual marvel, an emblematic 'all seeing eye' is prominently featured, adding to the arcane theme. The background fades into a blur, creating a shallow depth of field that places the focus squarely on the eerie yet captivating feline figure.",,5,3,attribute,color,"attribute - color (smoke, purple)",Is the smoke purple? +midjourney12,"In the midst of an enigmatic scene, a mystical cat sits enveloped by undulating curls of vibrant smoke in hues of purple, blue, and green. Its eyes shine luminously, emitting an aura of enigmatic chaos magic that seems to dance around its sleek, shadowy fur. At the forefront of this visual marvel, an emblematic 'all seeing eye' is prominently featured, adding to the arcane theme. The background fades into a blur, creating a shallow depth of field that places the focus squarely on the eerie yet captivating feline figure.",,6,3,attribute,color,"attribute - color (smoke, blue)",Is the smoke blue? +midjourney12,"In the midst of an enigmatic scene, a mystical cat sits enveloped by undulating curls of vibrant smoke in hues of purple, blue, and green. Its eyes shine luminously, emitting an aura of enigmatic chaos magic that seems to dance around its sleek, shadowy fur. At the forefront of this visual marvel, an emblematic 'all seeing eye' is prominently featured, adding to the arcane theme. The background fades into a blur, creating a shallow depth of field that places the focus squarely on the eerie yet captivating feline figure.",,7,3,attribute,color,"attribute - color (smoke, green)",Is the smoke green? +midjourney12,"In the midst of an enigmatic scene, a mystical cat sits enveloped by undulating curls of vibrant smoke in hues of purple, blue, and green. Its eyes shine luminously, emitting an aura of enigmatic chaos magic that seems to dance around its sleek, shadowy fur. At the forefront of this visual marvel, an emblematic 'all seeing eye' is prominently featured, adding to the arcane theme. The background fades into a blur, creating a shallow depth of field that places the focus squarely on the eerie yet captivating feline figure.",,8,3,attribute,texture,"attribute - texture (smoke, undulating curls)",Does the smoke have undulating curls? +midjourney12,"In the midst of an enigmatic scene, a mystical cat sits enveloped by undulating curls of vibrant smoke in hues of purple, blue, and green. Its eyes shine luminously, emitting an aura of enigmatic chaos magic that seems to dance around its sleek, shadowy fur. At the forefront of this visual marvel, an emblematic 'all seeing eye' is prominently featured, adding to the arcane theme. The background fades into a blur, creating a shallow depth of field that places the focus squarely on the eerie yet captivating feline figure.",,9,2,attribute,other,"attribute - other (cat's eyes, luminous)",Are the cat's eyes luminous? +midjourney12,"In the midst of an enigmatic scene, a mystical cat sits enveloped by undulating curls of vibrant smoke in hues of purple, blue, and green. Its eyes shine luminously, emitting an aura of enigmatic chaos magic that seems to dance around its sleek, shadowy fur. At the forefront of this visual marvel, an emblematic 'all seeing eye' is prominently featured, adding to the arcane theme. The background fades into a blur, creating a shallow depth of field that places the focus squarely on the eerie yet captivating feline figure.",,10,0,global,,"global - (background, blur, shallow depth of field)",Does the background fade into a blur with a shallow depth of field? +localized6,"The photograph captures a wide expanse of sky with trees dotting the horizon, their leaves vibrant green against the blue backdrop. Below, neatly stacked boxes rest against a black metal railing, which runs parallel to the lush grass. Scattered around the vicinity, miscellaneous objects are haphazardly placed. The composition is framed with elegant black borders on both the left and right sides, giving the image a structured finish.",,1,0,entity,whole,entity - whole (sky),Is there a sky? +localized6,"The photograph captures a wide expanse of sky with trees dotting the horizon, their leaves vibrant green against the blue backdrop. Below, neatly stacked boxes rest against a black metal railing, which runs parallel to the lush grass. Scattered around the vicinity, miscellaneous objects are haphazardly placed. The composition is framed with elegant black borders on both the left and right sides, giving the image a structured finish.",,2,0,entity,whole,entity - whole (trees),Are there trees? +localized6,"The photograph captures a wide expanse of sky with trees dotting the horizon, their leaves vibrant green against the blue backdrop. Below, neatly stacked boxes rest against a black metal railing, which runs parallel to the lush grass. Scattered around the vicinity, miscellaneous objects are haphazardly placed. The composition is framed with elegant black borders on both the left and right sides, giving the image a structured finish.",,3,0,entity,whole,entity - whole (leaves),Are there leaves? +localized6,"The photograph captures a wide expanse of sky with trees dotting the horizon, their leaves vibrant green against the blue backdrop. Below, neatly stacked boxes rest against a black metal railing, which runs parallel to the lush grass. Scattered around the vicinity, miscellaneous objects are haphazardly placed. The composition is framed with elegant black borders on both the left and right sides, giving the image a structured finish.",,4,0,entity,whole,entity - whole (boxes),Are there boxes? +localized6,"The photograph captures a wide expanse of sky with trees dotting the horizon, their leaves vibrant green against the blue backdrop. Below, neatly stacked boxes rest against a black metal railing, which runs parallel to the lush grass. Scattered around the vicinity, miscellaneous objects are haphazardly placed. The composition is framed with elegant black borders on both the left and right sides, giving the image a structured finish.",,5,0,entity,whole,entity - whole (railing),Is there a railing? +localized6,"The photograph captures a wide expanse of sky with trees dotting the horizon, their leaves vibrant green against the blue backdrop. Below, neatly stacked boxes rest against a black metal railing, which runs parallel to the lush grass. Scattered around the vicinity, miscellaneous objects are haphazardly placed. The composition is framed with elegant black borders on both the left and right sides, giving the image a structured finish.",,6,0,entity,whole,entity - whole (grass),Is there grass? +localized6,"The photograph captures a wide expanse of sky with trees dotting the horizon, their leaves vibrant green against the blue backdrop. Below, neatly stacked boxes rest against a black metal railing, which runs parallel to the lush grass. Scattered around the vicinity, miscellaneous objects are haphazardly placed. The composition is framed with elegant black borders on both the left and right sides, giving the image a structured finish.",,7,0,entity,whole,entity - whole (objects),Are there objects? +localized6,"The photograph captures a wide expanse of sky with trees dotting the horizon, their leaves vibrant green against the blue backdrop. Below, neatly stacked boxes rest against a black metal railing, which runs parallel to the lush grass. Scattered around the vicinity, miscellaneous objects are haphazardly placed. The composition is framed with elegant black borders on both the left and right sides, giving the image a structured finish.",,8,0,global,,global - (photograph),Is this a photograph? +localized6,"The photograph captures a wide expanse of sky with trees dotting the horizon, their leaves vibrant green against the blue backdrop. Below, neatly stacked boxes rest against a black metal railing, which runs parallel to the lush grass. Scattered around the vicinity, miscellaneous objects are haphazardly placed. The composition is framed with elegant black borders on both the left and right sides, giving the image a structured finish.",,9,3,attribute,color,"attribute - color (leaves, vibrant green)",Are the leaves vibrant green? +localized6,"The photograph captures a wide expanse of sky with trees dotting the horizon, their leaves vibrant green against the blue backdrop. Below, neatly stacked boxes rest against a black metal railing, which runs parallel to the lush grass. Scattered around the vicinity, miscellaneous objects are haphazardly placed. The composition is framed with elegant black borders on both the left and right sides, giving the image a structured finish.",,10,1,attribute,color,"attribute - color (sky, blue)",Is the sky blue? +localized6,"The photograph captures a wide expanse of sky with trees dotting the horizon, their leaves vibrant green against the blue backdrop. Below, neatly stacked boxes rest against a black metal railing, which runs parallel to the lush grass. Scattered around the vicinity, miscellaneous objects are haphazardly placed. The composition is framed with elegant black borders on both the left and right sides, giving the image a structured finish.",,11,5,attribute,color,"attribute - color (railing, black)",Is the railing black? +localized6,"The photograph captures a wide expanse of sky with trees dotting the horizon, their leaves vibrant green against the blue backdrop. Below, neatly stacked boxes rest against a black metal railing, which runs parallel to the lush grass. Scattered around the vicinity, miscellaneous objects are haphazardly placed. The composition is framed with elegant black borders on both the left and right sides, giving the image a structured finish.",,12,5,attribute,texture,"attribute - texture (railing, metal)",Is the railing made of metal? +localized6,"The photograph captures a wide expanse of sky with trees dotting the horizon, their leaves vibrant green against the blue backdrop. Below, neatly stacked boxes rest against a black metal railing, which runs parallel to the lush grass. Scattered around the vicinity, miscellaneous objects are haphazardly placed. The composition is framed with elegant black borders on both the left and right sides, giving the image a structured finish.",,13,2,relation,spatial,"relation - spatial (trees, horizon, on)",Are the trees on the horizon? +localized6,"The photograph captures a wide expanse of sky with trees dotting the horizon, their leaves vibrant green against the blue backdrop. Below, neatly stacked boxes rest against a black metal railing, which runs parallel to the lush grass. Scattered around the vicinity, miscellaneous objects are haphazardly placed. The composition is framed with elegant black borders on both the left and right sides, giving the image a structured finish.",,14,"4,5",relation,spatial,"relation - spatial (boxes, railing, against)",Are the boxes resting against the railing? +localized6,"The photograph captures a wide expanse of sky with trees dotting the horizon, their leaves vibrant green against the blue backdrop. Below, neatly stacked boxes rest against a black metal railing, which runs parallel to the lush grass. Scattered around the vicinity, miscellaneous objects are haphazardly placed. The composition is framed with elegant black borders on both the left and right sides, giving the image a structured finish.",,15,"5,6",relation,spatial,"relation - spatial (railing, grass, parallel to)",Does the railing run parallel to the grass? +localized6,"The photograph captures a wide expanse of sky with trees dotting the horizon, their leaves vibrant green against the blue backdrop. Below, neatly stacked boxes rest against a black metal railing, which runs parallel to the lush grass. Scattered around the vicinity, miscellaneous objects are haphazardly placed. The composition is framed with elegant black borders on both the left and right sides, giving the image a structured finish.",,16,7,relation,spatial,"relation - spatial (objects, vicinity, scattered around)",Are the objects scattered around the vicinity? +localized6,"The photograph captures a wide expanse of sky with trees dotting the horizon, their leaves vibrant green against the blue backdrop. Below, neatly stacked boxes rest against a black metal railing, which runs parallel to the lush grass. Scattered around the vicinity, miscellaneous objects are haphazardly placed. The composition is framed with elegant black borders on both the left and right sides, giving the image a structured finish.",,17,8,global,,"global - (borders, black, elegant, framed)",Is the photograph framed with elegant black borders on both the left and right sides? +midjourney21,"a magnificent underwater sculpture depicting an angel with intricately designed wings that mimic the delicate structures of coral. The statue is positioned in a way that creates a majestic silhouette against the filtered light from above, evoking a sense of awe and mystery. This visual composition, with its dramatic upward angle and the interplay of shadow and light, brings to mind the stylistic elements associated with the cinematic aesthetics of the film ""Blade Runner 2049.""",,1,0,entity,whole,entity - whole (sculpture),Is there a sculpture? +midjourney21,"a magnificent underwater sculpture depicting an angel with intricately designed wings that mimic the delicate structures of coral. The statue is positioned in a way that creates a majestic silhouette against the filtered light from above, evoking a sense of awe and mystery. This visual composition, with its dramatic upward angle and the interplay of shadow and light, brings to mind the stylistic elements associated with the cinematic aesthetics of the film ""Blade Runner 2049.""",,2,1,entity,part,entity - part (angel's wings),Does the angel have wings? +midjourney21,"a magnificent underwater sculpture depicting an angel with intricately designed wings that mimic the delicate structures of coral. The statue is positioned in a way that creates a majestic silhouette against the filtered light from above, evoking a sense of awe and mystery. This visual composition, with its dramatic upward angle and the interplay of shadow and light, brings to mind the stylistic elements associated with the cinematic aesthetics of the film ""Blade Runner 2049.""",,3,2,attribute,texture,"attribute - texture (wings, coral-like)",Do the wings mimic the delicate structures of coral? +midjourney21,"a magnificent underwater sculpture depicting an angel with intricately designed wings that mimic the delicate structures of coral. The statue is positioned in a way that creates a majestic silhouette against the filtered light from above, evoking a sense of awe and mystery. This visual composition, with its dramatic upward angle and the interplay of shadow and light, brings to mind the stylistic elements associated with the cinematic aesthetics of the film ""Blade Runner 2049.""",,4,1,entity,state,"entity - state (sculpture, underwater)",Is the sculpture underwater? +midjourney21,"a magnificent underwater sculpture depicting an angel with intricately designed wings that mimic the delicate structures of coral. The statue is positioned in a way that creates a majestic silhouette against the filtered light from above, evoking a sense of awe and mystery. This visual composition, with its dramatic upward angle and the interplay of shadow and light, brings to mind the stylistic elements associated with the cinematic aesthetics of the film ""Blade Runner 2049.""",,5,1,relation,non-spatial,"relation - non-spatial (sculpture, light, silhouette against)",Does the sculpture create a silhouette against the light? +midjourney21,"a magnificent underwater sculpture depicting an angel with intricately designed wings that mimic the delicate structures of coral. The statue is positioned in a way that creates a majestic silhouette against the filtered light from above, evoking a sense of awe and mystery. This visual composition, with its dramatic upward angle and the interplay of shadow and light, brings to mind the stylistic elements associated with the cinematic aesthetics of the film ""Blade Runner 2049.""",,6,1,attribute,other,"attribute - other (sculpture, majestic)",Is the sculpture majestic? +midjourney21,"a magnificent underwater sculpture depicting an angel with intricately designed wings that mimic the delicate structures of coral. The statue is positioned in a way that creates a majestic silhouette against the filtered light from above, evoking a sense of awe and mystery. This visual composition, with its dramatic upward angle and the interplay of shadow and light, brings to mind the stylistic elements associated with the cinematic aesthetics of the film ""Blade Runner 2049.""",,7,2,attribute,other,"attribute - other (sculpture, intricate design)",Is the sculpture intricately designed? +midjourney21,"a magnificent underwater sculpture depicting an angel with intricately designed wings that mimic the delicate structures of coral. The statue is positioned in a way that creates a majestic silhouette against the filtered light from above, evoking a sense of awe and mystery. This visual composition, with its dramatic upward angle and the interplay of shadow and light, brings to mind the stylistic elements associated with the cinematic aesthetics of the film ""Blade Runner 2049.""",,8,0,global,,"global - (cinematic aesthetics, ""Blade Runner 2049"")","Does this visual composition relate to the cinematic aesthetics of ""Blade Runner 2049""?" +midjourney21,"a magnificent underwater sculpture depicting an angel with intricately designed wings that mimic the delicate structures of coral. The statue is positioned in a way that creates a majestic silhouette against the filtered light from above, evoking a sense of awe and mystery. This visual composition, with its dramatic upward angle and the interplay of shadow and light, brings to mind the stylistic elements associated with the cinematic aesthetics of the film ""Blade Runner 2049.""",,9,1,relation,non-spatial,"relation - non-spatial (sculpture, light, filtered from above)",Is the light filtered from above the sculpture? +midjourney21,"a magnificent underwater sculpture depicting an angel with intricately designed wings that mimic the delicate structures of coral. The statue is positioned in a way that creates a majestic silhouette against the filtered light from above, evoking a sense of awe and mystery. This visual composition, with its dramatic upward angle and the interplay of shadow and light, brings to mind the stylistic elements associated with the cinematic aesthetics of the film ""Blade Runner 2049.""",,10,1,entity,state,"entity - state (sculpture, evoke, awe and mystery)",Does the sculpture evoke a sense of awe and mystery? +stanford9,"In the distance, towering black mountains with their peaks blanketed in thick layers of snow stand majestically. Against this dramatic backdrop, a flock of black birds is captured in their dynamic mid-flight, crisscrossing the scene with elegance and energy. Above them, the sky is a tapestry of deep grays clashing with the remnants of serene blue, creating a striking contrast that defines the horizon.",,1,0,entity,whole,entity - whole (mountains),Are there mountains? +stanford9,"In the distance, towering black mountains with their peaks blanketed in thick layers of snow stand majestically. Against this dramatic backdrop, a flock of black birds is captured in their dynamic mid-flight, crisscrossing the scene with elegance and energy. Above them, the sky is a tapestry of deep grays clashing with the remnants of serene blue, creating a striking contrast that defines the horizon.",,2,1,entity,whole,entity - whole (peaks),Are there peaks on the mountains? +stanford9,"In the distance, towering black mountains with their peaks blanketed in thick layers of snow stand majestically. Against this dramatic backdrop, a flock of black birds is captured in their dynamic mid-flight, crisscrossing the scene with elegance and energy. Above them, the sky is a tapestry of deep grays clashing with the remnants of serene blue, creating a striking contrast that defines the horizon.",,3,2,entity,whole,entity - whole (snow),Is there snow? +stanford9,"In the distance, towering black mountains with their peaks blanketed in thick layers of snow stand majestically. Against this dramatic backdrop, a flock of black birds is captured in their dynamic mid-flight, crisscrossing the scene with elegance and energy. Above them, the sky is a tapestry of deep grays clashing with the remnants of serene blue, creating a striking contrast that defines the horizon.",,4,0,entity,whole,entity - whole (birds),Are there birds? +stanford9,"In the distance, towering black mountains with their peaks blanketed in thick layers of snow stand majestically. Against this dramatic backdrop, a flock of black birds is captured in their dynamic mid-flight, crisscrossing the scene with elegance and energy. Above them, the sky is a tapestry of deep grays clashing with the remnants of serene blue, creating a striking contrast that defines the horizon.",,5,0,entity,whole,entity - whole (sky),Is there a sky? +stanford9,"In the distance, towering black mountains with their peaks blanketed in thick layers of snow stand majestically. Against this dramatic backdrop, a flock of black birds is captured in their dynamic mid-flight, crisscrossing the scene with elegance and energy. Above them, the sky is a tapestry of deep grays clashing with the remnants of serene blue, creating a striking contrast that defines the horizon.",,6,1,attribute,color,"attribute - color (mountains, black)",Are the mountains black? +stanford9,"In the distance, towering black mountains with their peaks blanketed in thick layers of snow stand majestically. Against this dramatic backdrop, a flock of black birds is captured in their dynamic mid-flight, crisscrossing the scene with elegance and energy. Above them, the sky is a tapestry of deep grays clashing with the remnants of serene blue, creating a striking contrast that defines the horizon.",,7,2,attribute,texture,"attribute - texture (peaks, snow, blanketed)",Are the peaks blanketed in thick layers of snow? +stanford9,"In the distance, towering black mountains with their peaks blanketed in thick layers of snow stand majestically. Against this dramatic backdrop, a flock of black birds is captured in their dynamic mid-flight, crisscrossing the scene with elegance and energy. Above them, the sky is a tapestry of deep grays clashing with the remnants of serene blue, creating a striking contrast that defines the horizon.",,8,4,attribute,color,"attribute - color (birds, black)",Are the birds black? +stanford9,"In the distance, towering black mountains with their peaks blanketed in thick layers of snow stand majestically. Against this dramatic backdrop, a flock of black birds is captured in their dynamic mid-flight, crisscrossing the scene with elegance and energy. Above them, the sky is a tapestry of deep grays clashing with the remnants of serene blue, creating a striking contrast that defines the horizon.",,9,5,attribute,color,"attribute - color (sky, deep grays)",Is the sky a tapestry of deep grays? +stanford9,"In the distance, towering black mountains with their peaks blanketed in thick layers of snow stand majestically. Against this dramatic backdrop, a flock of black birds is captured in their dynamic mid-flight, crisscrossing the scene with elegance and energy. Above them, the sky is a tapestry of deep grays clashing with the remnants of serene blue, creating a striking contrast that defines the horizon.",,10,5,attribute,color,"attribute - color (sky, serene blue)",Are there remnants of serene blue in the sky? +stanford9,"In the distance, towering black mountains with their peaks blanketed in thick layers of snow stand majestically. Against this dramatic backdrop, a flock of black birds is captured in their dynamic mid-flight, crisscrossing the scene with elegance and energy. Above them, the sky is a tapestry of deep grays clashing with the remnants of serene blue, creating a striking contrast that defines the horizon.",,11,4,entity,state,"entity - state (birds, mid-flight)",Are the birds captured in their dynamic mid-flight? +stanford9,"In the distance, towering black mountains with their peaks blanketed in thick layers of snow stand majestically. Against this dramatic backdrop, a flock of black birds is captured in their dynamic mid-flight, crisscrossing the scene with elegance and energy. Above them, the sky is a tapestry of deep grays clashing with the remnants of serene blue, creating a striking contrast that defines the horizon.",,12,1,relation,spatial,"relation - spatial (mountains, distance, in)",Are the towering mountains in the distance? +countbench37,"Two metal baking sheets rest on a kitchen countertop; one holds a spread of raw, vibrant green broccoli and pale white cauliflower florets, while the other displays the same vegetables transformed by heat, their colors now a deeper green and brown, edges crisped from baking. These trays provide a visual contrast between their pre and post-oven states, showcasing the effects of roasting on their textures and hues.",,1,0,entity,whole,entity - whole (baking sheets),Are there baking sheets? +countbench37,"Two metal baking sheets rest on a kitchen countertop; one holds a spread of raw, vibrant green broccoli and pale white cauliflower florets, while the other displays the same vegetables transformed by heat, their colors now a deeper green and brown, edges crisped from baking. These trays provide a visual contrast between their pre and post-oven states, showcasing the effects of roasting on their textures and hues.",,2,1,other,count,"other - count (baking sheets, ==2)",Are there two baking sheets? +countbench37,"Two metal baking sheets rest on a kitchen countertop; one holds a spread of raw, vibrant green broccoli and pale white cauliflower florets, while the other displays the same vegetables transformed by heat, their colors now a deeper green and brown, edges crisped from baking. These trays provide a visual contrast between their pre and post-oven states, showcasing the effects of roasting on their textures and hues.",,3,0,entity,whole,entity - whole (kitchen countertop),Is there a kitchen countertop? +countbench37,"Two metal baking sheets rest on a kitchen countertop; one holds a spread of raw, vibrant green broccoli and pale white cauliflower florets, while the other displays the same vegetables transformed by heat, their colors now a deeper green and brown, edges crisped from baking. These trays provide a visual contrast between their pre and post-oven states, showcasing the effects of roasting on their textures and hues.",,4,0,entity,whole,entity - whole (broccoli),Is there broccoli? +countbench37,"Two metal baking sheets rest on a kitchen countertop; one holds a spread of raw, vibrant green broccoli and pale white cauliflower florets, while the other displays the same vegetables transformed by heat, their colors now a deeper green and brown, edges crisped from baking. These trays provide a visual contrast between their pre and post-oven states, showcasing the effects of roasting on their textures and hues.",,5,0,entity,whole,entity - whole (cauliflower),Is there cauliflower? +countbench37,"Two metal baking sheets rest on a kitchen countertop; one holds a spread of raw, vibrant green broccoli and pale white cauliflower florets, while the other displays the same vegetables transformed by heat, their colors now a deeper green and brown, edges crisped from baking. These trays provide a visual contrast between their pre and post-oven states, showcasing the effects of roasting on their textures and hues.",,6,4,attribute,color,"attribute - color (broccoli, vibrant green)",Is the broccoli vibrant green? +countbench37,"Two metal baking sheets rest on a kitchen countertop; one holds a spread of raw, vibrant green broccoli and pale white cauliflower florets, while the other displays the same vegetables transformed by heat, their colors now a deeper green and brown, edges crisped from baking. These trays provide a visual contrast between their pre and post-oven states, showcasing the effects of roasting on their textures and hues.",,7,5,attribute,color,"attribute - color (cauliflower, pale white)",Is the cauliflower pale white? +countbench37,"Two metal baking sheets rest on a kitchen countertop; one holds a spread of raw, vibrant green broccoli and pale white cauliflower florets, while the other displays the same vegetables transformed by heat, their colors now a deeper green and brown, edges crisped from baking. These trays provide a visual contrast between their pre and post-oven states, showcasing the effects of roasting on their textures and hues.",,8,4,entity,state,"entity - state (broccoli, raw)",Is the broccoli raw? +countbench37,"Two metal baking sheets rest on a kitchen countertop; one holds a spread of raw, vibrant green broccoli and pale white cauliflower florets, while the other displays the same vegetables transformed by heat, their colors now a deeper green and brown, edges crisped from baking. These trays provide a visual contrast between their pre and post-oven states, showcasing the effects of roasting on their textures and hues.",,9,5,entity,state,"entity - state (cauliflower, raw)",Is the cauliflower raw? +countbench37,"Two metal baking sheets rest on a kitchen countertop; one holds a spread of raw, vibrant green broccoli and pale white cauliflower florets, while the other displays the same vegetables transformed by heat, their colors now a deeper green and brown, edges crisped from baking. These trays provide a visual contrast between their pre and post-oven states, showcasing the effects of roasting on their textures and hues.",,10,"1,3",relation,spatial,"relation - spatial (baking sheets, kitchen countertop, on)",Are the baking sheets resting on the kitchen countertop? +diffusiondb13,"a captivating matte painting by Artem Demura, showcasing a dimly lit room filled with tall wooden bookshelves crammed with books of diverse sizes and colors. In the center, a sturdy, aged table is set, its surface cluttered with an assortment of items, perhaps long abandoned. The room is drenched in shadows, but shafts of volumetric lighting pierce through the darkness, highlighting the fine dust particles suspended in the air and illuminating the intricate details of the room's contents.",,1,0,entity,whole,entity - whole (matte painting),Is there a matte painting? +diffusiondb13,"a captivating matte painting by Artem Demura, showcasing a dimly lit room filled with tall wooden bookshelves crammed with books of diverse sizes and colors. In the center, a sturdy, aged table is set, its surface cluttered with an assortment of items, perhaps long abandoned. The room is drenched in shadows, but shafts of volumetric lighting pierce through the darkness, highlighting the fine dust particles suspended in the air and illuminating the intricate details of the room's contents.",,2,1,entity,whole,entity - whole (room),Is there a room? +diffusiondb13,"a captivating matte painting by Artem Demura, showcasing a dimly lit room filled with tall wooden bookshelves crammed with books of diverse sizes and colors. In the center, a sturdy, aged table is set, its surface cluttered with an assortment of items, perhaps long abandoned. The room is drenched in shadows, but shafts of volumetric lighting pierce through the darkness, highlighting the fine dust particles suspended in the air and illuminating the intricate details of the room's contents.",,3,2,entity,whole,entity - whole (bookshelves),Are there bookshelves? +diffusiondb13,"a captivating matte painting by Artem Demura, showcasing a dimly lit room filled with tall wooden bookshelves crammed with books of diverse sizes and colors. In the center, a sturdy, aged table is set, its surface cluttered with an assortment of items, perhaps long abandoned. The room is drenched in shadows, but shafts of volumetric lighting pierce through the darkness, highlighting the fine dust particles suspended in the air and illuminating the intricate details of the room's contents.",,4,3,entity,whole,entity - whole (books),Are there books? +diffusiondb13,"a captivating matte painting by Artem Demura, showcasing a dimly lit room filled with tall wooden bookshelves crammed with books of diverse sizes and colors. In the center, a sturdy, aged table is set, its surface cluttered with an assortment of items, perhaps long abandoned. The room is drenched in shadows, but shafts of volumetric lighting pierce through the darkness, highlighting the fine dust particles suspended in the air and illuminating the intricate details of the room's contents.",,5,2,entity,whole,entity - whole (table),Is there a table? +diffusiondb13,"a captivating matte painting by Artem Demura, showcasing a dimly lit room filled with tall wooden bookshelves crammed with books of diverse sizes and colors. In the center, a sturdy, aged table is set, its surface cluttered with an assortment of items, perhaps long abandoned. The room is drenched in shadows, but shafts of volumetric lighting pierce through the darkness, highlighting the fine dust particles suspended in the air and illuminating the intricate details of the room's contents.",,6,5,entity,part,entity - part (table's surface),Is there a surface on the table? +diffusiondb13,"a captivating matte painting by Artem Demura, showcasing a dimly lit room filled with tall wooden bookshelves crammed with books of diverse sizes and colors. In the center, a sturdy, aged table is set, its surface cluttered with an assortment of items, perhaps long abandoned. The room is drenched in shadows, but shafts of volumetric lighting pierce through the darkness, highlighting the fine dust particles suspended in the air and illuminating the intricate details of the room's contents.",,7,3,attribute,texture,"attribute - texture (bookshelves, wooden)",Are the bookshelves made of wood? +diffusiondb13,"a captivating matte painting by Artem Demura, showcasing a dimly lit room filled with tall wooden bookshelves crammed with books of diverse sizes and colors. In the center, a sturdy, aged table is set, its surface cluttered with an assortment of items, perhaps long abandoned. The room is drenched in shadows, but shafts of volumetric lighting pierce through the darkness, highlighting the fine dust particles suspended in the air and illuminating the intricate details of the room's contents.",,8,2,attribute,other,"attribute - other (room, dimly lit)",Is the room dimly lit? +diffusiondb13,"a captivating matte painting by Artem Demura, showcasing a dimly lit room filled with tall wooden bookshelves crammed with books of diverse sizes and colors. In the center, a sturdy, aged table is set, its surface cluttered with an assortment of items, perhaps long abandoned. The room is drenched in shadows, but shafts of volumetric lighting pierce through the darkness, highlighting the fine dust particles suspended in the air and illuminating the intricate details of the room's contents.",,9,5,attribute,other,"attribute - other (table, sturdy)",Is the table sturdy? +diffusiondb13,"a captivating matte painting by Artem Demura, showcasing a dimly lit room filled with tall wooden bookshelves crammed with books of diverse sizes and colors. In the center, a sturdy, aged table is set, its surface cluttered with an assortment of items, perhaps long abandoned. The room is drenched in shadows, but shafts of volumetric lighting pierce through the darkness, highlighting the fine dust particles suspended in the air and illuminating the intricate details of the room's contents.",,10,5,attribute,other,"attribute - other (table, aged)",Is the table aged? +stanford21,"Two vibrant yellow pendant lights dangle gracefully from a thick, black wire, illuminating the area beneath them. Below the glow of the lights stand two lush green trees, their leaves rustling slightly in a gentle breeze. Beside these trees rests a tall tan building, its walls smooth and unassuming in the soft light. Scattered next to the building are various signs, displaying bold letters and symbols, directing passersby and adding a splash of color to the urban landscape.",,1,0,entity,whole,entity - whole (pendant lights),Are there pendant lights? +stanford21,"Two vibrant yellow pendant lights dangle gracefully from a thick, black wire, illuminating the area beneath them. Below the glow of the lights stand two lush green trees, their leaves rustling slightly in a gentle breeze. Beside these trees rests a tall tan building, its walls smooth and unassuming in the soft light. Scattered next to the building are various signs, displaying bold letters and symbols, directing passersby and adding a splash of color to the urban landscape.",,2,0,entity,whole,entity - whole (wire),Is there a wire? +stanford21,"Two vibrant yellow pendant lights dangle gracefully from a thick, black wire, illuminating the area beneath them. Below the glow of the lights stand two lush green trees, their leaves rustling slightly in a gentle breeze. Beside these trees rests a tall tan building, its walls smooth and unassuming in the soft light. Scattered next to the building are various signs, displaying bold letters and symbols, directing passersby and adding a splash of color to the urban landscape.",,3,0,entity,whole,entity - whole (trees),Are there trees? +stanford21,"Two vibrant yellow pendant lights dangle gracefully from a thick, black wire, illuminating the area beneath them. Below the glow of the lights stand two lush green trees, their leaves rustling slightly in a gentle breeze. Beside these trees rests a tall tan building, its walls smooth and unassuming in the soft light. Scattered next to the building are various signs, displaying bold letters and symbols, directing passersby and adding a splash of color to the urban landscape.",,4,0,entity,whole,entity - whole (building),Is there a building? +stanford21,"Two vibrant yellow pendant lights dangle gracefully from a thick, black wire, illuminating the area beneath them. Below the glow of the lights stand two lush green trees, their leaves rustling slightly in a gentle breeze. Beside these trees rests a tall tan building, its walls smooth and unassuming in the soft light. Scattered next to the building are various signs, displaying bold letters and symbols, directing passersby and adding a splash of color to the urban landscape.",,5,0,entity,whole,entity - whole (signs),Are there signs? +stanford21,"Two vibrant yellow pendant lights dangle gracefully from a thick, black wire, illuminating the area beneath them. Below the glow of the lights stand two lush green trees, their leaves rustling slightly in a gentle breeze. Beside these trees rests a tall tan building, its walls smooth and unassuming in the soft light. Scattered next to the building are various signs, displaying bold letters and symbols, directing passersby and adding a splash of color to the urban landscape.",,6,1,attribute,color,"attribute - color (pendant lights, vibrant yellow)",Are the pendant lights vibrant yellow? +stanford21,"Two vibrant yellow pendant lights dangle gracefully from a thick, black wire, illuminating the area beneath them. Below the glow of the lights stand two lush green trees, their leaves rustling slightly in a gentle breeze. Beside these trees rests a tall tan building, its walls smooth and unassuming in the soft light. Scattered next to the building are various signs, displaying bold letters and symbols, directing passersby and adding a splash of color to the urban landscape.",,7,4,attribute,color,"attribute - color (building, tan)",Is the building tan? +stanford21,"Two vibrant yellow pendant lights dangle gracefully from a thick, black wire, illuminating the area beneath them. Below the glow of the lights stand two lush green trees, their leaves rustling slightly in a gentle breeze. Beside these trees rests a tall tan building, its walls smooth and unassuming in the soft light. Scattered next to the building are various signs, displaying bold letters and symbols, directing passersby and adding a splash of color to the urban landscape.",,8,4,attribute,texture,"attribute - texture (building's walls, smooth)",Are the building's walls smooth? +stanford21,"Two vibrant yellow pendant lights dangle gracefully from a thick, black wire, illuminating the area beneath them. Below the glow of the lights stand two lush green trees, their leaves rustling slightly in a gentle breeze. Beside these trees rests a tall tan building, its walls smooth and unassuming in the soft light. Scattered next to the building are various signs, displaying bold letters and symbols, directing passersby and adding a splash of color to the urban landscape.",,9,"1,2",relation,spatial,"relation - spatial (pendant lights, wire, dangle from)","Do the pendant lights dangle from a thick, black wire?" +stanford21,"Two vibrant yellow pendant lights dangle gracefully from a thick, black wire, illuminating the area beneath them. Below the glow of the lights stand two lush green trees, their leaves rustling slightly in a gentle breeze. Beside these trees rests a tall tan building, its walls smooth and unassuming in the soft light. Scattered next to the building are various signs, displaying bold letters and symbols, directing passersby and adding a splash of color to the urban landscape.",,10,"3,1",relation,spatial,"relation - spatial (trees, pendant lights, below)",Are the trees standing below the glow of the lights? +posescript8,"In this indoor scene, a person is seated directly on a hardwood floor with their legs extended out and slightly bent. The left leg is folded at a more acute angle than the right. Their gaze is directed upwards, towards the ceiling, with a look of concentration. Arms are extended behind, with fingers outstretched, touching the floor for support, and palms turned outward, suggesting an open and relaxed posture. The surrounding space is free from obstructions, offering room for comfort and movement.",,1,0,entity,whole,entity - whole (person),Is there a person? +posescript8,"In this indoor scene, a person is seated directly on a hardwood floor with their legs extended out and slightly bent. The left leg is folded at a more acute angle than the right. Their gaze is directed upwards, towards the ceiling, with a look of concentration. Arms are extended behind, with fingers outstretched, touching the floor for support, and palms turned outward, suggesting an open and relaxed posture. The surrounding space is free from obstructions, offering room for comfort and movement.",,2,0,entity,whole,entity - whole (hardwood floor),Is there a hardwood floor? +posescript8,"In this indoor scene, a person is seated directly on a hardwood floor with their legs extended out and slightly bent. The left leg is folded at a more acute angle than the right. Their gaze is directed upwards, towards the ceiling, with a look of concentration. Arms are extended behind, with fingers outstretched, touching the floor for support, and palms turned outward, suggesting an open and relaxed posture. The surrounding space is free from obstructions, offering room for comfort and movement.",,3,1,entity,state,"entity - state (person, seated)",Is the person seated? +posescript8,"In this indoor scene, a person is seated directly on a hardwood floor with their legs extended out and slightly bent. The left leg is folded at a more acute angle than the right. Their gaze is directed upwards, towards the ceiling, with a look of concentration. Arms are extended behind, with fingers outstretched, touching the floor for support, and palms turned outward, suggesting an open and relaxed posture. The surrounding space is free from obstructions, offering room for comfort and movement.",,4,1,entity,state,"entity - state (legs, extended out)",Are the legs extended out? +posescript8,"In this indoor scene, a person is seated directly on a hardwood floor with their legs extended out and slightly bent. The left leg is folded at a more acute angle than the right. Their gaze is directed upwards, towards the ceiling, with a look of concentration. Arms are extended behind, with fingers outstretched, touching the floor for support, and palms turned outward, suggesting an open and relaxed posture. The surrounding space is free from obstructions, offering room for comfort and movement.",,5,1,entity,state,"entity - state (legs, slightly bent)",Are the legs slightly bent? +posescript8,"In this indoor scene, a person is seated directly on a hardwood floor with their legs extended out and slightly bent. The left leg is folded at a more acute angle than the right. Their gaze is directed upwards, towards the ceiling, with a look of concentration. Arms are extended behind, with fingers outstretched, touching the floor for support, and palms turned outward, suggesting an open and relaxed posture. The surrounding space is free from obstructions, offering room for comfort and movement.",,6,1,attribute,other,"attribute - other (left leg, more acute angle)",Is the left leg folded at a more acute angle than the right? +posescript8,"In this indoor scene, a person is seated directly on a hardwood floor with their legs extended out and slightly bent. The left leg is folded at a more acute angle than the right. Their gaze is directed upwards, towards the ceiling, with a look of concentration. Arms are extended behind, with fingers outstretched, touching the floor for support, and palms turned outward, suggesting an open and relaxed posture. The surrounding space is free from obstructions, offering room for comfort and movement.",,7,1,entity,state,"entity - state (gaze, directed upwards)",Is the gaze directed upwards? +posescript8,"In this indoor scene, a person is seated directly on a hardwood floor with their legs extended out and slightly bent. The left leg is folded at a more acute angle than the right. Their gaze is directed upwards, towards the ceiling, with a look of concentration. Arms are extended behind, with fingers outstretched, touching the floor for support, and palms turned outward, suggesting an open and relaxed posture. The surrounding space is free from obstructions, offering room for comfort and movement.",,8,1,entity,state,"entity - state (arms, extended behind)",Are the arms extended behind? +posescript8,"In this indoor scene, a person is seated directly on a hardwood floor with their legs extended out and slightly bent. The left leg is folded at a more acute angle than the right. Their gaze is directed upwards, towards the ceiling, with a look of concentration. Arms are extended behind, with fingers outstretched, touching the floor for support, and palms turned outward, suggesting an open and relaxed posture. The surrounding space is free from obstructions, offering room for comfort and movement.",,9,"1,2",relation,spatial,"relation - spatial (person, hardwood floor, seated on)",Is the person seated directly on the hardwood floor? +posescript8,"In this indoor scene, a person is seated directly on a hardwood floor with their legs extended out and slightly bent. The left leg is folded at a more acute angle than the right. Their gaze is directed upwards, towards the ceiling, with a look of concentration. Arms are extended behind, with fingers outstretched, touching the floor for support, and palms turned outward, suggesting an open and relaxed posture. The surrounding space is free from obstructions, offering room for comfort and movement.",,10,"1,2",relation,non-spatial,"relation - non-spatial (fingers, floor, touching)",Are the fingers touching the floor for support? +midjourney27,"An aerial view captures the Chernobyl station in the gentle embrace of spring, framed in the distinct and meticulous symmetry reminiscent of a Wes Anderson tableau. The imposing structure is centered between the burgeoning greenery that flanks it, under the vast expanse of a midday sky punctuated by towering cumulonimbus clouds. The scene is a study in contrasts, with the stark industrial facade of the station juxtaposed against the whimsical patterns of nature reasserting itself.",,1,0,entity,whole,entity - whole (Chernobyl station),Is there a Chernobyl station? +midjourney27,"An aerial view captures the Chernobyl station in the gentle embrace of spring, framed in the distinct and meticulous symmetry reminiscent of a Wes Anderson tableau. The imposing structure is centered between the burgeoning greenery that flanks it, under the vast expanse of a midday sky punctuated by towering cumulonimbus clouds. The scene is a study in contrasts, with the stark industrial facade of the station juxtaposed against the whimsical patterns of nature reasserting itself.",,2,0,entity,whole,entity - whole (greenery),Is there greenery? +midjourney27,"An aerial view captures the Chernobyl station in the gentle embrace of spring, framed in the distinct and meticulous symmetry reminiscent of a Wes Anderson tableau. The imposing structure is centered between the burgeoning greenery that flanks it, under the vast expanse of a midday sky punctuated by towering cumulonimbus clouds. The scene is a study in contrasts, with the stark industrial facade of the station juxtaposed against the whimsical patterns of nature reasserting itself.",,3,0,entity,whole,entity - whole (sky),Is there a sky? +midjourney27,"An aerial view captures the Chernobyl station in the gentle embrace of spring, framed in the distinct and meticulous symmetry reminiscent of a Wes Anderson tableau. The imposing structure is centered between the burgeoning greenery that flanks it, under the vast expanse of a midday sky punctuated by towering cumulonimbus clouds. The scene is a study in contrasts, with the stark industrial facade of the station juxtaposed against the whimsical patterns of nature reasserting itself.",,4,0,entity,whole,entity - whole (clouds),Are there clouds? +midjourney27,"An aerial view captures the Chernobyl station in the gentle embrace of spring, framed in the distinct and meticulous symmetry reminiscent of a Wes Anderson tableau. The imposing structure is centered between the burgeoning greenery that flanks it, under the vast expanse of a midday sky punctuated by towering cumulonimbus clouds. The scene is a study in contrasts, with the stark industrial facade of the station juxtaposed against the whimsical patterns of nature reasserting itself.",,5,0,global,,global - (aerial view),Is this an aerial view? +midjourney27,"An aerial view captures the Chernobyl station in the gentle embrace of spring, framed in the distinct and meticulous symmetry reminiscent of a Wes Anderson tableau. The imposing structure is centered between the burgeoning greenery that flanks it, under the vast expanse of a midday sky punctuated by towering cumulonimbus clouds. The scene is a study in contrasts, with the stark industrial facade of the station juxtaposed against the whimsical patterns of nature reasserting itself.",,6,2,attribute,texture,"attribute - texture (greenery, burgeoning)",Is the greenery burgeoning? +midjourney27,"An aerial view captures the Chernobyl station in the gentle embrace of spring, framed in the distinct and meticulous symmetry reminiscent of a Wes Anderson tableau. The imposing structure is centered between the burgeoning greenery that flanks it, under the vast expanse of a midday sky punctuated by towering cumulonimbus clouds. The scene is a study in contrasts, with the stark industrial facade of the station juxtaposed against the whimsical patterns of nature reasserting itself.",,7,3,attribute,color,"attribute - color (sky, midday)",Is it midday in the sky? +midjourney27,"An aerial view captures the Chernobyl station in the gentle embrace of spring, framed in the distinct and meticulous symmetry reminiscent of a Wes Anderson tableau. The imposing structure is centered between the burgeoning greenery that flanks it, under the vast expanse of a midday sky punctuated by towering cumulonimbus clouds. The scene is a study in contrasts, with the stark industrial facade of the station juxtaposed against the whimsical patterns of nature reasserting itself.",,8,4,attribute,texture,"attribute - texture (clouds, cumulonimbus)",Are the clouds cumulonimbus? +midjourney27,"An aerial view captures the Chernobyl station in the gentle embrace of spring, framed in the distinct and meticulous symmetry reminiscent of a Wes Anderson tableau. The imposing structure is centered between the burgeoning greenery that flanks it, under the vast expanse of a midday sky punctuated by towering cumulonimbus clouds. The scene is a study in contrasts, with the stark industrial facade of the station juxtaposed against the whimsical patterns of nature reasserting itself.",,9,"1,2",relation,spatial,"relation - spatial (Chernobyl station, greenery, between)",Is the Chernobyl station centered between the greenery? +midjourney27,"An aerial view captures the Chernobyl station in the gentle embrace of spring, framed in the distinct and meticulous symmetry reminiscent of a Wes Anderson tableau. The imposing structure is centered between the burgeoning greenery that flanks it, under the vast expanse of a midday sky punctuated by towering cumulonimbus clouds. The scene is a study in contrasts, with the stark industrial facade of the station juxtaposed against the whimsical patterns of nature reasserting itself.",,10,"1,3",relation,spatial,"relation - spatial (Chernobyl station, sky, under)",Is the Chernobyl station under the vast expanse of the sky? +stanford37,"A large, circular clock with a green face is affixed to the exterior of a brick building, the brickwork displaying a variety of warm, earthy tones. The clock features Roman numerals in an elegant font, and each numeral is accented with subtle gold embellishments that catch the light. Directly beside the clock, there is a single arched window with a lattice design, providing a glimpse into the building's interior.",,1,0,entity,whole,entity - whole (clock),Is there a clock? +stanford37,"A large, circular clock with a green face is affixed to the exterior of a brick building, the brickwork displaying a variety of warm, earthy tones. The clock features Roman numerals in an elegant font, and each numeral is accented with subtle gold embellishments that catch the light. Directly beside the clock, there is a single arched window with a lattice design, providing a glimpse into the building's interior.",,2,0,entity,whole,entity - whole (building),Is there a building? +stanford37,"A large, circular clock with a green face is affixed to the exterior of a brick building, the brickwork displaying a variety of warm, earthy tones. The clock features Roman numerals in an elegant font, and each numeral is accented with subtle gold embellishments that catch the light. Directly beside the clock, there is a single arched window with a lattice design, providing a glimpse into the building's interior.",,3,2,entity,part,entity - part (building's exterior),Is there an exterior to the building? +stanford37,"A large, circular clock with a green face is affixed to the exterior of a brick building, the brickwork displaying a variety of warm, earthy tones. The clock features Roman numerals in an elegant font, and each numeral is accented with subtle gold embellishments that catch the light. Directly beside the clock, there is a single arched window with a lattice design, providing a glimpse into the building's interior.",,4,1,entity,part,entity - part (clock's face),Does the clock have a face? +stanford37,"A large, circular clock with a green face is affixed to the exterior of a brick building, the brickwork displaying a variety of warm, earthy tones. The clock features Roman numerals in an elegant font, and each numeral is accented with subtle gold embellishments that catch the light. Directly beside the clock, there is a single arched window with a lattice design, providing a glimpse into the building's interior.",,5,0,entity,part,entity - part (window),Is there a window? +stanford37,"A large, circular clock with a green face is affixed to the exterior of a brick building, the brickwork displaying a variety of warm, earthy tones. The clock features Roman numerals in an elegant font, and each numeral is accented with subtle gold embellishments that catch the light. Directly beside the clock, there is a single arched window with a lattice design, providing a glimpse into the building's interior.",,6,4,attribute,color,"attribute - color (clock's face, green)",Is the clock's face green? +stanford37,"A large, circular clock with a green face is affixed to the exterior of a brick building, the brickwork displaying a variety of warm, earthy tones. The clock features Roman numerals in an elegant font, and each numeral is accented with subtle gold embellishments that catch the light. Directly beside the clock, there is a single arched window with a lattice design, providing a glimpse into the building's interior.",,7,1,attribute,shape,"attribute - shape (clock, circular)",Is the clock circular? +stanford37,"A large, circular clock with a green face is affixed to the exterior of a brick building, the brickwork displaying a variety of warm, earthy tones. The clock features Roman numerals in an elegant font, and each numeral is accented with subtle gold embellishments that catch the light. Directly beside the clock, there is a single arched window with a lattice design, providing a glimpse into the building's interior.",,8,3,attribute,texture,"attribute - texture (building's exterior, brick)",Is the building's exterior made of brick? +stanford37,"A large, circular clock with a green face is affixed to the exterior of a brick building, the brickwork displaying a variety of warm, earthy tones. The clock features Roman numerals in an elegant font, and each numeral is accented with subtle gold embellishments that catch the light. Directly beside the clock, there is a single arched window with a lattice design, providing a glimpse into the building's interior.",,9,1,attribute,other,"attribute - other (clock's numerals, Roman)",Does the clock feature Roman numerals? +stanford37,"A large, circular clock with a green face is affixed to the exterior of a brick building, the brickwork displaying a variety of warm, earthy tones. The clock features Roman numerals in an elegant font, and each numeral is accented with subtle gold embellishments that catch the light. Directly beside the clock, there is a single arched window with a lattice design, providing a glimpse into the building's interior.",,10,5,attribute,other,"attribute - other (window, arched with lattice design)",Is the window arched with a lattice design? +stanford37,"A large, circular clock with a green face is affixed to the exterior of a brick building, the brickwork displaying a variety of warm, earthy tones. The clock features Roman numerals in an elegant font, and each numeral is accented with subtle gold embellishments that catch the light. Directly beside the clock, there is a single arched window with a lattice design, providing a glimpse into the building's interior.",,11,"1,3",relation,spatial,"relation - spatial (clock, building's exterior, affixed to)",Is the clock affixed to the exterior of the building? +stanford37,"A large, circular clock with a green face is affixed to the exterior of a brick building, the brickwork displaying a variety of warm, earthy tones. The clock features Roman numerals in an elegant font, and each numeral is accented with subtle gold embellishments that catch the light. Directly beside the clock, there is a single arched window with a lattice design, providing a glimpse into the building's interior.",,12,"1,5",relation,spatial,"relation - spatial (window, clock, beside)",Is the window directly beside the clock? +stanford28,"A young boy, sporting a black sweater and a pair of blue jeans, casually strolls alongside a friendly-looking dark brown horse. The boy also has a vibrant blue shirt loosely tied around his waist, adding a pop of color to his outfit. The horse, with its shiny coat and gentle eyes, walks calmly next to him on a gravel path that's lined with wooden fences on both sides.",,1,0,entity,whole,entity - whole (boy),Is there a young boy? +stanford28,"A young boy, sporting a black sweater and a pair of blue jeans, casually strolls alongside a friendly-looking dark brown horse. The boy also has a vibrant blue shirt loosely tied around his waist, adding a pop of color to his outfit. The horse, with its shiny coat and gentle eyes, walks calmly next to him on a gravel path that's lined with wooden fences on both sides.",,2,1,entity,whole,entity - whole (sweater),Is there a sweater? +stanford28,"A young boy, sporting a black sweater and a pair of blue jeans, casually strolls alongside a friendly-looking dark brown horse. The boy also has a vibrant blue shirt loosely tied around his waist, adding a pop of color to his outfit. The horse, with its shiny coat and gentle eyes, walks calmly next to him on a gravel path that's lined with wooden fences on both sides.",,3,1,entity,whole,entity - whole (jeans),Are there jeans? +stanford28,"A young boy, sporting a black sweater and a pair of blue jeans, casually strolls alongside a friendly-looking dark brown horse. The boy also has a vibrant blue shirt loosely tied around his waist, adding a pop of color to his outfit. The horse, with its shiny coat and gentle eyes, walks calmly next to him on a gravel path that's lined with wooden fences on both sides.",,4,1,entity,whole,entity - whole (shirt),Is there a shirt? +stanford28,"A young boy, sporting a black sweater and a pair of blue jeans, casually strolls alongside a friendly-looking dark brown horse. The boy also has a vibrant blue shirt loosely tied around his waist, adding a pop of color to his outfit. The horse, with its shiny coat and gentle eyes, walks calmly next to him on a gravel path that's lined with wooden fences on both sides.",,5,0,entity,whole,entity - whole (horse),Is there a horse? +stanford28,"A young boy, sporting a black sweater and a pair of blue jeans, casually strolls alongside a friendly-looking dark brown horse. The boy also has a vibrant blue shirt loosely tied around his waist, adding a pop of color to his outfit. The horse, with its shiny coat and gentle eyes, walks calmly next to him on a gravel path that's lined with wooden fences on both sides.",,6,0,entity,whole,entity - whole (path),Is there a path? +stanford28,"A young boy, sporting a black sweater and a pair of blue jeans, casually strolls alongside a friendly-looking dark brown horse. The boy also has a vibrant blue shirt loosely tied around his waist, adding a pop of color to his outfit. The horse, with its shiny coat and gentle eyes, walks calmly next to him on a gravel path that's lined with wooden fences on both sides.",,7,0,entity,whole,entity - whole (fences),Are there fences? +stanford28,"A young boy, sporting a black sweater and a pair of blue jeans, casually strolls alongside a friendly-looking dark brown horse. The boy also has a vibrant blue shirt loosely tied around his waist, adding a pop of color to his outfit. The horse, with its shiny coat and gentle eyes, walks calmly next to him on a gravel path that's lined with wooden fences on both sides.",,8,2,attribute,color,"attribute - color (sweater, black)",Is the sweater black? +stanford28,"A young boy, sporting a black sweater and a pair of blue jeans, casually strolls alongside a friendly-looking dark brown horse. The boy also has a vibrant blue shirt loosely tied around his waist, adding a pop of color to his outfit. The horse, with its shiny coat and gentle eyes, walks calmly next to him on a gravel path that's lined with wooden fences on both sides.",,9,3,attribute,color,"attribute - color (jeans, blue)",Are the jeans blue? +stanford28,"A young boy, sporting a black sweater and a pair of blue jeans, casually strolls alongside a friendly-looking dark brown horse. The boy also has a vibrant blue shirt loosely tied around his waist, adding a pop of color to his outfit. The horse, with its shiny coat and gentle eyes, walks calmly next to him on a gravel path that's lined with wooden fences on both sides.",,10,4,attribute,color,"attribute - color (shirt, vibrant blue)",Is the shirt a vibrant blue? +stanford28,"A young boy, sporting a black sweater and a pair of blue jeans, casually strolls alongside a friendly-looking dark brown horse. The boy also has a vibrant blue shirt loosely tied around his waist, adding a pop of color to his outfit. The horse, with its shiny coat and gentle eyes, walks calmly next to him on a gravel path that's lined with wooden fences on both sides.",,11,5,attribute,color,"attribute - color (horse, dark brown)",Is the horse dark brown? +stanford28,"A young boy, sporting a black sweater and a pair of blue jeans, casually strolls alongside a friendly-looking dark brown horse. The boy also has a vibrant blue shirt loosely tied around his waist, adding a pop of color to his outfit. The horse, with its shiny coat and gentle eyes, walks calmly next to him on a gravel path that's lined with wooden fences on both sides.",,12,6,attribute,texture,"attribute - texture (path, gravel)",Is the path gravel? +stanford28,"A young boy, sporting a black sweater and a pair of blue jeans, casually strolls alongside a friendly-looking dark brown horse. The boy also has a vibrant blue shirt loosely tied around his waist, adding a pop of color to his outfit. The horse, with its shiny coat and gentle eyes, walks calmly next to him on a gravel path that's lined with wooden fences on both sides.",,13,7,attribute,texture,"attribute - texture (fences, wooden)",Are the fences wooden? +stanford28,"A young boy, sporting a black sweater and a pair of blue jeans, casually strolls alongside a friendly-looking dark brown horse. The boy also has a vibrant blue shirt loosely tied around his waist, adding a pop of color to his outfit. The horse, with its shiny coat and gentle eyes, walks calmly next to him on a gravel path that's lined with wooden fences on both sides.",,14,1,entity,state,"entity - state (boy, stroll)",Is the boy strolling? +stanford28,"A young boy, sporting a black sweater and a pair of blue jeans, casually strolls alongside a friendly-looking dark brown horse. The boy also has a vibrant blue shirt loosely tied around his waist, adding a pop of color to his outfit. The horse, with its shiny coat and gentle eyes, walks calmly next to him on a gravel path that's lined with wooden fences on both sides.",,15,5,entity,state,"entity - state (horse, walk)",Is the horse walking? +stanford28,"A young boy, sporting a black sweater and a pair of blue jeans, casually strolls alongside a friendly-looking dark brown horse. The boy also has a vibrant blue shirt loosely tied around his waist, adding a pop of color to his outfit. The horse, with its shiny coat and gentle eyes, walks calmly next to him on a gravel path that's lined with wooden fences on both sides.",,16,"1,5",relation,spatial,"relation - spatial (boy, horse, next to)",Is the boy next to the horse? +stanford28,"A young boy, sporting a black sweater and a pair of blue jeans, casually strolls alongside a friendly-looking dark brown horse. The boy also has a vibrant blue shirt loosely tied around his waist, adding a pop of color to his outfit. The horse, with its shiny coat and gentle eyes, walks calmly next to him on a gravel path that's lined with wooden fences on both sides.",,17,"6,7",relation,spatial,"relation - spatial (path, fences, lined with)",Is the path lined with fences? +stanford28,"A young boy, sporting a black sweater and a pair of blue jeans, casually strolls alongside a friendly-looking dark brown horse. The boy also has a vibrant blue shirt loosely tied around his waist, adding a pop of color to his outfit. The horse, with its shiny coat and gentle eyes, walks calmly next to him on a gravel path that's lined with wooden fences on both sides.",,18,4,attribute,other,"attribute - other (shirt, loosely tied around waist)",Is the shirt loosely tied around the boy's waist? +stanford28,"A young boy, sporting a black sweater and a pair of blue jeans, casually strolls alongside a friendly-looking dark brown horse. The boy also has a vibrant blue shirt loosely tied around his waist, adding a pop of color to his outfit. The horse, with its shiny coat and gentle eyes, walks calmly next to him on a gravel path that's lined with wooden fences on both sides.",,19,5,attribute,other,"attribute - other (horse, shiny coat)",Does the horse have a shiny coat? +stanford28,"A young boy, sporting a black sweater and a pair of blue jeans, casually strolls alongside a friendly-looking dark brown horse. The boy also has a vibrant blue shirt loosely tied around his waist, adding a pop of color to his outfit. The horse, with its shiny coat and gentle eyes, walks calmly next to him on a gravel path that's lined with wooden fences on both sides.",,20,5,attribute,other,"attribute - other (horse, gentle eyes)",Does the horse have gentle eyes? +drawtext29,"An artist's rendition of the Hubble Space Telescope, bathed in the glimmer of distant stars set against the backdrop of the sprawling Milky Way galaxy. The image is rich with hues of blue and purple nebulas, and the telescope appears as a sophisticated structure with reflective solar panels. Overlaying this cosmic panorama is bold, inspirational text that reads 'The Universe is a Mystery, But We Are Here to Solve It', signifying the relentless human pursuit of knowledge beyond our world.",,1,0,entity,whole,entity - whole (Hubble Space Telescope),Is there an artist's rendition of the Hubble Space Telescope? +drawtext29,"An artist's rendition of the Hubble Space Telescope, bathed in the glimmer of distant stars set against the backdrop of the sprawling Milky Way galaxy. The image is rich with hues of blue and purple nebulas, and the telescope appears as a sophisticated structure with reflective solar panels. Overlaying this cosmic panorama is bold, inspirational text that reads 'The Universe is a Mystery, But We Are Here to Solve It', signifying the relentless human pursuit of knowledge beyond our world.",,2,0,entity,whole,entity - whole (stars),Are there stars in the image? +drawtext29,"An artist's rendition of the Hubble Space Telescope, bathed in the glimmer of distant stars set against the backdrop of the sprawling Milky Way galaxy. The image is rich with hues of blue and purple nebulas, and the telescope appears as a sophisticated structure with reflective solar panels. Overlaying this cosmic panorama is bold, inspirational text that reads 'The Universe is a Mystery, But We Are Here to Solve It', signifying the relentless human pursuit of knowledge beyond our world.",,3,0,entity,whole,entity - whole (Milky Way galaxy),Is the Milky Way galaxy depicted in the image? +drawtext29,"An artist's rendition of the Hubble Space Telescope, bathed in the glimmer of distant stars set against the backdrop of the sprawling Milky Way galaxy. The image is rich with hues of blue and purple nebulas, and the telescope appears as a sophisticated structure with reflective solar panels. Overlaying this cosmic panorama is bold, inspirational text that reads 'The Universe is a Mystery, But We Are Here to Solve It', signifying the relentless human pursuit of knowledge beyond our world.",,4,0,entity,whole,entity - whole (nebulas),Are there nebulas in the image? +drawtext29,"An artist's rendition of the Hubble Space Telescope, bathed in the glimmer of distant stars set against the backdrop of the sprawling Milky Way galaxy. The image is rich with hues of blue and purple nebulas, and the telescope appears as a sophisticated structure with reflective solar panels. Overlaying this cosmic panorama is bold, inspirational text that reads 'The Universe is a Mystery, But We Are Here to Solve It', signifying the relentless human pursuit of knowledge beyond our world.",,5,1,entity,part,entity - part (telescope's solar panels),Does the telescope have solar panels? +drawtext29,"An artist's rendition of the Hubble Space Telescope, bathed in the glimmer of distant stars set against the backdrop of the sprawling Milky Way galaxy. The image is rich with hues of blue and purple nebulas, and the telescope appears as a sophisticated structure with reflective solar panels. Overlaying this cosmic panorama is bold, inspirational text that reads 'The Universe is a Mystery, But We Are Here to Solve It', signifying the relentless human pursuit of knowledge beyond our world.",,6,4,attribute,color,"attribute - color (nebulas, hues of blue and purple)",Do the nebulas have hues of blue and purple? +drawtext29,"An artist's rendition of the Hubble Space Telescope, bathed in the glimmer of distant stars set against the backdrop of the sprawling Milky Way galaxy. The image is rich with hues of blue and purple nebulas, and the telescope appears as a sophisticated structure with reflective solar panels. Overlaying this cosmic panorama is bold, inspirational text that reads 'The Universe is a Mystery, But We Are Here to Solve It', signifying the relentless human pursuit of knowledge beyond our world.",,7,1,attribute,texture,"attribute - texture (telescope, sophisticated structure)",Does the telescope appear as a sophisticated structure? +drawtext29,"An artist's rendition of the Hubble Space Telescope, bathed in the glimmer of distant stars set against the backdrop of the sprawling Milky Way galaxy. The image is rich with hues of blue and purple nebulas, and the telescope appears as a sophisticated structure with reflective solar panels. Overlaying this cosmic panorama is bold, inspirational text that reads 'The Universe is a Mystery, But We Are Here to Solve It', signifying the relentless human pursuit of knowledge beyond our world.",,8,5,attribute,texture,"attribute - texture (solar panels, reflective)",Are the solar panels reflective? +drawtext29,"An artist's rendition of the Hubble Space Telescope, bathed in the glimmer of distant stars set against the backdrop of the sprawling Milky Way galaxy. The image is rich with hues of blue and purple nebulas, and the telescope appears as a sophisticated structure with reflective solar panels. Overlaying this cosmic panorama is bold, inspirational text that reads 'The Universe is a Mystery, But We Are Here to Solve It', signifying the relentless human pursuit of knowledge beyond our world.",,9,0,other,text,"other - text (inspirational text, ""The Universe is a Mystery, But We Are Here to Solve It"")","Does the inspirational text read ""The Universe is a Mystery, But We Are Here to Solve It""?" +drawtext29,"An artist's rendition of the Hubble Space Telescope, bathed in the glimmer of distant stars set against the backdrop of the sprawling Milky Way galaxy. The image is rich with hues of blue and purple nebulas, and the telescope appears as a sophisticated structure with reflective solar panels. Overlaying this cosmic panorama is bold, inspirational text that reads 'The Universe is a Mystery, But We Are Here to Solve It', signifying the relentless human pursuit of knowledge beyond our world.",,10,0,global,,global - (artist's rendition),Is this an artist's rendition? +diffusiondb16,"a collection of rare and vibrant CS: GO holo stickers, each emblazoned with the logos of iconic esports teams. The Titan Katowice 2014 sticker shines with a prismatic effect, while the iBuyPower Katowice 2014 sticker boasts a delicate balance of red and black hues. The Reason Gaming Katowice 2014 and LDLC.com Katowice 2014 stickers both display a mesmerizing holographic sheen, capturing the eye with every tilt and turn. These stickers represent a significant piece of esports history and are a must-have for enthusiasts and collectors alike.",,1,0,entity,whole,entity - whole (CS: GO holo stickers),Are there CS: GO holo stickers? +diffusiondb16,"a collection of rare and vibrant CS: GO holo stickers, each emblazoned with the logos of iconic esports teams. The Titan Katowice 2014 sticker shines with a prismatic effect, while the iBuyPower Katowice 2014 sticker boasts a delicate balance of red and black hues. The Reason Gaming Katowice 2014 and LDLC.com Katowice 2014 stickers both display a mesmerizing holographic sheen, capturing the eye with every tilt and turn. These stickers represent a significant piece of esports history and are a must-have for enthusiasts and collectors alike.",,2,1,attribute,other,"attribute - other (stickers, rare)",Are the stickers rare? +diffusiondb16,"a collection of rare and vibrant CS: GO holo stickers, each emblazoned with the logos of iconic esports teams. The Titan Katowice 2014 sticker shines with a prismatic effect, while the iBuyPower Katowice 2014 sticker boasts a delicate balance of red and black hues. The Reason Gaming Katowice 2014 and LDLC.com Katowice 2014 stickers both display a mesmerizing holographic sheen, capturing the eye with every tilt and turn. These stickers represent a significant piece of esports history and are a must-have for enthusiasts and collectors alike.",,3,1,attribute,other,"attribute - other (stickers, vibrant)",Are the stickers vibrant? +diffusiondb16,"a collection of rare and vibrant CS: GO holo stickers, each emblazoned with the logos of iconic esports teams. The Titan Katowice 2014 sticker shines with a prismatic effect, while the iBuyPower Katowice 2014 sticker boasts a delicate balance of red and black hues. The Reason Gaming Katowice 2014 and LDLC.com Katowice 2014 stickers both display a mesmerizing holographic sheen, capturing the eye with every tilt and turn. These stickers represent a significant piece of esports history and are a must-have for enthusiasts and collectors alike.",,4,1,entity,part,"entity - part (stickers, logos)",Do the stickers have logos? +diffusiondb16,"a collection of rare and vibrant CS: GO holo stickers, each emblazoned with the logos of iconic esports teams. The Titan Katowice 2014 sticker shines with a prismatic effect, while the iBuyPower Katowice 2014 sticker boasts a delicate balance of red and black hues. The Reason Gaming Katowice 2014 and LDLC.com Katowice 2014 stickers both display a mesmerizing holographic sheen, capturing the eye with every tilt and turn. These stickers represent a significant piece of esports history and are a must-have for enthusiasts and collectors alike.",,5,1,entity,part,entity - part (Titan Katowice 2014 sticker),Is there a Titan Katowice 2014 sticker? +diffusiondb16,"a collection of rare and vibrant CS: GO holo stickers, each emblazoned with the logos of iconic esports teams. The Titan Katowice 2014 sticker shines with a prismatic effect, while the iBuyPower Katowice 2014 sticker boasts a delicate balance of red and black hues. The Reason Gaming Katowice 2014 and LDLC.com Katowice 2014 stickers both display a mesmerizing holographic sheen, capturing the eye with every tilt and turn. These stickers represent a significant piece of esports history and are a must-have for enthusiasts and collectors alike.",,6,5,attribute,texture,"attribute - texture (Titan Katowice 2014 sticker, prismatic effect)",Does the Titan Katowice 2014 sticker have a prismatic effect? +diffusiondb16,"a collection of rare and vibrant CS: GO holo stickers, each emblazoned with the logos of iconic esports teams. The Titan Katowice 2014 sticker shines with a prismatic effect, while the iBuyPower Katowice 2014 sticker boasts a delicate balance of red and black hues. The Reason Gaming Katowice 2014 and LDLC.com Katowice 2014 stickers both display a mesmerizing holographic sheen, capturing the eye with every tilt and turn. These stickers represent a significant piece of esports history and are a must-have for enthusiasts and collectors alike.",,7,1,entity,part,entity - part (iBuyPower Katowice 2014 sticker),Is there an iBuyPower Katowice 2014 sticker? +diffusiondb16,"a collection of rare and vibrant CS: GO holo stickers, each emblazoned with the logos of iconic esports teams. The Titan Katowice 2014 sticker shines with a prismatic effect, while the iBuyPower Katowice 2014 sticker boasts a delicate balance of red and black hues. The Reason Gaming Katowice 2014 and LDLC.com Katowice 2014 stickers both display a mesmerizing holographic sheen, capturing the eye with every tilt and turn. These stickers represent a significant piece of esports history and are a must-have for enthusiasts and collectors alike.",,8,7,attribute,color,"attribute - color (iBuyPower Katowice 2014 sticker, red and black)",Does the iBuyPower Katowice 2014 sticker have red and black hues? +diffusiondb16,"a collection of rare and vibrant CS: GO holo stickers, each emblazoned with the logos of iconic esports teams. The Titan Katowice 2014 sticker shines with a prismatic effect, while the iBuyPower Katowice 2014 sticker boasts a delicate balance of red and black hues. The Reason Gaming Katowice 2014 and LDLC.com Katowice 2014 stickers both display a mesmerizing holographic sheen, capturing the eye with every tilt and turn. These stickers represent a significant piece of esports history and are a must-have for enthusiasts and collectors alike.",,9,1,entity,part,entity - part (Reason Gaming Katowice 2014 sticker),Is there a Reason Gaming Katowice 2014 sticker? +diffusiondb16,"a collection of rare and vibrant CS: GO holo stickers, each emblazoned with the logos of iconic esports teams. The Titan Katowice 2014 sticker shines with a prismatic effect, while the iBuyPower Katowice 2014 sticker boasts a delicate balance of red and black hues. The Reason Gaming Katowice 2014 and LDLC.com Katowice 2014 stickers both display a mesmerizing holographic sheen, capturing the eye with every tilt and turn. These stickers represent a significant piece of esports history and are a must-have for enthusiasts and collectors alike.",,10,9,attribute,texture,"attribute - texture (Reason Gaming Katowice 2014 sticker, holographic sheen)",Does the Reason Gaming Katowice 2014 sticker have a holographic sheen? +vrd13,"A quaint urban scene where a cardboard box rests atop a wooden bench, its corners lightly frayed. The street unfurls directly beneath the sturdy bench and continues onward beneath the overhanging box. A lush tree, its leaves whispering with the breeze, stands tall next to the bench, its branches extending over the street and casting dappled shadows on the ground. Nearby, a person dressed in a casual jacket and comfortable pants is in repose, their bag placed nonchalantly beside them, completing this snapshot of everyday city life.",,1,0,entity,whole,entity - whole (cardboard box),Is there a cardboard box? +vrd13,"A quaint urban scene where a cardboard box rests atop a wooden bench, its corners lightly frayed. The street unfurls directly beneath the sturdy bench and continues onward beneath the overhanging box. A lush tree, its leaves whispering with the breeze, stands tall next to the bench, its branches extending over the street and casting dappled shadows on the ground. Nearby, a person dressed in a casual jacket and comfortable pants is in repose, their bag placed nonchalantly beside them, completing this snapshot of everyday city life.",,2,0,entity,whole,entity - whole (wooden bench),Is there a wooden bench? +vrd13,"A quaint urban scene where a cardboard box rests atop a wooden bench, its corners lightly frayed. The street unfurls directly beneath the sturdy bench and continues onward beneath the overhanging box. A lush tree, its leaves whispering with the breeze, stands tall next to the bench, its branches extending over the street and casting dappled shadows on the ground. Nearby, a person dressed in a casual jacket and comfortable pants is in repose, their bag placed nonchalantly beside them, completing this snapshot of everyday city life.",,3,0,entity,whole,entity - whole (street),Is there a street? +vrd13,"A quaint urban scene where a cardboard box rests atop a wooden bench, its corners lightly frayed. The street unfurls directly beneath the sturdy bench and continues onward beneath the overhanging box. A lush tree, its leaves whispering with the breeze, stands tall next to the bench, its branches extending over the street and casting dappled shadows on the ground. Nearby, a person dressed in a casual jacket and comfortable pants is in repose, their bag placed nonchalantly beside them, completing this snapshot of everyday city life.",,4,0,entity,whole,entity - whole (tree),Is there a tree? +vrd13,"A quaint urban scene where a cardboard box rests atop a wooden bench, its corners lightly frayed. The street unfurls directly beneath the sturdy bench and continues onward beneath the overhanging box. A lush tree, its leaves whispering with the breeze, stands tall next to the bench, its branches extending over the street and casting dappled shadows on the ground. Nearby, a person dressed in a casual jacket and comfortable pants is in repose, their bag placed nonchalantly beside them, completing this snapshot of everyday city life.",,5,0,entity,whole,entity - whole (person),Is there a person? +vrd13,"A quaint urban scene where a cardboard box rests atop a wooden bench, its corners lightly frayed. The street unfurls directly beneath the sturdy bench and continues onward beneath the overhanging box. A lush tree, its leaves whispering with the breeze, stands tall next to the bench, its branches extending over the street and casting dappled shadows on the ground. Nearby, a person dressed in a casual jacket and comfortable pants is in repose, their bag placed nonchalantly beside them, completing this snapshot of everyday city life.",,6,5,entity,part,entity - part (person's bag),Is there a bag? +vrd13,"A quaint urban scene where a cardboard box rests atop a wooden bench, its corners lightly frayed. The street unfurls directly beneath the sturdy bench and continues onward beneath the overhanging box. A lush tree, its leaves whispering with the breeze, stands tall next to the bench, its branches extending over the street and casting dappled shadows on the ground. Nearby, a person dressed in a casual jacket and comfortable pants is in repose, their bag placed nonchalantly beside them, completing this snapshot of everyday city life.",,7,1,attribute,texture,"attribute - texture (box, corners lightly frayed)",Are the corners of the box lightly frayed? +vrd13,"A quaint urban scene where a cardboard box rests atop a wooden bench, its corners lightly frayed. The street unfurls directly beneath the sturdy bench and continues onward beneath the overhanging box. A lush tree, its leaves whispering with the breeze, stands tall next to the bench, its branches extending over the street and casting dappled shadows on the ground. Nearby, a person dressed in a casual jacket and comfortable pants is in repose, their bag placed nonchalantly beside them, completing this snapshot of everyday city life.",,8,2,attribute,texture,"attribute - texture (bench, sturdy)",Is the bench sturdy? +vrd13,"A quaint urban scene where a cardboard box rests atop a wooden bench, its corners lightly frayed. The street unfurls directly beneath the sturdy bench and continues onward beneath the overhanging box. A lush tree, its leaves whispering with the breeze, stands tall next to the bench, its branches extending over the street and casting dappled shadows on the ground. Nearby, a person dressed in a casual jacket and comfortable pants is in repose, their bag placed nonchalantly beside them, completing this snapshot of everyday city life.",,9,4,attribute,texture,"attribute - texture (tree, lush)",Is the tree lush? +vrd13,"A quaint urban scene where a cardboard box rests atop a wooden bench, its corners lightly frayed. The street unfurls directly beneath the sturdy bench and continues onward beneath the overhanging box. A lush tree, its leaves whispering with the breeze, stands tall next to the bench, its branches extending over the street and casting dappled shadows on the ground. Nearby, a person dressed in a casual jacket and comfortable pants is in repose, their bag placed nonchalantly beside them, completing this snapshot of everyday city life.",,10,"1,2",relation,spatial,"relation - spatial (cardboard box, wooden bench, atop)",Is the cardboard box resting atop the wooden bench? +vrd13,"A quaint urban scene where a cardboard box rests atop a wooden bench, its corners lightly frayed. The street unfurls directly beneath the sturdy bench and continues onward beneath the overhanging box. A lush tree, its leaves whispering with the breeze, stands tall next to the bench, its branches extending over the street and casting dappled shadows on the ground. Nearby, a person dressed in a casual jacket and comfortable pants is in repose, their bag placed nonchalantly beside them, completing this snapshot of everyday city life.",,11,"3,2",relation,spatial,"relation - spatial (street, bench, directly beneath)",Does the street unfurl directly beneath the sturdy bench? +vrd13,"A quaint urban scene where a cardboard box rests atop a wooden bench, its corners lightly frayed. The street unfurls directly beneath the sturdy bench and continues onward beneath the overhanging box. A lush tree, its leaves whispering with the breeze, stands tall next to the bench, its branches extending over the street and casting dappled shadows on the ground. Nearby, a person dressed in a casual jacket and comfortable pants is in repose, their bag placed nonchalantly beside them, completing this snapshot of everyday city life.",,12,"4,2",relation,spatial,"relation - spatial (tree, bench, next to)",Is the tree standing tall next to the bench? +vrd13,"A quaint urban scene where a cardboard box rests atop a wooden bench, its corners lightly frayed. The street unfurls directly beneath the sturdy bench and continues onward beneath the overhanging box. A lush tree, its leaves whispering with the breeze, stands tall next to the bench, its branches extending over the street and casting dappled shadows on the ground. Nearby, a person dressed in a casual jacket and comfortable pants is in repose, their bag placed nonchalantly beside them, completing this snapshot of everyday city life.",,13,"4,3",relation,spatial,"relation - spatial (tree, street, over)",Do the branches of the tree extend over the street? +vrd13,"A quaint urban scene where a cardboard box rests atop a wooden bench, its corners lightly frayed. The street unfurls directly beneath the sturdy bench and continues onward beneath the overhanging box. A lush tree, its leaves whispering with the breeze, stands tall next to the bench, its branches extending over the street and casting dappled shadows on the ground. Nearby, a person dressed in a casual jacket and comfortable pants is in repose, their bag placed nonchalantly beside them, completing this snapshot of everyday city life.",,14,"5,2",relation,spatial,"relation - spatial (person, bench, near)",Is the person near the bench? +vrd13,"A quaint urban scene where a cardboard box rests atop a wooden bench, its corners lightly frayed. The street unfurls directly beneath the sturdy bench and continues onward beneath the overhanging box. A lush tree, its leaves whispering with the breeze, stands tall next to the bench, its branches extending over the street and casting dappled shadows on the ground. Nearby, a person dressed in a casual jacket and comfortable pants is in repose, their bag placed nonchalantly beside them, completing this snapshot of everyday city life.",,15,"6,5",relation,spatial,"relation - spatial (person's bag, person, beside)",Is the person's bag placed nonchalantly beside them? +drawtext36,"A unique perspective of a large, irregular-shaped gray stone casting a long, imposing shadow over the ground, as seen from the vantage point of an ant. The sun's position gives the shadow a stretched appearance, trailing across the textured dirt surface speckled with tiny pebbles and grass blades. The caption 'look at that shadow!' humorously emphasizes the grandeur of the scene from the ant's perspective.",,1,0,entity,whole,entity - whole (stone),Is there a stone? +drawtext36,"A unique perspective of a large, irregular-shaped gray stone casting a long, imposing shadow over the ground, as seen from the vantage point of an ant. The sun's position gives the shadow a stretched appearance, trailing across the textured dirt surface speckled with tiny pebbles and grass blades. The caption 'look at that shadow!' humorously emphasizes the grandeur of the scene from the ant's perspective.",,2,0,entity,whole,entity - whole (shadow),Is there a shadow? +drawtext36,"A unique perspective of a large, irregular-shaped gray stone casting a long, imposing shadow over the ground, as seen from the vantage point of an ant. The sun's position gives the shadow a stretched appearance, trailing across the textured dirt surface speckled with tiny pebbles and grass blades. The caption 'look at that shadow!' humorously emphasizes the grandeur of the scene from the ant's perspective.",,3,0,entity,whole,entity - whole (ground),Is there ground? +drawtext36,"A unique perspective of a large, irregular-shaped gray stone casting a long, imposing shadow over the ground, as seen from the vantage point of an ant. The sun's position gives the shadow a stretched appearance, trailing across the textured dirt surface speckled with tiny pebbles and grass blades. The caption 'look at that shadow!' humorously emphasizes the grandeur of the scene from the ant's perspective.",,4,0,entity,whole,entity - whole (sun),Is there a sun? +drawtext36,"A unique perspective of a large, irregular-shaped gray stone casting a long, imposing shadow over the ground, as seen from the vantage point of an ant. The sun's position gives the shadow a stretched appearance, trailing across the textured dirt surface speckled with tiny pebbles and grass blades. The caption 'look at that shadow!' humorously emphasizes the grandeur of the scene from the ant's perspective.",,5,1,attribute,color,"attribute - color (stone, gray)",Is the stone gray? +drawtext36,"A unique perspective of a large, irregular-shaped gray stone casting a long, imposing shadow over the ground, as seen from the vantage point of an ant. The sun's position gives the shadow a stretched appearance, trailing across the textured dirt surface speckled with tiny pebbles and grass blades. The caption 'look at that shadow!' humorously emphasizes the grandeur of the scene from the ant's perspective.",,6,1,attribute,shape,"attribute - shape (stone, irregular-shaped)",Is the stone irregular-shaped? +drawtext36,"A unique perspective of a large, irregular-shaped gray stone casting a long, imposing shadow over the ground, as seen from the vantage point of an ant. The sun's position gives the shadow a stretched appearance, trailing across the textured dirt surface speckled with tiny pebbles and grass blades. The caption 'look at that shadow!' humorously emphasizes the grandeur of the scene from the ant's perspective.",,7,2,attribute,size,"attribute - size (shadow, long)",Is the shadow long? +drawtext36,"A unique perspective of a large, irregular-shaped gray stone casting a long, imposing shadow over the ground, as seen from the vantage point of an ant. The sun's position gives the shadow a stretched appearance, trailing across the textured dirt surface speckled with tiny pebbles and grass blades. The caption 'look at that shadow!' humorously emphasizes the grandeur of the scene from the ant's perspective.",,8,3,attribute,texture,"attribute - texture (ground, textured)",Is the ground textured? +drawtext36,"A unique perspective of a large, irregular-shaped gray stone casting a long, imposing shadow over the ground, as seen from the vantage point of an ant. The sun's position gives the shadow a stretched appearance, trailing across the textured dirt surface speckled with tiny pebbles and grass blades. The caption 'look at that shadow!' humorously emphasizes the grandeur of the scene from the ant's perspective.",,9,3,attribute,texture,"attribute - texture (ground, speckled)",Is the ground speckled with tiny pebbles and grass blades? +drawtext36,"A unique perspective of a large, irregular-shaped gray stone casting a long, imposing shadow over the ground, as seen from the vantage point of an ant. The sun's position gives the shadow a stretched appearance, trailing across the textured dirt surface speckled with tiny pebbles and grass blades. The caption 'look at that shadow!' humorously emphasizes the grandeur of the scene from the ant's perspective.",,10,0,other,text,"other - text (caption, ""look at that shadow!"")","Does the caption say ""look at that shadow!""?" +diffusiondb22,"an intricately detailed character drawing by Bastien Lecouffe Deharme featuring an elderly gentleman with long, flowing grey hair. He possesses majestic, large grey wings that extend from his back, conveying both wisdom and strength. The refinement of the character is further accentuated by a polished monocle nestled over one keen eye, and he is dressed in sophisticated attire that hints at a bygone era of elegance.",,1,0,entity,whole,entity - whole (character drawing),Is there a character drawing? +diffusiondb22,"an intricately detailed character drawing by Bastien Lecouffe Deharme featuring an elderly gentleman with long, flowing grey hair. He possesses majestic, large grey wings that extend from his back, conveying both wisdom and strength. The refinement of the character is further accentuated by a polished monocle nestled over one keen eye, and he is dressed in sophisticated attire that hints at a bygone era of elegance.",,2,1,entity,whole,entity - whole (elderly gentleman),Is there an elderly gentleman in the drawing? +diffusiondb22,"an intricately detailed character drawing by Bastien Lecouffe Deharme featuring an elderly gentleman with long, flowing grey hair. He possesses majestic, large grey wings that extend from his back, conveying both wisdom and strength. The refinement of the character is further accentuated by a polished monocle nestled over one keen eye, and he is dressed in sophisticated attire that hints at a bygone era of elegance.",,3,2,entity,part,entity - part (gentleman's hair),Does the gentleman have hair? +diffusiondb22,"an intricately detailed character drawing by Bastien Lecouffe Deharme featuring an elderly gentleman with long, flowing grey hair. He possesses majestic, large grey wings that extend from his back, conveying both wisdom and strength. The refinement of the character is further accentuated by a polished monocle nestled over one keen eye, and he is dressed in sophisticated attire that hints at a bygone era of elegance.",,4,2,entity,part,entity - part (gentleman's wings),Does the gentleman have wings? +diffusiondb22,"an intricately detailed character drawing by Bastien Lecouffe Deharme featuring an elderly gentleman with long, flowing grey hair. He possesses majestic, large grey wings that extend from his back, conveying both wisdom and strength. The refinement of the character is further accentuated by a polished monocle nestled over one keen eye, and he is dressed in sophisticated attire that hints at a bygone era of elegance.",,5,2,entity,part,entity - part (gentleman's monocle),Does the gentleman have a monocle? +diffusiondb22,"an intricately detailed character drawing by Bastien Lecouffe Deharme featuring an elderly gentleman with long, flowing grey hair. He possesses majestic, large grey wings that extend from his back, conveying both wisdom and strength. The refinement of the character is further accentuated by a polished monocle nestled over one keen eye, and he is dressed in sophisticated attire that hints at a bygone era of elegance.",,6,2,entity,part,entity - part (gentleman's attire),Is the gentleman dressed in attire? +diffusiondb22,"an intricately detailed character drawing by Bastien Lecouffe Deharme featuring an elderly gentleman with long, flowing grey hair. He possesses majestic, large grey wings that extend from his back, conveying both wisdom and strength. The refinement of the character is further accentuated by a polished monocle nestled over one keen eye, and he is dressed in sophisticated attire that hints at a bygone era of elegance.",,7,3,attribute,color,"attribute - color (gentleman's hair, grey)",Is the gentleman's hair grey? +diffusiondb22,"an intricately detailed character drawing by Bastien Lecouffe Deharme featuring an elderly gentleman with long, flowing grey hair. He possesses majestic, large grey wings that extend from his back, conveying both wisdom and strength. The refinement of the character is further accentuated by a polished monocle nestled over one keen eye, and he is dressed in sophisticated attire that hints at a bygone era of elegance.",,8,4,attribute,color,"attribute - color (gentleman's wings, grey)",Are the gentleman's wings grey? +diffusiondb22,"an intricately detailed character drawing by Bastien Lecouffe Deharme featuring an elderly gentleman with long, flowing grey hair. He possesses majestic, large grey wings that extend from his back, conveying both wisdom and strength. The refinement of the character is further accentuated by a polished monocle nestled over one keen eye, and he is dressed in sophisticated attire that hints at a bygone era of elegance.",,9,4,attribute,size,"attribute - size (gentleman's wings, large)",Are the gentleman's wings large? +diffusiondb22,"an intricately detailed character drawing by Bastien Lecouffe Deharme featuring an elderly gentleman with long, flowing grey hair. He possesses majestic, large grey wings that extend from his back, conveying both wisdom and strength. The refinement of the character is further accentuated by a polished monocle nestled over one keen eye, and he is dressed in sophisticated attire that hints at a bygone era of elegance.",,10,5,attribute,other,"attribute - other (gentleman's monocle, polished)",Is the gentleman's monocle polished? +whoops4,"A striking orca whale is seen gliding through the blue waters of the Nile River, its black and white pattern contrasting vividly against the river's hues. In the background, the ancient silhouette of an Egyptian pyramid looms, its sandy beige stones bathed in the sunlight. The surface of the water ripples lightly as the majestic creature navigates the unusual setting, with palm trees and desert landscapes visible on the riverbanks.",,1,0,entity,whole,entity - whole (orca whale),Is there an orca whale? +whoops4,"A striking orca whale is seen gliding through the blue waters of the Nile River, its black and white pattern contrasting vividly against the river's hues. In the background, the ancient silhouette of an Egyptian pyramid looms, its sandy beige stones bathed in the sunlight. The surface of the water ripples lightly as the majestic creature navigates the unusual setting, with palm trees and desert landscapes visible on the riverbanks.",,2,0,entity,whole,entity - whole (Nile River),Is there the Nile River? +whoops4,"A striking orca whale is seen gliding through the blue waters of the Nile River, its black and white pattern contrasting vividly against the river's hues. In the background, the ancient silhouette of an Egyptian pyramid looms, its sandy beige stones bathed in the sunlight. The surface of the water ripples lightly as the majestic creature navigates the unusual setting, with palm trees and desert landscapes visible on the riverbanks.",,3,0,entity,whole,entity - whole (Egyptian pyramid),Is there an Egyptian pyramid? +whoops4,"A striking orca whale is seen gliding through the blue waters of the Nile River, its black and white pattern contrasting vividly against the river's hues. In the background, the ancient silhouette of an Egyptian pyramid looms, its sandy beige stones bathed in the sunlight. The surface of the water ripples lightly as the majestic creature navigates the unusual setting, with palm trees and desert landscapes visible on the riverbanks.",,4,1,entity,part,entity - part (orca whale's pattern),Does the orca whale have a pattern? +whoops4,"A striking orca whale is seen gliding through the blue waters of the Nile River, its black and white pattern contrasting vividly against the river's hues. In the background, the ancient silhouette of an Egyptian pyramid looms, its sandy beige stones bathed in the sunlight. The surface of the water ripples lightly as the majestic creature navigates the unusual setting, with palm trees and desert landscapes visible on the riverbanks.",,5,1,attribute,color,"attribute - color (orca whale, black and white)",Is the orca whale black and white? +whoops4,"A striking orca whale is seen gliding through the blue waters of the Nile River, its black and white pattern contrasting vividly against the river's hues. In the background, the ancient silhouette of an Egyptian pyramid looms, its sandy beige stones bathed in the sunlight. The surface of the water ripples lightly as the majestic creature navigates the unusual setting, with palm trees and desert landscapes visible on the riverbanks.",,6,2,attribute,color,"attribute - color (Nile River, blue)",Are the waters of the Nile River blue? +whoops4,"A striking orca whale is seen gliding through the blue waters of the Nile River, its black and white pattern contrasting vividly against the river's hues. In the background, the ancient silhouette of an Egyptian pyramid looms, its sandy beige stones bathed in the sunlight. The surface of the water ripples lightly as the majestic creature navigates the unusual setting, with palm trees and desert landscapes visible on the riverbanks.",,7,3,attribute,color,"attribute - color (Egyptian pyramid, sandy beige)",Is the Egyptian pyramid sandy beige? +whoops4,"A striking orca whale is seen gliding through the blue waters of the Nile River, its black and white pattern contrasting vividly against the river's hues. In the background, the ancient silhouette of an Egyptian pyramid looms, its sandy beige stones bathed in the sunlight. The surface of the water ripples lightly as the majestic creature navigates the unusual setting, with palm trees and desert landscapes visible on the riverbanks.",,8,2,attribute,texture,"attribute - texture (water, rippled)",Is the water's surface rippled? +whoops4,"A striking orca whale is seen gliding through the blue waters of the Nile River, its black and white pattern contrasting vividly against the river's hues. In the background, the ancient silhouette of an Egyptian pyramid looms, its sandy beige stones bathed in the sunlight. The surface of the water ripples lightly as the majestic creature navigates the unusual setting, with palm trees and desert landscapes visible on the riverbanks.",,9,1,entity,state,"entity - state (orca whale, gliding)",Is the orca whale gliding? +whoops4,"A striking orca whale is seen gliding through the blue waters of the Nile River, its black and white pattern contrasting vividly against the river's hues. In the background, the ancient silhouette of an Egyptian pyramid looms, its sandy beige stones bathed in the sunlight. The surface of the water ripples lightly as the majestic creature navigates the unusual setting, with palm trees and desert landscapes visible on the riverbanks.",,10,"1,2",relation,spatial,"relation - spatial (orca whale, Nile River, in)",Is the orca whale in the Nile River? +midjourney28,"A vintage full-page schematic drawing of a virtual reality headset from the 1800s, rendered in precise, symmetrical line art occupies the gray paper. The intricate details of the design are captured in the fine lines and annotations that fill the page. Surrounding the central image, there are smaller diagrams and text that provide additional explanations and specifications for the headset's components.",,1,0,entity,whole,entity - whole (schematic drawing),Is there a schematic drawing? +midjourney28,"A vintage full-page schematic drawing of a virtual reality headset from the 1800s, rendered in precise, symmetrical line art occupies the gray paper. The intricate details of the design are captured in the fine lines and annotations that fill the page. Surrounding the central image, there are smaller diagrams and text that provide additional explanations and specifications for the headset's components.",,2,1,entity,whole,entity - whole (virtual reality headset),Is the drawing of a virtual reality headset? +midjourney28,"A vintage full-page schematic drawing of a virtual reality headset from the 1800s, rendered in precise, symmetrical line art occupies the gray paper. The intricate details of the design are captured in the fine lines and annotations that fill the page. Surrounding the central image, there are smaller diagrams and text that provide additional explanations and specifications for the headset's components.",,3,0,global,,global - (vintage),Is the schematic drawing vintage? +midjourney28,"A vintage full-page schematic drawing of a virtual reality headset from the 1800s, rendered in precise, symmetrical line art occupies the gray paper. The intricate details of the design are captured in the fine lines and annotations that fill the page. Surrounding the central image, there are smaller diagrams and text that provide additional explanations and specifications for the headset's components.",,4,0,global,,global - (full-page),Does the schematic drawing occupy a full page? +midjourney28,"A vintage full-page schematic drawing of a virtual reality headset from the 1800s, rendered in precise, symmetrical line art occupies the gray paper. The intricate details of the design are captured in the fine lines and annotations that fill the page. Surrounding the central image, there are smaller diagrams and text that provide additional explanations and specifications for the headset's components.",,5,1,attribute,texture,"attribute - texture (paper, gray)",Is the paper gray? +midjourney28,"A vintage full-page schematic drawing of a virtual reality headset from the 1800s, rendered in precise, symmetrical line art occupies the gray paper. The intricate details of the design are captured in the fine lines and annotations that fill the page. Surrounding the central image, there are smaller diagrams and text that provide additional explanations and specifications for the headset's components.",,6,1,global,,"global - (precise, symmetrical line art)","Is the drawing rendered in precise, symmetrical line art?" +midjourney28,"A vintage full-page schematic drawing of a virtual reality headset from the 1800s, rendered in precise, symmetrical line art occupies the gray paper. The intricate details of the design are captured in the fine lines and annotations that fill the page. Surrounding the central image, there are smaller diagrams and text that provide additional explanations and specifications for the headset's components.",,7,1,attribute,other,"attribute - other (design, intricate details)",Does the design have intricate details? +midjourney28,"A vintage full-page schematic drawing of a virtual reality headset from the 1800s, rendered in precise, symmetrical line art occupies the gray paper. The intricate details of the design are captured in the fine lines and annotations that fill the page. Surrounding the central image, there are smaller diagrams and text that provide additional explanations and specifications for the headset's components.",,8,1,entity,part,entity - part (annotations),Are there annotations on the drawing? +midjourney28,"A vintage full-page schematic drawing of a virtual reality headset from the 1800s, rendered in precise, symmetrical line art occupies the gray paper. The intricate details of the design are captured in the fine lines and annotations that fill the page. Surrounding the central image, there are smaller diagrams and text that provide additional explanations and specifications for the headset's components.",,9,1,entity,part,entity - part (diagrams),Are there smaller diagrams surrounding the central image? +midjourney28,"A vintage full-page schematic drawing of a virtual reality headset from the 1800s, rendered in precise, symmetrical line art occupies the gray paper. The intricate details of the design are captured in the fine lines and annotations that fill the page. Surrounding the central image, there are smaller diagrams and text that provide additional explanations and specifications for the headset's components.",,10,1,entity,part,entity - part (text),Is there text providing additional explanations and specifications for the headset's components? +midjourney4,"A stage designed with a fusion of natural and industrial elements, featuring sleek silver glass panels reminiscent of a high-tech laboratory, situated alongside a soft, feathered carpet. The flooring transitions into an area of polished wood leading to a sturdy stone wall, adding an earthy touch to the synthetic ambiance. Overhead, raw concrete merges into the form of a salvia patens roof, juxtaposed with a tranquil sand-laden backdrop that suggests the gentle shores of a lake. In the center, an oval mirror with a slim steel frame reflects the composed space, including the transparent screen that adds a layer of modernity to this eclectic setting.",,1,0,entity,whole,entity - whole (stage),Is there a stage? +midjourney4,"A stage designed with a fusion of natural and industrial elements, featuring sleek silver glass panels reminiscent of a high-tech laboratory, situated alongside a soft, feathered carpet. The flooring transitions into an area of polished wood leading to a sturdy stone wall, adding an earthy touch to the synthetic ambiance. Overhead, raw concrete merges into the form of a salvia patens roof, juxtaposed with a tranquil sand-laden backdrop that suggests the gentle shores of a lake. In the center, an oval mirror with a slim steel frame reflects the composed space, including the transparent screen that adds a layer of modernity to this eclectic setting.",,2,1,entity,part,entity - part (stage's glass panels),Are there glass panels on the stage? +midjourney4,"A stage designed with a fusion of natural and industrial elements, featuring sleek silver glass panels reminiscent of a high-tech laboratory, situated alongside a soft, feathered carpet. The flooring transitions into an area of polished wood leading to a sturdy stone wall, adding an earthy touch to the synthetic ambiance. Overhead, raw concrete merges into the form of a salvia patens roof, juxtaposed with a tranquil sand-laden backdrop that suggests the gentle shores of a lake. In the center, an oval mirror with a slim steel frame reflects the composed space, including the transparent screen that adds a layer of modernity to this eclectic setting.",,3,1,entity,part,entity - part (stage's carpet),Is there a carpet on the stage? +midjourney4,"A stage designed with a fusion of natural and industrial elements, featuring sleek silver glass panels reminiscent of a high-tech laboratory, situated alongside a soft, feathered carpet. The flooring transitions into an area of polished wood leading to a sturdy stone wall, adding an earthy touch to the synthetic ambiance. Overhead, raw concrete merges into the form of a salvia patens roof, juxtaposed with a tranquil sand-laden backdrop that suggests the gentle shores of a lake. In the center, an oval mirror with a slim steel frame reflects the composed space, including the transparent screen that adds a layer of modernity to this eclectic setting.",,4,1,entity,part,entity - part (stage's flooring),Is there flooring on the stage? +midjourney4,"A stage designed with a fusion of natural and industrial elements, featuring sleek silver glass panels reminiscent of a high-tech laboratory, situated alongside a soft, feathered carpet. The flooring transitions into an area of polished wood leading to a sturdy stone wall, adding an earthy touch to the synthetic ambiance. Overhead, raw concrete merges into the form of a salvia patens roof, juxtaposed with a tranquil sand-laden backdrop that suggests the gentle shores of a lake. In the center, an oval mirror with a slim steel frame reflects the composed space, including the transparent screen that adds a layer of modernity to this eclectic setting.",,5,1,entity,part,entity - part (stage's wall),Is there a wall on the stage? +midjourney4,"A stage designed with a fusion of natural and industrial elements, featuring sleek silver glass panels reminiscent of a high-tech laboratory, situated alongside a soft, feathered carpet. The flooring transitions into an area of polished wood leading to a sturdy stone wall, adding an earthy touch to the synthetic ambiance. Overhead, raw concrete merges into the form of a salvia patens roof, juxtaposed with a tranquil sand-laden backdrop that suggests the gentle shores of a lake. In the center, an oval mirror with a slim steel frame reflects the composed space, including the transparent screen that adds a layer of modernity to this eclectic setting.",,6,1,entity,part,entity - part (stage's roof),Is there a roof on the stage? +midjourney4,"A stage designed with a fusion of natural and industrial elements, featuring sleek silver glass panels reminiscent of a high-tech laboratory, situated alongside a soft, feathered carpet. The flooring transitions into an area of polished wood leading to a sturdy stone wall, adding an earthy touch to the synthetic ambiance. Overhead, raw concrete merges into the form of a salvia patens roof, juxtaposed with a tranquil sand-laden backdrop that suggests the gentle shores of a lake. In the center, an oval mirror with a slim steel frame reflects the composed space, including the transparent screen that adds a layer of modernity to this eclectic setting.",,7,1,entity,part,entity - part (stage's backdrop),Is there a backdrop on the stage? +midjourney4,"A stage designed with a fusion of natural and industrial elements, featuring sleek silver glass panels reminiscent of a high-tech laboratory, situated alongside a soft, feathered carpet. The flooring transitions into an area of polished wood leading to a sturdy stone wall, adding an earthy touch to the synthetic ambiance. Overhead, raw concrete merges into the form of a salvia patens roof, juxtaposed with a tranquil sand-laden backdrop that suggests the gentle shores of a lake. In the center, an oval mirror with a slim steel frame reflects the composed space, including the transparent screen that adds a layer of modernity to this eclectic setting.",,8,1,entity,part,entity - part (stage's mirror),Is there a mirror on the stage? +midjourney4,"A stage designed with a fusion of natural and industrial elements, featuring sleek silver glass panels reminiscent of a high-tech laboratory, situated alongside a soft, feathered carpet. The flooring transitions into an area of polished wood leading to a sturdy stone wall, adding an earthy touch to the synthetic ambiance. Overhead, raw concrete merges into the form of a salvia patens roof, juxtaposed with a tranquil sand-laden backdrop that suggests the gentle shores of a lake. In the center, an oval mirror with a slim steel frame reflects the composed space, including the transparent screen that adds a layer of modernity to this eclectic setting.",,9,1,entity,part,entity - part (stage's screen),Is there a screen on the stage? +midjourney4,"A stage designed with a fusion of natural and industrial elements, featuring sleek silver glass panels reminiscent of a high-tech laboratory, situated alongside a soft, feathered carpet. The flooring transitions into an area of polished wood leading to a sturdy stone wall, adding an earthy touch to the synthetic ambiance. Overhead, raw concrete merges into the form of a salvia patens roof, juxtaposed with a tranquil sand-laden backdrop that suggests the gentle shores of a lake. In the center, an oval mirror with a slim steel frame reflects the composed space, including the transparent screen that adds a layer of modernity to this eclectic setting.",,10,2,attribute,texture,"attribute - texture (glass panels, sleek silver)",Are the glass panels sleek silver? +midjourney4,"A stage designed with a fusion of natural and industrial elements, featuring sleek silver glass panels reminiscent of a high-tech laboratory, situated alongside a soft, feathered carpet. The flooring transitions into an area of polished wood leading to a sturdy stone wall, adding an earthy touch to the synthetic ambiance. Overhead, raw concrete merges into the form of a salvia patens roof, juxtaposed with a tranquil sand-laden backdrop that suggests the gentle shores of a lake. In the center, an oval mirror with a slim steel frame reflects the composed space, including the transparent screen that adds a layer of modernity to this eclectic setting.",,11,3,attribute,texture,"attribute - texture (carpet, feathered)",Is the carpet feathered? +midjourney4,"A stage designed with a fusion of natural and industrial elements, featuring sleek silver glass panels reminiscent of a high-tech laboratory, situated alongside a soft, feathered carpet. The flooring transitions into an area of polished wood leading to a sturdy stone wall, adding an earthy touch to the synthetic ambiance. Overhead, raw concrete merges into the form of a salvia patens roof, juxtaposed with a tranquil sand-laden backdrop that suggests the gentle shores of a lake. In the center, an oval mirror with a slim steel frame reflects the composed space, including the transparent screen that adds a layer of modernity to this eclectic setting.",,12,4,attribute,texture,"attribute - texture (flooring, polished wood)",Is the flooring made of polished wood? +midjourney4,"A stage designed with a fusion of natural and industrial elements, featuring sleek silver glass panels reminiscent of a high-tech laboratory, situated alongside a soft, feathered carpet. The flooring transitions into an area of polished wood leading to a sturdy stone wall, adding an earthy touch to the synthetic ambiance. Overhead, raw concrete merges into the form of a salvia patens roof, juxtaposed with a tranquil sand-laden backdrop that suggests the gentle shores of a lake. In the center, an oval mirror with a slim steel frame reflects the composed space, including the transparent screen that adds a layer of modernity to this eclectic setting.",,13,5,attribute,texture,"attribute - texture (wall, stone)",Is the wall made of stone? +midjourney4,"A stage designed with a fusion of natural and industrial elements, featuring sleek silver glass panels reminiscent of a high-tech laboratory, situated alongside a soft, feathered carpet. The flooring transitions into an area of polished wood leading to a sturdy stone wall, adding an earthy touch to the synthetic ambiance. Overhead, raw concrete merges into the form of a salvia patens roof, juxtaposed with a tranquil sand-laden backdrop that suggests the gentle shores of a lake. In the center, an oval mirror with a slim steel frame reflects the composed space, including the transparent screen that adds a layer of modernity to this eclectic setting.",,14,6,attribute,texture,"attribute - texture (roof, concrete)",Is the roof made of concrete? +midjourney4,"A stage designed with a fusion of natural and industrial elements, featuring sleek silver glass panels reminiscent of a high-tech laboratory, situated alongside a soft, feathered carpet. The flooring transitions into an area of polished wood leading to a sturdy stone wall, adding an earthy touch to the synthetic ambiance. Overhead, raw concrete merges into the form of a salvia patens roof, juxtaposed with a tranquil sand-laden backdrop that suggests the gentle shores of a lake. In the center, an oval mirror with a slim steel frame reflects the composed space, including the transparent screen that adds a layer of modernity to this eclectic setting.",,15,7,attribute,texture,"attribute - texture (backdrop, sand-laden)",Is the backdrop sand-laden? +midjourney4,"A stage designed with a fusion of natural and industrial elements, featuring sleek silver glass panels reminiscent of a high-tech laboratory, situated alongside a soft, feathered carpet. The flooring transitions into an area of polished wood leading to a sturdy stone wall, adding an earthy touch to the synthetic ambiance. Overhead, raw concrete merges into the form of a salvia patens roof, juxtaposed with a tranquil sand-laden backdrop that suggests the gentle shores of a lake. In the center, an oval mirror with a slim steel frame reflects the composed space, including the transparent screen that adds a layer of modernity to this eclectic setting.",,16,8,attribute,shape,"attribute - shape (mirror, oval)",Is the mirror oval-shaped? +midjourney4,"A stage designed with a fusion of natural and industrial elements, featuring sleek silver glass panels reminiscent of a high-tech laboratory, situated alongside a soft, feathered carpet. The flooring transitions into an area of polished wood leading to a sturdy stone wall, adding an earthy touch to the synthetic ambiance. Overhead, raw concrete merges into the form of a salvia patens roof, juxtaposed with a tranquil sand-laden backdrop that suggests the gentle shores of a lake. In the center, an oval mirror with a slim steel frame reflects the composed space, including the transparent screen that adds a layer of modernity to this eclectic setting.",,17,8,attribute,color,"attribute - color (mirror's frame, steel)",Is the mirror's frame made of steel? +midjourney4,"A stage designed with a fusion of natural and industrial elements, featuring sleek silver glass panels reminiscent of a high-tech laboratory, situated alongside a soft, feathered carpet. The flooring transitions into an area of polished wood leading to a sturdy stone wall, adding an earthy touch to the synthetic ambiance. Overhead, raw concrete merges into the form of a salvia patens roof, juxtaposed with a tranquil sand-laden backdrop that suggests the gentle shores of a lake. In the center, an oval mirror with a slim steel frame reflects the composed space, including the transparent screen that adds a layer of modernity to this eclectic setting.",,18,"1,2",relation,spatial,"relation - spatial (glass panels, stage, part of)",Are the glass panels a part of the stage? +midjourney4,"A stage designed with a fusion of natural and industrial elements, featuring sleek silver glass panels reminiscent of a high-tech laboratory, situated alongside a soft, feathered carpet. The flooring transitions into an area of polished wood leading to a sturdy stone wall, adding an earthy touch to the synthetic ambiance. Overhead, raw concrete merges into the form of a salvia patens roof, juxtaposed with a tranquil sand-laden backdrop that suggests the gentle shores of a lake. In the center, an oval mirror with a slim steel frame reflects the composed space, including the transparent screen that adds a layer of modernity to this eclectic setting.",,19,"1,3",relation,spatial,"relation - spatial (carpet, stage, part of)",Is the carpet a part of the stage? +midjourney4,"A stage designed with a fusion of natural and industrial elements, featuring sleek silver glass panels reminiscent of a high-tech laboratory, situated alongside a soft, feathered carpet. The flooring transitions into an area of polished wood leading to a sturdy stone wall, adding an earthy touch to the synthetic ambiance. Overhead, raw concrete merges into the form of a salvia patens roof, juxtaposed with a tranquil sand-laden backdrop that suggests the gentle shores of a lake. In the center, an oval mirror with a slim steel frame reflects the composed space, including the transparent screen that adds a layer of modernity to this eclectic setting.",,20,"1,4",relation,spatial,"relation - spatial (flooring, stage, transitions into)",Does the flooring transition into another area on the stage? +midjourney4,"A stage designed with a fusion of natural and industrial elements, featuring sleek silver glass panels reminiscent of a high-tech laboratory, situated alongside a soft, feathered carpet. The flooring transitions into an area of polished wood leading to a sturdy stone wall, adding an earthy touch to the synthetic ambiance. Overhead, raw concrete merges into the form of a salvia patens roof, juxtaposed with a tranquil sand-laden backdrop that suggests the gentle shores of a lake. In the center, an oval mirror with a slim steel frame reflects the composed space, including the transparent screen that adds a layer of modernity to this eclectic setting.",,21,"1,5",relation,spatial,"relation - spatial (wall, stage, leading to)",Does the wall lead to another area on the stage? +midjourney4,"A stage designed with a fusion of natural and industrial elements, featuring sleek silver glass panels reminiscent of a high-tech laboratory, situated alongside a soft, feathered carpet. The flooring transitions into an area of polished wood leading to a sturdy stone wall, adding an earthy touch to the synthetic ambiance. Overhead, raw concrete merges into the form of a salvia patens roof, juxtaposed with a tranquil sand-laden backdrop that suggests the gentle shores of a lake. In the center, an oval mirror with a slim steel frame reflects the composed space, including the transparent screen that adds a layer of modernity to this eclectic setting.",,22,"1,6",relation,spatial,"relation - spatial (roof, stage, overhead)",Is the roof located overhead on the stage? +midjourney4,"A stage designed with a fusion of natural and industrial elements, featuring sleek silver glass panels reminiscent of a high-tech laboratory, situated alongside a soft, feathered carpet. The flooring transitions into an area of polished wood leading to a sturdy stone wall, adding an earthy touch to the synthetic ambiance. Overhead, raw concrete merges into the form of a salvia patens roof, juxtaposed with a tranquil sand-laden backdrop that suggests the gentle shores of a lake. In the center, an oval mirror with a slim steel frame reflects the composed space, including the transparent screen that adds a layer of modernity to this eclectic setting.",,23,"1,7",relation,spatial,"relation - spatial (backdrop, stage, behind)",Is the backdrop situated behind the stage? +midjourney4,"A stage designed with a fusion of natural and industrial elements, featuring sleek silver glass panels reminiscent of a high-tech laboratory, situated alongside a soft, feathered carpet. The flooring transitions into an area of polished wood leading to a sturdy stone wall, adding an earthy touch to the synthetic ambiance. Overhead, raw concrete merges into the form of a salvia patens roof, juxtaposed with a tranquil sand-laden backdrop that suggests the gentle shores of a lake. In the center, an oval mirror with a slim steel frame reflects the composed space, including the transparent screen that adds a layer of modernity to this eclectic setting.",,24,"1,8",relation,spatial,"relation - spatial (mirror, stage, center)",Is the mirror located at the center of the stage? +midjourney4,"A stage designed with a fusion of natural and industrial elements, featuring sleek silver glass panels reminiscent of a high-tech laboratory, situated alongside a soft, feathered carpet. The flooring transitions into an area of polished wood leading to a sturdy stone wall, adding an earthy touch to the synthetic ambiance. Overhead, raw concrete merges into the form of a salvia patens roof, juxtaposed with a tranquil sand-laden backdrop that suggests the gentle shores of a lake. In the center, an oval mirror with a slim steel frame reflects the composed space, including the transparent screen that adds a layer of modernity to this eclectic setting.",,25,"1,9",relation,spatial,"relation - spatial (screen, stage, includes)",Does the stage include a screen? +midjourney4,"A stage designed with a fusion of natural and industrial elements, featuring sleek silver glass panels reminiscent of a high-tech laboratory, situated alongside a soft, feathered carpet. The flooring transitions into an area of polished wood leading to a sturdy stone wall, adding an earthy touch to the synthetic ambiance. Overhead, raw concrete merges into the form of a salvia patens roof, juxtaposed with a tranquil sand-laden backdrop that suggests the gentle shores of a lake. In the center, an oval mirror with a slim steel frame reflects the composed space, including the transparent screen that adds a layer of modernity to this eclectic setting.",,26,2,attribute,other,"attribute - other (glass panels, high-tech laboratory, reminiscent of)",Do the glass panels remind one of a high-tech laboratory? +midjourney4,"A stage designed with a fusion of natural and industrial elements, featuring sleek silver glass panels reminiscent of a high-tech laboratory, situated alongside a soft, feathered carpet. The flooring transitions into an area of polished wood leading to a sturdy stone wall, adding an earthy touch to the synthetic ambiance. Overhead, raw concrete merges into the form of a salvia patens roof, juxtaposed with a tranquil sand-laden backdrop that suggests the gentle shores of a lake. In the center, an oval mirror with a slim steel frame reflects the composed space, including the transparent screen that adds a layer of modernity to this eclectic setting.",,27,7,attribute,other,"attribute - other (backdrop, tranquil)",Is the backdrop tranquil? +midjourney4,"A stage designed with a fusion of natural and industrial elements, featuring sleek silver glass panels reminiscent of a high-tech laboratory, situated alongside a soft, feathered carpet. The flooring transitions into an area of polished wood leading to a sturdy stone wall, adding an earthy touch to the synthetic ambiance. Overhead, raw concrete merges into the form of a salvia patens roof, juxtaposed with a tranquil sand-laden backdrop that suggests the gentle shores of a lake. In the center, an oval mirror with a slim steel frame reflects the composed space, including the transparent screen that adds a layer of modernity to this eclectic setting.",,28,9,attribute,other,"attribute - other (screen, transparent)",Is the screen transparent? +midjourney4,"A stage designed with a fusion of natural and industrial elements, featuring sleek silver glass panels reminiscent of a high-tech laboratory, situated alongside a soft, feathered carpet. The flooring transitions into an area of polished wood leading to a sturdy stone wall, adding an earthy touch to the synthetic ambiance. Overhead, raw concrete merges into the form of a salvia patens roof, juxtaposed with a tranquil sand-laden backdrop that suggests the gentle shores of a lake. In the center, an oval mirror with a slim steel frame reflects the composed space, including the transparent screen that adds a layer of modernity to this eclectic setting.",,29,1,relation,non-spatial,"relation - non-spatial (stage, natural and industrial elements, fusion of)",Is the stage designed with a fusion of natural and industrial elements? +midjourney4,"A stage designed with a fusion of natural and industrial elements, featuring sleek silver glass panels reminiscent of a high-tech laboratory, situated alongside a soft, feathered carpet. The flooring transitions into an area of polished wood leading to a sturdy stone wall, adding an earthy touch to the synthetic ambiance. Overhead, raw concrete merges into the form of a salvia patens roof, juxtaposed with a tranquil sand-laden backdrop that suggests the gentle shores of a lake. In the center, an oval mirror with a slim steel frame reflects the composed space, including the transparent screen that adds a layer of modernity to this eclectic setting.",,30,6,attribute,other,"attribute - other (roof, salvia patens, form of)",Does the roof take the form of salvia patens? +vrd29,"A modern living room arrangement featuring a sleek, flat-screen monitor placed squarely on a low wooden table, which is positioned close to a plush gray sofa. Adjacent to the sofa, there is a matching chair, creating a cozy seating area. The table, nestled between the chair and the sofa, supports the monitor and is also within reach for those seated. Above the monitor, a contemporary lamp hangs, providing ample light and adding a touch of elegance to the setup. Near the chair, the sofa presents a perfect space for relaxation, while maintaining a spatial harmony with the rest of the furniture.",,1,0,entity,whole,entity - whole (living room arrangement),Is there a living room arrangement? +vrd29,"A modern living room arrangement featuring a sleek, flat-screen monitor placed squarely on a low wooden table, which is positioned close to a plush gray sofa. Adjacent to the sofa, there is a matching chair, creating a cozy seating area. The table, nestled between the chair and the sofa, supports the monitor and is also within reach for those seated. Above the monitor, a contemporary lamp hangs, providing ample light and adding a touch of elegance to the setup. Near the chair, the sofa presents a perfect space for relaxation, while maintaining a spatial harmony with the rest of the furniture.",,2,0,entity,whole,entity - whole (monitor),Is there a monitor? +vrd29,"A modern living room arrangement featuring a sleek, flat-screen monitor placed squarely on a low wooden table, which is positioned close to a plush gray sofa. Adjacent to the sofa, there is a matching chair, creating a cozy seating area. The table, nestled between the chair and the sofa, supports the monitor and is also within reach for those seated. Above the monitor, a contemporary lamp hangs, providing ample light and adding a touch of elegance to the setup. Near the chair, the sofa presents a perfect space for relaxation, while maintaining a spatial harmony with the rest of the furniture.",,3,0,entity,whole,entity - whole (table),Is there a table? +vrd29,"A modern living room arrangement featuring a sleek, flat-screen monitor placed squarely on a low wooden table, which is positioned close to a plush gray sofa. Adjacent to the sofa, there is a matching chair, creating a cozy seating area. The table, nestled between the chair and the sofa, supports the monitor and is also within reach for those seated. Above the monitor, a contemporary lamp hangs, providing ample light and adding a touch of elegance to the setup. Near the chair, the sofa presents a perfect space for relaxation, while maintaining a spatial harmony with the rest of the furniture.",,4,0,entity,whole,entity - whole (sofa),Is there a sofa? +vrd29,"A modern living room arrangement featuring a sleek, flat-screen monitor placed squarely on a low wooden table, which is positioned close to a plush gray sofa. Adjacent to the sofa, there is a matching chair, creating a cozy seating area. The table, nestled between the chair and the sofa, supports the monitor and is also within reach for those seated. Above the monitor, a contemporary lamp hangs, providing ample light and adding a touch of elegance to the setup. Near the chair, the sofa presents a perfect space for relaxation, while maintaining a spatial harmony with the rest of the furniture.",,5,0,entity,whole,entity - whole (chair),Is there a chair? +vrd29,"A modern living room arrangement featuring a sleek, flat-screen monitor placed squarely on a low wooden table, which is positioned close to a plush gray sofa. Adjacent to the sofa, there is a matching chair, creating a cozy seating area. The table, nestled between the chair and the sofa, supports the monitor and is also within reach for those seated. Above the monitor, a contemporary lamp hangs, providing ample light and adding a touch of elegance to the setup. Near the chair, the sofa presents a perfect space for relaxation, while maintaining a spatial harmony with the rest of the furniture.",,6,0,entity,whole,entity - whole (lamp),Is there a lamp? +vrd29,"A modern living room arrangement featuring a sleek, flat-screen monitor placed squarely on a low wooden table, which is positioned close to a plush gray sofa. Adjacent to the sofa, there is a matching chair, creating a cozy seating area. The table, nestled between the chair and the sofa, supports the monitor and is also within reach for those seated. Above the monitor, a contemporary lamp hangs, providing ample light and adding a touch of elegance to the setup. Near the chair, the sofa presents a perfect space for relaxation, while maintaining a spatial harmony with the rest of the furniture.",,7,3,attribute,texture,"attribute - texture (table, wood)",Is the table made of wood? +vrd29,"A modern living room arrangement featuring a sleek, flat-screen monitor placed squarely on a low wooden table, which is positioned close to a plush gray sofa. Adjacent to the sofa, there is a matching chair, creating a cozy seating area. The table, nestled between the chair and the sofa, supports the monitor and is also within reach for those seated. Above the monitor, a contemporary lamp hangs, providing ample light and adding a touch of elegance to the setup. Near the chair, the sofa presents a perfect space for relaxation, while maintaining a spatial harmony with the rest of the furniture.",,8,4,attribute,color,"attribute - color (sofa, gray)",Is the sofa gray? +vrd29,"A modern living room arrangement featuring a sleek, flat-screen monitor placed squarely on a low wooden table, which is positioned close to a plush gray sofa. Adjacent to the sofa, there is a matching chair, creating a cozy seating area. The table, nestled between the chair and the sofa, supports the monitor and is also within reach for those seated. Above the monitor, a contemporary lamp hangs, providing ample light and adding a touch of elegance to the setup. Near the chair, the sofa presents a perfect space for relaxation, while maintaining a spatial harmony with the rest of the furniture.",,9,2,attribute,other,"attribute - other (monitor, flat-screen)",Is the monitor a flat-screen? +vrd29,"A modern living room arrangement featuring a sleek, flat-screen monitor placed squarely on a low wooden table, which is positioned close to a plush gray sofa. Adjacent to the sofa, there is a matching chair, creating a cozy seating area. The table, nestled between the chair and the sofa, supports the monitor and is also within reach for those seated. Above the monitor, a contemporary lamp hangs, providing ample light and adding a touch of elegance to the setup. Near the chair, the sofa presents a perfect space for relaxation, while maintaining a spatial harmony with the rest of the furniture.",,10,"2,3",relation,spatial,"relation - spatial (monitor, table, on)",Is the monitor placed on the table? +stanford33,"In a clear, spacious field, two towering giraffes can be seen leisurely standing behind a tall, silver metallic fence that glints in the sunlight. Directly in front of this barrier, there is a man draped in a vivid blue shirt adorned with a tropical floral print, which contrasts sharply with the plain backdrop. On his head, he sports a sleek black cap, and he appears to be gazing intently at the majestic creatures as they graze in the background.",,1,0,entity,whole,entity - whole (field),Is there a field? +stanford33,"In a clear, spacious field, two towering giraffes can be seen leisurely standing behind a tall, silver metallic fence that glints in the sunlight. Directly in front of this barrier, there is a man draped in a vivid blue shirt adorned with a tropical floral print, which contrasts sharply with the plain backdrop. On his head, he sports a sleek black cap, and he appears to be gazing intently at the majestic creatures as they graze in the background.",,2,0,entity,whole,entity - whole (giraffes),Are there giraffes? +stanford33,"In a clear, spacious field, two towering giraffes can be seen leisurely standing behind a tall, silver metallic fence that glints in the sunlight. Directly in front of this barrier, there is a man draped in a vivid blue shirt adorned with a tropical floral print, which contrasts sharply with the plain backdrop. On his head, he sports a sleek black cap, and he appears to be gazing intently at the majestic creatures as they graze in the background.",,3,2,other,count,"other - count (giraffes, ==2)",Are there two giraffes? +stanford33,"In a clear, spacious field, two towering giraffes can be seen leisurely standing behind a tall, silver metallic fence that glints in the sunlight. Directly in front of this barrier, there is a man draped in a vivid blue shirt adorned with a tropical floral print, which contrasts sharply with the plain backdrop. On his head, he sports a sleek black cap, and he appears to be gazing intently at the majestic creatures as they graze in the background.",,4,0,entity,whole,entity - whole (fence),Is there a fence? +stanford33,"In a clear, spacious field, two towering giraffes can be seen leisurely standing behind a tall, silver metallic fence that glints in the sunlight. Directly in front of this barrier, there is a man draped in a vivid blue shirt adorned with a tropical floral print, which contrasts sharply with the plain backdrop. On his head, he sports a sleek black cap, and he appears to be gazing intently at the majestic creatures as they graze in the background.",,5,0,entity,whole,entity - whole (man),Is there a man? +stanford33,"In a clear, spacious field, two towering giraffes can be seen leisurely standing behind a tall, silver metallic fence that glints in the sunlight. Directly in front of this barrier, there is a man draped in a vivid blue shirt adorned with a tropical floral print, which contrasts sharply with the plain backdrop. On his head, he sports a sleek black cap, and he appears to be gazing intently at the majestic creatures as they graze in the background.",,6,5,entity,part,entity - part (man's shirt),Does the man have a shirt? +stanford33,"In a clear, spacious field, two towering giraffes can be seen leisurely standing behind a tall, silver metallic fence that glints in the sunlight. Directly in front of this barrier, there is a man draped in a vivid blue shirt adorned with a tropical floral print, which contrasts sharply with the plain backdrop. On his head, he sports a sleek black cap, and he appears to be gazing intently at the majestic creatures as they graze in the background.",,7,5,entity,part,entity - part (man's cap),Does the man have a cap? +stanford33,"In a clear, spacious field, two towering giraffes can be seen leisurely standing behind a tall, silver metallic fence that glints in the sunlight. Directly in front of this barrier, there is a man draped in a vivid blue shirt adorned with a tropical floral print, which contrasts sharply with the plain backdrop. On his head, he sports a sleek black cap, and he appears to be gazing intently at the majestic creatures as they graze in the background.",,8,4,attribute,color,"attribute - color (fence, silver metallic)",Is the fence silver metallic? +stanford33,"In a clear, spacious field, two towering giraffes can be seen leisurely standing behind a tall, silver metallic fence that glints in the sunlight. Directly in front of this barrier, there is a man draped in a vivid blue shirt adorned with a tropical floral print, which contrasts sharply with the plain backdrop. On his head, he sports a sleek black cap, and he appears to be gazing intently at the majestic creatures as they graze in the background.",,9,6,attribute,color,"attribute - color (man's shirt, vivid blue)",Is the man's shirt vivid blue? +stanford33,"In a clear, spacious field, two towering giraffes can be seen leisurely standing behind a tall, silver metallic fence that glints in the sunlight. Directly in front of this barrier, there is a man draped in a vivid blue shirt adorned with a tropical floral print, which contrasts sharply with the plain backdrop. On his head, he sports a sleek black cap, and he appears to be gazing intently at the majestic creatures as they graze in the background.",,10,7,attribute,color,"attribute - color (man's cap, sleek black)",Is the man's cap sleek black? +stanford33,"In a clear, spacious field, two towering giraffes can be seen leisurely standing behind a tall, silver metallic fence that glints in the sunlight. Directly in front of this barrier, there is a man draped in a vivid blue shirt adorned with a tropical floral print, which contrasts sharply with the plain backdrop. On his head, he sports a sleek black cap, and he appears to be gazing intently at the majestic creatures as they graze in the background.",,11,1,attribute,other,"attribute - other (field, clear and spacious)",Is the field clear and spacious? +stanford33,"In a clear, spacious field, two towering giraffes can be seen leisurely standing behind a tall, silver metallic fence that glints in the sunlight. Directly in front of this barrier, there is a man draped in a vivid blue shirt adorned with a tropical floral print, which contrasts sharply with the plain backdrop. On his head, he sports a sleek black cap, and he appears to be gazing intently at the majestic creatures as they graze in the background.",,12,2,entity,state,"entity - state (giraffes, stand, leisurely)",Are the giraffes standing leisurely? +stanford33,"In a clear, spacious field, two towering giraffes can be seen leisurely standing behind a tall, silver metallic fence that glints in the sunlight. Directly in front of this barrier, there is a man draped in a vivid blue shirt adorned with a tropical floral print, which contrasts sharply with the plain backdrop. On his head, he sports a sleek black cap, and he appears to be gazing intently at the majestic creatures as they graze in the background.",,13,"2,4",relation,spatial,"relation - spatial (giraffes, fence, behind)",Are the giraffes behind the fence? +stanford33,"In a clear, spacious field, two towering giraffes can be seen leisurely standing behind a tall, silver metallic fence that glints in the sunlight. Directly in front of this barrier, there is a man draped in a vivid blue shirt adorned with a tropical floral print, which contrasts sharply with the plain backdrop. On his head, he sports a sleek black cap, and he appears to be gazing intently at the majestic creatures as they graze in the background.",,14,"4,5",relation,spatial,"relation - spatial (man, fence, in front of)",Is the man in front of the fence? +stanford33,"In a clear, spacious field, two towering giraffes can be seen leisurely standing behind a tall, silver metallic fence that glints in the sunlight. Directly in front of this barrier, there is a man draped in a vivid blue shirt adorned with a tropical floral print, which contrasts sharply with the plain backdrop. On his head, he sports a sleek black cap, and he appears to be gazing intently at the majestic creatures as they graze in the background.",,15,"2,5",relation,non-spatial,"relation - non-spatial (man, giraffes, gazing at)",Is the man gazing intently at the giraffes? +countbench31,"an interior design arrangement showcasing a pair of iconic Eames RAR chairs in a sleek black finish, with their characteristic smooth curves and wooden rocker legs. Adjacent to the chairs, there's a contemporary black bedroom furniture set that includes a bed frame, nightstands, and a dresser, all featuring minimalist lines and matte surfaces. The entire setup is part of a home design concept that blends modern aesthetics with classic mid-century elements.",,1,0,entity,whole,entity - whole (Eames RAR chairs),Are there Eames RAR chairs? +countbench31,"an interior design arrangement showcasing a pair of iconic Eames RAR chairs in a sleek black finish, with their characteristic smooth curves and wooden rocker legs. Adjacent to the chairs, there's a contemporary black bedroom furniture set that includes a bed frame, nightstands, and a dresser, all featuring minimalist lines and matte surfaces. The entire setup is part of a home design concept that blends modern aesthetics with classic mid-century elements.",,2,0,entity,whole,entity - whole (bedroom furniture set),Is there a bedroom furniture set? +countbench31,"an interior design arrangement showcasing a pair of iconic Eames RAR chairs in a sleek black finish, with their characteristic smooth curves and wooden rocker legs. Adjacent to the chairs, there's a contemporary black bedroom furniture set that includes a bed frame, nightstands, and a dresser, all featuring minimalist lines and matte surfaces. The entire setup is part of a home design concept that blends modern aesthetics with classic mid-century elements.",,3,2,entity,part,entity - part (bedroom furniture set's bed frame),Does the bedroom furniture set include a bed frame? +countbench31,"an interior design arrangement showcasing a pair of iconic Eames RAR chairs in a sleek black finish, with their characteristic smooth curves and wooden rocker legs. Adjacent to the chairs, there's a contemporary black bedroom furniture set that includes a bed frame, nightstands, and a dresser, all featuring minimalist lines and matte surfaces. The entire setup is part of a home design concept that blends modern aesthetics with classic mid-century elements.",,4,2,entity,part,entity - part (bedroom furniture set's nightstands),Does the bedroom furniture set include nightstands? +countbench31,"an interior design arrangement showcasing a pair of iconic Eames RAR chairs in a sleek black finish, with their characteristic smooth curves and wooden rocker legs. Adjacent to the chairs, there's a contemporary black bedroom furniture set that includes a bed frame, nightstands, and a dresser, all featuring minimalist lines and matte surfaces. The entire setup is part of a home design concept that blends modern aesthetics with classic mid-century elements.",,5,2,entity,part,entity - part (bedroom furniture set's dresser),Does the bedroom furniture set include a dresser? +countbench31,"an interior design arrangement showcasing a pair of iconic Eames RAR chairs in a sleek black finish, with their characteristic smooth curves and wooden rocker legs. Adjacent to the chairs, there's a contemporary black bedroom furniture set that includes a bed frame, nightstands, and a dresser, all featuring minimalist lines and matte surfaces. The entire setup is part of a home design concept that blends modern aesthetics with classic mid-century elements.",,6,1,attribute,color,"attribute - color (Eames RAR chairs, black)",Are the Eames RAR chairs in a sleek black finish? +countbench31,"an interior design arrangement showcasing a pair of iconic Eames RAR chairs in a sleek black finish, with their characteristic smooth curves and wooden rocker legs. Adjacent to the chairs, there's a contemporary black bedroom furniture set that includes a bed frame, nightstands, and a dresser, all featuring minimalist lines and matte surfaces. The entire setup is part of a home design concept that blends modern aesthetics with classic mid-century elements.",,7,2,attribute,color,"attribute - color (bedroom furniture set, black)",Is the bedroom furniture set black? +countbench31,"an interior design arrangement showcasing a pair of iconic Eames RAR chairs in a sleek black finish, with their characteristic smooth curves and wooden rocker legs. Adjacent to the chairs, there's a contemporary black bedroom furniture set that includes a bed frame, nightstands, and a dresser, all featuring minimalist lines and matte surfaces. The entire setup is part of a home design concept that blends modern aesthetics with classic mid-century elements.",,8,1,attribute,texture,"attribute - texture (Eames RAR chairs, smooth)",Do the Eames RAR chairs have smooth curves? +countbench31,"an interior design arrangement showcasing a pair of iconic Eames RAR chairs in a sleek black finish, with their characteristic smooth curves and wooden rocker legs. Adjacent to the chairs, there's a contemporary black bedroom furniture set that includes a bed frame, nightstands, and a dresser, all featuring minimalist lines and matte surfaces. The entire setup is part of a home design concept that blends modern aesthetics with classic mid-century elements.",,9,2,attribute,texture,"attribute - texture (bedroom furniture set, matte)",Does the bedroom furniture set have matte surfaces? +countbench31,"an interior design arrangement showcasing a pair of iconic Eames RAR chairs in a sleek black finish, with their characteristic smooth curves and wooden rocker legs. Adjacent to the chairs, there's a contemporary black bedroom furniture set that includes a bed frame, nightstands, and a dresser, all featuring minimalist lines and matte surfaces. The entire setup is part of a home design concept that blends modern aesthetics with classic mid-century elements.",,10,"1,2",relation,spatial,"relation - spatial (Eames RAR chairs, bedroom furniture set, adjacent to)",Are the Eames RAR chairs adjacent to the bedroom furniture set? +stanford14,"A traveler stands in a busy train station, clad in a tan jacket that falls to their mid-thigh, paired with a snugly fitted gray scarf around their neck. On their back, a worn brown backpack suggests a journey in progress. They are intently gazing at the cell phone in their hands, perhaps checking a schedule or reading a message. Before them, a sleek silver train rests on the track, its doors poised to open and welcome passengers to the next leg of their travels.",,1,0,entity,whole,entity - whole (traveler),Is there a traveler? +stanford14,"A traveler stands in a busy train station, clad in a tan jacket that falls to their mid-thigh, paired with a snugly fitted gray scarf around their neck. On their back, a worn brown backpack suggests a journey in progress. They are intently gazing at the cell phone in their hands, perhaps checking a schedule or reading a message. Before them, a sleek silver train rests on the track, its doors poised to open and welcome passengers to the next leg of their travels.",,2,0,entity,whole,entity - whole (train station),Is there a busy train station? +stanford14,"A traveler stands in a busy train station, clad in a tan jacket that falls to their mid-thigh, paired with a snugly fitted gray scarf around their neck. On their back, a worn brown backpack suggests a journey in progress. They are intently gazing at the cell phone in their hands, perhaps checking a schedule or reading a message. Before them, a sleek silver train rests on the track, its doors poised to open and welcome passengers to the next leg of their travels.",,3,1,entity,whole,entity - whole (jacket),Is there a jacket? +stanford14,"A traveler stands in a busy train station, clad in a tan jacket that falls to their mid-thigh, paired with a snugly fitted gray scarf around their neck. On their back, a worn brown backpack suggests a journey in progress. They are intently gazing at the cell phone in their hands, perhaps checking a schedule or reading a message. Before them, a sleek silver train rests on the track, its doors poised to open and welcome passengers to the next leg of their travels.",,4,1,entity,whole,entity - whole (scarf),Is there a scarf? +stanford14,"A traveler stands in a busy train station, clad in a tan jacket that falls to their mid-thigh, paired with a snugly fitted gray scarf around their neck. On their back, a worn brown backpack suggests a journey in progress. They are intently gazing at the cell phone in their hands, perhaps checking a schedule or reading a message. Before them, a sleek silver train rests on the track, its doors poised to open and welcome passengers to the next leg of their travels.",,5,1,entity,whole,entity - whole (backpack),Is there a backpack? +stanford14,"A traveler stands in a busy train station, clad in a tan jacket that falls to their mid-thigh, paired with a snugly fitted gray scarf around their neck. On their back, a worn brown backpack suggests a journey in progress. They are intently gazing at the cell phone in their hands, perhaps checking a schedule or reading a message. Before them, a sleek silver train rests on the track, its doors poised to open and welcome passengers to the next leg of their travels.",,6,1,entity,whole,entity - whole (cell phone),Is there a cell phone? +stanford14,"A traveler stands in a busy train station, clad in a tan jacket that falls to their mid-thigh, paired with a snugly fitted gray scarf around their neck. On their back, a worn brown backpack suggests a journey in progress. They are intently gazing at the cell phone in their hands, perhaps checking a schedule or reading a message. Before them, a sleek silver train rests on the track, its doors poised to open and welcome passengers to the next leg of their travels.",,7,0,entity,whole,entity - whole (train),Is there a train? +stanford14,"A traveler stands in a busy train station, clad in a tan jacket that falls to their mid-thigh, paired with a snugly fitted gray scarf around their neck. On their back, a worn brown backpack suggests a journey in progress. They are intently gazing at the cell phone in their hands, perhaps checking a schedule or reading a message. Before them, a sleek silver train rests on the track, its doors poised to open and welcome passengers to the next leg of their travels.",,8,3,attribute,color,"attribute - color (jacket, tan)",Is the jacket tan? +stanford14,"A traveler stands in a busy train station, clad in a tan jacket that falls to their mid-thigh, paired with a snugly fitted gray scarf around their neck. On their back, a worn brown backpack suggests a journey in progress. They are intently gazing at the cell phone in their hands, perhaps checking a schedule or reading a message. Before them, a sleek silver train rests on the track, its doors poised to open and welcome passengers to the next leg of their travels.",,9,4,attribute,color,"attribute - color (scarf, gray)",Is the scarf gray? +stanford14,"A traveler stands in a busy train station, clad in a tan jacket that falls to their mid-thigh, paired with a snugly fitted gray scarf around their neck. On their back, a worn brown backpack suggests a journey in progress. They are intently gazing at the cell phone in their hands, perhaps checking a schedule or reading a message. Before them, a sleek silver train rests on the track, its doors poised to open and welcome passengers to the next leg of their travels.",,10,5,attribute,color,"attribute - color (backpack, brown)",Is the backpack brown? +stanford14,"A traveler stands in a busy train station, clad in a tan jacket that falls to their mid-thigh, paired with a snugly fitted gray scarf around their neck. On their back, a worn brown backpack suggests a journey in progress. They are intently gazing at the cell phone in their hands, perhaps checking a schedule or reading a message. Before them, a sleek silver train rests on the track, its doors poised to open and welcome passengers to the next leg of their travels.",,11,5,attribute,texture,"attribute - texture (backpack, worn)",Is the backpack worn? +stanford14,"A traveler stands in a busy train station, clad in a tan jacket that falls to their mid-thigh, paired with a snugly fitted gray scarf around their neck. On their back, a worn brown backpack suggests a journey in progress. They are intently gazing at the cell phone in their hands, perhaps checking a schedule or reading a message. Before them, a sleek silver train rests on the track, its doors poised to open and welcome passengers to the next leg of their travels.",,12,1,entity,state,"entity - state (traveler, stand)",Is the traveler standing? +stanford14,"A traveler stands in a busy train station, clad in a tan jacket that falls to their mid-thigh, paired with a snugly fitted gray scarf around their neck. On their back, a worn brown backpack suggests a journey in progress. They are intently gazing at the cell phone in their hands, perhaps checking a schedule or reading a message. Before them, a sleek silver train rests on the track, its doors poised to open and welcome passengers to the next leg of their travels.",,13,7,entity,state,"entity - state (train, rest)",Is the train resting? +stanford14,"A traveler stands in a busy train station, clad in a tan jacket that falls to their mid-thigh, paired with a snugly fitted gray scarf around their neck. On their back, a worn brown backpack suggests a journey in progress. They are intently gazing at the cell phone in their hands, perhaps checking a schedule or reading a message. Before them, a sleek silver train rests on the track, its doors poised to open and welcome passengers to the next leg of their travels.",,14,"1,2",relation,spatial,"relation - spatial (traveler, train station, in)",Is the traveler in the train station? +stanford14,"A traveler stands in a busy train station, clad in a tan jacket that falls to their mid-thigh, paired with a snugly fitted gray scarf around their neck. On their back, a worn brown backpack suggests a journey in progress. They are intently gazing at the cell phone in their hands, perhaps checking a schedule or reading a message. Before them, a sleek silver train rests on the track, its doors poised to open and welcome passengers to the next leg of their travels.",,15,7,relation,spatial,"relation - spatial (train, track, on)",Is the train on the track? +stanford14,"A traveler stands in a busy train station, clad in a tan jacket that falls to their mid-thigh, paired with a snugly fitted gray scarf around their neck. On their back, a worn brown backpack suggests a journey in progress. They are intently gazing at the cell phone in their hands, perhaps checking a schedule or reading a message. Before them, a sleek silver train rests on the track, its doors poised to open and welcome passengers to the next leg of their travels.",,16,"1,6",relation,non-spatial,"relation - non-spatial (traveler, cell phone, gazing at)",Is the traveler gazing at the cell phone? +stanford14,"A traveler stands in a busy train station, clad in a tan jacket that falls to their mid-thigh, paired with a snugly fitted gray scarf around their neck. On their back, a worn brown backpack suggests a journey in progress. They are intently gazing at the cell phone in their hands, perhaps checking a schedule or reading a message. Before them, a sleek silver train rests on the track, its doors poised to open and welcome passengers to the next leg of their travels.",,17,7,relation,non-spatial,"relation - non-spatial (train, doors, poised to open)",Are the train doors poised to open? +vrd19,"A person stands on a bustling city street, gazing ahead with a contemplative expression, dressed in a striped shirt with sleeves rolled up to the elbows. To their left and right, a row of identical metallic chairs is arranged neatly in a line, with one chair adjacent to the person. The shiny surface of the chairs reflects the sunlight, hinting at their smooth texture. Above the street, a bright-colored ball is suspended in mid-air, adding a playful contrast against the gray urban backdrop.",,1,0,entity,whole,entity - whole (person),Is there a person? +vrd19,"A person stands on a bustling city street, gazing ahead with a contemplative expression, dressed in a striped shirt with sleeves rolled up to the elbows. To their left and right, a row of identical metallic chairs is arranged neatly in a line, with one chair adjacent to the person. The shiny surface of the chairs reflects the sunlight, hinting at their smooth texture. Above the street, a bright-colored ball is suspended in mid-air, adding a playful contrast against the gray urban backdrop.",,2,0,entity,whole,entity - whole (city street),Is there a bustling city street? +vrd19,"A person stands on a bustling city street, gazing ahead with a contemplative expression, dressed in a striped shirt with sleeves rolled up to the elbows. To their left and right, a row of identical metallic chairs is arranged neatly in a line, with one chair adjacent to the person. The shiny surface of the chairs reflects the sunlight, hinting at their smooth texture. Above the street, a bright-colored ball is suspended in mid-air, adding a playful contrast against the gray urban backdrop.",,3,0,entity,whole,entity - whole (chairs),Are there chairs? +vrd19,"A person stands on a bustling city street, gazing ahead with a contemplative expression, dressed in a striped shirt with sleeves rolled up to the elbows. To their left and right, a row of identical metallic chairs is arranged neatly in a line, with one chair adjacent to the person. The shiny surface of the chairs reflects the sunlight, hinting at their smooth texture. Above the street, a bright-colored ball is suspended in mid-air, adding a playful contrast against the gray urban backdrop.",,4,0,entity,whole,entity - whole (ball),Is there a ball? +vrd19,"A person stands on a bustling city street, gazing ahead with a contemplative expression, dressed in a striped shirt with sleeves rolled up to the elbows. To their left and right, a row of identical metallic chairs is arranged neatly in a line, with one chair adjacent to the person. The shiny surface of the chairs reflects the sunlight, hinting at their smooth texture. Above the street, a bright-colored ball is suspended in mid-air, adding a playful contrast against the gray urban backdrop.",,5,1,attribute,color,"attribute - color (shirt, striped)",Is the person wearing a striped shirt? +vrd19,"A person stands on a bustling city street, gazing ahead with a contemplative expression, dressed in a striped shirt with sleeves rolled up to the elbows. To their left and right, a row of identical metallic chairs is arranged neatly in a line, with one chair adjacent to the person. The shiny surface of the chairs reflects the sunlight, hinting at their smooth texture. Above the street, a bright-colored ball is suspended in mid-air, adding a playful contrast against the gray urban backdrop.",,6,3,attribute,texture,"attribute - texture (chairs, metallic)",Are the chairs metallic? +vrd19,"A person stands on a bustling city street, gazing ahead with a contemplative expression, dressed in a striped shirt with sleeves rolled up to the elbows. To their left and right, a row of identical metallic chairs is arranged neatly in a line, with one chair adjacent to the person. The shiny surface of the chairs reflects the sunlight, hinting at their smooth texture. Above the street, a bright-colored ball is suspended in mid-air, adding a playful contrast against the gray urban backdrop.",,7,3,attribute,texture,"attribute - texture (chairs, shiny)",Are the chairs shiny? +vrd19,"A person stands on a bustling city street, gazing ahead with a contemplative expression, dressed in a striped shirt with sleeves rolled up to the elbows. To their left and right, a row of identical metallic chairs is arranged neatly in a line, with one chair adjacent to the person. The shiny surface of the chairs reflects the sunlight, hinting at their smooth texture. Above the street, a bright-colored ball is suspended in mid-air, adding a playful contrast against the gray urban backdrop.",,8,1,entity,state,"entity - state (person, stand)",Is the person standing? +vrd19,"A person stands on a bustling city street, gazing ahead with a contemplative expression, dressed in a striped shirt with sleeves rolled up to the elbows. To their left and right, a row of identical metallic chairs is arranged neatly in a line, with one chair adjacent to the person. The shiny surface of the chairs reflects the sunlight, hinting at their smooth texture. Above the street, a bright-colored ball is suspended in mid-air, adding a playful contrast against the gray urban backdrop.",,9,1,entity,state,"entity - state (person, contemplative expression)",Does the person have a contemplative expression? +vrd19,"A person stands on a bustling city street, gazing ahead with a contemplative expression, dressed in a striped shirt with sleeves rolled up to the elbows. To their left and right, a row of identical metallic chairs is arranged neatly in a line, with one chair adjacent to the person. The shiny surface of the chairs reflects the sunlight, hinting at their smooth texture. Above the street, a bright-colored ball is suspended in mid-air, adding a playful contrast against the gray urban backdrop.",,10,"1,3",relation,spatial,"relation - spatial (chairs, person, adjacent)",Is one chair adjacent to the person? +vrd7,"A picturesque outdoor scene featuring a ceramic vase prominently placed to the left of a lush, green lawn. The vase, with its smooth texture and intricate patterns, stands in the foreground, with the expansive, clear blue sky stretching overhead. Beyond the vase, a wooden bench can be seen, slightly obscured by the vase's presence. To the right, a dense, leafy bush rises up against the sky, situated just above a paved street that runs adjacent to the bush.",,1,0,entity,whole,entity - whole (scene),Is there a scene? +vrd7,"A picturesque outdoor scene featuring a ceramic vase prominently placed to the left of a lush, green lawn. The vase, with its smooth texture and intricate patterns, stands in the foreground, with the expansive, clear blue sky stretching overhead. Beyond the vase, a wooden bench can be seen, slightly obscured by the vase's presence. To the right, a dense, leafy bush rises up against the sky, situated just above a paved street that runs adjacent to the bush.",,2,0,entity,whole,entity - whole (vase),Is there a vase? +vrd7,"A picturesque outdoor scene featuring a ceramic vase prominently placed to the left of a lush, green lawn. The vase, with its smooth texture and intricate patterns, stands in the foreground, with the expansive, clear blue sky stretching overhead. Beyond the vase, a wooden bench can be seen, slightly obscured by the vase's presence. To the right, a dense, leafy bush rises up against the sky, situated just above a paved street that runs adjacent to the bush.",,3,0,entity,whole,entity - whole (lawn),Is there a lawn? +vrd7,"A picturesque outdoor scene featuring a ceramic vase prominently placed to the left of a lush, green lawn. The vase, with its smooth texture and intricate patterns, stands in the foreground, with the expansive, clear blue sky stretching overhead. Beyond the vase, a wooden bench can be seen, slightly obscured by the vase's presence. To the right, a dense, leafy bush rises up against the sky, situated just above a paved street that runs adjacent to the bush.",,4,0,entity,whole,entity - whole (sky),Is there a sky? +vrd7,"A picturesque outdoor scene featuring a ceramic vase prominently placed to the left of a lush, green lawn. The vase, with its smooth texture and intricate patterns, stands in the foreground, with the expansive, clear blue sky stretching overhead. Beyond the vase, a wooden bench can be seen, slightly obscured by the vase's presence. To the right, a dense, leafy bush rises up against the sky, situated just above a paved street that runs adjacent to the bush.",,5,0,entity,whole,entity - whole (bench),Is there a bench? +vrd7,"A picturesque outdoor scene featuring a ceramic vase prominently placed to the left of a lush, green lawn. The vase, with its smooth texture and intricate patterns, stands in the foreground, with the expansive, clear blue sky stretching overhead. Beyond the vase, a wooden bench can be seen, slightly obscured by the vase's presence. To the right, a dense, leafy bush rises up against the sky, situated just above a paved street that runs adjacent to the bush.",,6,0,entity,whole,entity - whole (bush),Is there a bush? +vrd7,"A picturesque outdoor scene featuring a ceramic vase prominently placed to the left of a lush, green lawn. The vase, with its smooth texture and intricate patterns, stands in the foreground, with the expansive, clear blue sky stretching overhead. Beyond the vase, a wooden bench can be seen, slightly obscured by the vase's presence. To the right, a dense, leafy bush rises up against the sky, situated just above a paved street that runs adjacent to the bush.",,7,0,entity,whole,entity - whole (street),Is there a street? +vrd7,"A picturesque outdoor scene featuring a ceramic vase prominently placed to the left of a lush, green lawn. The vase, with its smooth texture and intricate patterns, stands in the foreground, with the expansive, clear blue sky stretching overhead. Beyond the vase, a wooden bench can be seen, slightly obscured by the vase's presence. To the right, a dense, leafy bush rises up against the sky, situated just above a paved street that runs adjacent to the bush.",,8,2,attribute,texture,"attribute - texture (vase, smooth)",Does the vase have a smooth texture? +vrd7,"A picturesque outdoor scene featuring a ceramic vase prominently placed to the left of a lush, green lawn. The vase, with its smooth texture and intricate patterns, stands in the foreground, with the expansive, clear blue sky stretching overhead. Beyond the vase, a wooden bench can be seen, slightly obscured by the vase's presence. To the right, a dense, leafy bush rises up against the sky, situated just above a paved street that runs adjacent to the bush.",,9,4,attribute,color,"attribute - color (sky, clear blue)",Is the sky clear blue? +vrd7,"A picturesque outdoor scene featuring a ceramic vase prominently placed to the left of a lush, green lawn. The vase, with its smooth texture and intricate patterns, stands in the foreground, with the expansive, clear blue sky stretching overhead. Beyond the vase, a wooden bench can be seen, slightly obscured by the vase's presence. To the right, a dense, leafy bush rises up against the sky, situated just above a paved street that runs adjacent to the bush.",,10,"2,3",relation,spatial,"relation - spatial (vase, lawn, left of)",Is the vase placed to the left of the lawn? +vrd7,"A picturesque outdoor scene featuring a ceramic vase prominently placed to the left of a lush, green lawn. The vase, with its smooth texture and intricate patterns, stands in the foreground, with the expansive, clear blue sky stretching overhead. Beyond the vase, a wooden bench can be seen, slightly obscured by the vase's presence. To the right, a dense, leafy bush rises up against the sky, situated just above a paved street that runs adjacent to the bush.",,11,"2,5",relation,spatial,"relation - spatial (vase, bench, in front of)",Is the vase in front of the bench? +vrd7,"A picturesque outdoor scene featuring a ceramic vase prominently placed to the left of a lush, green lawn. The vase, with its smooth texture and intricate patterns, stands in the foreground, with the expansive, clear blue sky stretching overhead. Beyond the vase, a wooden bench can be seen, slightly obscured by the vase's presence. To the right, a dense, leafy bush rises up against the sky, situated just above a paved street that runs adjacent to the bush.",,12,"6,7",relation,spatial,"relation - spatial (bush, street, adjacent to)",Is the bush adjacent to the street? +midjourney18,"An intricately detailed representation of the Marvel character Ghost Rider featuring a human skull, with flames licking around the contours of the skull and rising above it in a fierce expression of fiery vengeance. The skull, alight with bright orange and yellow tones, dominates the image with its full head in view, set against a stark, void-like background that accentuates its fierceness. The character concept art captures both the macabre essence and supernatural intensity of the spectral figure.",,1,0,entity,whole,entity - whole (representation),Is there a representation? +midjourney18,"An intricately detailed representation of the Marvel character Ghost Rider featuring a human skull, with flames licking around the contours of the skull and rising above it in a fierce expression of fiery vengeance. The skull, alight with bright orange and yellow tones, dominates the image with its full head in view, set against a stark, void-like background that accentuates its fierceness. The character concept art captures both the macabre essence and supernatural intensity of the spectral figure.",,2,1,entity,whole,"entity - whole (character, Ghost Rider)",Is the character Ghost Rider featured? +midjourney18,"An intricately detailed representation of the Marvel character Ghost Rider featuring a human skull, with flames licking around the contours of the skull and rising above it in a fierce expression of fiery vengeance. The skull, alight with bright orange and yellow tones, dominates the image with its full head in view, set against a stark, void-like background that accentuates its fierceness. The character concept art captures both the macabre essence and supernatural intensity of the spectral figure.",,3,2,entity,part,entity - part (character's skull),Does the character have a human skull? +midjourney18,"An intricately detailed representation of the Marvel character Ghost Rider featuring a human skull, with flames licking around the contours of the skull and rising above it in a fierce expression of fiery vengeance. The skull, alight with bright orange and yellow tones, dominates the image with its full head in view, set against a stark, void-like background that accentuates its fierceness. The character concept art captures both the macabre essence and supernatural intensity of the spectral figure.",,4,2,entity,part,entity - part (character's flames),Are there flames around the skull? +midjourney18,"An intricately detailed representation of the Marvel character Ghost Rider featuring a human skull, with flames licking around the contours of the skull and rising above it in a fierce expression of fiery vengeance. The skull, alight with bright orange and yellow tones, dominates the image with its full head in view, set against a stark, void-like background that accentuates its fierceness. The character concept art captures both the macabre essence and supernatural intensity of the spectral figure.",,5,4,attribute,color,"attribute - color (flames, bright orange)",Are the flames bright orange? +midjourney18,"An intricately detailed representation of the Marvel character Ghost Rider featuring a human skull, with flames licking around the contours of the skull and rising above it in a fierce expression of fiery vengeance. The skull, alight with bright orange and yellow tones, dominates the image with its full head in view, set against a stark, void-like background that accentuates its fierceness. The character concept art captures both the macabre essence and supernatural intensity of the spectral figure.",,6,4,attribute,color,"attribute - color (flames, yellow)",Are the flames yellow? +midjourney18,"An intricately detailed representation of the Marvel character Ghost Rider featuring a human skull, with flames licking around the contours of the skull and rising above it in a fierce expression of fiery vengeance. The skull, alight with bright orange and yellow tones, dominates the image with its full head in view, set against a stark, void-like background that accentuates its fierceness. The character concept art captures both the macabre essence and supernatural intensity of the spectral figure.",,7,1,global,,global - (detailed),Is the representation detailed? +midjourney18,"An intricately detailed representation of the Marvel character Ghost Rider featuring a human skull, with flames licking around the contours of the skull and rising above it in a fierce expression of fiery vengeance. The skull, alight with bright orange and yellow tones, dominates the image with its full head in view, set against a stark, void-like background that accentuates its fierceness. The character concept art captures both the macabre essence and supernatural intensity of the spectral figure.",,8,1,global,,global - (intricately),Is the representation intricately detailed? +midjourney18,"An intricately detailed representation of the Marvel character Ghost Rider featuring a human skull, with flames licking around the contours of the skull and rising above it in a fierce expression of fiery vengeance. The skull, alight with bright orange and yellow tones, dominates the image with its full head in view, set against a stark, void-like background that accentuates its fierceness. The character concept art captures both the macabre essence and supernatural intensity of the spectral figure.",,9,1,attribute,other,"attribute - other (background, stark)",Is the background stark? +midjourney18,"An intricately detailed representation of the Marvel character Ghost Rider featuring a human skull, with flames licking around the contours of the skull and rising above it in a fierce expression of fiery vengeance. The skull, alight with bright orange and yellow tones, dominates the image with its full head in view, set against a stark, void-like background that accentuates its fierceness. The character concept art captures both the macabre essence and supernatural intensity of the spectral figure.",,10,1,attribute,other,"attribute - other (background, void-like)",Is the background void-like? +localized18,"The photo captures a tranquil natural setting with an expanse of green grass, which leads to an assortment of vibrant plants at varying heights. Scattered throughout the scene, autumnal dried leaves are strewn among the grass, hinting at the change of seasons. Towering trees with diverse foliage create a textured canopy against the clear blue sky, offering a snapshot of a diverse ecosystem.",,1,0,global,,global - (photo),Is this a photo? +localized18,"The photo captures a tranquil natural setting with an expanse of green grass, which leads to an assortment of vibrant plants at varying heights. Scattered throughout the scene, autumnal dried leaves are strewn among the grass, hinting at the change of seasons. Towering trees with diverse foliage create a textured canopy against the clear blue sky, offering a snapshot of a diverse ecosystem.",,2,0,entity,whole,entity - whole (natural setting),Does the photo capture a tranquil natural setting? +localized18,"The photo captures a tranquil natural setting with an expanse of green grass, which leads to an assortment of vibrant plants at varying heights. Scattered throughout the scene, autumnal dried leaves are strewn among the grass, hinting at the change of seasons. Towering trees with diverse foliage create a textured canopy against the clear blue sky, offering a snapshot of a diverse ecosystem.",,3,2,entity,whole,entity - whole (grass),Is there grass? +localized18,"The photo captures a tranquil natural setting with an expanse of green grass, which leads to an assortment of vibrant plants at varying heights. Scattered throughout the scene, autumnal dried leaves are strewn among the grass, hinting at the change of seasons. Towering trees with diverse foliage create a textured canopy against the clear blue sky, offering a snapshot of a diverse ecosystem.",,4,2,entity,whole,entity - whole (plants),Are there plants? +localized18,"The photo captures a tranquil natural setting with an expanse of green grass, which leads to an assortment of vibrant plants at varying heights. Scattered throughout the scene, autumnal dried leaves are strewn among the grass, hinting at the change of seasons. Towering trees with diverse foliage create a textured canopy against the clear blue sky, offering a snapshot of a diverse ecosystem.",,5,2,entity,whole,entity - whole (leaves),Are there leaves? +localized18,"The photo captures a tranquil natural setting with an expanse of green grass, which leads to an assortment of vibrant plants at varying heights. Scattered throughout the scene, autumnal dried leaves are strewn among the grass, hinting at the change of seasons. Towering trees with diverse foliage create a textured canopy against the clear blue sky, offering a snapshot of a diverse ecosystem.",,6,2,entity,whole,entity - whole (trees),Are there trees? +localized18,"The photo captures a tranquil natural setting with an expanse of green grass, which leads to an assortment of vibrant plants at varying heights. Scattered throughout the scene, autumnal dried leaves are strewn among the grass, hinting at the change of seasons. Towering trees with diverse foliage create a textured canopy against the clear blue sky, offering a snapshot of a diverse ecosystem.",,7,0,entity,whole,entity - whole (sky),Is there a sky? +localized18,"The photo captures a tranquil natural setting with an expanse of green grass, which leads to an assortment of vibrant plants at varying heights. Scattered throughout the scene, autumnal dried leaves are strewn among the grass, hinting at the change of seasons. Towering trees with diverse foliage create a textured canopy against the clear blue sky, offering a snapshot of a diverse ecosystem.",,8,3,attribute,color,"attribute - color (grass, green)",Is the grass green? +localized18,"The photo captures a tranquil natural setting with an expanse of green grass, which leads to an assortment of vibrant plants at varying heights. Scattered throughout the scene, autumnal dried leaves are strewn among the grass, hinting at the change of seasons. Towering trees with diverse foliage create a textured canopy against the clear blue sky, offering a snapshot of a diverse ecosystem.",,9,7,attribute,color,"attribute - color (sky, clear blue)",Is the sky clear blue? +localized18,"The photo captures a tranquil natural setting with an expanse of green grass, which leads to an assortment of vibrant plants at varying heights. Scattered throughout the scene, autumnal dried leaves are strewn among the grass, hinting at the change of seasons. Towering trees with diverse foliage create a textured canopy against the clear blue sky, offering a snapshot of a diverse ecosystem.",,10,6,attribute,texture,"attribute - texture (trees, foliage, diverse)",Do the trees have diverse foliage? +midjourney22,"Entwined in an enchanting dance, colorful whisps of light with a luminous glow twist and swirl against the backdrop of a deep, dark void. The edges of these curling tendrils shimmer with an occult-inspired essence, sparkling with what could be described as chaos magic. Each strand appears in sharp focus against a background that dissolves into the shallow depth of field, highlighting the ethereal play of light and shadow.",,1,0,entity,whole,entity - whole (whisps of light),Are there whisps of light? +midjourney22,"Entwined in an enchanting dance, colorful whisps of light with a luminous glow twist and swirl against the backdrop of a deep, dark void. The edges of these curling tendrils shimmer with an occult-inspired essence, sparkling with what could be described as chaos magic. Each strand appears in sharp focus against a background that dissolves into the shallow depth of field, highlighting the ethereal play of light and shadow.",,2,0,entity,whole,entity - whole (void),Is there a void? +midjourney22,"Entwined in an enchanting dance, colorful whisps of light with a luminous glow twist and swirl against the backdrop of a deep, dark void. The edges of these curling tendrils shimmer with an occult-inspired essence, sparkling with what could be described as chaos magic. Each strand appears in sharp focus against a background that dissolves into the shallow depth of field, highlighting the ethereal play of light and shadow.",,3,1,attribute,color,"attribute - color (whisps of light, colorful)",Are the whisps of light colorful? +midjourney22,"Entwined in an enchanting dance, colorful whisps of light with a luminous glow twist and swirl against the backdrop of a deep, dark void. The edges of these curling tendrils shimmer with an occult-inspired essence, sparkling with what could be described as chaos magic. Each strand appears in sharp focus against a background that dissolves into the shallow depth of field, highlighting the ethereal play of light and shadow.",,4,1,attribute,texture,"attribute - texture (whisps of light, luminous)",Do the whisps of light have a luminous glow? +midjourney22,"Entwined in an enchanting dance, colorful whisps of light with a luminous glow twist and swirl against the backdrop of a deep, dark void. The edges of these curling tendrils shimmer with an occult-inspired essence, sparkling with what could be described as chaos magic. Each strand appears in sharp focus against a background that dissolves into the shallow depth of field, highlighting the ethereal play of light and shadow.",,5,2,attribute,texture,"attribute - texture (void, dark)",Is the void dark? +midjourney22,"Entwined in an enchanting dance, colorful whisps of light with a luminous glow twist and swirl against the backdrop of a deep, dark void. The edges of these curling tendrils shimmer with an occult-inspired essence, sparkling with what could be described as chaos magic. Each strand appears in sharp focus against a background that dissolves into the shallow depth of field, highlighting the ethereal play of light and shadow.",,6,"1,2",relation,spatial,"relation - spatial (whisps of light, void, against)",Are the whisps of light against the backdrop of the void? +midjourney22,"Entwined in an enchanting dance, colorful whisps of light with a luminous glow twist and swirl against the backdrop of a deep, dark void. The edges of these curling tendrils shimmer with an occult-inspired essence, sparkling with what could be described as chaos magic. Each strand appears in sharp focus against a background that dissolves into the shallow depth of field, highlighting the ethereal play of light and shadow.",,7,1,attribute,other,"attribute - other (edges, shimmer)",Do the edges shimmer? +midjourney22,"Entwined in an enchanting dance, colorful whisps of light with a luminous glow twist and swirl against the backdrop of a deep, dark void. The edges of these curling tendrils shimmer with an occult-inspired essence, sparkling with what could be described as chaos magic. Each strand appears in sharp focus against a background that dissolves into the shallow depth of field, highlighting the ethereal play of light and shadow.",,8,1,attribute,other,"attribute - other (tendrils, curling)",Are the tendrils curling? +midjourney22,"Entwined in an enchanting dance, colorful whisps of light with a luminous glow twist and swirl against the backdrop of a deep, dark void. The edges of these curling tendrils shimmer with an occult-inspired essence, sparkling with what could be described as chaos magic. Each strand appears in sharp focus against a background that dissolves into the shallow depth of field, highlighting the ethereal play of light and shadow.",,9,2,attribute,other,"attribute - other (background, shallow depth of field)",Does the background dissolve into a shallow depth of field? +midjourney22,"Entwined in an enchanting dance, colorful whisps of light with a luminous glow twist and swirl against the backdrop of a deep, dark void. The edges of these curling tendrils shimmer with an occult-inspired essence, sparkling with what could be described as chaos magic. Each strand appears in sharp focus against a background that dissolves into the shallow depth of field, highlighting the ethereal play of light and shadow.",,10,1,entity,state,"entity - state (whisps of light, dance, entwined)",Are the whisps of light entwined in a dance? +vrd33,"A city scene where a yellow school bus stands on an asphalt road, its large black wheels pressing against the firm surface. The road stretches underneath the bus and continues beyond the frame. Behind the stationary bus, the shadowy appearance of a white van can be glimpsed, poised as though in a momentary pause. Rising above the scene, the outlines of buildings stand, adding depth and an urban backdrop to the moment captured. The repetition of the van and building behind the bus indicates perhaps a slight congestion, common in city traffic scenarios.",,1,0,entity,whole,entity - whole (school bus),Is there a school bus? +vrd33,"A city scene where a yellow school bus stands on an asphalt road, its large black wheels pressing against the firm surface. The road stretches underneath the bus and continues beyond the frame. Behind the stationary bus, the shadowy appearance of a white van can be glimpsed, poised as though in a momentary pause. Rising above the scene, the outlines of buildings stand, adding depth and an urban backdrop to the moment captured. The repetition of the van and building behind the bus indicates perhaps a slight congestion, common in city traffic scenarios.",,2,0,entity,whole,entity - whole (road),Is there a road? +vrd33,"A city scene where a yellow school bus stands on an asphalt road, its large black wheels pressing against the firm surface. The road stretches underneath the bus and continues beyond the frame. Behind the stationary bus, the shadowy appearance of a white van can be glimpsed, poised as though in a momentary pause. Rising above the scene, the outlines of buildings stand, adding depth and an urban backdrop to the moment captured. The repetition of the van and building behind the bus indicates perhaps a slight congestion, common in city traffic scenarios.",,3,1,entity,whole,entity - whole (wheels),Are there wheels? +vrd33,"A city scene where a yellow school bus stands on an asphalt road, its large black wheels pressing against the firm surface. The road stretches underneath the bus and continues beyond the frame. Behind the stationary bus, the shadowy appearance of a white van can be glimpsed, poised as though in a momentary pause. Rising above the scene, the outlines of buildings stand, adding depth and an urban backdrop to the moment captured. The repetition of the van and building behind the bus indicates perhaps a slight congestion, common in city traffic scenarios.",,4,0,entity,whole,entity - whole (van),Is there a van? +vrd33,"A city scene where a yellow school bus stands on an asphalt road, its large black wheels pressing against the firm surface. The road stretches underneath the bus and continues beyond the frame. Behind the stationary bus, the shadowy appearance of a white van can be glimpsed, poised as though in a momentary pause. Rising above the scene, the outlines of buildings stand, adding depth and an urban backdrop to the moment captured. The repetition of the van and building behind the bus indicates perhaps a slight congestion, common in city traffic scenarios.",,5,0,entity,whole,entity - whole (buildings),Are there buildings? +vrd33,"A city scene where a yellow school bus stands on an asphalt road, its large black wheels pressing against the firm surface. The road stretches underneath the bus and continues beyond the frame. Behind the stationary bus, the shadowy appearance of a white van can be glimpsed, poised as though in a momentary pause. Rising above the scene, the outlines of buildings stand, adding depth and an urban backdrop to the moment captured. The repetition of the van and building behind the bus indicates perhaps a slight congestion, common in city traffic scenarios.",,6,1,attribute,color,"attribute - color (school bus, yellow)",Is the school bus yellow? +vrd33,"A city scene where a yellow school bus stands on an asphalt road, its large black wheels pressing against the firm surface. The road stretches underneath the bus and continues beyond the frame. Behind the stationary bus, the shadowy appearance of a white van can be glimpsed, poised as though in a momentary pause. Rising above the scene, the outlines of buildings stand, adding depth and an urban backdrop to the moment captured. The repetition of the van and building behind the bus indicates perhaps a slight congestion, common in city traffic scenarios.",,7,3,attribute,color,"attribute - color (wheels, black)",Are the wheels black? +vrd33,"A city scene where a yellow school bus stands on an asphalt road, its large black wheels pressing against the firm surface. The road stretches underneath the bus and continues beyond the frame. Behind the stationary bus, the shadowy appearance of a white van can be glimpsed, poised as though in a momentary pause. Rising above the scene, the outlines of buildings stand, adding depth and an urban backdrop to the moment captured. The repetition of the van and building behind the bus indicates perhaps a slight congestion, common in city traffic scenarios.",,8,4,attribute,color,"attribute - color (van, white)",Is the van white? +vrd33,"A city scene where a yellow school bus stands on an asphalt road, its large black wheels pressing against the firm surface. The road stretches underneath the bus and continues beyond the frame. Behind the stationary bus, the shadowy appearance of a white van can be glimpsed, poised as though in a momentary pause. Rising above the scene, the outlines of buildings stand, adding depth and an urban backdrop to the moment captured. The repetition of the van and building behind the bus indicates perhaps a slight congestion, common in city traffic scenarios.",,9,2,attribute,texture,"attribute - texture (road, asphalt)",Is the road made of asphalt? +vrd33,"A city scene where a yellow school bus stands on an asphalt road, its large black wheels pressing against the firm surface. The road stretches underneath the bus and continues beyond the frame. Behind the stationary bus, the shadowy appearance of a white van can be glimpsed, poised as though in a momentary pause. Rising above the scene, the outlines of buildings stand, adding depth and an urban backdrop to the moment captured. The repetition of the van and building behind the bus indicates perhaps a slight congestion, common in city traffic scenarios.",,10,"1,2",relation,spatial,"relation - spatial (school bus, road, on)",Is the school bus on the road? +drawtext16,"In the image, a sleek, metallic humanoid robot stands before a dusty chalkboard, on which it has carefully scrawled 'Representation Learning' in eloquent cursive. Surrounding the central text are several complex mathematical formulas and intricate diagrams, each contributing to a lecture on advanced concepts in machine learning. The robot's articulated fingers hold a piece of white chalk, leaving a trail of fine dust as it continues to write.",,1,0,entity,whole,entity - whole (robot),Is there a robot? +drawtext16,"In the image, a sleek, metallic humanoid robot stands before a dusty chalkboard, on which it has carefully scrawled 'Representation Learning' in eloquent cursive. Surrounding the central text are several complex mathematical formulas and intricate diagrams, each contributing to a lecture on advanced concepts in machine learning. The robot's articulated fingers hold a piece of white chalk, leaving a trail of fine dust as it continues to write.",,2,0,entity,whole,entity - whole (chalkboard),Is there a chalkboard? +drawtext16,"In the image, a sleek, metallic humanoid robot stands before a dusty chalkboard, on which it has carefully scrawled 'Representation Learning' in eloquent cursive. Surrounding the central text are several complex mathematical formulas and intricate diagrams, each contributing to a lecture on advanced concepts in machine learning. The robot's articulated fingers hold a piece of white chalk, leaving a trail of fine dust as it continues to write.",,3,1,attribute,texture,"attribute - texture (robot, metallic)",Is the robot sleek and metallic? +drawtext16,"In the image, a sleek, metallic humanoid robot stands before a dusty chalkboard, on which it has carefully scrawled 'Representation Learning' in eloquent cursive. Surrounding the central text are several complex mathematical formulas and intricate diagrams, each contributing to a lecture on advanced concepts in machine learning. The robot's articulated fingers hold a piece of white chalk, leaving a trail of fine dust as it continues to write.",,4,2,attribute,texture,"attribute - texture (chalkboard, dusty)",Is the chalkboard dusty? +drawtext16,"In the image, a sleek, metallic humanoid robot stands before a dusty chalkboard, on which it has carefully scrawled 'Representation Learning' in eloquent cursive. Surrounding the central text are several complex mathematical formulas and intricate diagrams, each contributing to a lecture on advanced concepts in machine learning. The robot's articulated fingers hold a piece of white chalk, leaving a trail of fine dust as it continues to write.",,5,2,other,text,"other - text (chalkboard, ""Representation Learning"")","Is ""Representation Learning"" written on the chalkboard?" +drawtext16,"In the image, a sleek, metallic humanoid robot stands before a dusty chalkboard, on which it has carefully scrawled 'Representation Learning' in eloquent cursive. Surrounding the central text are several complex mathematical formulas and intricate diagrams, each contributing to a lecture on advanced concepts in machine learning. The robot's articulated fingers hold a piece of white chalk, leaving a trail of fine dust as it continues to write.",,6,1,entity,state,"entity - state (robot, stand)",Is the robot standing? +drawtext16,"In the image, a sleek, metallic humanoid robot stands before a dusty chalkboard, on which it has carefully scrawled 'Representation Learning' in eloquent cursive. Surrounding the central text are several complex mathematical formulas and intricate diagrams, each contributing to a lecture on advanced concepts in machine learning. The robot's articulated fingers hold a piece of white chalk, leaving a trail of fine dust as it continues to write.",,7,1,entity,part,entity - part (robot's fingers),Does the robot have articulated fingers? +drawtext16,"In the image, a sleek, metallic humanoid robot stands before a dusty chalkboard, on which it has carefully scrawled 'Representation Learning' in eloquent cursive. Surrounding the central text are several complex mathematical formulas and intricate diagrams, each contributing to a lecture on advanced concepts in machine learning. The robot's articulated fingers hold a piece of white chalk, leaving a trail of fine dust as it continues to write.",,8,0,entity,part,entity - part (chalk),Is there a piece of chalk? +drawtext16,"In the image, a sleek, metallic humanoid robot stands before a dusty chalkboard, on which it has carefully scrawled 'Representation Learning' in eloquent cursive. Surrounding the central text are several complex mathematical formulas and intricate diagrams, each contributing to a lecture on advanced concepts in machine learning. The robot's articulated fingers hold a piece of white chalk, leaving a trail of fine dust as it continues to write.",,9,"1,2",relation,spatial,"relation - spatial (robot, chalkboard, before)",Is the robot standing before the chalkboard? +drawtext16,"In the image, a sleek, metallic humanoid robot stands before a dusty chalkboard, on which it has carefully scrawled 'Representation Learning' in eloquent cursive. Surrounding the central text are several complex mathematical formulas and intricate diagrams, each contributing to a lecture on advanced concepts in machine learning. The robot's articulated fingers hold a piece of white chalk, leaving a trail of fine dust as it continues to write.",,10,"1,2",relation,non-spatial,"relation - non-spatial (robot, chalkboard, write on)",Is the robot writing on the chalkboard? +whoops9,"A man dressed in a thick, insulated jacket and bright orange snow pants is expertly skiing down a large sand dune. The dune's golden sands contrast with the clear blue sky above. Despite the unusual setting, the man's skis carve out smooth trails, leaving a unique pattern behind him as he descends amidst the vast desert surroundings.",,1,0,entity,whole,entity - whole (man),Is there a man? +whoops9,"A man dressed in a thick, insulated jacket and bright orange snow pants is expertly skiing down a large sand dune. The dune's golden sands contrast with the clear blue sky above. Despite the unusual setting, the man's skis carve out smooth trails, leaving a unique pattern behind him as he descends amidst the vast desert surroundings.",,2,0,entity,whole,entity - whole (jacket),Is there a jacket? +whoops9,"A man dressed in a thick, insulated jacket and bright orange snow pants is expertly skiing down a large sand dune. The dune's golden sands contrast with the clear blue sky above. Despite the unusual setting, the man's skis carve out smooth trails, leaving a unique pattern behind him as he descends amidst the vast desert surroundings.",,3,0,entity,whole,entity - whole (snow pants),Are there snow pants? +whoops9,"A man dressed in a thick, insulated jacket and bright orange snow pants is expertly skiing down a large sand dune. The dune's golden sands contrast with the clear blue sky above. Despite the unusual setting, the man's skis carve out smooth trails, leaving a unique pattern behind him as he descends amidst the vast desert surroundings.",,4,0,entity,whole,entity - whole (ski),Are there skis? +whoops9,"A man dressed in a thick, insulated jacket and bright orange snow pants is expertly skiing down a large sand dune. The dune's golden sands contrast with the clear blue sky above. Despite the unusual setting, the man's skis carve out smooth trails, leaving a unique pattern behind him as he descends amidst the vast desert surroundings.",,5,0,entity,whole,entity - whole (sand dune),Is there a sand dune? +whoops9,"A man dressed in a thick, insulated jacket and bright orange snow pants is expertly skiing down a large sand dune. The dune's golden sands contrast with the clear blue sky above. Despite the unusual setting, the man's skis carve out smooth trails, leaving a unique pattern behind him as he descends amidst the vast desert surroundings.",,6,2,attribute,color,"attribute - color (jacket, thick, insulated)",Is the jacket thick and insulated? +whoops9,"A man dressed in a thick, insulated jacket and bright orange snow pants is expertly skiing down a large sand dune. The dune's golden sands contrast with the clear blue sky above. Despite the unusual setting, the man's skis carve out smooth trails, leaving a unique pattern behind him as he descends amidst the vast desert surroundings.",,7,3,attribute,color,"attribute - color (snow pants, bright orange)",Are the snow pants bright orange? +whoops9,"A man dressed in a thick, insulated jacket and bright orange snow pants is expertly skiing down a large sand dune. The dune's golden sands contrast with the clear blue sky above. Despite the unusual setting, the man's skis carve out smooth trails, leaving a unique pattern behind him as he descends amidst the vast desert surroundings.",,8,5,attribute,texture,"attribute - texture (sand dune, golden sands)",Does the sand dune have golden sands? +whoops9,"A man dressed in a thick, insulated jacket and bright orange snow pants is expertly skiing down a large sand dune. The dune's golden sands contrast with the clear blue sky above. Despite the unusual setting, the man's skis carve out smooth trails, leaving a unique pattern behind him as he descends amidst the vast desert surroundings.",,9,0,attribute,color,"attribute - color (sky, clear blue)",Is the sky clear blue? +whoops9,"A man dressed in a thick, insulated jacket and bright orange snow pants is expertly skiing down a large sand dune. The dune's golden sands contrast with the clear blue sky above. Despite the unusual setting, the man's skis carve out smooth trails, leaving a unique pattern behind him as he descends amidst the vast desert surroundings.",,10,"1,4",entity,state,"entity - state (man, ski, expertly)",Is the man skiing expertly? +vrd22,"An image showcasing an individual with a smartphone in their left hand, positioned right next to a pair of black-framed glasses resting upon a table. The person in the scene, clearly engrossed in their device, is wearing a textured dark jacket, suitable for chilly weather. Above them, a clear blue sky stretches expansively, uninterrupted by any visible obstacles or elements.",,1,0,entity,whole,entity - whole (individual),Is there an individual? +vrd22,"An image showcasing an individual with a smartphone in their left hand, positioned right next to a pair of black-framed glasses resting upon a table. The person in the scene, clearly engrossed in their device, is wearing a textured dark jacket, suitable for chilly weather. Above them, a clear blue sky stretches expansively, uninterrupted by any visible obstacles or elements.",,2,0,entity,whole,entity - whole (smartphone),Is there a smartphone? +vrd22,"An image showcasing an individual with a smartphone in their left hand, positioned right next to a pair of black-framed glasses resting upon a table. The person in the scene, clearly engrossed in their device, is wearing a textured dark jacket, suitable for chilly weather. Above them, a clear blue sky stretches expansively, uninterrupted by any visible obstacles or elements.",,3,0,entity,whole,entity - whole (glasses),Are there glasses? +vrd22,"An image showcasing an individual with a smartphone in their left hand, positioned right next to a pair of black-framed glasses resting upon a table. The person in the scene, clearly engrossed in their device, is wearing a textured dark jacket, suitable for chilly weather. Above them, a clear blue sky stretches expansively, uninterrupted by any visible obstacles or elements.",,4,0,entity,whole,entity - whole (table),Is there a table? +vrd22,"An image showcasing an individual with a smartphone in their left hand, positioned right next to a pair of black-framed glasses resting upon a table. The person in the scene, clearly engrossed in their device, is wearing a textured dark jacket, suitable for chilly weather. Above them, a clear blue sky stretches expansively, uninterrupted by any visible obstacles or elements.",,5,0,entity,whole,entity - whole (jacket),Is there a jacket? +vrd22,"An image showcasing an individual with a smartphone in their left hand, positioned right next to a pair of black-framed glasses resting upon a table. The person in the scene, clearly engrossed in their device, is wearing a textured dark jacket, suitable for chilly weather. Above them, a clear blue sky stretches expansively, uninterrupted by any visible obstacles or elements.",,6,0,entity,whole,entity - whole (sky),Is there a sky? +vrd22,"An image showcasing an individual with a smartphone in their left hand, positioned right next to a pair of black-framed glasses resting upon a table. The person in the scene, clearly engrossed in their device, is wearing a textured dark jacket, suitable for chilly weather. Above them, a clear blue sky stretches expansively, uninterrupted by any visible obstacles or elements.",,7,3,attribute,color,"attribute - color (glasses, black-framed)",Are the glasses black-framed? +vrd22,"An image showcasing an individual with a smartphone in their left hand, positioned right next to a pair of black-framed glasses resting upon a table. The person in the scene, clearly engrossed in their device, is wearing a textured dark jacket, suitable for chilly weather. Above them, a clear blue sky stretches expansively, uninterrupted by any visible obstacles or elements.",,8,6,attribute,color,"attribute - color (sky, blue)",Is the sky blue? +vrd22,"An image showcasing an individual with a smartphone in their left hand, positioned right next to a pair of black-framed glasses resting upon a table. The person in the scene, clearly engrossed in their device, is wearing a textured dark jacket, suitable for chilly weather. Above them, a clear blue sky stretches expansively, uninterrupted by any visible obstacles or elements.",,9,5,attribute,texture,"attribute - texture (jacket, textured)",Is the jacket textured? +vrd22,"An image showcasing an individual with a smartphone in their left hand, positioned right next to a pair of black-framed glasses resting upon a table. The person in the scene, clearly engrossed in their device, is wearing a textured dark jacket, suitable for chilly weather. Above them, a clear blue sky stretches expansively, uninterrupted by any visible obstacles or elements.",,10,"1,2",relation,spatial,"relation - spatial (smartphone, individual's left hand, in)",Is the smartphone in the individual's left hand? +drawtext21,"An ornate representation of the Taj Mahal intricately positioned at the center of a gold leaf mandala, which showcases an array of symmetrical patterns and delicate filigree. Surrounding the central image, the mandala's design features accents of vibrant blues and reds alongside the gold. Below this striking visual, the words ""Place of Honor"" are inscribed in an elegant, bold script, centered meticulously at the bottom of the composition.",,1,0,entity,whole,entity - whole (Taj Mahal representation),Is there an ornate representation of the Taj Mahal? +drawtext21,"An ornate representation of the Taj Mahal intricately positioned at the center of a gold leaf mandala, which showcases an array of symmetrical patterns and delicate filigree. Surrounding the central image, the mandala's design features accents of vibrant blues and reds alongside the gold. Below this striking visual, the words ""Place of Honor"" are inscribed in an elegant, bold script, centered meticulously at the bottom of the composition.",,2,0,entity,whole,entity - whole (mandala),Is there a mandala? +drawtext21,"An ornate representation of the Taj Mahal intricately positioned at the center of a gold leaf mandala, which showcases an array of symmetrical patterns and delicate filigree. Surrounding the central image, the mandala's design features accents of vibrant blues and reds alongside the gold. Below this striking visual, the words ""Place of Honor"" are inscribed in an elegant, bold script, centered meticulously at the bottom of the composition.",,3,2,attribute,color,"attribute - color (mandala, gold leaf)",Is the mandala made of gold leaf? +drawtext21,"An ornate representation of the Taj Mahal intricately positioned at the center of a gold leaf mandala, which showcases an array of symmetrical patterns and delicate filigree. Surrounding the central image, the mandala's design features accents of vibrant blues and reds alongside the gold. Below this striking visual, the words ""Place of Honor"" are inscribed in an elegant, bold script, centered meticulously at the bottom of the composition.",,4,2,attribute,texture,"attribute - texture (mandala, ornate)",Is the mandala ornate? +drawtext21,"An ornate representation of the Taj Mahal intricately positioned at the center of a gold leaf mandala, which showcases an array of symmetrical patterns and delicate filigree. Surrounding the central image, the mandala's design features accents of vibrant blues and reds alongside the gold. Below this striking visual, the words ""Place of Honor"" are inscribed in an elegant, bold script, centered meticulously at the bottom of the composition.",,5,2,attribute,texture,"attribute - texture (mandala, symmetrical patterns)",Does the mandala showcase symmetrical patterns? +drawtext21,"An ornate representation of the Taj Mahal intricately positioned at the center of a gold leaf mandala, which showcases an array of symmetrical patterns and delicate filigree. Surrounding the central image, the mandala's design features accents of vibrant blues and reds alongside the gold. Below this striking visual, the words ""Place of Honor"" are inscribed in an elegant, bold script, centered meticulously at the bottom of the composition.",,6,2,attribute,texture,"attribute - texture (mandala, delicate filigree)",Does the mandala feature delicate filigree? +drawtext21,"An ornate representation of the Taj Mahal intricately positioned at the center of a gold leaf mandala, which showcases an array of symmetrical patterns and delicate filigree. Surrounding the central image, the mandala's design features accents of vibrant blues and reds alongside the gold. Below this striking visual, the words ""Place of Honor"" are inscribed in an elegant, bold script, centered meticulously at the bottom of the composition.",,7,2,attribute,color,"attribute - color (mandala's accents, vibrant blues)",Are there accents of vibrant blues on the mandala? +drawtext21,"An ornate representation of the Taj Mahal intricately positioned at the center of a gold leaf mandala, which showcases an array of symmetrical patterns and delicate filigree. Surrounding the central image, the mandala's design features accents of vibrant blues and reds alongside the gold. Below this striking visual, the words ""Place of Honor"" are inscribed in an elegant, bold script, centered meticulously at the bottom of the composition.",,8,2,attribute,color,"attribute - color (mandala's accents, reds)",Are there red accents on the mandala? +drawtext21,"An ornate representation of the Taj Mahal intricately positioned at the center of a gold leaf mandala, which showcases an array of symmetrical patterns and delicate filigree. Surrounding the central image, the mandala's design features accents of vibrant blues and reds alongside the gold. Below this striking visual, the words ""Place of Honor"" are inscribed in an elegant, bold script, centered meticulously at the bottom of the composition.",,9,0,other,text,"other - text (inscription, ""Place of Honor"")","Are the words ""Place of Honor"" inscribed?" +drawtext21,"An ornate representation of the Taj Mahal intricately positioned at the center of a gold leaf mandala, which showcases an array of symmetrical patterns and delicate filigree. Surrounding the central image, the mandala's design features accents of vibrant blues and reds alongside the gold. Below this striking visual, the words ""Place of Honor"" are inscribed in an elegant, bold script, centered meticulously at the bottom of the composition.",,10,"1,2",relation,spatial,"relation - spatial (Taj Mahal representation, mandala, center)",Is the Taj Mahal representation positioned at the center of the mandala? +drawtext27,"an image capturing an assortment of trees, ranging from young saplings to full-grown specimens with thick trunks and sprawling branches. The trees are pictured in a lush green forest, where each tree stands at a different height, signifying their unique stages of growth. The photo's emphatic caption, 'growth is a continuous process,' is etched at the bottom, inspiring a reflection on development and progress.",,1,0,entity,whole,entity - whole (trees),Are there trees? +drawtext27,"an image capturing an assortment of trees, ranging from young saplings to full-grown specimens with thick trunks and sprawling branches. The trees are pictured in a lush green forest, where each tree stands at a different height, signifying their unique stages of growth. The photo's emphatic caption, 'growth is a continuous process,' is etched at the bottom, inspiring a reflection on development and progress.",,2,0,entity,whole,entity - whole (forest),Is there a forest? +drawtext27,"an image capturing an assortment of trees, ranging from young saplings to full-grown specimens with thick trunks and sprawling branches. The trees are pictured in a lush green forest, where each tree stands at a different height, signifying their unique stages of growth. The photo's emphatic caption, 'growth is a continuous process,' is etched at the bottom, inspiring a reflection on development and progress.",,3,2,attribute,color,"attribute - color (forest, lush green)",Is the forest lush green? +drawtext27,"an image capturing an assortment of trees, ranging from young saplings to full-grown specimens with thick trunks and sprawling branches. The trees are pictured in a lush green forest, where each tree stands at a different height, signifying their unique stages of growth. The photo's emphatic caption, 'growth is a continuous process,' is etched at the bottom, inspiring a reflection on development and progress.",,4,1,attribute,size,"attribute - size (trees, varying heights)",Do the trees have varying heights? +drawtext27,"an image capturing an assortment of trees, ranging from young saplings to full-grown specimens with thick trunks and sprawling branches. The trees are pictured in a lush green forest, where each tree stands at a different height, signifying their unique stages of growth. The photo's emphatic caption, 'growth is a continuous process,' is etched at the bottom, inspiring a reflection on development and progress.",,5,1,entity,state,"entity - state (trees, young saplings)",Are there young saplings among the trees? +drawtext27,"an image capturing an assortment of trees, ranging from young saplings to full-grown specimens with thick trunks and sprawling branches. The trees are pictured in a lush green forest, where each tree stands at a different height, signifying their unique stages of growth. The photo's emphatic caption, 'growth is a continuous process,' is etched at the bottom, inspiring a reflection on development and progress.",,6,1,entity,state,"entity - state (trees, full-grown)",Are there full-grown trees? +drawtext27,"an image capturing an assortment of trees, ranging from young saplings to full-grown specimens with thick trunks and sprawling branches. The trees are pictured in a lush green forest, where each tree stands at a different height, signifying their unique stages of growth. The photo's emphatic caption, 'growth is a continuous process,' is etched at the bottom, inspiring a reflection on development and progress.",,7,1,entity,part,"entity - part (trees, thick trunks)",Do some trees have thick trunks? +drawtext27,"an image capturing an assortment of trees, ranging from young saplings to full-grown specimens with thick trunks and sprawling branches. The trees are pictured in a lush green forest, where each tree stands at a different height, signifying their unique stages of growth. The photo's emphatic caption, 'growth is a continuous process,' is etched at the bottom, inspiring a reflection on development and progress.",,8,1,entity,part,"entity - part (trees, sprawling branches)",Do some trees have sprawling branches? +drawtext27,"an image capturing an assortment of trees, ranging from young saplings to full-grown specimens with thick trunks and sprawling branches. The trees are pictured in a lush green forest, where each tree stands at a different height, signifying their unique stages of growth. The photo's emphatic caption, 'growth is a continuous process,' is etched at the bottom, inspiring a reflection on development and progress.",,9,0,other,text,"other - text (caption, ""growth is a continuous process"")","Does the caption say ""growth is a continuous process""?" +drawtext27,"an image capturing an assortment of trees, ranging from young saplings to full-grown specimens with thick trunks and sprawling branches. The trees are pictured in a lush green forest, where each tree stands at a different height, signifying their unique stages of growth. The photo's emphatic caption, 'growth is a continuous process,' is etched at the bottom, inspiring a reflection on development and progress.",,10,"1,2",relation,spatial,"relation - spatial (trees, forest, in)",Are the trees in the forest? +diffusiondb24,"A digital composition featuring a man with finely detailed, lifelike features standing beside a whimsically fantastical creature reminiscent of the renowned Studio Ghibli's style. The creature is adorned with a smooth, glossy coat that gives off the impression of a vibrant array of textures. Both figures are positioned against a stunningly crisp and clear 8k resolution backdrop that accentuates the intricate details and colors of their surroundings.",,1,0,entity,whole,entity - whole (man),Is there a man? +diffusiondb24,"A digital composition featuring a man with finely detailed, lifelike features standing beside a whimsically fantastical creature reminiscent of the renowned Studio Ghibli's style. The creature is adorned with a smooth, glossy coat that gives off the impression of a vibrant array of textures. Both figures are positioned against a stunningly crisp and clear 8k resolution backdrop that accentuates the intricate details and colors of their surroundings.",,2,0,entity,whole,entity - whole (creature),Is there a creature? +diffusiondb24,"A digital composition featuring a man with finely detailed, lifelike features standing beside a whimsically fantastical creature reminiscent of the renowned Studio Ghibli's style. The creature is adorned with a smooth, glossy coat that gives off the impression of a vibrant array of textures. Both figures are positioned against a stunningly crisp and clear 8k resolution backdrop that accentuates the intricate details and colors of their surroundings.",,3,0,global,,global - (digital composition),Is this a digital composition? +diffusiondb24,"A digital composition featuring a man with finely detailed, lifelike features standing beside a whimsically fantastical creature reminiscent of the renowned Studio Ghibli's style. The creature is adorned with a smooth, glossy coat that gives off the impression of a vibrant array of textures. Both figures are positioned against a stunningly crisp and clear 8k resolution backdrop that accentuates the intricate details and colors of their surroundings.",,4,2,attribute,texture,"attribute - texture (creature's coat, smooth and glossy)",Does the creature have a smooth and glossy coat? +diffusiondb24,"A digital composition featuring a man with finely detailed, lifelike features standing beside a whimsically fantastical creature reminiscent of the renowned Studio Ghibli's style. The creature is adorned with a smooth, glossy coat that gives off the impression of a vibrant array of textures. Both figures are positioned against a stunningly crisp and clear 8k resolution backdrop that accentuates the intricate details and colors of their surroundings.",,5,1,attribute,other,"attribute - other (man's features, finely detailed and lifelike)",Does the man have finely detailed and lifelike features? +diffusiondb24,"A digital composition featuring a man with finely detailed, lifelike features standing beside a whimsically fantastical creature reminiscent of the renowned Studio Ghibli's style. The creature is adorned with a smooth, glossy coat that gives off the impression of a vibrant array of textures. Both figures are positioned against a stunningly crisp and clear 8k resolution backdrop that accentuates the intricate details and colors of their surroundings.",,6,2,attribute,other,"attribute - other (creature's style, Studio Ghibli's)",Is the creature's style reminiscent of Studio Ghibli's? +diffusiondb24,"A digital composition featuring a man with finely detailed, lifelike features standing beside a whimsically fantastical creature reminiscent of the renowned Studio Ghibli's style. The creature is adorned with a smooth, glossy coat that gives off the impression of a vibrant array of textures. Both figures are positioned against a stunningly crisp and clear 8k resolution backdrop that accentuates the intricate details and colors of their surroundings.",,7,0,global,,"global - (backdrop, 8k resolution)",Is the backdrop in 8k resolution? +diffusiondb24,"A digital composition featuring a man with finely detailed, lifelike features standing beside a whimsically fantastical creature reminiscent of the renowned Studio Ghibli's style. The creature is adorned with a smooth, glossy coat that gives off the impression of a vibrant array of textures. Both figures are positioned against a stunningly crisp and clear 8k resolution backdrop that accentuates the intricate details and colors of their surroundings.",,8,"1,2",relation,spatial,"relation - spatial (man, creature, beside)",Is the man standing beside the creature? +diffusiondb24,"A digital composition featuring a man with finely detailed, lifelike features standing beside a whimsically fantastical creature reminiscent of the renowned Studio Ghibli's style. The creature is adorned with a smooth, glossy coat that gives off the impression of a vibrant array of textures. Both figures are positioned against a stunningly crisp and clear 8k resolution backdrop that accentuates the intricate details and colors of their surroundings.",,9,"1,2,7",relation,spatial,"relation - spatial (figures, backdrop, against)",Are the figures positioned against the backdrop? +stanford17,"Two young girls are trekking on a dirt trail that meanders through a dense forest on a large, imposing mountain. The trees enveloping the path are lush and varying shades of green. Each girl is holding a brightly colored umbrella to shield themselves from the elements. The mountain's peak looms in the distance, partially obscured by the canopy of towering trees.",,1,0,entity,whole,entity - whole (girls),Are there young girls? +stanford17,"Two young girls are trekking on a dirt trail that meanders through a dense forest on a large, imposing mountain. The trees enveloping the path are lush and varying shades of green. Each girl is holding a brightly colored umbrella to shield themselves from the elements. The mountain's peak looms in the distance, partially obscured by the canopy of towering trees.",,2,1,other,count,"other - count (girls, ==2)",Are there two young girls? +stanford17,"Two young girls are trekking on a dirt trail that meanders through a dense forest on a large, imposing mountain. The trees enveloping the path are lush and varying shades of green. Each girl is holding a brightly colored umbrella to shield themselves from the elements. The mountain's peak looms in the distance, partially obscured by the canopy of towering trees.",,3,0,entity,whole,entity - whole (trail),Is there a trail? +stanford17,"Two young girls are trekking on a dirt trail that meanders through a dense forest on a large, imposing mountain. The trees enveloping the path are lush and varying shades of green. Each girl is holding a brightly colored umbrella to shield themselves from the elements. The mountain's peak looms in the distance, partially obscured by the canopy of towering trees.",,4,0,entity,whole,entity - whole (forest),Is there a forest? +stanford17,"Two young girls are trekking on a dirt trail that meanders through a dense forest on a large, imposing mountain. The trees enveloping the path are lush and varying shades of green. Each girl is holding a brightly colored umbrella to shield themselves from the elements. The mountain's peak looms in the distance, partially obscured by the canopy of towering trees.",,5,0,entity,whole,entity - whole (mountain),Is there a mountain? +stanford17,"Two young girls are trekking on a dirt trail that meanders through a dense forest on a large, imposing mountain. The trees enveloping the path are lush and varying shades of green. Each girl is holding a brightly colored umbrella to shield themselves from the elements. The mountain's peak looms in the distance, partially obscured by the canopy of towering trees.",,6,0,entity,whole,entity - whole (umbrella),Is there an umbrella? +stanford17,"Two young girls are trekking on a dirt trail that meanders through a dense forest on a large, imposing mountain. The trees enveloping the path are lush and varying shades of green. Each girl is holding a brightly colored umbrella to shield themselves from the elements. The mountain's peak looms in the distance, partially obscured by the canopy of towering trees.",,7,3,attribute,texture,"attribute - texture (trail, dirt)",Is the trail made of dirt? +stanford17,"Two young girls are trekking on a dirt trail that meanders through a dense forest on a large, imposing mountain. The trees enveloping the path are lush and varying shades of green. Each girl is holding a brightly colored umbrella to shield themselves from the elements. The mountain's peak looms in the distance, partially obscured by the canopy of towering trees.",,8,4,attribute,texture,"attribute - texture (forest, dense)",Is the forest dense? +stanford17,"Two young girls are trekking on a dirt trail that meanders through a dense forest on a large, imposing mountain. The trees enveloping the path are lush and varying shades of green. Each girl is holding a brightly colored umbrella to shield themselves from the elements. The mountain's peak looms in the distance, partially obscured by the canopy of towering trees.",,9,4,attribute,color,"attribute - color (trees, varying shades of green)",Are the trees varying shades of green? +stanford17,"Two young girls are trekking on a dirt trail that meanders through a dense forest on a large, imposing mountain. The trees enveloping the path are lush and varying shades of green. Each girl is holding a brightly colored umbrella to shield themselves from the elements. The mountain's peak looms in the distance, partially obscured by the canopy of towering trees.",,10,6,attribute,color,"attribute - color (umbrella, brightly colored)",Are the umbrellas brightly colored? +stanford17,"Two young girls are trekking on a dirt trail that meanders through a dense forest on a large, imposing mountain. The trees enveloping the path are lush and varying shades of green. Each girl is holding a brightly colored umbrella to shield themselves from the elements. The mountain's peak looms in the distance, partially obscured by the canopy of towering trees.",,11,1,entity,state,"entity - state (girls, trek)",Are the girls trekking? +stanford17,"Two young girls are trekking on a dirt trail that meanders through a dense forest on a large, imposing mountain. The trees enveloping the path are lush and varying shades of green. Each girl is holding a brightly colored umbrella to shield themselves from the elements. The mountain's peak looms in the distance, partially obscured by the canopy of towering trees.",,12,"3,4",relation,spatial,"relation - spatial (trail, forest, through)",Does the trail meander through the forest? +stanford17,"Two young girls are trekking on a dirt trail that meanders through a dense forest on a large, imposing mountain. The trees enveloping the path are lush and varying shades of green. Each girl is holding a brightly colored umbrella to shield themselves from the elements. The mountain's peak looms in the distance, partially obscured by the canopy of towering trees.",,13,"3,5",relation,spatial,"relation - spatial (trail, mountain, on)",Is the trail on a mountain? +stanford17,"Two young girls are trekking on a dirt trail that meanders through a dense forest on a large, imposing mountain. The trees enveloping the path are lush and varying shades of green. Each girl is holding a brightly colored umbrella to shield themselves from the elements. The mountain's peak looms in the distance, partially obscured by the canopy of towering trees.",,14,"1,6",relation,spatial,"relation - spatial (girls, umbrella, holding)",Are the girls holding umbrellas? +stanford17,"Two young girls are trekking on a dirt trail that meanders through a dense forest on a large, imposing mountain. The trees enveloping the path are lush and varying shades of green. Each girl is holding a brightly colored umbrella to shield themselves from the elements. The mountain's peak looms in the distance, partially obscured by the canopy of towering trees.",,15,"5,4",relation,spatial,"relation - spatial (mountain's peak, trees, obscured by)",Is the mountain's peak partially obscured by the canopy of towering trees? +midjourney3,"An evocative tintype photograph by Ansel Adams, capturing the chilling tableau of gaunt, skeletal figures with the mythical visage of Icarus, their bodies conjoined in a macabre ballet as they plummet through a midnight sky. The figures are adorned with an array of feathered wings that are sprawling from their emaciated frames in a desperate, though futile, attempt at salvation. High levels of detail reveal the intricate interplay of shadow and light, casting an otherworldly glow across the scene that harkens back to the haunting visual narratives of the 1800s.",,1,0,entity,whole,entity - whole (photograph),Is there a photograph? +midjourney3,"An evocative tintype photograph by Ansel Adams, capturing the chilling tableau of gaunt, skeletal figures with the mythical visage of Icarus, their bodies conjoined in a macabre ballet as they plummet through a midnight sky. The figures are adorned with an array of feathered wings that are sprawling from their emaciated frames in a desperate, though futile, attempt at salvation. High levels of detail reveal the intricate interplay of shadow and light, casting an otherworldly glow across the scene that harkens back to the haunting visual narratives of the 1800s.",,2,0,entity,whole,entity - whole (figures),Are there figures in the photograph? +midjourney3,"An evocative tintype photograph by Ansel Adams, capturing the chilling tableau of gaunt, skeletal figures with the mythical visage of Icarus, their bodies conjoined in a macabre ballet as they plummet through a midnight sky. The figures are adorned with an array of feathered wings that are sprawling from their emaciated frames in a desperate, though futile, attempt at salvation. High levels of detail reveal the intricate interplay of shadow and light, casting an otherworldly glow across the scene that harkens back to the haunting visual narratives of the 1800s.",,3,2,entity,part,entity - part (figures' wings),Do the figures have wings? +midjourney3,"An evocative tintype photograph by Ansel Adams, capturing the chilling tableau of gaunt, skeletal figures with the mythical visage of Icarus, their bodies conjoined in a macabre ballet as they plummet through a midnight sky. The figures are adorned with an array of feathered wings that are sprawling from their emaciated frames in a desperate, though futile, attempt at salvation. High levels of detail reveal the intricate interplay of shadow and light, casting an otherworldly glow across the scene that harkens back to the haunting visual narratives of the 1800s.",,4,2,entity,state,"entity - state (figures, skeletal)",Are the figures skeletal? +midjourney3,"An evocative tintype photograph by Ansel Adams, capturing the chilling tableau of gaunt, skeletal figures with the mythical visage of Icarus, their bodies conjoined in a macabre ballet as they plummet through a midnight sky. The figures are adorned with an array of feathered wings that are sprawling from their emaciated frames in a desperate, though futile, attempt at salvation. High levels of detail reveal the intricate interplay of shadow and light, casting an otherworldly glow across the scene that harkens back to the haunting visual narratives of the 1800s.",,5,2,entity,state,"entity - state (figures, conjoined)",Are the figures conjoined? +midjourney3,"An evocative tintype photograph by Ansel Adams, capturing the chilling tableau of gaunt, skeletal figures with the mythical visage of Icarus, their bodies conjoined in a macabre ballet as they plummet through a midnight sky. The figures are adorned with an array of feathered wings that are sprawling from their emaciated frames in a desperate, though futile, attempt at salvation. High levels of detail reveal the intricate interplay of shadow and light, casting an otherworldly glow across the scene that harkens back to the haunting visual narratives of the 1800s.",,6,2,entity,state,"entity - state (figures, plummet)",Are the figures plummeting? +midjourney3,"An evocative tintype photograph by Ansel Adams, capturing the chilling tableau of gaunt, skeletal figures with the mythical visage of Icarus, their bodies conjoined in a macabre ballet as they plummet through a midnight sky. The figures are adorned with an array of feathered wings that are sprawling from their emaciated frames in a desperate, though futile, attempt at salvation. High levels of detail reveal the intricate interplay of shadow and light, casting an otherworldly glow across the scene that harkens back to the haunting visual narratives of the 1800s.",,7,1,attribute,texture,"attribute - texture (photograph, tintype)",Is the photograph a tintype? +midjourney3,"An evocative tintype photograph by Ansel Adams, capturing the chilling tableau of gaunt, skeletal figures with the mythical visage of Icarus, their bodies conjoined in a macabre ballet as they plummet through a midnight sky. The figures are adorned with an array of feathered wings that are sprawling from their emaciated frames in a desperate, though futile, attempt at salvation. High levels of detail reveal the intricate interplay of shadow and light, casting an otherworldly glow across the scene that harkens back to the haunting visual narratives of the 1800s.",,8,1,attribute,other,"attribute - other (photograph, Ansel Adams)",Is the photograph by Ansel Adams? +midjourney3,"An evocative tintype photograph by Ansel Adams, capturing the chilling tableau of gaunt, skeletal figures with the mythical visage of Icarus, their bodies conjoined in a macabre ballet as they plummet through a midnight sky. The figures are adorned with an array of feathered wings that are sprawling from their emaciated frames in a desperate, though futile, attempt at salvation. High levels of detail reveal the intricate interplay of shadow and light, casting an otherworldly glow across the scene that harkens back to the haunting visual narratives of the 1800s.",,9,2,attribute,other,"attribute - other (figures, Icarus, mythical visage)",Do the figures have the mythical visage of Icarus? +midjourney3,"An evocative tintype photograph by Ansel Adams, capturing the chilling tableau of gaunt, skeletal figures with the mythical visage of Icarus, their bodies conjoined in a macabre ballet as they plummet through a midnight sky. The figures are adorned with an array of feathered wings that are sprawling from their emaciated frames in a desperate, though futile, attempt at salvation. High levels of detail reveal the intricate interplay of shadow and light, casting an otherworldly glow across the scene that harkens back to the haunting visual narratives of the 1800s.",,10,1,global,,"global - (photograph, evocative)",Is the photograph evocative? +localized21,"The expansive surface appears to be a wall constructed from weathered wooden planks, each exhibiting unique patterns of grain and knots. The rustic wooden barrier casts subtle shadows, hinting at its rough texture and the natural variations in its warm brown tones. No other objects are in view, putting the entire focus on the wooden wall's organic and sturdy character.",,1,0,entity,whole,entity - whole (wall),Is there a wall? +localized21,"The expansive surface appears to be a wall constructed from weathered wooden planks, each exhibiting unique patterns of grain and knots. The rustic wooden barrier casts subtle shadows, hinting at its rough texture and the natural variations in its warm brown tones. No other objects are in view, putting the entire focus on the wooden wall's organic and sturdy character.",,2,1,attribute,texture,"attribute - texture (wall, weathered)",Does the wall have a weathered texture? +localized21,"The expansive surface appears to be a wall constructed from weathered wooden planks, each exhibiting unique patterns of grain and knots. The rustic wooden barrier casts subtle shadows, hinting at its rough texture and the natural variations in its warm brown tones. No other objects are in view, putting the entire focus on the wooden wall's organic and sturdy character.",,3,1,attribute,texture,"attribute - texture (wall, wooden)",Is the wall made of wood? +localized21,"The expansive surface appears to be a wall constructed from weathered wooden planks, each exhibiting unique patterns of grain and knots. The rustic wooden barrier casts subtle shadows, hinting at its rough texture and the natural variations in its warm brown tones. No other objects are in view, putting the entire focus on the wooden wall's organic and sturdy character.",,4,1,attribute,texture,"attribute - texture (wall, rough)",Does the wall have a rough texture? +localized21,"The expansive surface appears to be a wall constructed from weathered wooden planks, each exhibiting unique patterns of grain and knots. The rustic wooden barrier casts subtle shadows, hinting at its rough texture and the natural variations in its warm brown tones. No other objects are in view, putting the entire focus on the wooden wall's organic and sturdy character.",,5,1,attribute,color,"attribute - color (wall, warm brown)",Does the wall have warm brown tones? +localized21,"The expansive surface appears to be a wall constructed from weathered wooden planks, each exhibiting unique patterns of grain and knots. The rustic wooden barrier casts subtle shadows, hinting at its rough texture and the natural variations in its warm brown tones. No other objects are in view, putting the entire focus on the wooden wall's organic and sturdy character.",,6,1,entity,part,entity - part (wall's planks),Does the wall consist of planks? +localized21,"The expansive surface appears to be a wall constructed from weathered wooden planks, each exhibiting unique patterns of grain and knots. The rustic wooden barrier casts subtle shadows, hinting at its rough texture and the natural variations in its warm brown tones. No other objects are in view, putting the entire focus on the wooden wall's organic and sturdy character.",,7,6,attribute,other,"attribute - other (wall's planks, unique patterns)",Do the planks have unique patterns? +localized21,"The expansive surface appears to be a wall constructed from weathered wooden planks, each exhibiting unique patterns of grain and knots. The rustic wooden barrier casts subtle shadows, hinting at its rough texture and the natural variations in its warm brown tones. No other objects are in view, putting the entire focus on the wooden wall's organic and sturdy character.",,8,6,attribute,other,"attribute - other (wall's planks, grain)",Do the planks show grain? +localized21,"The expansive surface appears to be a wall constructed from weathered wooden planks, each exhibiting unique patterns of grain and knots. The rustic wooden barrier casts subtle shadows, hinting at its rough texture and the natural variations in its warm brown tones. No other objects are in view, putting the entire focus on the wooden wall's organic and sturdy character.",,9,6,attribute,other,"attribute - other (wall's planks, knots)",Do the planks have knots? +localized21,"The expansive surface appears to be a wall constructed from weathered wooden planks, each exhibiting unique patterns of grain and knots. The rustic wooden barrier casts subtle shadows, hinting at its rough texture and the natural variations in its warm brown tones. No other objects are in view, putting the entire focus on the wooden wall's organic and sturdy character.",,10,1,entity,state,"entity - state (wall, no other objects, focus on)",Is the focus solely on the wooden wall without any other objects in view? +whoops21,"A young child, no more than three years old, with a red sweater and mismatched socks, steps off the sidewalk onto a busy street with cars approaching. The child appears oblivious to the dangers, focused on a toy in hand. Around them, the traffic includes a bright yellow taxi and a blue sedan, both coming to a quick halt to avoid the child.",,1,0,entity,whole,entity - whole (child),Is there a young child? +whoops21,"A young child, no more than three years old, with a red sweater and mismatched socks, steps off the sidewalk onto a busy street with cars approaching. The child appears oblivious to the dangers, focused on a toy in hand. Around them, the traffic includes a bright yellow taxi and a blue sedan, both coming to a quick halt to avoid the child.",,2,0,entity,whole,entity - whole (sweater),Is there a sweater? +whoops21,"A young child, no more than three years old, with a red sweater and mismatched socks, steps off the sidewalk onto a busy street with cars approaching. The child appears oblivious to the dangers, focused on a toy in hand. Around them, the traffic includes a bright yellow taxi and a blue sedan, both coming to a quick halt to avoid the child.",,3,0,entity,whole,entity - whole (socks),Are there socks? +whoops21,"A young child, no more than three years old, with a red sweater and mismatched socks, steps off the sidewalk onto a busy street with cars approaching. The child appears oblivious to the dangers, focused on a toy in hand. Around them, the traffic includes a bright yellow taxi and a blue sedan, both coming to a quick halt to avoid the child.",,4,0,entity,whole,entity - whole (sidewalk),Is there a sidewalk? +whoops21,"A young child, no more than three years old, with a red sweater and mismatched socks, steps off the sidewalk onto a busy street with cars approaching. The child appears oblivious to the dangers, focused on a toy in hand. Around them, the traffic includes a bright yellow taxi and a blue sedan, both coming to a quick halt to avoid the child.",,5,0,entity,whole,entity - whole (street),Is there a street? +whoops21,"A young child, no more than three years old, with a red sweater and mismatched socks, steps off the sidewalk onto a busy street with cars approaching. The child appears oblivious to the dangers, focused on a toy in hand. Around them, the traffic includes a bright yellow taxi and a blue sedan, both coming to a quick halt to avoid the child.",,6,0,entity,whole,entity - whole (cars),Are there cars? +whoops21,"A young child, no more than three years old, with a red sweater and mismatched socks, steps off the sidewalk onto a busy street with cars approaching. The child appears oblivious to the dangers, focused on a toy in hand. Around them, the traffic includes a bright yellow taxi and a blue sedan, both coming to a quick halt to avoid the child.",,7,0,entity,whole,entity - whole (toy),Is there a toy? +whoops21,"A young child, no more than three years old, with a red sweater and mismatched socks, steps off the sidewalk onto a busy street with cars approaching. The child appears oblivious to the dangers, focused on a toy in hand. Around them, the traffic includes a bright yellow taxi and a blue sedan, both coming to a quick halt to avoid the child.",,8,0,entity,whole,entity - whole (taxi),Is there a taxi? +whoops21,"A young child, no more than three years old, with a red sweater and mismatched socks, steps off the sidewalk onto a busy street with cars approaching. The child appears oblivious to the dangers, focused on a toy in hand. Around them, the traffic includes a bright yellow taxi and a blue sedan, both coming to a quick halt to avoid the child.",,9,0,entity,whole,entity - whole (sedan),Is there a sedan? +whoops21,"A young child, no more than three years old, with a red sweater and mismatched socks, steps off the sidewalk onto a busy street with cars approaching. The child appears oblivious to the dangers, focused on a toy in hand. Around them, the traffic includes a bright yellow taxi and a blue sedan, both coming to a quick halt to avoid the child.",,10,2,attribute,color,"attribute - color (sweater, red)",Is the sweater red? +whoops21,"A young child, no more than three years old, with a red sweater and mismatched socks, steps off the sidewalk onto a busy street with cars approaching. The child appears oblivious to the dangers, focused on a toy in hand. Around them, the traffic includes a bright yellow taxi and a blue sedan, both coming to a quick halt to avoid the child.",,11,8,attribute,color,"attribute - color (taxi, bright yellow)",Is the taxi bright yellow? +whoops21,"A young child, no more than three years old, with a red sweater and mismatched socks, steps off the sidewalk onto a busy street with cars approaching. The child appears oblivious to the dangers, focused on a toy in hand. Around them, the traffic includes a bright yellow taxi and a blue sedan, both coming to a quick halt to avoid the child.",,12,9,attribute,color,"attribute - color (sedan, blue)",Is the sedan blue? +whoops21,"A young child, no more than three years old, with a red sweater and mismatched socks, steps off the sidewalk onto a busy street with cars approaching. The child appears oblivious to the dangers, focused on a toy in hand. Around them, the traffic includes a bright yellow taxi and a blue sedan, both coming to a quick halt to avoid the child.",,13,3,attribute,other,"attribute - other (socks, mismatched)",Are the socks mismatched? +whoops21,"A young child, no more than three years old, with a red sweater and mismatched socks, steps off the sidewalk onto a busy street with cars approaching. The child appears oblivious to the dangers, focused on a toy in hand. Around them, the traffic includes a bright yellow taxi and a blue sedan, both coming to a quick halt to avoid the child.",,14,1,attribute,other,"attribute - other (child, young, no more than three years old)",Is the child no more than three years old? +whoops21,"A young child, no more than three years old, with a red sweater and mismatched socks, steps off the sidewalk onto a busy street with cars approaching. The child appears oblivious to the dangers, focused on a toy in hand. Around them, the traffic includes a bright yellow taxi and a blue sedan, both coming to a quick halt to avoid the child.",,15,1,entity,state,"entity - state (child, steps off)",Is the child stepping off something? +whoops21,"A young child, no more than three years old, with a red sweater and mismatched socks, steps off the sidewalk onto a busy street with cars approaching. The child appears oblivious to the dangers, focused on a toy in hand. Around them, the traffic includes a bright yellow taxi and a blue sedan, both coming to a quick halt to avoid the child.",,16,1,entity,state,"entity - state (child, oblivious)",Does the child appear oblivious? +whoops21,"A young child, no more than three years old, with a red sweater and mismatched socks, steps off the sidewalk onto a busy street with cars approaching. The child appears oblivious to the dangers, focused on a toy in hand. Around them, the traffic includes a bright yellow taxi and a blue sedan, both coming to a quick halt to avoid the child.",,17,6,entity,state,"entity - state (cars, approaching)",Are the cars approaching? +whoops21,"A young child, no more than three years old, with a red sweater and mismatched socks, steps off the sidewalk onto a busy street with cars approaching. The child appears oblivious to the dangers, focused on a toy in hand. Around them, the traffic includes a bright yellow taxi and a blue sedan, both coming to a quick halt to avoid the child.",,18,8,entity,state,"entity - state (taxi, halt, quick)",Is the taxi coming to a quick halt? +whoops21,"A young child, no more than three years old, with a red sweater and mismatched socks, steps off the sidewalk onto a busy street with cars approaching. The child appears oblivious to the dangers, focused on a toy in hand. Around them, the traffic includes a bright yellow taxi and a blue sedan, both coming to a quick halt to avoid the child.",,19,9,entity,state,"entity - state (sedan, halt, quick)",Is the sedan coming to a quick halt? +whoops21,"A young child, no more than three years old, with a red sweater and mismatched socks, steps off the sidewalk onto a busy street with cars approaching. The child appears oblivious to the dangers, focused on a toy in hand. Around them, the traffic includes a bright yellow taxi and a blue sedan, both coming to a quick halt to avoid the child.",,20,"1,4",relation,spatial,"relation - spatial (child, sidewalk, steps off)",Is the child stepping off the sidewalk? +whoops21,"A young child, no more than three years old, with a red sweater and mismatched socks, steps off the sidewalk onto a busy street with cars approaching. The child appears oblivious to the dangers, focused on a toy in hand. Around them, the traffic includes a bright yellow taxi and a blue sedan, both coming to a quick halt to avoid the child.",,21,"1,5",relation,spatial,"relation - spatial (child, street, onto)",Is the child stepping onto the street? +whoops21,"A young child, no more than three years old, with a red sweater and mismatched socks, steps off the sidewalk onto a busy street with cars approaching. The child appears oblivious to the dangers, focused on a toy in hand. Around them, the traffic includes a bright yellow taxi and a blue sedan, both coming to a quick halt to avoid the child.",,22,"6,1",relation,spatial,"relation - spatial (cars, child, approaching)",Are the cars approaching the child? +whoops21,"A young child, no more than three years old, with a red sweater and mismatched socks, steps off the sidewalk onto a busy street with cars approaching. The child appears oblivious to the dangers, focused on a toy in hand. Around them, the traffic includes a bright yellow taxi and a blue sedan, both coming to a quick halt to avoid the child.",,23,"8,1",relation,spatial,"relation - spatial (taxi, child, near)",Is the taxi near the child? +whoops21,"A young child, no more than three years old, with a red sweater and mismatched socks, steps off the sidewalk onto a busy street with cars approaching. The child appears oblivious to the dangers, focused on a toy in hand. Around them, the traffic includes a bright yellow taxi and a blue sedan, both coming to a quick halt to avoid the child.",,24,"9,1",relation,spatial,"relation - spatial (sedan, child, near)",Is the sedan near the child? +stanford4,"A young boy, donned in a vibrant blue shirt and black trousers, is energetically swinging a cobalt blue baseball bat at a neighborhood park. Beyond the chain-link fence, a group of his peers can be seen, their expressions a mix of anticipation and excitement as they observe the game. Nearby, an adult male, potentially a coach or a parent, stands in stark contrast, attired formally in a crisp white shirt and dark tie, his eyes fixed on the boy's technique.",,1,0,entity,whole,entity - whole (boy),Is there a young boy? +stanford4,"A young boy, donned in a vibrant blue shirt and black trousers, is energetically swinging a cobalt blue baseball bat at a neighborhood park. Beyond the chain-link fence, a group of his peers can be seen, their expressions a mix of anticipation and excitement as they observe the game. Nearby, an adult male, potentially a coach or a parent, stands in stark contrast, attired formally in a crisp white shirt and dark tie, his eyes fixed on the boy's technique.",,2,1,entity,whole,entity - whole (shirt),Is there a shirt? +stanford4,"A young boy, donned in a vibrant blue shirt and black trousers, is energetically swinging a cobalt blue baseball bat at a neighborhood park. Beyond the chain-link fence, a group of his peers can be seen, their expressions a mix of anticipation and excitement as they observe the game. Nearby, an adult male, potentially a coach or a parent, stands in stark contrast, attired formally in a crisp white shirt and dark tie, his eyes fixed on the boy's technique.",,3,1,entity,whole,entity - whole (trousers),Are there trousers? +stanford4,"A young boy, donned in a vibrant blue shirt and black trousers, is energetically swinging a cobalt blue baseball bat at a neighborhood park. Beyond the chain-link fence, a group of his peers can be seen, their expressions a mix of anticipation and excitement as they observe the game. Nearby, an adult male, potentially a coach or a parent, stands in stark contrast, attired formally in a crisp white shirt and dark tie, his eyes fixed on the boy's technique.",,4,1,entity,whole,entity - whole (baseball bat),Is there a baseball bat? +stanford4,"A young boy, donned in a vibrant blue shirt and black trousers, is energetically swinging a cobalt blue baseball bat at a neighborhood park. Beyond the chain-link fence, a group of his peers can be seen, their expressions a mix of anticipation and excitement as they observe the game. Nearby, an adult male, potentially a coach or a parent, stands in stark contrast, attired formally in a crisp white shirt and dark tie, his eyes fixed on the boy's technique.",,5,0,entity,whole,entity - whole (park),Is there a park? +stanford4,"A young boy, donned in a vibrant blue shirt and black trousers, is energetically swinging a cobalt blue baseball bat at a neighborhood park. Beyond the chain-link fence, a group of his peers can be seen, their expressions a mix of anticipation and excitement as they observe the game. Nearby, an adult male, potentially a coach or a parent, stands in stark contrast, attired formally in a crisp white shirt and dark tie, his eyes fixed on the boy's technique.",,6,0,entity,whole,entity - whole (fence),Is there a fence? +stanford4,"A young boy, donned in a vibrant blue shirt and black trousers, is energetically swinging a cobalt blue baseball bat at a neighborhood park. Beyond the chain-link fence, a group of his peers can be seen, their expressions a mix of anticipation and excitement as they observe the game. Nearby, an adult male, potentially a coach or a parent, stands in stark contrast, attired formally in a crisp white shirt and dark tie, his eyes fixed on the boy's technique.",,7,0,entity,whole,entity - whole (peers),Are there peers? +stanford4,"A young boy, donned in a vibrant blue shirt and black trousers, is energetically swinging a cobalt blue baseball bat at a neighborhood park. Beyond the chain-link fence, a group of his peers can be seen, their expressions a mix of anticipation and excitement as they observe the game. Nearby, an adult male, potentially a coach or a parent, stands in stark contrast, attired formally in a crisp white shirt and dark tie, his eyes fixed on the boy's technique.",,8,0,entity,whole,entity - whole (adult male),Is there an adult male? +stanford4,"A young boy, donned in a vibrant blue shirt and black trousers, is energetically swinging a cobalt blue baseball bat at a neighborhood park. Beyond the chain-link fence, a group of his peers can be seen, their expressions a mix of anticipation and excitement as they observe the game. Nearby, an adult male, potentially a coach or a parent, stands in stark contrast, attired formally in a crisp white shirt and dark tie, his eyes fixed on the boy's technique.",,9,2,attribute,color,"attribute - color (shirt, vibrant blue)",Is the shirt vibrant blue? +stanford4,"A young boy, donned in a vibrant blue shirt and black trousers, is energetically swinging a cobalt blue baseball bat at a neighborhood park. Beyond the chain-link fence, a group of his peers can be seen, their expressions a mix of anticipation and excitement as they observe the game. Nearby, an adult male, potentially a coach or a parent, stands in stark contrast, attired formally in a crisp white shirt and dark tie, his eyes fixed on the boy's technique.",,10,3,attribute,color,"attribute - color (trousers, black)",Are the trousers black? +stanford4,"A young boy, donned in a vibrant blue shirt and black trousers, is energetically swinging a cobalt blue baseball bat at a neighborhood park. Beyond the chain-link fence, a group of his peers can be seen, their expressions a mix of anticipation and excitement as they observe the game. Nearby, an adult male, potentially a coach or a parent, stands in stark contrast, attired formally in a crisp white shirt and dark tie, his eyes fixed on the boy's technique.",,11,4,attribute,color,"attribute - color (baseball bat, cobalt blue)",Is the baseball bat cobalt blue? +stanford4,"A young boy, donned in a vibrant blue shirt and black trousers, is energetically swinging a cobalt blue baseball bat at a neighborhood park. Beyond the chain-link fence, a group of his peers can be seen, their expressions a mix of anticipation and excitement as they observe the game. Nearby, an adult male, potentially a coach or a parent, stands in stark contrast, attired formally in a crisp white shirt and dark tie, his eyes fixed on the boy's technique.",,12,8,attribute,color,"attribute - color (adult male's shirt, crisp white)",Is the adult male's shirt crisp white? +stanford4,"A young boy, donned in a vibrant blue shirt and black trousers, is energetically swinging a cobalt blue baseball bat at a neighborhood park. Beyond the chain-link fence, a group of his peers can be seen, their expressions a mix of anticipation and excitement as they observe the game. Nearby, an adult male, potentially a coach or a parent, stands in stark contrast, attired formally in a crisp white shirt and dark tie, his eyes fixed on the boy's technique.",,13,"1,4",entity,state,"entity - state (boy, swing baseball bat)",Is the boy energetically swinging the baseball bat? +stanford4,"A young boy, donned in a vibrant blue shirt and black trousers, is energetically swinging a cobalt blue baseball bat at a neighborhood park. Beyond the chain-link fence, a group of his peers can be seen, their expressions a mix of anticipation and excitement as they observe the game. Nearby, an adult male, potentially a coach or a parent, stands in stark contrast, attired formally in a crisp white shirt and dark tie, his eyes fixed on the boy's technique.",,14,"1,5",relation,spatial,"relation - spatial (boy, park, at)",Is the boy at the park? +stanford4,"A young boy, donned in a vibrant blue shirt and black trousers, is energetically swinging a cobalt blue baseball bat at a neighborhood park. Beyond the chain-link fence, a group of his peers can be seen, their expressions a mix of anticipation and excitement as they observe the game. Nearby, an adult male, potentially a coach or a parent, stands in stark contrast, attired formally in a crisp white shirt and dark tie, his eyes fixed on the boy's technique.",,15,"6,7",relation,spatial,"relation - spatial (peers, fence, beyond)",Are the peers beyond the chain-link fence? +stanford4,"A young boy, donned in a vibrant blue shirt and black trousers, is energetically swinging a cobalt blue baseball bat at a neighborhood park. Beyond the chain-link fence, a group of his peers can be seen, their expressions a mix of anticipation and excitement as they observe the game. Nearby, an adult male, potentially a coach or a parent, stands in stark contrast, attired formally in a crisp white shirt and dark tie, his eyes fixed on the boy's technique.",,16,"1,8",relation,spatial,"relation - spatial (adult male, boy, near)",Is the adult male near the boy? +stanford4,"A young boy, donned in a vibrant blue shirt and black trousers, is energetically swinging a cobalt blue baseball bat at a neighborhood park. Beyond the chain-link fence, a group of his peers can be seen, their expressions a mix of anticipation and excitement as they observe the game. Nearby, an adult male, potentially a coach or a parent, stands in stark contrast, attired formally in a crisp white shirt and dark tie, his eyes fixed on the boy's technique.",,17,7,entity,state,"entity - state (peers, expressions, anticipation and excitement)",Do the peers have expressions of anticipation and excitement? +stanford4,"A young boy, donned in a vibrant blue shirt and black trousers, is energetically swinging a cobalt blue baseball bat at a neighborhood park. Beyond the chain-link fence, a group of his peers can be seen, their expressions a mix of anticipation and excitement as they observe the game. Nearby, an adult male, potentially a coach or a parent, stands in stark contrast, attired formally in a crisp white shirt and dark tie, his eyes fixed on the boy's technique.",,18,8,entity,state,"entity - state (adult male, attire, formal)",Is the adult male dressed formally? +posescript22,"A figure in a dynamic pose, standing on their right foot with the left leg lifted gracefully behind the body, knee bent at a 90-degree angle. Their left arm extends horizontally at the level of their face, fingers elegantly pointed, while the right arm is raised with the hand near the chin level, palm facing inward. The head is gently tilted back, eyes gazing upward, creating a line of sight that follows the direction of the extended left arm.",,1,0,entity,whole,entity - whole (figure),Is there a figure? +posescript22,"A figure in a dynamic pose, standing on their right foot with the left leg lifted gracefully behind the body, knee bent at a 90-degree angle. Their left arm extends horizontally at the level of their face, fingers elegantly pointed, while the right arm is raised with the hand near the chin level, palm facing inward. The head is gently tilted back, eyes gazing upward, creating a line of sight that follows the direction of the extended left arm.",,2,1,entity,state,"entity - state (figure, dynamic pose)",Is the figure in a dynamic pose? +posescript22,"A figure in a dynamic pose, standing on their right foot with the left leg lifted gracefully behind the body, knee bent at a 90-degree angle. Their left arm extends horizontally at the level of their face, fingers elegantly pointed, while the right arm is raised with the hand near the chin level, palm facing inward. The head is gently tilted back, eyes gazing upward, creating a line of sight that follows the direction of the extended left arm.",,3,1,entity,state,"entity - state (figure, stand on right foot)",Is the figure standing on their right foot? +posescript22,"A figure in a dynamic pose, standing on their right foot with the left leg lifted gracefully behind the body, knee bent at a 90-degree angle. Their left arm extends horizontally at the level of their face, fingers elegantly pointed, while the right arm is raised with the hand near the chin level, palm facing inward. The head is gently tilted back, eyes gazing upward, creating a line of sight that follows the direction of the extended left arm.",,4,1,entity,part,entity - part (figure's left leg),Does the figure have a left leg? +posescript22,"A figure in a dynamic pose, standing on their right foot with the left leg lifted gracefully behind the body, knee bent at a 90-degree angle. Their left arm extends horizontally at the level of their face, fingers elegantly pointed, while the right arm is raised with the hand near the chin level, palm facing inward. The head is gently tilted back, eyes gazing upward, creating a line of sight that follows the direction of the extended left arm.",,5,1,entity,part,entity - part (figure's left arm),Does the figure have a left arm? +posescript22,"A figure in a dynamic pose, standing on their right foot with the left leg lifted gracefully behind the body, knee bent at a 90-degree angle. Their left arm extends horizontally at the level of their face, fingers elegantly pointed, while the right arm is raised with the hand near the chin level, palm facing inward. The head is gently tilted back, eyes gazing upward, creating a line of sight that follows the direction of the extended left arm.",,6,1,entity,part,entity - part (figure's right arm),Does the figure have a right arm? +posescript22,"A figure in a dynamic pose, standing on their right foot with the left leg lifted gracefully behind the body, knee bent at a 90-degree angle. Their left arm extends horizontally at the level of their face, fingers elegantly pointed, while the right arm is raised with the hand near the chin level, palm facing inward. The head is gently tilted back, eyes gazing upward, creating a line of sight that follows the direction of the extended left arm.",,7,1,entity,part,entity - part (figure's head),Does the figure have a head? +posescript22,"A figure in a dynamic pose, standing on their right foot with the left leg lifted gracefully behind the body, knee bent at a 90-degree angle. Their left arm extends horizontally at the level of their face, fingers elegantly pointed, while the right arm is raised with the hand near the chin level, palm facing inward. The head is gently tilted back, eyes gazing upward, creating a line of sight that follows the direction of the extended left arm.",,8,4,attribute,other,"attribute - other (left leg, lifted behind body)",Is the left leg lifted gracefully behind the body? +posescript22,"A figure in a dynamic pose, standing on their right foot with the left leg lifted gracefully behind the body, knee bent at a 90-degree angle. Their left arm extends horizontally at the level of their face, fingers elegantly pointed, while the right arm is raised with the hand near the chin level, palm facing inward. The head is gently tilted back, eyes gazing upward, creating a line of sight that follows the direction of the extended left arm.",,9,4,attribute,other,"attribute - other (left leg, knee bent at 90-degree angle)",Is the left leg's knee bent at a 90-degree angle? +posescript22,"A figure in a dynamic pose, standing on their right foot with the left leg lifted gracefully behind the body, knee bent at a 90-degree angle. Their left arm extends horizontally at the level of their face, fingers elegantly pointed, while the right arm is raised with the hand near the chin level, palm facing inward. The head is gently tilted back, eyes gazing upward, creating a line of sight that follows the direction of the extended left arm.",,10,5,attribute,other,"attribute - other (left arm, extends horizontally)",Does the left arm extend horizontally at the level of their face? +stanford12,"A vibrant array of very green broccoli florets rests on a large square plate, accompanied by a scattering of slender yellow beans. Both vegetables are lightly coated in a pale, creamy sauce that adds a subtle sheen to the dish. The plate itself, with its expansive, flat surface, provides an ample canvas for the vividly colored, healthy meal.",,1,0,entity,whole,entity - whole (broccoli florets),Is there an array of broccoli florets? +stanford12,"A vibrant array of very green broccoli florets rests on a large square plate, accompanied by a scattering of slender yellow beans. Both vegetables are lightly coated in a pale, creamy sauce that adds a subtle sheen to the dish. The plate itself, with its expansive, flat surface, provides an ample canvas for the vividly colored, healthy meal.",,2,0,entity,whole,entity - whole (beans),Are there beans? +stanford12,"A vibrant array of very green broccoli florets rests on a large square plate, accompanied by a scattering of slender yellow beans. Both vegetables are lightly coated in a pale, creamy sauce that adds a subtle sheen to the dish. The plate itself, with its expansive, flat surface, provides an ample canvas for the vividly colored, healthy meal.",,3,0,entity,whole,entity - whole (plate),Is there a plate? +stanford12,"A vibrant array of very green broccoli florets rests on a large square plate, accompanied by a scattering of slender yellow beans. Both vegetables are lightly coated in a pale, creamy sauce that adds a subtle sheen to the dish. The plate itself, with its expansive, flat surface, provides an ample canvas for the vividly colored, healthy meal.",,4,0,entity,whole,entity - whole (sauce),Is there a sauce? +stanford12,"A vibrant array of very green broccoli florets rests on a large square plate, accompanied by a scattering of slender yellow beans. Both vegetables are lightly coated in a pale, creamy sauce that adds a subtle sheen to the dish. The plate itself, with its expansive, flat surface, provides an ample canvas for the vividly colored, healthy meal.",,5,1,attribute,color,"attribute - color (broccoli florets, very green)",Are the broccoli florets very green? +stanford12,"A vibrant array of very green broccoli florets rests on a large square plate, accompanied by a scattering of slender yellow beans. Both vegetables are lightly coated in a pale, creamy sauce that adds a subtle sheen to the dish. The plate itself, with its expansive, flat surface, provides an ample canvas for the vividly colored, healthy meal.",,6,2,attribute,color,"attribute - color (beans, yellow)",Are the beans slender and yellow? +stanford12,"A vibrant array of very green broccoli florets rests on a large square plate, accompanied by a scattering of slender yellow beans. Both vegetables are lightly coated in a pale, creamy sauce that adds a subtle sheen to the dish. The plate itself, with its expansive, flat surface, provides an ample canvas for the vividly colored, healthy meal.",,7,4,attribute,color,"attribute - color (sauce, pale creamy)",Is the sauce pale and creamy? +stanford12,"A vibrant array of very green broccoli florets rests on a large square plate, accompanied by a scattering of slender yellow beans. Both vegetables are lightly coated in a pale, creamy sauce that adds a subtle sheen to the dish. The plate itself, with its expansive, flat surface, provides an ample canvas for the vividly colored, healthy meal.",,8,4,attribute,texture,"attribute - texture (sauce, lightly coated)",Are the vegetables lightly coated in sauce? +stanford12,"A vibrant array of very green broccoli florets rests on a large square plate, accompanied by a scattering of slender yellow beans. Both vegetables are lightly coated in a pale, creamy sauce that adds a subtle sheen to the dish. The plate itself, with its expansive, flat surface, provides an ample canvas for the vividly colored, healthy meal.",,9,3,attribute,shape,"attribute - shape (plate, large square)",Is the plate large and square? +stanford12,"A vibrant array of very green broccoli florets rests on a large square plate, accompanied by a scattering of slender yellow beans. Both vegetables are lightly coated in a pale, creamy sauce that adds a subtle sheen to the dish. The plate itself, with its expansive, flat surface, provides an ample canvas for the vividly colored, healthy meal.",,10,"1,2",attribute,other,"attribute - other (meal, healthy)",Is the meal considered healthy? +posescript28,"An individual is captured in a dynamic pose with their body leaning forward, their right arm bent at a 90-degree angle in front of them, and their left arm extended behind. They wear a bright yellow short-sleeved shirt which contrasts with their dark blue trousers. Their gaze is intently focused towards their right, possibly fixed on something or someone out of view, giving the impression of movement or anticipation.",,1,0,entity,whole,entity - whole (individual),Is there an individual? +posescript28,"An individual is captured in a dynamic pose with their body leaning forward, their right arm bent at a 90-degree angle in front of them, and their left arm extended behind. They wear a bright yellow short-sleeved shirt which contrasts with their dark blue trousers. Their gaze is intently focused towards their right, possibly fixed on something or someone out of view, giving the impression of movement or anticipation.",,2,1,entity,state,"entity - state (individual, dynamic pose)",Is the individual captured in a dynamic pose? +posescript28,"An individual is captured in a dynamic pose with their body leaning forward, their right arm bent at a 90-degree angle in front of them, and their left arm extended behind. They wear a bright yellow short-sleeved shirt which contrasts with their dark blue trousers. Their gaze is intently focused towards their right, possibly fixed on something or someone out of view, giving the impression of movement or anticipation.",,3,1,entity,state,"entity - state (individual, body, leaning forward)",Is the individual's body leaning forward? +posescript28,"An individual is captured in a dynamic pose with their body leaning forward, their right arm bent at a 90-degree angle in front of them, and their left arm extended behind. They wear a bright yellow short-sleeved shirt which contrasts with their dark blue trousers. Their gaze is intently focused towards their right, possibly fixed on something or someone out of view, giving the impression of movement or anticipation.",,4,1,entity,state,"entity - state (individual's right arm, bent, 90-degree angle)",Is the individual's right arm bent at a 90-degree angle in front of them? +posescript28,"An individual is captured in a dynamic pose with their body leaning forward, their right arm bent at a 90-degree angle in front of them, and their left arm extended behind. They wear a bright yellow short-sleeved shirt which contrasts with their dark blue trousers. Their gaze is intently focused towards their right, possibly fixed on something or someone out of view, giving the impression of movement or anticipation.",,5,1,entity,state,"entity - state (individual's left arm, extended behind)",Is the individual's left arm extended behind? +posescript28,"An individual is captured in a dynamic pose with their body leaning forward, their right arm bent at a 90-degree angle in front of them, and their left arm extended behind. They wear a bright yellow short-sleeved shirt which contrasts with their dark blue trousers. Their gaze is intently focused towards their right, possibly fixed on something or someone out of view, giving the impression of movement or anticipation.",,6,1,entity,part,entity - part (individual's shirt),Is the individual wearing a shirt? +posescript28,"An individual is captured in a dynamic pose with their body leaning forward, their right arm bent at a 90-degree angle in front of them, and their left arm extended behind. They wear a bright yellow short-sleeved shirt which contrasts with their dark blue trousers. Their gaze is intently focused towards their right, possibly fixed on something or someone out of view, giving the impression of movement or anticipation.",,7,1,entity,part,entity - part (individual's trousers),Is the individual wearing trousers? +posescript28,"An individual is captured in a dynamic pose with their body leaning forward, their right arm bent at a 90-degree angle in front of them, and their left arm extended behind. They wear a bright yellow short-sleeved shirt which contrasts with their dark blue trousers. Their gaze is intently focused towards their right, possibly fixed on something or someone out of view, giving the impression of movement or anticipation.",,8,6,attribute,color,"attribute - color (individual's shirt, bright yellow)",Is the individual's shirt bright yellow? +posescript28,"An individual is captured in a dynamic pose with their body leaning forward, their right arm bent at a 90-degree angle in front of them, and their left arm extended behind. They wear a bright yellow short-sleeved shirt which contrasts with their dark blue trousers. Their gaze is intently focused towards their right, possibly fixed on something or someone out of view, giving the impression of movement or anticipation.",,9,7,attribute,color,"attribute - color (individual's trousers, dark blue)",Are the individual's trousers dark blue? +posescript28,"An individual is captured in a dynamic pose with their body leaning forward, their right arm bent at a 90-degree angle in front of them, and their left arm extended behind. They wear a bright yellow short-sleeved shirt which contrasts with their dark blue trousers. Their gaze is intently focused towards their right, possibly fixed on something or someone out of view, giving the impression of movement or anticipation.",,10,1,entity,state,"entity - state (individual's gaze, intently focused)",Is the individual's gaze intently focused towards their right? +whoops24,"a solitary hippo immersed in icy waters, with hints of white and blue icebergs scattered around it. the gray skin of the hippo contrasts with the clear, chilly water reflecting the light of the midday sun. in the background, a snowy bank with patches of exposed rock faces suggests a cold, polar habitat.",,1,0,entity,whole,entity - whole (hippo),Is there a hippo? +whoops24,"a solitary hippo immersed in icy waters, with hints of white and blue icebergs scattered around it. the gray skin of the hippo contrasts with the clear, chilly water reflecting the light of the midday sun. in the background, a snowy bank with patches of exposed rock faces suggests a cold, polar habitat.",,2,0,entity,whole,entity - whole (icebergs),Are there icebergs? +whoops24,"a solitary hippo immersed in icy waters, with hints of white and blue icebergs scattered around it. the gray skin of the hippo contrasts with the clear, chilly water reflecting the light of the midday sun. in the background, a snowy bank with patches of exposed rock faces suggests a cold, polar habitat.",,3,0,entity,whole,entity - whole (water),Is there water? +whoops24,"a solitary hippo immersed in icy waters, with hints of white and blue icebergs scattered around it. the gray skin of the hippo contrasts with the clear, chilly water reflecting the light of the midday sun. in the background, a snowy bank with patches of exposed rock faces suggests a cold, polar habitat.",,4,0,entity,whole,entity - whole (snowy bank),Is there a snowy bank? +whoops24,"a solitary hippo immersed in icy waters, with hints of white and blue icebergs scattered around it. the gray skin of the hippo contrasts with the clear, chilly water reflecting the light of the midday sun. in the background, a snowy bank with patches of exposed rock faces suggests a cold, polar habitat.",,5,2,attribute,color,"attribute - color (icebergs, white)",Are the icebergs white? +whoops24,"a solitary hippo immersed in icy waters, with hints of white and blue icebergs scattered around it. the gray skin of the hippo contrasts with the clear, chilly water reflecting the light of the midday sun. in the background, a snowy bank with patches of exposed rock faces suggests a cold, polar habitat.",,6,2,attribute,color,"attribute - color (icebergs, blue)",Are the icebergs blue? +whoops24,"a solitary hippo immersed in icy waters, with hints of white and blue icebergs scattered around it. the gray skin of the hippo contrasts with the clear, chilly water reflecting the light of the midday sun. in the background, a snowy bank with patches of exposed rock faces suggests a cold, polar habitat.",,7,1,attribute,color,"attribute - color (hippo's skin, gray)",Is the hippo's skin gray? +whoops24,"a solitary hippo immersed in icy waters, with hints of white and blue icebergs scattered around it. the gray skin of the hippo contrasts with the clear, chilly water reflecting the light of the midday sun. in the background, a snowy bank with patches of exposed rock faces suggests a cold, polar habitat.",,8,3,attribute,texture,"attribute - texture (water, clear)",Is the water clear? +whoops24,"a solitary hippo immersed in icy waters, with hints of white and blue icebergs scattered around it. the gray skin of the hippo contrasts with the clear, chilly water reflecting the light of the midday sun. in the background, a snowy bank with patches of exposed rock faces suggests a cold, polar habitat.",,9,4,attribute,texture,"attribute - texture (snowy bank, snowy)",Is the bank snowy? +whoops24,"a solitary hippo immersed in icy waters, with hints of white and blue icebergs scattered around it. the gray skin of the hippo contrasts with the clear, chilly water reflecting the light of the midday sun. in the background, a snowy bank with patches of exposed rock faces suggests a cold, polar habitat.",,10,"1,3",relation,spatial,"relation - spatial (hippo, water, immersed in)",Is the hippo immersed in icy waters? +midjourney30,"A rendered Celtic temple stands majestically in a digital landscape created using Unreal Engine 5, exhibiting high details that contribute to its photorealistic appearance. Intricate stone textures and realistic lighting effects are captured with the help of Octane rendering, enhancing the visual fidelity of the scene. The temple is surrounded by a lush environment, featuring detailed foliage that demonstrates the advanced capabilities of the rendering software.",,1,0,entity,whole,entity - whole (Celtic temple),Is there a Celtic temple? +midjourney30,"A rendered Celtic temple stands majestically in a digital landscape created using Unreal Engine 5, exhibiting high details that contribute to its photorealistic appearance. Intricate stone textures and realistic lighting effects are captured with the help of Octane rendering, enhancing the visual fidelity of the scene. The temple is surrounded by a lush environment, featuring detailed foliage that demonstrates the advanced capabilities of the rendering software.",,2,0,global,,global - (rendered),Is the image rendered? +midjourney30,"A rendered Celtic temple stands majestically in a digital landscape created using Unreal Engine 5, exhibiting high details that contribute to its photorealistic appearance. Intricate stone textures and realistic lighting effects are captured with the help of Octane rendering, enhancing the visual fidelity of the scene. The temple is surrounded by a lush environment, featuring detailed foliage that demonstrates the advanced capabilities of the rendering software.",,3,0,global,,global - (digital landscape),Is there a digital landscape? +midjourney30,"A rendered Celtic temple stands majestically in a digital landscape created using Unreal Engine 5, exhibiting high details that contribute to its photorealistic appearance. Intricate stone textures and realistic lighting effects are captured with the help of Octane rendering, enhancing the visual fidelity of the scene. The temple is surrounded by a lush environment, featuring detailed foliage that demonstrates the advanced capabilities of the rendering software.",,4,1,attribute,texture,"attribute - texture (Celtic temple, stone)",Does the Celtic temple have stone textures? +midjourney30,"A rendered Celtic temple stands majestically in a digital landscape created using Unreal Engine 5, exhibiting high details that contribute to its photorealistic appearance. Intricate stone textures and realistic lighting effects are captured with the help of Octane rendering, enhancing the visual fidelity of the scene. The temple is surrounded by a lush environment, featuring detailed foliage that demonstrates the advanced capabilities of the rendering software.",,5,0,attribute,texture,"attribute - texture (environment, foliage)",Does the environment feature detailed foliage? +midjourney30,"A rendered Celtic temple stands majestically in a digital landscape created using Unreal Engine 5, exhibiting high details that contribute to its photorealistic appearance. Intricate stone textures and realistic lighting effects are captured with the help of Octane rendering, enhancing the visual fidelity of the scene. The temple is surrounded by a lush environment, featuring detailed foliage that demonstrates the advanced capabilities of the rendering software.",,6,3,attribute,other,"attribute - other (landscape, Unreal Engine 5)",Was the digital landscape created using Unreal Engine 5? +midjourney30,"A rendered Celtic temple stands majestically in a digital landscape created using Unreal Engine 5, exhibiting high details that contribute to its photorealistic appearance. Intricate stone textures and realistic lighting effects are captured with the help of Octane rendering, enhancing the visual fidelity of the scene. The temple is surrounded by a lush environment, featuring detailed foliage that demonstrates the advanced capabilities of the rendering software.",,7,0,attribute,other,"attribute - other (rendering, Octane)",Was Octane rendering used for the visual effects? +midjourney30,"A rendered Celtic temple stands majestically in a digital landscape created using Unreal Engine 5, exhibiting high details that contribute to its photorealistic appearance. Intricate stone textures and realistic lighting effects are captured with the help of Octane rendering, enhancing the visual fidelity of the scene. The temple is surrounded by a lush environment, featuring detailed foliage that demonstrates the advanced capabilities of the rendering software.",,8,1,entity,state,"entity - state (Celtic temple, stand)",Is the Celtic temple standing? +midjourney30,"A rendered Celtic temple stands majestically in a digital landscape created using Unreal Engine 5, exhibiting high details that contribute to its photorealistic appearance. Intricate stone textures and realistic lighting effects are captured with the help of Octane rendering, enhancing the visual fidelity of the scene. The temple is surrounded by a lush environment, featuring detailed foliage that demonstrates the advanced capabilities of the rendering software.",,9,1,entity,state,"entity - state (Celtic temple, photorealistic appearance)",Does the Celtic temple have a photorealistic appearance? +midjourney30,"A rendered Celtic temple stands majestically in a digital landscape created using Unreal Engine 5, exhibiting high details that contribute to its photorealistic appearance. Intricate stone textures and realistic lighting effects are captured with the help of Octane rendering, enhancing the visual fidelity of the scene. The temple is surrounded by a lush environment, featuring detailed foliage that demonstrates the advanced capabilities of the rendering software.",,10,"1,5",relation,spatial,"relation - spatial (Celtic temple, environment, surrounded by)",Is the Celtic temple surrounded by a lush environment? +diffusiondb36,"A lively movie set from the 1980's, characterized by vibrant neon lights and retro decor. In the foreground, a group of glamorous actresses donning glittery costumes and bold makeup strike dramatic poses. Behind them, vintage cameras and crew members are captured mid-action, surrounded by era-specific props and posters adorning the walls.",,1,0,entity,whole,entity - whole (movie set),Is there a movie set? +diffusiondb36,"A lively movie set from the 1980's, characterized by vibrant neon lights and retro decor. In the foreground, a group of glamorous actresses donning glittery costumes and bold makeup strike dramatic poses. Behind them, vintage cameras and crew members are captured mid-action, surrounded by era-specific props and posters adorning the walls.",,2,1,entity,whole,entity - whole (neon lights),Are there neon lights? +diffusiondb36,"A lively movie set from the 1980's, characterized by vibrant neon lights and retro decor. In the foreground, a group of glamorous actresses donning glittery costumes and bold makeup strike dramatic poses. Behind them, vintage cameras and crew members are captured mid-action, surrounded by era-specific props and posters adorning the walls.",,3,1,entity,whole,entity - whole (decor),Is there decor? +diffusiondb36,"A lively movie set from the 1980's, characterized by vibrant neon lights and retro decor. In the foreground, a group of glamorous actresses donning glittery costumes and bold makeup strike dramatic poses. Behind them, vintage cameras and crew members are captured mid-action, surrounded by era-specific props and posters adorning the walls.",,4,1,entity,whole,entity - whole (actresses),Are there actresses? +diffusiondb36,"A lively movie set from the 1980's, characterized by vibrant neon lights and retro decor. In the foreground, a group of glamorous actresses donning glittery costumes and bold makeup strike dramatic poses. Behind them, vintage cameras and crew members are captured mid-action, surrounded by era-specific props and posters adorning the walls.",,5,4,entity,whole,entity - whole (costumes),Are there costumes? +diffusiondb36,"A lively movie set from the 1980's, characterized by vibrant neon lights and retro decor. In the foreground, a group of glamorous actresses donning glittery costumes and bold makeup strike dramatic poses. Behind them, vintage cameras and crew members are captured mid-action, surrounded by era-specific props and posters adorning the walls.",,6,4,entity,whole,entity - whole (makeup),Is there makeup? +diffusiondb36,"A lively movie set from the 1980's, characterized by vibrant neon lights and retro decor. In the foreground, a group of glamorous actresses donning glittery costumes and bold makeup strike dramatic poses. Behind them, vintage cameras and crew members are captured mid-action, surrounded by era-specific props and posters adorning the walls.",,7,1,entity,whole,entity - whole (cameras),Are there cameras? +diffusiondb36,"A lively movie set from the 1980's, characterized by vibrant neon lights and retro decor. In the foreground, a group of glamorous actresses donning glittery costumes and bold makeup strike dramatic poses. Behind them, vintage cameras and crew members are captured mid-action, surrounded by era-specific props and posters adorning the walls.",,8,1,entity,whole,entity - whole (crew members),Are there crew members? +diffusiondb36,"A lively movie set from the 1980's, characterized by vibrant neon lights and retro decor. In the foreground, a group of glamorous actresses donning glittery costumes and bold makeup strike dramatic poses. Behind them, vintage cameras and crew members are captured mid-action, surrounded by era-specific props and posters adorning the walls.",,9,1,entity,whole,entity - whole (props),Are there props? +diffusiondb36,"A lively movie set from the 1980's, characterized by vibrant neon lights and retro decor. In the foreground, a group of glamorous actresses donning glittery costumes and bold makeup strike dramatic poses. Behind them, vintage cameras and crew members are captured mid-action, surrounded by era-specific props and posters adorning the walls.",,10,1,entity,whole,entity - whole (posters),Are there posters? +diffusiondb6,"A digital art piece depicting an anthropomorphic fox character with vibrant orange fur and emerald green eyes, wearing a sleek, silver-hued jacket and holding a neon-lit shopping bag, standing in the midst of a bustling, high-tech mall. The scene draws inspiration from Makoto Shinkai with its depth and use of light, the detailed and realistic texture akin to the works of James Gurney, while incorporating characteristic anime-style aesthetics. Surrounding the fox are other fantastical creatures, each rendered with the distinct, expressive touch reminiscent of Don Bluth's animation. Artists like Hibbary, Dark Natasha, and Goldenwolf could be credited with influencing the fox's lifelike fur and captivating poise. The image would be well-suited for the galleries of FurAffinity, known for its community of artists who celebrate anthropomorphic animals through their creative endeavors.",,1,0,entity,whole,entity - whole (art piece),Is there an art piece? +diffusiondb6,"A digital art piece depicting an anthropomorphic fox character with vibrant orange fur and emerald green eyes, wearing a sleek, silver-hued jacket and holding a neon-lit shopping bag, standing in the midst of a bustling, high-tech mall. The scene draws inspiration from Makoto Shinkai with its depth and use of light, the detailed and realistic texture akin to the works of James Gurney, while incorporating characteristic anime-style aesthetics. Surrounding the fox are other fantastical creatures, each rendered with the distinct, expressive touch reminiscent of Don Bluth's animation. Artists like Hibbary, Dark Natasha, and Goldenwolf could be credited with influencing the fox's lifelike fur and captivating poise. The image would be well-suited for the galleries of FurAffinity, known for its community of artists who celebrate anthropomorphic animals through their creative endeavors.",,2,1,entity,whole,entity - whole (anthropomorphic fox character),Is there an anthropomorphic fox character? +diffusiondb6,"A digital art piece depicting an anthropomorphic fox character with vibrant orange fur and emerald green eyes, wearing a sleek, silver-hued jacket and holding a neon-lit shopping bag, standing in the midst of a bustling, high-tech mall. The scene draws inspiration from Makoto Shinkai with its depth and use of light, the detailed and realistic texture akin to the works of James Gurney, while incorporating characteristic anime-style aesthetics. Surrounding the fox are other fantastical creatures, each rendered with the distinct, expressive touch reminiscent of Don Bluth's animation. Artists like Hibbary, Dark Natasha, and Goldenwolf could be credited with influencing the fox's lifelike fur and captivating poise. The image would be well-suited for the galleries of FurAffinity, known for its community of artists who celebrate anthropomorphic animals through their creative endeavors.",,3,2,entity,whole,entity - whole (jacket),Is there a jacket? +diffusiondb6,"A digital art piece depicting an anthropomorphic fox character with vibrant orange fur and emerald green eyes, wearing a sleek, silver-hued jacket and holding a neon-lit shopping bag, standing in the midst of a bustling, high-tech mall. The scene draws inspiration from Makoto Shinkai with its depth and use of light, the detailed and realistic texture akin to the works of James Gurney, while incorporating characteristic anime-style aesthetics. Surrounding the fox are other fantastical creatures, each rendered with the distinct, expressive touch reminiscent of Don Bluth's animation. Artists like Hibbary, Dark Natasha, and Goldenwolf could be credited with influencing the fox's lifelike fur and captivating poise. The image would be well-suited for the galleries of FurAffinity, known for its community of artists who celebrate anthropomorphic animals through their creative endeavors.",,4,2,entity,whole,entity - whole (shopping bag),Is there a shopping bag? +diffusiondb6,"A digital art piece depicting an anthropomorphic fox character with vibrant orange fur and emerald green eyes, wearing a sleek, silver-hued jacket and holding a neon-lit shopping bag, standing in the midst of a bustling, high-tech mall. The scene draws inspiration from Makoto Shinkai with its depth and use of light, the detailed and realistic texture akin to the works of James Gurney, while incorporating characteristic anime-style aesthetics. Surrounding the fox are other fantastical creatures, each rendered with the distinct, expressive touch reminiscent of Don Bluth's animation. Artists like Hibbary, Dark Natasha, and Goldenwolf could be credited with influencing the fox's lifelike fur and captivating poise. The image would be well-suited for the galleries of FurAffinity, known for its community of artists who celebrate anthropomorphic animals through their creative endeavors.",,5,1,entity,whole,entity - whole (mall),Is there a mall? +diffusiondb6,"A digital art piece depicting an anthropomorphic fox character with vibrant orange fur and emerald green eyes, wearing a sleek, silver-hued jacket and holding a neon-lit shopping bag, standing in the midst of a bustling, high-tech mall. The scene draws inspiration from Makoto Shinkai with its depth and use of light, the detailed and realistic texture akin to the works of James Gurney, while incorporating characteristic anime-style aesthetics. Surrounding the fox are other fantastical creatures, each rendered with the distinct, expressive touch reminiscent of Don Bluth's animation. Artists like Hibbary, Dark Natasha, and Goldenwolf could be credited with influencing the fox's lifelike fur and captivating poise. The image would be well-suited for the galleries of FurAffinity, known for its community of artists who celebrate anthropomorphic animals through their creative endeavors.",,6,2,attribute,color,"attribute - color (fox character's fur, vibrant orange)",Does the fox character have vibrant orange fur? +diffusiondb6,"A digital art piece depicting an anthropomorphic fox character with vibrant orange fur and emerald green eyes, wearing a sleek, silver-hued jacket and holding a neon-lit shopping bag, standing in the midst of a bustling, high-tech mall. The scene draws inspiration from Makoto Shinkai with its depth and use of light, the detailed and realistic texture akin to the works of James Gurney, while incorporating characteristic anime-style aesthetics. Surrounding the fox are other fantastical creatures, each rendered with the distinct, expressive touch reminiscent of Don Bluth's animation. Artists like Hibbary, Dark Natasha, and Goldenwolf could be credited with influencing the fox's lifelike fur and captivating poise. The image would be well-suited for the galleries of FurAffinity, known for its community of artists who celebrate anthropomorphic animals through their creative endeavors.",,7,2,attribute,color,"attribute - color (fox character's eyes, emerald green)",Does the fox character have emerald green eyes? +diffusiondb6,"A digital art piece depicting an anthropomorphic fox character with vibrant orange fur and emerald green eyes, wearing a sleek, silver-hued jacket and holding a neon-lit shopping bag, standing in the midst of a bustling, high-tech mall. The scene draws inspiration from Makoto Shinkai with its depth and use of light, the detailed and realistic texture akin to the works of James Gurney, while incorporating characteristic anime-style aesthetics. Surrounding the fox are other fantastical creatures, each rendered with the distinct, expressive touch reminiscent of Don Bluth's animation. Artists like Hibbary, Dark Natasha, and Goldenwolf could be credited with influencing the fox's lifelike fur and captivating poise. The image would be well-suited for the galleries of FurAffinity, known for its community of artists who celebrate anthropomorphic animals through their creative endeavors.",,8,3,attribute,color,"attribute - color (jacket, silver-hued)",Is the jacket silver-hued? +diffusiondb6,"A digital art piece depicting an anthropomorphic fox character with vibrant orange fur and emerald green eyes, wearing a sleek, silver-hued jacket and holding a neon-lit shopping bag, standing in the midst of a bustling, high-tech mall. The scene draws inspiration from Makoto Shinkai with its depth and use of light, the detailed and realistic texture akin to the works of James Gurney, while incorporating characteristic anime-style aesthetics. Surrounding the fox are other fantastical creatures, each rendered with the distinct, expressive touch reminiscent of Don Bluth's animation. Artists like Hibbary, Dark Natasha, and Goldenwolf could be credited with influencing the fox's lifelike fur and captivating poise. The image would be well-suited for the galleries of FurAffinity, known for its community of artists who celebrate anthropomorphic animals through their creative endeavors.",,9,4,attribute,texture,"attribute - texture (shopping bag, neon-lit)",Is the shopping bag neon-lit? +diffusiondb6,"A digital art piece depicting an anthropomorphic fox character with vibrant orange fur and emerald green eyes, wearing a sleek, silver-hued jacket and holding a neon-lit shopping bag, standing in the midst of a bustling, high-tech mall. The scene draws inspiration from Makoto Shinkai with its depth and use of light, the detailed and realistic texture akin to the works of James Gurney, while incorporating characteristic anime-style aesthetics. Surrounding the fox are other fantastical creatures, each rendered with the distinct, expressive touch reminiscent of Don Bluth's animation. Artists like Hibbary, Dark Natasha, and Goldenwolf could be credited with influencing the fox's lifelike fur and captivating poise. The image would be well-suited for the galleries of FurAffinity, known for its community of artists who celebrate anthropomorphic animals through their creative endeavors.",,10,"2,5",relation,spatial,"relation - spatial (fox character, mall, in the midst of)","Is the fox character standing in the midst of a bustling, high-tech mall?" +posescript21,"a figure in a dynamic pose, with their upper body leaning towards the right, arms raised high above their head forming straight angles at the elbows. The right knee of the subject is sharply bent, supporting their weight, while the left leg extends gracefully back, enhancing the sense of motion in the posture. The individual's head is angled downwards, focusing intently on something out of view, giving the entire pose an air of concentration and balance.",,1,0,entity,whole,entity - whole (figure),Is there a figure? +posescript21,"a figure in a dynamic pose, with their upper body leaning towards the right, arms raised high above their head forming straight angles at the elbows. The right knee of the subject is sharply bent, supporting their weight, while the left leg extends gracefully back, enhancing the sense of motion in the posture. The individual's head is angled downwards, focusing intently on something out of view, giving the entire pose an air of concentration and balance.",,2,1,entity,state,"entity - state (figure, dynamic pose)",Is the figure in a dynamic pose? +posescript21,"a figure in a dynamic pose, with their upper body leaning towards the right, arms raised high above their head forming straight angles at the elbows. The right knee of the subject is sharply bent, supporting their weight, while the left leg extends gracefully back, enhancing the sense of motion in the posture. The individual's head is angled downwards, focusing intently on something out of view, giving the entire pose an air of concentration and balance.",,3,1,entity,state,"entity - state (figure, upper body, lean towards right)",Is the figure's upper body leaning towards the right? +posescript21,"a figure in a dynamic pose, with their upper body leaning towards the right, arms raised high above their head forming straight angles at the elbows. The right knee of the subject is sharply bent, supporting their weight, while the left leg extends gracefully back, enhancing the sense of motion in the posture. The individual's head is angled downwards, focusing intently on something out of view, giving the entire pose an air of concentration and balance.",,4,1,entity,part,entity - part (figure's arms),Does the figure have its arms raised? +posescript21,"a figure in a dynamic pose, with their upper body leaning towards the right, arms raised high above their head forming straight angles at the elbows. The right knee of the subject is sharply bent, supporting their weight, while the left leg extends gracefully back, enhancing the sense of motion in the posture. The individual's head is angled downwards, focusing intently on something out of view, giving the entire pose an air of concentration and balance.",,5,1,entity,part,entity - part (figure's right knee),Is the figure's right knee bent? +posescript21,"a figure in a dynamic pose, with their upper body leaning towards the right, arms raised high above their head forming straight angles at the elbows. The right knee of the subject is sharply bent, supporting their weight, while the left leg extends gracefully back, enhancing the sense of motion in the posture. The individual's head is angled downwards, focusing intently on something out of view, giving the entire pose an air of concentration and balance.",,6,1,entity,part,entity - part (figure's left leg),Is the figure's left leg extended? +posescript21,"a figure in a dynamic pose, with their upper body leaning towards the right, arms raised high above their head forming straight angles at the elbows. The right knee of the subject is sharply bent, supporting their weight, while the left leg extends gracefully back, enhancing the sense of motion in the posture. The individual's head is angled downwards, focusing intently on something out of view, giving the entire pose an air of concentration and balance.",,7,1,entity,part,entity - part (figure's head),Is the figure's head angled downwards? +posescript21,"a figure in a dynamic pose, with their upper body leaning towards the right, arms raised high above their head forming straight angles at the elbows. The right knee of the subject is sharply bent, supporting their weight, while the left leg extends gracefully back, enhancing the sense of motion in the posture. The individual's head is angled downwards, focusing intently on something out of view, giving the entire pose an air of concentration and balance.",,8,4,attribute,shape,"attribute - shape (arms, raised high, straight angles at elbows)",Are the figure's arms raised high with straight angles at the elbows? +posescript21,"a figure in a dynamic pose, with their upper body leaning towards the right, arms raised high above their head forming straight angles at the elbows. The right knee of the subject is sharply bent, supporting their weight, while the left leg extends gracefully back, enhancing the sense of motion in the posture. The individual's head is angled downwards, focusing intently on something out of view, giving the entire pose an air of concentration and balance.",,9,5,attribute,shape,"attribute - shape (right knee, sharply bent)",Is the figure's right knee sharply bent? +posescript21,"a figure in a dynamic pose, with their upper body leaning towards the right, arms raised high above their head forming straight angles at the elbows. The right knee of the subject is sharply bent, supporting their weight, while the left leg extends gracefully back, enhancing the sense of motion in the posture. The individual's head is angled downwards, focusing intently on something out of view, giving the entire pose an air of concentration and balance.",,10,6,attribute,shape,"attribute - shape (left leg, extends back, gracefully)",Does the figure's left leg extend back gracefully? +vrd17,"A scene inside a cozy room, where an individual with discernible facial features calmly sits at a wooden table. They are dressed in a neatly buttoned, plaid shirt, and round-framed glasses rest comfortably on their nose. Their hands are occupied with a sleek, modern smartphone which they are intently gazing at. To the side of the table, there is a matching wooden chair, subtly indicating that the space is set for more than one occupant.",,1,0,entity,whole,entity - whole (room),Is there a room? +vrd17,"A scene inside a cozy room, where an individual with discernible facial features calmly sits at a wooden table. They are dressed in a neatly buttoned, plaid shirt, and round-framed glasses rest comfortably on their nose. Their hands are occupied with a sleek, modern smartphone which they are intently gazing at. To the side of the table, there is a matching wooden chair, subtly indicating that the space is set for more than one occupant.",,2,0,entity,whole,entity - whole (individual),Is there an individual? +vrd17,"A scene inside a cozy room, where an individual with discernible facial features calmly sits at a wooden table. They are dressed in a neatly buttoned, plaid shirt, and round-framed glasses rest comfortably on their nose. Their hands are occupied with a sleek, modern smartphone which they are intently gazing at. To the side of the table, there is a matching wooden chair, subtly indicating that the space is set for more than one occupant.",,3,0,entity,whole,entity - whole (table),Is there a table? +vrd17,"A scene inside a cozy room, where an individual with discernible facial features calmly sits at a wooden table. They are dressed in a neatly buttoned, plaid shirt, and round-framed glasses rest comfortably on their nose. Their hands are occupied with a sleek, modern smartphone which they are intently gazing at. To the side of the table, there is a matching wooden chair, subtly indicating that the space is set for more than one occupant.",,4,0,entity,whole,entity - whole (chair),Is there a chair? +vrd17,"A scene inside a cozy room, where an individual with discernible facial features calmly sits at a wooden table. They are dressed in a neatly buttoned, plaid shirt, and round-framed glasses rest comfortably on their nose. Their hands are occupied with a sleek, modern smartphone which they are intently gazing at. To the side of the table, there is a matching wooden chair, subtly indicating that the space is set for more than one occupant.",,5,0,entity,whole,entity - whole (smartphone),Is there a smartphone? +vrd17,"A scene inside a cozy room, where an individual with discernible facial features calmly sits at a wooden table. They are dressed in a neatly buttoned, plaid shirt, and round-framed glasses rest comfortably on their nose. Their hands are occupied with a sleek, modern smartphone which they are intently gazing at. To the side of the table, there is a matching wooden chair, subtly indicating that the space is set for more than one occupant.",,6,0,entity,whole,entity - whole (glasses),Are there glasses? +vrd17,"A scene inside a cozy room, where an individual with discernible facial features calmly sits at a wooden table. They are dressed in a neatly buttoned, plaid shirt, and round-framed glasses rest comfortably on their nose. Their hands are occupied with a sleek, modern smartphone which they are intently gazing at. To the side of the table, there is a matching wooden chair, subtly indicating that the space is set for more than one occupant.",,7,3,attribute,texture,"attribute - texture (table, wood)",Is the table made of wood? +vrd17,"A scene inside a cozy room, where an individual with discernible facial features calmly sits at a wooden table. They are dressed in a neatly buttoned, plaid shirt, and round-framed glasses rest comfortably on their nose. Their hands are occupied with a sleek, modern smartphone which they are intently gazing at. To the side of the table, there is a matching wooden chair, subtly indicating that the space is set for more than one occupant.",,8,4,attribute,texture,"attribute - texture (chair, wood)",Is the chair made of wood? +vrd17,"A scene inside a cozy room, where an individual with discernible facial features calmly sits at a wooden table. They are dressed in a neatly buttoned, plaid shirt, and round-framed glasses rest comfortably on their nose. Their hands are occupied with a sleek, modern smartphone which they are intently gazing at. To the side of the table, there is a matching wooden chair, subtly indicating that the space is set for more than one occupant.",,9,0,attribute,other,"attribute - other (shirt, plaid)",Is the shirt plaid? +vrd17,"A scene inside a cozy room, where an individual with discernible facial features calmly sits at a wooden table. They are dressed in a neatly buttoned, plaid shirt, and round-framed glasses rest comfortably on their nose. Their hands are occupied with a sleek, modern smartphone which they are intently gazing at. To the side of the table, there is a matching wooden chair, subtly indicating that the space is set for more than one occupant.",,10,6,attribute,other,"attribute - other (glasses, round-framed)",Are the glasses round-framed? +vrd17,"A scene inside a cozy room, where an individual with discernible facial features calmly sits at a wooden table. They are dressed in a neatly buttoned, plaid shirt, and round-framed glasses rest comfortably on their nose. Their hands are occupied with a sleek, modern smartphone which they are intently gazing at. To the side of the table, there is a matching wooden chair, subtly indicating that the space is set for more than one occupant.",,11,2,entity,state,"entity - state (individual, sit)",Is the individual sitting? +vrd17,"A scene inside a cozy room, where an individual with discernible facial features calmly sits at a wooden table. They are dressed in a neatly buttoned, plaid shirt, and round-framed glasses rest comfortably on their nose. Their hands are occupied with a sleek, modern smartphone which they are intently gazing at. To the side of the table, there is a matching wooden chair, subtly indicating that the space is set for more than one occupant.",,12,"2,5",entity,state,"entity - state (individual, smartphone, gaze at)",Is the individual gazing intently at the smartphone? +vrd17,"A scene inside a cozy room, where an individual with discernible facial features calmly sits at a wooden table. They are dressed in a neatly buttoned, plaid shirt, and round-framed glasses rest comfortably on their nose. Their hands are occupied with a sleek, modern smartphone which they are intently gazing at. To the side of the table, there is a matching wooden chair, subtly indicating that the space is set for more than one occupant.",,13,"3,4",relation,spatial,"relation - spatial (chair, table, side of)",Is the chair to the side of the table? +vrd17,"A scene inside a cozy room, where an individual with discernible facial features calmly sits at a wooden table. They are dressed in a neatly buttoned, plaid shirt, and round-framed glasses rest comfortably on their nose. Their hands are occupied with a sleek, modern smartphone which they are intently gazing at. To the side of the table, there is a matching wooden chair, subtly indicating that the space is set for more than one occupant.",,14,"2,6",relation,spatial,"relation - spatial (glasses, individual's nose, rest on)",Do the glasses rest comfortably on the individual's nose? +vrd17,"A scene inside a cozy room, where an individual with discernible facial features calmly sits at a wooden table. They are dressed in a neatly buttoned, plaid shirt, and round-framed glasses rest comfortably on their nose. Their hands are occupied with a sleek, modern smartphone which they are intently gazing at. To the side of the table, there is a matching wooden chair, subtly indicating that the space is set for more than one occupant.",,15,1,relation,non-spatial,"relation - non-spatial (room, cozy)",Is the room cozy? +vrd17,"A scene inside a cozy room, where an individual with discernible facial features calmly sits at a wooden table. They are dressed in a neatly buttoned, plaid shirt, and round-framed glasses rest comfortably on their nose. Their hands are occupied with a sleek, modern smartphone which they are intently gazing at. To the side of the table, there is a matching wooden chair, subtly indicating that the space is set for more than one occupant.",,16,0,entity,state,"entity - state (shirt, neatly buttoned)",Is the shirt neatly buttoned? +whoops22,"A young child with brown hair, focused intently, sits at a wooden table scattered with colorful crayons and paper. In their small hand is a bright red pencil, with which they are diligently drawing a vibrant blue flower that's taking shape on the white sheet before them. Sunlight filters through a nearby window, casting a warm glow on the child's artwork.",,1,0,entity,whole,entity - whole (child),Is there a young child? +whoops22,"A young child with brown hair, focused intently, sits at a wooden table scattered with colorful crayons and paper. In their small hand is a bright red pencil, with which they are diligently drawing a vibrant blue flower that's taking shape on the white sheet before them. Sunlight filters through a nearby window, casting a warm glow on the child's artwork.",,2,1,entity,part,entity - part (child's hair),Does the child have hair? +whoops22,"A young child with brown hair, focused intently, sits at a wooden table scattered with colorful crayons and paper. In their small hand is a bright red pencil, with which they are diligently drawing a vibrant blue flower that's taking shape on the white sheet before them. Sunlight filters through a nearby window, casting a warm glow on the child's artwork.",,3,0,entity,whole,entity - whole (table),Is there a table? +whoops22,"A young child with brown hair, focused intently, sits at a wooden table scattered with colorful crayons and paper. In their small hand is a bright red pencil, with which they are diligently drawing a vibrant blue flower that's taking shape on the white sheet before them. Sunlight filters through a nearby window, casting a warm glow on the child's artwork.",,4,0,entity,whole,entity - whole (crayons),Are there crayons? +whoops22,"A young child with brown hair, focused intently, sits at a wooden table scattered with colorful crayons and paper. In their small hand is a bright red pencil, with which they are diligently drawing a vibrant blue flower that's taking shape on the white sheet before them. Sunlight filters through a nearby window, casting a warm glow on the child's artwork.",,5,0,entity,whole,entity - whole (paper),Is there paper? +whoops22,"A young child with brown hair, focused intently, sits at a wooden table scattered with colorful crayons and paper. In their small hand is a bright red pencil, with which they are diligently drawing a vibrant blue flower that's taking shape on the white sheet before them. Sunlight filters through a nearby window, casting a warm glow on the child's artwork.",,6,0,entity,whole,entity - whole (pencil),Is there a pencil? +whoops22,"A young child with brown hair, focused intently, sits at a wooden table scattered with colorful crayons and paper. In their small hand is a bright red pencil, with which they are diligently drawing a vibrant blue flower that's taking shape on the white sheet before them. Sunlight filters through a nearby window, casting a warm glow on the child's artwork.",,7,0,entity,whole,entity - whole (flower),Is there a flower? +whoops22,"A young child with brown hair, focused intently, sits at a wooden table scattered with colorful crayons and paper. In their small hand is a bright red pencil, with which they are diligently drawing a vibrant blue flower that's taking shape on the white sheet before them. Sunlight filters through a nearby window, casting a warm glow on the child's artwork.",,8,0,entity,whole,entity - whole (window),Is there a window? +whoops22,"A young child with brown hair, focused intently, sits at a wooden table scattered with colorful crayons and paper. In their small hand is a bright red pencil, with which they are diligently drawing a vibrant blue flower that's taking shape on the white sheet before them. Sunlight filters through a nearby window, casting a warm glow on the child's artwork.",,9,2,attribute,color,"attribute - color (child's hair, brown)",Does the child have brown hair? +whoops22,"A young child with brown hair, focused intently, sits at a wooden table scattered with colorful crayons and paper. In their small hand is a bright red pencil, with which they are diligently drawing a vibrant blue flower that's taking shape on the white sheet before them. Sunlight filters through a nearby window, casting a warm glow on the child's artwork.",,10,6,attribute,color,"attribute - color (pencil, bright red)",Is the pencil bright red? +whoops22,"A young child with brown hair, focused intently, sits at a wooden table scattered with colorful crayons and paper. In their small hand is a bright red pencil, with which they are diligently drawing a vibrant blue flower that's taking shape on the white sheet before them. Sunlight filters through a nearby window, casting a warm glow on the child's artwork.",,11,7,attribute,color,"attribute - color (flower, vibrant blue)",Is the flower vibrant blue? +whoops22,"A young child with brown hair, focused intently, sits at a wooden table scattered with colorful crayons and paper. In their small hand is a bright red pencil, with which they are diligently drawing a vibrant blue flower that's taking shape on the white sheet before them. Sunlight filters through a nearby window, casting a warm glow on the child's artwork.",,12,3,attribute,texture,"attribute - texture (table, wood)",Is the table made of wood? +whoops22,"A young child with brown hair, focused intently, sits at a wooden table scattered with colorful crayons and paper. In their small hand is a bright red pencil, with which they are diligently drawing a vibrant blue flower that's taking shape on the white sheet before them. Sunlight filters through a nearby window, casting a warm glow on the child's artwork.",,13,1,entity,state,"entity - state (child, sit)",Is the child sitting? +whoops22,"A young child with brown hair, focused intently, sits at a wooden table scattered with colorful crayons and paper. In their small hand is a bright red pencil, with which they are diligently drawing a vibrant blue flower that's taking shape on the white sheet before them. Sunlight filters through a nearby window, casting a warm glow on the child's artwork.",,14,1,entity,state,"entity - state (child, focused)",Is the child focused intently? +whoops22,"A young child with brown hair, focused intently, sits at a wooden table scattered with colorful crayons and paper. In their small hand is a bright red pencil, with which they are diligently drawing a vibrant blue flower that's taking shape on the white sheet before them. Sunlight filters through a nearby window, casting a warm glow on the child's artwork.",,15,1,entity,state,"entity - state (child, draw)",Is the child drawing? +whoops22,"A young child with brown hair, focused intently, sits at a wooden table scattered with colorful crayons and paper. In their small hand is a bright red pencil, with which they are diligently drawing a vibrant blue flower that's taking shape on the white sheet before them. Sunlight filters through a nearby window, casting a warm glow on the child's artwork.",,16,1,attribute,size,"attribute - size (child's hand, small)",Does the child have a small hand? +whoops22,"A young child with brown hair, focused intently, sits at a wooden table scattered with colorful crayons and paper. In their small hand is a bright red pencil, with which they are diligently drawing a vibrant blue flower that's taking shape on the white sheet before them. Sunlight filters through a nearby window, casting a warm glow on the child's artwork.",,17,"3,4",relation,spatial,"relation - spatial (crayons, table, on)",Are the crayons on the table? +whoops22,"A young child with brown hair, focused intently, sits at a wooden table scattered with colorful crayons and paper. In their small hand is a bright red pencil, with which they are diligently drawing a vibrant blue flower that's taking shape on the white sheet before them. Sunlight filters through a nearby window, casting a warm glow on the child's artwork.",,18,"3,5",relation,spatial,"relation - spatial (paper, table, on)",Is the paper on the table? +whoops22,"A young child with brown hair, focused intently, sits at a wooden table scattered with colorful crayons and paper. In their small hand is a bright red pencil, with which they are diligently drawing a vibrant blue flower that's taking shape on the white sheet before them. Sunlight filters through a nearby window, casting a warm glow on the child's artwork.",,19,"1,6",relation,spatial,"relation - spatial (pencil, child's hand, in)",Is the pencil in the child's hand? +whoops22,"A young child with brown hair, focused intently, sits at a wooden table scattered with colorful crayons and paper. In their small hand is a bright red pencil, with which they are diligently drawing a vibrant blue flower that's taking shape on the white sheet before them. Sunlight filters through a nearby window, casting a warm glow on the child's artwork.",,20,"5,7",relation,spatial,"relation - spatial (flower, paper, on)",Is the flower on the paper? +whoops22,"A young child with brown hair, focused intently, sits at a wooden table scattered with colorful crayons and paper. In their small hand is a bright red pencil, with which they are diligently drawing a vibrant blue flower that's taking shape on the white sheet before them. Sunlight filters through a nearby window, casting a warm glow on the child's artwork.",,21,8,relation,spatial,"relation - spatial (sunlight, window, through)",Is the sunlight filtering through the window? +whoops22,"A young child with brown hair, focused intently, sits at a wooden table scattered with colorful crayons and paper. In their small hand is a bright red pencil, with which they are diligently drawing a vibrant blue flower that's taking shape on the white sheet before them. Sunlight filters through a nearby window, casting a warm glow on the child's artwork.",,22,"7,8",relation,spatial,"relation - spatial (sunlight, child's artwork, cast glow on)",Is the sunlight casting a warm glow on the child's artwork? +localized12,"A vivid green iguana is perched motionlessly atop a worn wooden log, its intricate scales exhibiting various shades of green and black. Behind the reptile, a rough-textured wall stands, painted in a faded color, which contrasts with the image's predominantly dark backdrop. The shadows envelop the surroundings, highlighting the iguana as the central focus of this composition.",,1,0,entity,whole,entity - whole (iguana),Is there an iguana? +localized12,"A vivid green iguana is perched motionlessly atop a worn wooden log, its intricate scales exhibiting various shades of green and black. Behind the reptile, a rough-textured wall stands, painted in a faded color, which contrasts with the image's predominantly dark backdrop. The shadows envelop the surroundings, highlighting the iguana as the central focus of this composition.",,2,0,entity,whole,entity - whole (log),Is there a log? +localized12,"A vivid green iguana is perched motionlessly atop a worn wooden log, its intricate scales exhibiting various shades of green and black. Behind the reptile, a rough-textured wall stands, painted in a faded color, which contrasts with the image's predominantly dark backdrop. The shadows envelop the surroundings, highlighting the iguana as the central focus of this composition.",,3,0,entity,whole,entity - whole (wall),Is there a wall? +localized12,"A vivid green iguana is perched motionlessly atop a worn wooden log, its intricate scales exhibiting various shades of green and black. Behind the reptile, a rough-textured wall stands, painted in a faded color, which contrasts with the image's predominantly dark backdrop. The shadows envelop the surroundings, highlighting the iguana as the central focus of this composition.",,4,1,attribute,color,"attribute - color (iguana, vivid green)",Is the iguana vivid green? +localized12,"A vivid green iguana is perched motionlessly atop a worn wooden log, its intricate scales exhibiting various shades of green and black. Behind the reptile, a rough-textured wall stands, painted in a faded color, which contrasts with the image's predominantly dark backdrop. The shadows envelop the surroundings, highlighting the iguana as the central focus of this composition.",,5,2,attribute,texture,"attribute - texture (log, worn)",Is the log worn? +localized12,"A vivid green iguana is perched motionlessly atop a worn wooden log, its intricate scales exhibiting various shades of green and black. Behind the reptile, a rough-textured wall stands, painted in a faded color, which contrasts with the image's predominantly dark backdrop. The shadows envelop the surroundings, highlighting the iguana as the central focus of this composition.",,6,3,attribute,texture,"attribute - texture (wall, rough-textured)",Is the wall rough-textured? +localized12,"A vivid green iguana is perched motionlessly atop a worn wooden log, its intricate scales exhibiting various shades of green and black. Behind the reptile, a rough-textured wall stands, painted in a faded color, which contrasts with the image's predominantly dark backdrop. The shadows envelop the surroundings, highlighting the iguana as the central focus of this composition.",,7,3,attribute,color,"attribute - color (wall, faded)",Is the wall painted in a faded color? +localized12,"A vivid green iguana is perched motionlessly atop a worn wooden log, its intricate scales exhibiting various shades of green and black. Behind the reptile, a rough-textured wall stands, painted in a faded color, which contrasts with the image's predominantly dark backdrop. The shadows envelop the surroundings, highlighting the iguana as the central focus of this composition.",,8,1,entity,state,"entity - state (iguana, perched)",Is the iguana perched? +localized12,"A vivid green iguana is perched motionlessly atop a worn wooden log, its intricate scales exhibiting various shades of green and black. Behind the reptile, a rough-textured wall stands, painted in a faded color, which contrasts with the image's predominantly dark backdrop. The shadows envelop the surroundings, highlighting the iguana as the central focus of this composition.",,9,1,entity,state,"entity - state (iguana, motionless)",Is the iguana motionless? +localized12,"A vivid green iguana is perched motionlessly atop a worn wooden log, its intricate scales exhibiting various shades of green and black. Behind the reptile, a rough-textured wall stands, painted in a faded color, which contrasts with the image's predominantly dark backdrop. The shadows envelop the surroundings, highlighting the iguana as the central focus of this composition.",,10,"1,2",relation,spatial,"relation - spatial (iguana, log, atop)",Is the iguana atop the wooden log? +diffusiondb0,"A visually striking digital portrayal of a futuristic woman, designed with an exquisite attention to detail that showcases her elegant pose, encased in an array of meticulously rendered leaves. Produced by the skilled artist Janice Sung, the image is a high-definition 4K creation that glows with stunning volumetric lighting effects. The woman's appearance is characterized by a level of hyper-realism that captures the intricate textures of her skin and the leaves, enhanced by the luminous, fantasy-inspired ambiance.",,1,0,entity,whole,entity - whole (digital portrayal),Is there a digital portrayal? +diffusiondb0,"A visually striking digital portrayal of a futuristic woman, designed with an exquisite attention to detail that showcases her elegant pose, encased in an array of meticulously rendered leaves. Produced by the skilled artist Janice Sung, the image is a high-definition 4K creation that glows with stunning volumetric lighting effects. The woman's appearance is characterized by a level of hyper-realism that captures the intricate textures of her skin and the leaves, enhanced by the luminous, fantasy-inspired ambiance.",,2,1,entity,whole,entity - whole (futuristic woman),Is there a portrayal of a futuristic woman? +diffusiondb0,"A visually striking digital portrayal of a futuristic woman, designed with an exquisite attention to detail that showcases her elegant pose, encased in an array of meticulously rendered leaves. Produced by the skilled artist Janice Sung, the image is a high-definition 4K creation that glows with stunning volumetric lighting effects. The woman's appearance is characterized by a level of hyper-realism that captures the intricate textures of her skin and the leaves, enhanced by the luminous, fantasy-inspired ambiance.",,3,1,entity,whole,entity - whole (leaves),Are there leaves in the image? +diffusiondb0,"A visually striking digital portrayal of a futuristic woman, designed with an exquisite attention to detail that showcases her elegant pose, encased in an array of meticulously rendered leaves. Produced by the skilled artist Janice Sung, the image is a high-definition 4K creation that glows with stunning volumetric lighting effects. The woman's appearance is characterized by a level of hyper-realism that captures the intricate textures of her skin and the leaves, enhanced by the luminous, fantasy-inspired ambiance.",,4,0,entity,whole,entity - whole (artist),Is there an artist associated with the image? +diffusiondb0,"A visually striking digital portrayal of a futuristic woman, designed with an exquisite attention to detail that showcases her elegant pose, encased in an array of meticulously rendered leaves. Produced by the skilled artist Janice Sung, the image is a high-definition 4K creation that glows with stunning volumetric lighting effects. The woman's appearance is characterized by a level of hyper-realism that captures the intricate textures of her skin and the leaves, enhanced by the luminous, fantasy-inspired ambiance.",,5,1,global,,"global - (high-definition, 4K)",Is the image in high-definition 4K? +diffusiondb0,"A visually striking digital portrayal of a futuristic woman, designed with an exquisite attention to detail that showcases her elegant pose, encased in an array of meticulously rendered leaves. Produced by the skilled artist Janice Sung, the image is a high-definition 4K creation that glows with stunning volumetric lighting effects. The woman's appearance is characterized by a level of hyper-realism that captures the intricate textures of her skin and the leaves, enhanced by the luminous, fantasy-inspired ambiance.",,6,2,attribute,texture,"attribute - texture (woman's skin, intricate)",Does the woman's skin have intricate textures? +diffusiondb0,"A visually striking digital portrayal of a futuristic woman, designed with an exquisite attention to detail that showcases her elegant pose, encased in an array of meticulously rendered leaves. Produced by the skilled artist Janice Sung, the image is a high-definition 4K creation that glows with stunning volumetric lighting effects. The woman's appearance is characterized by a level of hyper-realism that captures the intricate textures of her skin and the leaves, enhanced by the luminous, fantasy-inspired ambiance.",,7,3,attribute,texture,"attribute - texture (leaves, meticulously rendered)",Are the leaves meticulously rendered? +diffusiondb0,"A visually striking digital portrayal of a futuristic woman, designed with an exquisite attention to detail that showcases her elegant pose, encased in an array of meticulously rendered leaves. Produced by the skilled artist Janice Sung, the image is a high-definition 4K creation that glows with stunning volumetric lighting effects. The woman's appearance is characterized by a level of hyper-realism that captures the intricate textures of her skin and the leaves, enhanced by the luminous, fantasy-inspired ambiance.",,8,2,attribute,other,"attribute - other (woman, elegant pose)",Does the woman have an elegant pose? +diffusiondb0,"A visually striking digital portrayal of a futuristic woman, designed with an exquisite attention to detail that showcases her elegant pose, encased in an array of meticulously rendered leaves. Produced by the skilled artist Janice Sung, the image is a high-definition 4K creation that glows with stunning volumetric lighting effects. The woman's appearance is characterized by a level of hyper-realism that captures the intricate textures of her skin and the leaves, enhanced by the luminous, fantasy-inspired ambiance.",,9,1,attribute,other,"attribute - other (lighting effects, volumetric)",Are there volumetric lighting effects in the image? +diffusiondb0,"A visually striking digital portrayal of a futuristic woman, designed with an exquisite attention to detail that showcases her elegant pose, encased in an array of meticulously rendered leaves. Produced by the skilled artist Janice Sung, the image is a high-definition 4K creation that glows with stunning volumetric lighting effects. The woman's appearance is characterized by a level of hyper-realism that captures the intricate textures of her skin and the leaves, enhanced by the luminous, fantasy-inspired ambiance.",,10,1,attribute,other,"attribute - other (ambiance, fantasy-inspired)",Is the ambiance fantasy-inspired? +vrd35,"An elegant dining arrangement features a clear glass bottle filled with a pale liquid, placed strategically to the left of a pair of matching glasses on a polished wooden table. The glasses, made of fine crystal, are positioned to the right of the bottle, catching the light and casting subtle reflections on the table's surface. A solitary chair, crafted from dark wood and adorned with a plush, cream-colored cushion, sits directly behind the table, completing the setting.",,1,0,entity,whole,entity - whole (dining arrangement),Is there an elegant dining arrangement? +vrd35,"An elegant dining arrangement features a clear glass bottle filled with a pale liquid, placed strategically to the left of a pair of matching glasses on a polished wooden table. The glasses, made of fine crystal, are positioned to the right of the bottle, catching the light and casting subtle reflections on the table's surface. A solitary chair, crafted from dark wood and adorned with a plush, cream-colored cushion, sits directly behind the table, completing the setting.",,2,0,entity,whole,entity - whole (bottle),Is there a bottle? +vrd35,"An elegant dining arrangement features a clear glass bottle filled with a pale liquid, placed strategically to the left of a pair of matching glasses on a polished wooden table. The glasses, made of fine crystal, are positioned to the right of the bottle, catching the light and casting subtle reflections on the table's surface. A solitary chair, crafted from dark wood and adorned with a plush, cream-colored cushion, sits directly behind the table, completing the setting.",,3,0,entity,whole,entity - whole (glasses),Are there glasses? +vrd35,"An elegant dining arrangement features a clear glass bottle filled with a pale liquid, placed strategically to the left of a pair of matching glasses on a polished wooden table. The glasses, made of fine crystal, are positioned to the right of the bottle, catching the light and casting subtle reflections on the table's surface. A solitary chair, crafted from dark wood and adorned with a plush, cream-colored cushion, sits directly behind the table, completing the setting.",,4,0,entity,whole,entity - whole (table),Is there a table? +vrd35,"An elegant dining arrangement features a clear glass bottle filled with a pale liquid, placed strategically to the left of a pair of matching glasses on a polished wooden table. The glasses, made of fine crystal, are positioned to the right of the bottle, catching the light and casting subtle reflections on the table's surface. A solitary chair, crafted from dark wood and adorned with a plush, cream-colored cushion, sits directly behind the table, completing the setting.",,5,0,entity,whole,entity - whole (chair),Is there a chair? +vrd35,"An elegant dining arrangement features a clear glass bottle filled with a pale liquid, placed strategically to the left of a pair of matching glasses on a polished wooden table. The glasses, made of fine crystal, are positioned to the right of the bottle, catching the light and casting subtle reflections on the table's surface. A solitary chair, crafted from dark wood and adorned with a plush, cream-colored cushion, sits directly behind the table, completing the setting.",,6,2,attribute,texture,"attribute - texture (bottle, glass)",Is the bottle made of clear glass? +vrd35,"An elegant dining arrangement features a clear glass bottle filled with a pale liquid, placed strategically to the left of a pair of matching glasses on a polished wooden table. The glasses, made of fine crystal, are positioned to the right of the bottle, catching the light and casting subtle reflections on the table's surface. A solitary chair, crafted from dark wood and adorned with a plush, cream-colored cushion, sits directly behind the table, completing the setting.",,7,2,attribute,color,"attribute - color (liquid, pale)",Is the liquid in the bottle pale? +vrd35,"An elegant dining arrangement features a clear glass bottle filled with a pale liquid, placed strategically to the left of a pair of matching glasses on a polished wooden table. The glasses, made of fine crystal, are positioned to the right of the bottle, catching the light and casting subtle reflections on the table's surface. A solitary chair, crafted from dark wood and adorned with a plush, cream-colored cushion, sits directly behind the table, completing the setting.",,8,4,attribute,texture,"attribute - texture (table, polished wood)",Is the table made of polished wood? +vrd35,"An elegant dining arrangement features a clear glass bottle filled with a pale liquid, placed strategically to the left of a pair of matching glasses on a polished wooden table. The glasses, made of fine crystal, are positioned to the right of the bottle, catching the light and casting subtle reflections on the table's surface. A solitary chair, crafted from dark wood and adorned with a plush, cream-colored cushion, sits directly behind the table, completing the setting.",,9,3,attribute,texture,"attribute - texture (glasses, fine crystal)",Are the glasses made of fine crystal? +vrd35,"An elegant dining arrangement features a clear glass bottle filled with a pale liquid, placed strategically to the left of a pair of matching glasses on a polished wooden table. The glasses, made of fine crystal, are positioned to the right of the bottle, catching the light and casting subtle reflections on the table's surface. A solitary chair, crafted from dark wood and adorned with a plush, cream-colored cushion, sits directly behind the table, completing the setting.",,10,5,attribute,texture,"attribute - texture (chair, dark wood)",Is the chair crafted from dark wood? +vrd35,"An elegant dining arrangement features a clear glass bottle filled with a pale liquid, placed strategically to the left of a pair of matching glasses on a polished wooden table. The glasses, made of fine crystal, are positioned to the right of the bottle, catching the light and casting subtle reflections on the table's surface. A solitary chair, crafted from dark wood and adorned with a plush, cream-colored cushion, sits directly behind the table, completing the setting.",,11,5,entity,part,entity - part (chair's cushion),Does the chair have a cushion? +vrd35,"An elegant dining arrangement features a clear glass bottle filled with a pale liquid, placed strategically to the left of a pair of matching glasses on a polished wooden table. The glasses, made of fine crystal, are positioned to the right of the bottle, catching the light and casting subtle reflections on the table's surface. A solitary chair, crafted from dark wood and adorned with a plush, cream-colored cushion, sits directly behind the table, completing the setting.",,12,11,attribute,color,"attribute - color (cushion, cream-colored)",Is the cushion cream-colored? +vrd35,"An elegant dining arrangement features a clear glass bottle filled with a pale liquid, placed strategically to the left of a pair of matching glasses on a polished wooden table. The glasses, made of fine crystal, are positioned to the right of the bottle, catching the light and casting subtle reflections on the table's surface. A solitary chair, crafted from dark wood and adorned with a plush, cream-colored cushion, sits directly behind the table, completing the setting.",,13,"2,3,4",relation,spatial,"relation - spatial (bottle, table, left of glasses)",Is the clear glass bottle placed to the left of the glasses? +vrd35,"An elegant dining arrangement features a clear glass bottle filled with a pale liquid, placed strategically to the left of a pair of matching glasses on a polished wooden table. The glasses, made of fine crystal, are positioned to the right of the bottle, catching the light and casting subtle reflections on the table's surface. A solitary chair, crafted from dark wood and adorned with a plush, cream-colored cushion, sits directly behind the table, completing the setting.",,14,"2,3,4",relation,spatial,"relation - spatial (glasses, table, right of bottle)",Are the glasses positioned to the right of the bottle? +vrd35,"An elegant dining arrangement features a clear glass bottle filled with a pale liquid, placed strategically to the left of a pair of matching glasses on a polished wooden table. The glasses, made of fine crystal, are positioned to the right of the bottle, catching the light and casting subtle reflections on the table's surface. A solitary chair, crafted from dark wood and adorned with a plush, cream-colored cushion, sits directly behind the table, completing the setting.",,15,"4,5",relation,spatial,"relation - spatial (chair, table, behind)",Is the chair situated directly behind the table? +stanford10,"Gently bobbing on the tranquil water, a white boat is moored beside a slender wooden dock that stretches out from the shore. Beyond the dock, the body of water is smooth as glass, reflecting the silhouettes of distant homes nestled against a backdrop of lush greenery. Towering trees with robust canopies rise behind the houses, completing the serene lakeside landscape.",,1,0,entity,whole,entity - whole (boat),Is there a boat? +stanford10,"Gently bobbing on the tranquil water, a white boat is moored beside a slender wooden dock that stretches out from the shore. Beyond the dock, the body of water is smooth as glass, reflecting the silhouettes of distant homes nestled against a backdrop of lush greenery. Towering trees with robust canopies rise behind the houses, completing the serene lakeside landscape.",,2,0,entity,whole,entity - whole (dock),Is there a dock? +stanford10,"Gently bobbing on the tranquil water, a white boat is moored beside a slender wooden dock that stretches out from the shore. Beyond the dock, the body of water is smooth as glass, reflecting the silhouettes of distant homes nestled against a backdrop of lush greenery. Towering trees with robust canopies rise behind the houses, completing the serene lakeside landscape.",,3,0,entity,whole,entity - whole (shore),Is there a shore? +stanford10,"Gently bobbing on the tranquil water, a white boat is moored beside a slender wooden dock that stretches out from the shore. Beyond the dock, the body of water is smooth as glass, reflecting the silhouettes of distant homes nestled against a backdrop of lush greenery. Towering trees with robust canopies rise behind the houses, completing the serene lakeside landscape.",,4,0,entity,whole,entity - whole (water),Is there water? +stanford10,"Gently bobbing on the tranquil water, a white boat is moored beside a slender wooden dock that stretches out from the shore. Beyond the dock, the body of water is smooth as glass, reflecting the silhouettes of distant homes nestled against a backdrop of lush greenery. Towering trees with robust canopies rise behind the houses, completing the serene lakeside landscape.",,5,0,entity,whole,entity - whole (homes),Are there homes? +stanford10,"Gently bobbing on the tranquil water, a white boat is moored beside a slender wooden dock that stretches out from the shore. Beyond the dock, the body of water is smooth as glass, reflecting the silhouettes of distant homes nestled against a backdrop of lush greenery. Towering trees with robust canopies rise behind the houses, completing the serene lakeside landscape.",,6,0,entity,whole,entity - whole (greenery),Is there greenery? +stanford10,"Gently bobbing on the tranquil water, a white boat is moored beside a slender wooden dock that stretches out from the shore. Beyond the dock, the body of water is smooth as glass, reflecting the silhouettes of distant homes nestled against a backdrop of lush greenery. Towering trees with robust canopies rise behind the houses, completing the serene lakeside landscape.",,7,0,entity,whole,entity - whole (trees),Are there trees? +stanford10,"Gently bobbing on the tranquil water, a white boat is moored beside a slender wooden dock that stretches out from the shore. Beyond the dock, the body of water is smooth as glass, reflecting the silhouettes of distant homes nestled against a backdrop of lush greenery. Towering trees with robust canopies rise behind the houses, completing the serene lakeside landscape.",,8,1,attribute,color,"attribute - color (boat, white)",Is the boat white? +stanford10,"Gently bobbing on the tranquil water, a white boat is moored beside a slender wooden dock that stretches out from the shore. Beyond the dock, the body of water is smooth as glass, reflecting the silhouettes of distant homes nestled against a backdrop of lush greenery. Towering trees with robust canopies rise behind the houses, completing the serene lakeside landscape.",,9,2,attribute,texture,"attribute - texture (dock, wooden)",Is the dock made of wood? +stanford10,"Gently bobbing on the tranquil water, a white boat is moored beside a slender wooden dock that stretches out from the shore. Beyond the dock, the body of water is smooth as glass, reflecting the silhouettes of distant homes nestled against a backdrop of lush greenery. Towering trees with robust canopies rise behind the houses, completing the serene lakeside landscape.",,10,"1,4",relation,spatial,"relation - spatial (boat, water, on)",Is the boat on the water? +stanford10,"Gently bobbing on the tranquil water, a white boat is moored beside a slender wooden dock that stretches out from the shore. Beyond the dock, the body of water is smooth as glass, reflecting the silhouettes of distant homes nestled against a backdrop of lush greenery. Towering trees with robust canopies rise behind the houses, completing the serene lakeside landscape.",,11,"2,3",relation,spatial,"relation - spatial (dock, shore, from)",Does the dock stretch out from the shore? +stanford10,"Gently bobbing on the tranquil water, a white boat is moored beside a slender wooden dock that stretches out from the shore. Beyond the dock, the body of water is smooth as glass, reflecting the silhouettes of distant homes nestled against a backdrop of lush greenery. Towering trees with robust canopies rise behind the houses, completing the serene lakeside landscape.",,12,"1,2",relation,spatial,"relation - spatial (boat, dock, beside)",Is the white boat moored beside the dock? +stanford10,"Gently bobbing on the tranquil water, a white boat is moored beside a slender wooden dock that stretches out from the shore. Beyond the dock, the body of water is smooth as glass, reflecting the silhouettes of distant homes nestled against a backdrop of lush greenery. Towering trees with robust canopies rise behind the houses, completing the serene lakeside landscape.",,13,"5,6",relation,spatial,"relation - spatial (homes, greenery, against)",Are the homes nestled against the backdrop of lush greenery? +stanford10,"Gently bobbing on the tranquil water, a white boat is moored beside a slender wooden dock that stretches out from the shore. Beyond the dock, the body of water is smooth as glass, reflecting the silhouettes of distant homes nestled against a backdrop of lush greenery. Towering trees with robust canopies rise behind the houses, completing the serene lakeside landscape.",,14,"7,5",relation,spatial,"relation - spatial (trees, houses, behind)",Do towering trees with robust canopies rise behind the houses? +whoops37,"a triangular yellow road sign with a black border and image of a dinosaur, signaling an area known for dinosaur crossings. it stands firmly alongside the road amidst tall green grass, with a dense forest in the background. the sign is noticeable to drivers who pass by this scenic route, drawing attention with its unique warning.",,1,0,entity,whole,entity - whole (road sign),Is there a road sign? +whoops37,"a triangular yellow road sign with a black border and image of a dinosaur, signaling an area known for dinosaur crossings. it stands firmly alongside the road amidst tall green grass, with a dense forest in the background. the sign is noticeable to drivers who pass by this scenic route, drawing attention with its unique warning.",,2,0,entity,whole,entity - whole (dinosaur),Is there an image of a dinosaur? +whoops37,"a triangular yellow road sign with a black border and image of a dinosaur, signaling an area known for dinosaur crossings. it stands firmly alongside the road amidst tall green grass, with a dense forest in the background. the sign is noticeable to drivers who pass by this scenic route, drawing attention with its unique warning.",,3,0,entity,whole,entity - whole (road),Is there a road? +whoops37,"a triangular yellow road sign with a black border and image of a dinosaur, signaling an area known for dinosaur crossings. it stands firmly alongside the road amidst tall green grass, with a dense forest in the background. the sign is noticeable to drivers who pass by this scenic route, drawing attention with its unique warning.",,4,0,entity,whole,entity - whole (grass),Is there tall green grass? +whoops37,"a triangular yellow road sign with a black border and image of a dinosaur, signaling an area known for dinosaur crossings. it stands firmly alongside the road amidst tall green grass, with a dense forest in the background. the sign is noticeable to drivers who pass by this scenic route, drawing attention with its unique warning.",,5,0,entity,whole,entity - whole (forest),Is there a dense forest? +whoops37,"a triangular yellow road sign with a black border and image of a dinosaur, signaling an area known for dinosaur crossings. it stands firmly alongside the road amidst tall green grass, with a dense forest in the background. the sign is noticeable to drivers who pass by this scenic route, drawing attention with its unique warning.",,6,1,attribute,color,"attribute - color (road sign, yellow)",Is the road sign yellow? +whoops37,"a triangular yellow road sign with a black border and image of a dinosaur, signaling an area known for dinosaur crossings. it stands firmly alongside the road amidst tall green grass, with a dense forest in the background. the sign is noticeable to drivers who pass by this scenic route, drawing attention with its unique warning.",,7,1,attribute,color,"attribute - color (road sign's border, black)",Does the road sign have a black border? +whoops37,"a triangular yellow road sign with a black border and image of a dinosaur, signaling an area known for dinosaur crossings. it stands firmly alongside the road amidst tall green grass, with a dense forest in the background. the sign is noticeable to drivers who pass by this scenic route, drawing attention with its unique warning.",,8,1,attribute,shape,"attribute - shape (road sign, triangular)",Is the road sign triangular? +whoops37,"a triangular yellow road sign with a black border and image of a dinosaur, signaling an area known for dinosaur crossings. it stands firmly alongside the road amidst tall green grass, with a dense forest in the background. the sign is noticeable to drivers who pass by this scenic route, drawing attention with its unique warning.",,9,"1,3",relation,spatial,"relation - spatial (road sign, road, alongside)",Is the road sign alongside the road? +whoops37,"a triangular yellow road sign with a black border and image of a dinosaur, signaling an area known for dinosaur crossings. it stands firmly alongside the road amidst tall green grass, with a dense forest in the background. the sign is noticeable to drivers who pass by this scenic route, drawing attention with its unique warning.",,10,"1,4",relation,spatial,"relation - spatial (road sign, grass, amidst)",Is the road sign amidst tall green grass? +whoops12,"A woman stands amidst a gentle downpour, shielded by an unconventional umbrella constructed from a fishnet, with visible droplets of rain caught in its mesh. She's wearing a yellow raincoat that contrasts with the grey, wet pavement around her. As she walks, puddles ripple at her waterproof boots, reflecting the overcast sky above.",,1,0,entity,whole,entity - whole (woman),Is there a woman? +whoops12,"A woman stands amidst a gentle downpour, shielded by an unconventional umbrella constructed from a fishnet, with visible droplets of rain caught in its mesh. She's wearing a yellow raincoat that contrasts with the grey, wet pavement around her. As she walks, puddles ripple at her waterproof boots, reflecting the overcast sky above.",,2,0,entity,whole,entity - whole (umbrella),Is there an umbrella? +whoops12,"A woman stands amidst a gentle downpour, shielded by an unconventional umbrella constructed from a fishnet, with visible droplets of rain caught in its mesh. She's wearing a yellow raincoat that contrasts with the grey, wet pavement around her. As she walks, puddles ripple at her waterproof boots, reflecting the overcast sky above.",,3,0,entity,whole,entity - whole (raincoat),Is there a raincoat? +whoops12,"A woman stands amidst a gentle downpour, shielded by an unconventional umbrella constructed from a fishnet, with visible droplets of rain caught in its mesh. She's wearing a yellow raincoat that contrasts with the grey, wet pavement around her. As she walks, puddles ripple at her waterproof boots, reflecting the overcast sky above.",,4,0,entity,whole,entity - whole (boots),Are there boots? +whoops12,"A woman stands amidst a gentle downpour, shielded by an unconventional umbrella constructed from a fishnet, with visible droplets of rain caught in its mesh. She's wearing a yellow raincoat that contrasts with the grey, wet pavement around her. As she walks, puddles ripple at her waterproof boots, reflecting the overcast sky above.",,5,0,entity,whole,entity - whole (pavement),Is there pavement? +whoops12,"A woman stands amidst a gentle downpour, shielded by an unconventional umbrella constructed from a fishnet, with visible droplets of rain caught in its mesh. She's wearing a yellow raincoat that contrasts with the grey, wet pavement around her. As she walks, puddles ripple at her waterproof boots, reflecting the overcast sky above.",,6,0,entity,whole,entity - whole (puddles),Are there puddles? +whoops12,"A woman stands amidst a gentle downpour, shielded by an unconventional umbrella constructed from a fishnet, with visible droplets of rain caught in its mesh. She's wearing a yellow raincoat that contrasts with the grey, wet pavement around her. As she walks, puddles ripple at her waterproof boots, reflecting the overcast sky above.",,7,0,entity,whole,entity - whole (sky),Is there a sky? +whoops12,"A woman stands amidst a gentle downpour, shielded by an unconventional umbrella constructed from a fishnet, with visible droplets of rain caught in its mesh. She's wearing a yellow raincoat that contrasts with the grey, wet pavement around her. As she walks, puddles ripple at her waterproof boots, reflecting the overcast sky above.",,8,3,attribute,color,"attribute - color (raincoat, yellow)",Is the raincoat yellow? +whoops12,"A woman stands amidst a gentle downpour, shielded by an unconventional umbrella constructed from a fishnet, with visible droplets of rain caught in its mesh. She's wearing a yellow raincoat that contrasts with the grey, wet pavement around her. As she walks, puddles ripple at her waterproof boots, reflecting the overcast sky above.",,9,5,attribute,color,"attribute - color (pavement, grey)",Is the pavement grey? +whoops12,"A woman stands amidst a gentle downpour, shielded by an unconventional umbrella constructed from a fishnet, with visible droplets of rain caught in its mesh. She's wearing a yellow raincoat that contrasts with the grey, wet pavement around her. As she walks, puddles ripple at her waterproof boots, reflecting the overcast sky above.",,10,2,attribute,texture,"attribute - texture (umbrella, fishnet)",Is the umbrella made of fishnet? +whoops12,"A woman stands amidst a gentle downpour, shielded by an unconventional umbrella constructed from a fishnet, with visible droplets of rain caught in its mesh. She's wearing a yellow raincoat that contrasts with the grey, wet pavement around her. As she walks, puddles ripple at her waterproof boots, reflecting the overcast sky above.",,11,1,entity,state,"entity - state (woman, stand)",Is the woman standing? +whoops12,"A woman stands amidst a gentle downpour, shielded by an unconventional umbrella constructed from a fishnet, with visible droplets of rain caught in its mesh. She's wearing a yellow raincoat that contrasts with the grey, wet pavement around her. As she walks, puddles ripple at her waterproof boots, reflecting the overcast sky above.",,12,1,entity,state,"entity - state (woman, walk)",Is the woman walking? +whoops12,"A woman stands amidst a gentle downpour, shielded by an unconventional umbrella constructed from a fishnet, with visible droplets of rain caught in its mesh. She's wearing a yellow raincoat that contrasts with the grey, wet pavement around her. As she walks, puddles ripple at her waterproof boots, reflecting the overcast sky above.",,13,2,entity,state,"entity - state (umbrella, unconventional)",Is the umbrella unconventional? +whoops12,"A woman stands amidst a gentle downpour, shielded by an unconventional umbrella constructed from a fishnet, with visible droplets of rain caught in its mesh. She's wearing a yellow raincoat that contrasts with the grey, wet pavement around her. As she walks, puddles ripple at her waterproof boots, reflecting the overcast sky above.",,14,"1,5",relation,spatial,"relation - spatial (woman, pavement, on)",Is the woman on the pavement? +whoops12,"A woman stands amidst a gentle downpour, shielded by an unconventional umbrella constructed from a fishnet, with visible droplets of rain caught in its mesh. She's wearing a yellow raincoat that contrasts with the grey, wet pavement around her. As she walks, puddles ripple at her waterproof boots, reflecting the overcast sky above.",,15,"4,6",relation,spatial,"relation - spatial (puddles, boots, ripple at)",Do puddles ripple at her boots? +whoops12,"A woman stands amidst a gentle downpour, shielded by an unconventional umbrella constructed from a fishnet, with visible droplets of rain caught in its mesh. She's wearing a yellow raincoat that contrasts with the grey, wet pavement around her. As she walks, puddles ripple at her waterproof boots, reflecting the overcast sky above.",,16,7,relation,spatial,"relation - spatial (sky, overcast, above)",Is the sky overcast above? +whoops12,"A woman stands amidst a gentle downpour, shielded by an unconventional umbrella constructed from a fishnet, with visible droplets of rain caught in its mesh. She's wearing a yellow raincoat that contrasts with the grey, wet pavement around her. As she walks, puddles ripple at her waterproof boots, reflecting the overcast sky above.",,17,"1,2",relation,non-spatial,"relation - non-spatial (rain, umbrella, shielded by)",Is the woman shielded by the umbrella from the rain? +whoops12,"A woman stands amidst a gentle downpour, shielded by an unconventional umbrella constructed from a fishnet, with visible droplets of rain caught in its mesh. She's wearing a yellow raincoat that contrasts with the grey, wet pavement around her. As she walks, puddles ripple at her waterproof boots, reflecting the overcast sky above.",,18,"1,3",relation,non-spatial,"relation - non-spatial (rain, raincoat, worn by)",Is the woman wearing the raincoat in the rain? +whoops12,"A woman stands amidst a gentle downpour, shielded by an unconventional umbrella constructed from a fishnet, with visible droplets of rain caught in its mesh. She's wearing a yellow raincoat that contrasts with the grey, wet pavement around her. As she walks, puddles ripple at her waterproof boots, reflecting the overcast sky above.",,19,"1,4",relation,non-spatial,"relation - non-spatial (rain, boots, reflected by)",Are the boots reflecting the rain? +stanford31,"A middle-aged man is perched atop a majestic gray elephant, slowly making their way through a lush, waist-high swamp. The man is wearing a wide-brimmed hat and khaki clothing, blending with the natural surroundings. This tranquil scene is framed by two thick, moss-covered logs from an ancient tree, hinting at the dense forest beyond.",,1,0,entity,whole,entity - whole (man),Is there a middle-aged man? +stanford31,"A middle-aged man is perched atop a majestic gray elephant, slowly making their way through a lush, waist-high swamp. The man is wearing a wide-brimmed hat and khaki clothing, blending with the natural surroundings. This tranquil scene is framed by two thick, moss-covered logs from an ancient tree, hinting at the dense forest beyond.",,2,0,entity,whole,entity - whole (elephant),Is there an elephant? +stanford31,"A middle-aged man is perched atop a majestic gray elephant, slowly making their way through a lush, waist-high swamp. The man is wearing a wide-brimmed hat and khaki clothing, blending with the natural surroundings. This tranquil scene is framed by two thick, moss-covered logs from an ancient tree, hinting at the dense forest beyond.",,3,0,entity,whole,entity - whole (swamp),Is there a swamp? +stanford31,"A middle-aged man is perched atop a majestic gray elephant, slowly making their way through a lush, waist-high swamp. The man is wearing a wide-brimmed hat and khaki clothing, blending with the natural surroundings. This tranquil scene is framed by two thick, moss-covered logs from an ancient tree, hinting at the dense forest beyond.",,4,0,entity,whole,entity - whole (hat),Is there a wide-brimmed hat? +stanford31,"A middle-aged man is perched atop a majestic gray elephant, slowly making their way through a lush, waist-high swamp. The man is wearing a wide-brimmed hat and khaki clothing, blending with the natural surroundings. This tranquil scene is framed by two thick, moss-covered logs from an ancient tree, hinting at the dense forest beyond.",,5,0,entity,whole,entity - whole (clothing),Is there khaki clothing? +stanford31,"A middle-aged man is perched atop a majestic gray elephant, slowly making their way through a lush, waist-high swamp. The man is wearing a wide-brimmed hat and khaki clothing, blending with the natural surroundings. This tranquil scene is framed by two thick, moss-covered logs from an ancient tree, hinting at the dense forest beyond.",,6,0,entity,whole,entity - whole (logs),Are there logs? +stanford31,"A middle-aged man is perched atop a majestic gray elephant, slowly making their way through a lush, waist-high swamp. The man is wearing a wide-brimmed hat and khaki clothing, blending with the natural surroundings. This tranquil scene is framed by two thick, moss-covered logs from an ancient tree, hinting at the dense forest beyond.",,7,0,entity,whole,entity - whole (forest),Is there a forest? +stanford31,"A middle-aged man is perched atop a majestic gray elephant, slowly making their way through a lush, waist-high swamp. The man is wearing a wide-brimmed hat and khaki clothing, blending with the natural surroundings. This tranquil scene is framed by two thick, moss-covered logs from an ancient tree, hinting at the dense forest beyond.",,8,2,attribute,color,"attribute - color (elephant, gray)",Is the elephant gray? +stanford31,"A middle-aged man is perched atop a majestic gray elephant, slowly making their way through a lush, waist-high swamp. The man is wearing a wide-brimmed hat and khaki clothing, blending with the natural surroundings. This tranquil scene is framed by two thick, moss-covered logs from an ancient tree, hinting at the dense forest beyond.",,9,3,attribute,texture,"attribute - texture (swamp, lush)",Is the swamp lush and waist-high? +stanford31,"A middle-aged man is perched atop a majestic gray elephant, slowly making their way through a lush, waist-high swamp. The man is wearing a wide-brimmed hat and khaki clothing, blending with the natural surroundings. This tranquil scene is framed by two thick, moss-covered logs from an ancient tree, hinting at the dense forest beyond.",,10,6,attribute,texture,"attribute - texture (logs, moss-covered)",Are the logs covered with moss? +posescript30,"An individual is captured in a dynamic exercise pose on a gray fitness mat, their body nearly aligned for a push up. However, the hips are notably rotated to the right, creating a twist through their torso. The person's gaze is directed to the right, maintaining the line of the twist, with both arms extended straight and palms pressed firmly against the ground.",,1,0,entity,whole,entity - whole (individual),Is there an individual? +posescript30,"An individual is captured in a dynamic exercise pose on a gray fitness mat, their body nearly aligned for a push up. However, the hips are notably rotated to the right, creating a twist through their torso. The person's gaze is directed to the right, maintaining the line of the twist, with both arms extended straight and palms pressed firmly against the ground.",,2,0,entity,whole,entity - whole (fitness mat),Is there a fitness mat? +posescript30,"An individual is captured in a dynamic exercise pose on a gray fitness mat, their body nearly aligned for a push up. However, the hips are notably rotated to the right, creating a twist through their torso. The person's gaze is directed to the right, maintaining the line of the twist, with both arms extended straight and palms pressed firmly against the ground.",,3,1,entity,state,"entity - state (individual, dynamic exercise pose)",Is the individual in a dynamic exercise pose? +posescript30,"An individual is captured in a dynamic exercise pose on a gray fitness mat, their body nearly aligned for a push up. However, the hips are notably rotated to the right, creating a twist through their torso. The person's gaze is directed to the right, maintaining the line of the twist, with both arms extended straight and palms pressed firmly against the ground.",,4,2,attribute,color,"attribute - color (fitness mat, gray)",Is the fitness mat gray? +posescript30,"An individual is captured in a dynamic exercise pose on a gray fitness mat, their body nearly aligned for a push up. However, the hips are notably rotated to the right, creating a twist through their torso. The person's gaze is directed to the right, maintaining the line of the twist, with both arms extended straight and palms pressed firmly against the ground.",,5,1,entity,state,"entity - state (individual, push up, nearly aligned)",Is the individual nearly aligned for a push-up? +posescript30,"An individual is captured in a dynamic exercise pose on a gray fitness mat, their body nearly aligned for a push up. However, the hips are notably rotated to the right, creating a twist through their torso. The person's gaze is directed to the right, maintaining the line of the twist, with both arms extended straight and palms pressed firmly against the ground.",,6,1,entity,state,"entity - state (individual's hips, rotated to the right)",Are the individual's hips rotated to the right? +posescript30,"An individual is captured in a dynamic exercise pose on a gray fitness mat, their body nearly aligned for a push up. However, the hips are notably rotated to the right, creating a twist through their torso. The person's gaze is directed to the right, maintaining the line of the twist, with both arms extended straight and palms pressed firmly against the ground.",,7,1,entity,state,"entity - state (individual's torso, twist)",Is there a twist through the individual's torso? +posescript30,"An individual is captured in a dynamic exercise pose on a gray fitness mat, their body nearly aligned for a push up. However, the hips are notably rotated to the right, creating a twist through their torso. The person's gaze is directed to the right, maintaining the line of the twist, with both arms extended straight and palms pressed firmly against the ground.",,8,1,entity,state,"entity - state (individual's gaze, directed to the right)",Is the individual's gaze directed to the right? +posescript30,"An individual is captured in a dynamic exercise pose on a gray fitness mat, their body nearly aligned for a push up. However, the hips are notably rotated to the right, creating a twist through their torso. The person's gaze is directed to the right, maintaining the line of the twist, with both arms extended straight and palms pressed firmly against the ground.",,9,1,entity,part,"entity - part (individual's arms, extended straight)",Are the individual's arms extended straight? +posescript30,"An individual is captured in a dynamic exercise pose on a gray fitness mat, their body nearly aligned for a push up. However, the hips are notably rotated to the right, creating a twist through their torso. The person's gaze is directed to the right, maintaining the line of the twist, with both arms extended straight and palms pressed firmly against the ground.",,10,1,entity,state,"entity - state (individual's palms, pressed against ground)",Are the individual's palms pressed firmly against the ground? +whoops18,"A focused individual with a blue denim jacket is strumming an electric guitar amidst the quietude of a library. Surrounded by towering wooden bookshelves filled with an array of books, he is seated on a simple chair with a burgundy cushion. His guitar, a sleek black instrument with silvery strings, catches the light from the overhead lamps as he creates a melody in this uncommon setting.",,1,0,entity,whole,entity - whole (individual),Is there an individual? +whoops18,"A focused individual with a blue denim jacket is strumming an electric guitar amidst the quietude of a library. Surrounded by towering wooden bookshelves filled with an array of books, he is seated on a simple chair with a burgundy cushion. His guitar, a sleek black instrument with silvery strings, catches the light from the overhead lamps as he creates a melody in this uncommon setting.",,2,1,entity,whole,entity - whole (denim jacket),Is there a denim jacket? +whoops18,"A focused individual with a blue denim jacket is strumming an electric guitar amidst the quietude of a library. Surrounded by towering wooden bookshelves filled with an array of books, he is seated on a simple chair with a burgundy cushion. His guitar, a sleek black instrument with silvery strings, catches the light from the overhead lamps as he creates a melody in this uncommon setting.",,3,0,entity,whole,entity - whole (electric guitar),Is there an electric guitar? +whoops18,"A focused individual with a blue denim jacket is strumming an electric guitar amidst the quietude of a library. Surrounded by towering wooden bookshelves filled with an array of books, he is seated on a simple chair with a burgundy cushion. His guitar, a sleek black instrument with silvery strings, catches the light from the overhead lamps as he creates a melody in this uncommon setting.",,4,0,entity,whole,entity - whole (library),Is there a library? +whoops18,"A focused individual with a blue denim jacket is strumming an electric guitar amidst the quietude of a library. Surrounded by towering wooden bookshelves filled with an array of books, he is seated on a simple chair with a burgundy cushion. His guitar, a sleek black instrument with silvery strings, catches the light from the overhead lamps as he creates a melody in this uncommon setting.",,5,0,entity,whole,entity - whole (bookshelves),Are there bookshelves? +whoops18,"A focused individual with a blue denim jacket is strumming an electric guitar amidst the quietude of a library. Surrounded by towering wooden bookshelves filled with an array of books, he is seated on a simple chair with a burgundy cushion. His guitar, a sleek black instrument with silvery strings, catches the light from the overhead lamps as he creates a melody in this uncommon setting.",,6,0,entity,whole,entity - whole (books),Are there books? +whoops18,"A focused individual with a blue denim jacket is strumming an electric guitar amidst the quietude of a library. Surrounded by towering wooden bookshelves filled with an array of books, he is seated on a simple chair with a burgundy cushion. His guitar, a sleek black instrument with silvery strings, catches the light from the overhead lamps as he creates a melody in this uncommon setting.",,7,0,entity,whole,entity - whole (chair),Is there a chair? +whoops18,"A focused individual with a blue denim jacket is strumming an electric guitar amidst the quietude of a library. Surrounded by towering wooden bookshelves filled with an array of books, he is seated on a simple chair with a burgundy cushion. His guitar, a sleek black instrument with silvery strings, catches the light from the overhead lamps as he creates a melody in this uncommon setting.",,8,0,entity,whole,entity - whole (cushion),Is there a cushion? +whoops18,"A focused individual with a blue denim jacket is strumming an electric guitar amidst the quietude of a library. Surrounded by towering wooden bookshelves filled with an array of books, he is seated on a simple chair with a burgundy cushion. His guitar, a sleek black instrument with silvery strings, catches the light from the overhead lamps as he creates a melody in this uncommon setting.",,9,2,attribute,color,"attribute - color (denim jacket, blue)",Is the denim jacket blue? +whoops18,"A focused individual with a blue denim jacket is strumming an electric guitar amidst the quietude of a library. Surrounded by towering wooden bookshelves filled with an array of books, he is seated on a simple chair with a burgundy cushion. His guitar, a sleek black instrument with silvery strings, catches the light from the overhead lamps as he creates a melody in this uncommon setting.",,10,8,attribute,color,"attribute - color (cushion, burgundy)",Is the cushion burgundy? +whoops18,"A focused individual with a blue denim jacket is strumming an electric guitar amidst the quietude of a library. Surrounded by towering wooden bookshelves filled with an array of books, he is seated on a simple chair with a burgundy cushion. His guitar, a sleek black instrument with silvery strings, catches the light from the overhead lamps as he creates a melody in this uncommon setting.",,11,3,attribute,color,"attribute - color (guitar, black)",Is the guitar black? +whoops18,"A focused individual with a blue denim jacket is strumming an electric guitar amidst the quietude of a library. Surrounded by towering wooden bookshelves filled with an array of books, he is seated on a simple chair with a burgundy cushion. His guitar, a sleek black instrument with silvery strings, catches the light from the overhead lamps as he creates a melody in this uncommon setting.",,12,5,attribute,texture,"attribute - texture (bookshelves, wooden)",Are the bookshelves wooden? +whoops18,"A focused individual with a blue denim jacket is strumming an electric guitar amidst the quietude of a library. Surrounded by towering wooden bookshelves filled with an array of books, he is seated on a simple chair with a burgundy cushion. His guitar, a sleek black instrument with silvery strings, catches the light from the overhead lamps as he creates a melody in this uncommon setting.",,13,1,entity,state,"entity - state (individual, focused)",Is the individual focused? +whoops18,"A focused individual with a blue denim jacket is strumming an electric guitar amidst the quietude of a library. Surrounded by towering wooden bookshelves filled with an array of books, he is seated on a simple chair with a burgundy cushion. His guitar, a sleek black instrument with silvery strings, catches the light from the overhead lamps as he creates a melody in this uncommon setting.",,14,1,entity,state,"entity - state (individual, seated)",Is the individual seated? +whoops18,"A focused individual with a blue denim jacket is strumming an electric guitar amidst the quietude of a library. Surrounded by towering wooden bookshelves filled with an array of books, he is seated on a simple chair with a burgundy cushion. His guitar, a sleek black instrument with silvery strings, catches the light from the overhead lamps as he creates a melody in this uncommon setting.",,15,1,entity,state,"entity - state (individual, strumming)",Is the individual strumming the guitar? +whoops18,"A focused individual with a blue denim jacket is strumming an electric guitar amidst the quietude of a library. Surrounded by towering wooden bookshelves filled with an array of books, he is seated on a simple chair with a burgundy cushion. His guitar, a sleek black instrument with silvery strings, catches the light from the overhead lamps as he creates a melody in this uncommon setting.",,16,"1,4",relation,spatial,"relation - spatial (individual, library, in)",Is the individual in the library? +whoops18,"A focused individual with a blue denim jacket is strumming an electric guitar amidst the quietude of a library. Surrounded by towering wooden bookshelves filled with an array of books, he is seated on a simple chair with a burgundy cushion. His guitar, a sleek black instrument with silvery strings, catches the light from the overhead lamps as he creates a melody in this uncommon setting.",,17,"1,7",relation,spatial,"relation - spatial (individual, chair, on)",Is the individual on the chair? +whoops18,"A focused individual with a blue denim jacket is strumming an electric guitar amidst the quietude of a library. Surrounded by towering wooden bookshelves filled with an array of books, he is seated on a simple chair with a burgundy cushion. His guitar, a sleek black instrument with silvery strings, catches the light from the overhead lamps as he creates a melody in this uncommon setting.",,18,"5,6",relation,spatial,"relation - spatial (bookshelves, books, filled with)",Are the bookshelves filled with books? +whoops18,"A focused individual with a blue denim jacket is strumming an electric guitar amidst the quietude of a library. Surrounded by towering wooden bookshelves filled with an array of books, he is seated on a simple chair with a burgundy cushion. His guitar, a sleek black instrument with silvery strings, catches the light from the overhead lamps as he creates a melody in this uncommon setting.",,19,"1,3",relation,non-spatial,"relation - non-spatial (guitar, individual, with)",Does the individual have the guitar with them? +whoops18,"A focused individual with a blue denim jacket is strumming an electric guitar amidst the quietude of a library. Surrounded by towering wooden bookshelves filled with an array of books, he is seated on a simple chair with a burgundy cushion. His guitar, a sleek black instrument with silvery strings, catches the light from the overhead lamps as he creates a melody in this uncommon setting.",,20,"7,8",relation,non-spatial,"relation - non-spatial (chair, cushion, with)",Does the chair have a cushion with it? +vrd28,"An urban scene where a public bus painted in bright colors navigates through the street, passing by a pedestrian waiting patiently beside a tall traffic light. To the side, a car with shiny alloy wheels is parked, with the backdrop of a modern grey building towering over it. Just beyond the car, the unique feature of green grass can be seen growing atop the roof of a nearby eco-friendly structure.",,1,0,entity,whole,entity - whole (urban scene),Is there an urban scene? +vrd28,"An urban scene where a public bus painted in bright colors navigates through the street, passing by a pedestrian waiting patiently beside a tall traffic light. To the side, a car with shiny alloy wheels is parked, with the backdrop of a modern grey building towering over it. Just beyond the car, the unique feature of green grass can be seen growing atop the roof of a nearby eco-friendly structure.",,2,0,entity,whole,entity - whole (bus),Is there a bus? +vrd28,"An urban scene where a public bus painted in bright colors navigates through the street, passing by a pedestrian waiting patiently beside a tall traffic light. To the side, a car with shiny alloy wheels is parked, with the backdrop of a modern grey building towering over it. Just beyond the car, the unique feature of green grass can be seen growing atop the roof of a nearby eco-friendly structure.",,3,0,entity,whole,entity - whole (street),Is there a street? +vrd28,"An urban scene where a public bus painted in bright colors navigates through the street, passing by a pedestrian waiting patiently beside a tall traffic light. To the side, a car with shiny alloy wheels is parked, with the backdrop of a modern grey building towering over it. Just beyond the car, the unique feature of green grass can be seen growing atop the roof of a nearby eco-friendly structure.",,4,0,entity,whole,entity - whole (pedestrian),Is there a pedestrian? +vrd28,"An urban scene where a public bus painted in bright colors navigates through the street, passing by a pedestrian waiting patiently beside a tall traffic light. To the side, a car with shiny alloy wheels is parked, with the backdrop of a modern grey building towering over it. Just beyond the car, the unique feature of green grass can be seen growing atop the roof of a nearby eco-friendly structure.",,5,0,entity,whole,entity - whole (traffic light),Is there a traffic light? +vrd28,"An urban scene where a public bus painted in bright colors navigates through the street, passing by a pedestrian waiting patiently beside a tall traffic light. To the side, a car with shiny alloy wheels is parked, with the backdrop of a modern grey building towering over it. Just beyond the car, the unique feature of green grass can be seen growing atop the roof of a nearby eco-friendly structure.",,6,0,entity,whole,entity - whole (car),Is there a car? +vrd28,"An urban scene where a public bus painted in bright colors navigates through the street, passing by a pedestrian waiting patiently beside a tall traffic light. To the side, a car with shiny alloy wheels is parked, with the backdrop of a modern grey building towering over it. Just beyond the car, the unique feature of green grass can be seen growing atop the roof of a nearby eco-friendly structure.",,7,0,entity,whole,entity - whole (building),Is there a building? +vrd28,"An urban scene where a public bus painted in bright colors navigates through the street, passing by a pedestrian waiting patiently beside a tall traffic light. To the side, a car with shiny alloy wheels is parked, with the backdrop of a modern grey building towering over it. Just beyond the car, the unique feature of green grass can be seen growing atop the roof of a nearby eco-friendly structure.",,8,0,entity,whole,entity - whole (eco-friendly structure),Is there an eco-friendly structure? +vrd28,"An urban scene where a public bus painted in bright colors navigates through the street, passing by a pedestrian waiting patiently beside a tall traffic light. To the side, a car with shiny alloy wheels is parked, with the backdrop of a modern grey building towering over it. Just beyond the car, the unique feature of green grass can be seen growing atop the roof of a nearby eco-friendly structure.",,9,2,attribute,color,"attribute - color (bus, bright colors)",Is the bus painted in bright colors? +vrd28,"An urban scene where a public bus painted in bright colors navigates through the street, passing by a pedestrian waiting patiently beside a tall traffic light. To the side, a car with shiny alloy wheels is parked, with the backdrop of a modern grey building towering over it. Just beyond the car, the unique feature of green grass can be seen growing atop the roof of a nearby eco-friendly structure.",,10,7,attribute,texture,"attribute - texture (building, modern grey)",Is the building modern and grey? +vrd0,"A bustling urban street teeming with vehicles; in the forefront, a sleek silver sedan with a focused driver at the wheel navigating cautiously. Adjacent to it, a bright red compact car with its driver's side mirror just inches away. Just ahead, a bulky white van looms, its boxy shape dominating the view of the sedan's driver. To the rear, the silver car is trailed by a navy blue hatchback keeping a safe distance, while on the far side, it is flanked by a green coupe, all of them partaking in the steady flow of traffic. Bringing up the rear, a large city bus looms, casting a shadow over the cars ahead, as it waits for the right moment to continue its designated route.",,1,0,entity,whole,entity - whole (urban street),Is there an urban street? +vrd0,"A bustling urban street teeming with vehicles; in the forefront, a sleek silver sedan with a focused driver at the wheel navigating cautiously. Adjacent to it, a bright red compact car with its driver's side mirror just inches away. Just ahead, a bulky white van looms, its boxy shape dominating the view of the sedan's driver. To the rear, the silver car is trailed by a navy blue hatchback keeping a safe distance, while on the far side, it is flanked by a green coupe, all of them partaking in the steady flow of traffic. Bringing up the rear, a large city bus looms, casting a shadow over the cars ahead, as it waits for the right moment to continue its designated route.",,2,0,entity,whole,entity - whole (vehicles),Are there vehicles? +vrd0,"A bustling urban street teeming with vehicles; in the forefront, a sleek silver sedan with a focused driver at the wheel navigating cautiously. Adjacent to it, a bright red compact car with its driver's side mirror just inches away. Just ahead, a bulky white van looms, its boxy shape dominating the view of the sedan's driver. To the rear, the silver car is trailed by a navy blue hatchback keeping a safe distance, while on the far side, it is flanked by a green coupe, all of them partaking in the steady flow of traffic. Bringing up the rear, a large city bus looms, casting a shadow over the cars ahead, as it waits for the right moment to continue its designated route.",,3,0,entity,whole,entity - whole (sedan),Is there a sedan? +vrd0,"A bustling urban street teeming with vehicles; in the forefront, a sleek silver sedan with a focused driver at the wheel navigating cautiously. Adjacent to it, a bright red compact car with its driver's side mirror just inches away. Just ahead, a bulky white van looms, its boxy shape dominating the view of the sedan's driver. To the rear, the silver car is trailed by a navy blue hatchback keeping a safe distance, while on the far side, it is flanked by a green coupe, all of them partaking in the steady flow of traffic. Bringing up the rear, a large city bus looms, casting a shadow over the cars ahead, as it waits for the right moment to continue its designated route.",,4,0,entity,whole,entity - whole (driver),Is there a driver? +vrd0,"A bustling urban street teeming with vehicles; in the forefront, a sleek silver sedan with a focused driver at the wheel navigating cautiously. Adjacent to it, a bright red compact car with its driver's side mirror just inches away. Just ahead, a bulky white van looms, its boxy shape dominating the view of the sedan's driver. To the rear, the silver car is trailed by a navy blue hatchback keeping a safe distance, while on the far side, it is flanked by a green coupe, all of them partaking in the steady flow of traffic. Bringing up the rear, a large city bus looms, casting a shadow over the cars ahead, as it waits for the right moment to continue its designated route.",,5,0,entity,whole,entity - whole (compact car),Is there a compact car? +vrd0,"A bustling urban street teeming with vehicles; in the forefront, a sleek silver sedan with a focused driver at the wheel navigating cautiously. Adjacent to it, a bright red compact car with its driver's side mirror just inches away. Just ahead, a bulky white van looms, its boxy shape dominating the view of the sedan's driver. To the rear, the silver car is trailed by a navy blue hatchback keeping a safe distance, while on the far side, it is flanked by a green coupe, all of them partaking in the steady flow of traffic. Bringing up the rear, a large city bus looms, casting a shadow over the cars ahead, as it waits for the right moment to continue its designated route.",,6,0,entity,whole,entity - whole (van),Is there a van? +vrd0,"A bustling urban street teeming with vehicles; in the forefront, a sleek silver sedan with a focused driver at the wheel navigating cautiously. Adjacent to it, a bright red compact car with its driver's side mirror just inches away. Just ahead, a bulky white van looms, its boxy shape dominating the view of the sedan's driver. To the rear, the silver car is trailed by a navy blue hatchback keeping a safe distance, while on the far side, it is flanked by a green coupe, all of them partaking in the steady flow of traffic. Bringing up the rear, a large city bus looms, casting a shadow over the cars ahead, as it waits for the right moment to continue its designated route.",,7,0,entity,whole,entity - whole (hatchback),Is there a hatchback? +vrd0,"A bustling urban street teeming with vehicles; in the forefront, a sleek silver sedan with a focused driver at the wheel navigating cautiously. Adjacent to it, a bright red compact car with its driver's side mirror just inches away. Just ahead, a bulky white van looms, its boxy shape dominating the view of the sedan's driver. To the rear, the silver car is trailed by a navy blue hatchback keeping a safe distance, while on the far side, it is flanked by a green coupe, all of them partaking in the steady flow of traffic. Bringing up the rear, a large city bus looms, casting a shadow over the cars ahead, as it waits for the right moment to continue its designated route.",,8,0,entity,whole,entity - whole (coupe),Is there a coupe? +vrd0,"A bustling urban street teeming with vehicles; in the forefront, a sleek silver sedan with a focused driver at the wheel navigating cautiously. Adjacent to it, a bright red compact car with its driver's side mirror just inches away. Just ahead, a bulky white van looms, its boxy shape dominating the view of the sedan's driver. To the rear, the silver car is trailed by a navy blue hatchback keeping a safe distance, while on the far side, it is flanked by a green coupe, all of them partaking in the steady flow of traffic. Bringing up the rear, a large city bus looms, casting a shadow over the cars ahead, as it waits for the right moment to continue its designated route.",,9,0,entity,whole,entity - whole (city bus),Is there a city bus? +vrd0,"A bustling urban street teeming with vehicles; in the forefront, a sleek silver sedan with a focused driver at the wheel navigating cautiously. Adjacent to it, a bright red compact car with its driver's side mirror just inches away. Just ahead, a bulky white van looms, its boxy shape dominating the view of the sedan's driver. To the rear, the silver car is trailed by a navy blue hatchback keeping a safe distance, while on the far side, it is flanked by a green coupe, all of them partaking in the steady flow of traffic. Bringing up the rear, a large city bus looms, casting a shadow over the cars ahead, as it waits for the right moment to continue its designated route.",,10,3,attribute,color,"attribute - color (sedan, silver)",Is the sedan silver? +vrd0,"A bustling urban street teeming with vehicles; in the forefront, a sleek silver sedan with a focused driver at the wheel navigating cautiously. Adjacent to it, a bright red compact car with its driver's side mirror just inches away. Just ahead, a bulky white van looms, its boxy shape dominating the view of the sedan's driver. To the rear, the silver car is trailed by a navy blue hatchback keeping a safe distance, while on the far side, it is flanked by a green coupe, all of them partaking in the steady flow of traffic. Bringing up the rear, a large city bus looms, casting a shadow over the cars ahead, as it waits for the right moment to continue its designated route.",,11,5,attribute,color,"attribute - color (compact car, red)",Is the compact car red? +vrd0,"A bustling urban street teeming with vehicles; in the forefront, a sleek silver sedan with a focused driver at the wheel navigating cautiously. Adjacent to it, a bright red compact car with its driver's side mirror just inches away. Just ahead, a bulky white van looms, its boxy shape dominating the view of the sedan's driver. To the rear, the silver car is trailed by a navy blue hatchback keeping a safe distance, while on the far side, it is flanked by a green coupe, all of them partaking in the steady flow of traffic. Bringing up the rear, a large city bus looms, casting a shadow over the cars ahead, as it waits for the right moment to continue its designated route.",,12,6,attribute,color,"attribute - color (van, white)",Is the van white? +vrd0,"A bustling urban street teeming with vehicles; in the forefront, a sleek silver sedan with a focused driver at the wheel navigating cautiously. Adjacent to it, a bright red compact car with its driver's side mirror just inches away. Just ahead, a bulky white van looms, its boxy shape dominating the view of the sedan's driver. To the rear, the silver car is trailed by a navy blue hatchback keeping a safe distance, while on the far side, it is flanked by a green coupe, all of them partaking in the steady flow of traffic. Bringing up the rear, a large city bus looms, casting a shadow over the cars ahead, as it waits for the right moment to continue its designated route.",,13,7,attribute,color,"attribute - color (hatchback, navy blue)",Is the hatchback navy blue? +vrd0,"A bustling urban street teeming with vehicles; in the forefront, a sleek silver sedan with a focused driver at the wheel navigating cautiously. Adjacent to it, a bright red compact car with its driver's side mirror just inches away. Just ahead, a bulky white van looms, its boxy shape dominating the view of the sedan's driver. To the rear, the silver car is trailed by a navy blue hatchback keeping a safe distance, while on the far side, it is flanked by a green coupe, all of them partaking in the steady flow of traffic. Bringing up the rear, a large city bus looms, casting a shadow over the cars ahead, as it waits for the right moment to continue its designated route.",,14,8,attribute,color,"attribute - color (coupe, green)",Is the coupe green? +vrd0,"A bustling urban street teeming with vehicles; in the forefront, a sleek silver sedan with a focused driver at the wheel navigating cautiously. Adjacent to it, a bright red compact car with its driver's side mirror just inches away. Just ahead, a bulky white van looms, its boxy shape dominating the view of the sedan's driver. To the rear, the silver car is trailed by a navy blue hatchback keeping a safe distance, while on the far side, it is flanked by a green coupe, all of them partaking in the steady flow of traffic. Bringing up the rear, a large city bus looms, casting a shadow over the cars ahead, as it waits for the right moment to continue its designated route.",,15,"3,5",relation,spatial,"relation - spatial (sedan, compact car, adjacent)",Is the sedan adjacent to the compact car? +vrd0,"A bustling urban street teeming with vehicles; in the forefront, a sleek silver sedan with a focused driver at the wheel navigating cautiously. Adjacent to it, a bright red compact car with its driver's side mirror just inches away. Just ahead, a bulky white van looms, its boxy shape dominating the view of the sedan's driver. To the rear, the silver car is trailed by a navy blue hatchback keeping a safe distance, while on the far side, it is flanked by a green coupe, all of them partaking in the steady flow of traffic. Bringing up the rear, a large city bus looms, casting a shadow over the cars ahead, as it waits for the right moment to continue its designated route.",,16,"3,6",relation,spatial,"relation - spatial (sedan, van, ahead)",Is the van ahead of the sedan? +vrd0,"A bustling urban street teeming with vehicles; in the forefront, a sleek silver sedan with a focused driver at the wheel navigating cautiously. Adjacent to it, a bright red compact car with its driver's side mirror just inches away. Just ahead, a bulky white van looms, its boxy shape dominating the view of the sedan's driver. To the rear, the silver car is trailed by a navy blue hatchback keeping a safe distance, while on the far side, it is flanked by a green coupe, all of them partaking in the steady flow of traffic. Bringing up the rear, a large city bus looms, casting a shadow over the cars ahead, as it waits for the right moment to continue its designated route.",,17,"3,7",relation,spatial,"relation - spatial (hatchback, sedan, to the rear)",Is the hatchback to the rear of the sedan? +vrd0,"A bustling urban street teeming with vehicles; in the forefront, a sleek silver sedan with a focused driver at the wheel navigating cautiously. Adjacent to it, a bright red compact car with its driver's side mirror just inches away. Just ahead, a bulky white van looms, its boxy shape dominating the view of the sedan's driver. To the rear, the silver car is trailed by a navy blue hatchback keeping a safe distance, while on the far side, it is flanked by a green coupe, all of them partaking in the steady flow of traffic. Bringing up the rear, a large city bus looms, casting a shadow over the cars ahead, as it waits for the right moment to continue its designated route.",,18,"3,8",relation,spatial,"relation - spatial (coupe, sedan, flanked by)",Is the coupe flanking the sedan? +vrd0,"A bustling urban street teeming with vehicles; in the forefront, a sleek silver sedan with a focused driver at the wheel navigating cautiously. Adjacent to it, a bright red compact car with its driver's side mirror just inches away. Just ahead, a bulky white van looms, its boxy shape dominating the view of the sedan's driver. To the rear, the silver car is trailed by a navy blue hatchback keeping a safe distance, while on the far side, it is flanked by a green coupe, all of them partaking in the steady flow of traffic. Bringing up the rear, a large city bus looms, casting a shadow over the cars ahead, as it waits for the right moment to continue its designated route.",,19,9,relation,spatial,"relation - spatial (city bus, cars, behind)",Is the city bus behind the cars? +diffusiondb8,"A captivating 1950s-style movie poster that radiates a retrofuturistic charm, adorned with the artistic influence of legends like Moebius, Brom, and Ian Miller. It features a striking character in the foreground, presenting to an audience of intrigued scientists who are seated in a spacious conference room. The poster is illuminated with moody, vibrant colors that bring the scene to life, and every intricate detail is rendered with exceptional clarity in a 4K resolution.",,1,0,entity,whole,entity - whole (movie poster),Is there a movie poster? +diffusiondb8,"A captivating 1950s-style movie poster that radiates a retrofuturistic charm, adorned with the artistic influence of legends like Moebius, Brom, and Ian Miller. It features a striking character in the foreground, presenting to an audience of intrigued scientists who are seated in a spacious conference room. The poster is illuminated with moody, vibrant colors that bring the scene to life, and every intricate detail is rendered with exceptional clarity in a 4K resolution.",,2,1,attribute,other,"attribute - other (movie poster, 1950s-style)",Does the movie poster have a 1950s style? +diffusiondb8,"A captivating 1950s-style movie poster that radiates a retrofuturistic charm, adorned with the artistic influence of legends like Moebius, Brom, and Ian Miller. It features a striking character in the foreground, presenting to an audience of intrigued scientists who are seated in a spacious conference room. The poster is illuminated with moody, vibrant colors that bring the scene to life, and every intricate detail is rendered with exceptional clarity in a 4K resolution.",,3,1,attribute,other,"attribute - other (movie poster, retrofuturistic charm)",Does the movie poster radiate a retrofuturistic charm? +diffusiondb8,"A captivating 1950s-style movie poster that radiates a retrofuturistic charm, adorned with the artistic influence of legends like Moebius, Brom, and Ian Miller. It features a striking character in the foreground, presenting to an audience of intrigued scientists who are seated in a spacious conference room. The poster is illuminated with moody, vibrant colors that bring the scene to life, and every intricate detail is rendered with exceptional clarity in a 4K resolution.",,4,0,entity,whole,entity - whole (character),Is there a striking character in the foreground? +diffusiondb8,"A captivating 1950s-style movie poster that radiates a retrofuturistic charm, adorned with the artistic influence of legends like Moebius, Brom, and Ian Miller. It features a striking character in the foreground, presenting to an audience of intrigued scientists who are seated in a spacious conference room. The poster is illuminated with moody, vibrant colors that bring the scene to life, and every intricate detail is rendered with exceptional clarity in a 4K resolution.",,5,0,entity,whole,entity - whole (scientists),Are there scientists? +diffusiondb8,"A captivating 1950s-style movie poster that radiates a retrofuturistic charm, adorned with the artistic influence of legends like Moebius, Brom, and Ian Miller. It features a striking character in the foreground, presenting to an audience of intrigued scientists who are seated in a spacious conference room. The poster is illuminated with moody, vibrant colors that bring the scene to life, and every intricate detail is rendered with exceptional clarity in a 4K resolution.",,6,0,entity,whole,entity - whole (conference room),Is there a conference room? +diffusiondb8,"A captivating 1950s-style movie poster that radiates a retrofuturistic charm, adorned with the artistic influence of legends like Moebius, Brom, and Ian Miller. It features a striking character in the foreground, presenting to an audience of intrigued scientists who are seated in a spacious conference room. The poster is illuminated with moody, vibrant colors that bring the scene to life, and every intricate detail is rendered with exceptional clarity in a 4K resolution.",,7,1,attribute,color,"attribute - color (movie poster, moody, vibrant)",Are the colors on the movie poster moody and vibrant? +diffusiondb8,"A captivating 1950s-style movie poster that radiates a retrofuturistic charm, adorned with the artistic influence of legends like Moebius, Brom, and Ian Miller. It features a striking character in the foreground, presenting to an audience of intrigued scientists who are seated in a spacious conference room. The poster is illuminated with moody, vibrant colors that bring the scene to life, and every intricate detail is rendered with exceptional clarity in a 4K resolution.",,8,6,attribute,size,"attribute - size (conference room, spacious)",Is the conference room spacious? +diffusiondb8,"A captivating 1950s-style movie poster that radiates a retrofuturistic charm, adorned with the artistic influence of legends like Moebius, Brom, and Ian Miller. It features a striking character in the foreground, presenting to an audience of intrigued scientists who are seated in a spacious conference room. The poster is illuminated with moody, vibrant colors that bring the scene to life, and every intricate detail is rendered with exceptional clarity in a 4K resolution.",,9,"4,5",relation,spatial,"relation - spatial (character, audience, presenting to)",Is the character presenting to an audience? +diffusiondb8,"A captivating 1950s-style movie poster that radiates a retrofuturistic charm, adorned with the artistic influence of legends like Moebius, Brom, and Ian Miller. It features a striking character in the foreground, presenting to an audience of intrigued scientists who are seated in a spacious conference room. The poster is illuminated with moody, vibrant colors that bring the scene to life, and every intricate detail is rendered with exceptional clarity in a 4K resolution.",,10,"5,6",relation,spatial,"relation - spatial (scientists, conference room, seated in)",Are the scientists seated in the conference room? +stanford30,"An elegant three-tiered cake, with layers alternating between chocolate brown and creamy white icing, stands as the centerpiece on a polished wooden table. Scattered gracefully around the base of the cake are delicate red and yellow flower petals, adding a touch of color to the presentation. Beside the cake rests a pristine white plate, upon which lies a silver fork with an ornate handle, ready for the first slice to be served.",,1,0,entity,whole,entity - whole (cake),Is there a cake? +stanford30,"An elegant three-tiered cake, with layers alternating between chocolate brown and creamy white icing, stands as the centerpiece on a polished wooden table. Scattered gracefully around the base of the cake are delicate red and yellow flower petals, adding a touch of color to the presentation. Beside the cake rests a pristine white plate, upon which lies a silver fork with an ornate handle, ready for the first slice to be served.",,2,0,entity,whole,entity - whole (table),Is there a table? +stanford30,"An elegant three-tiered cake, with layers alternating between chocolate brown and creamy white icing, stands as the centerpiece on a polished wooden table. Scattered gracefully around the base of the cake are delicate red and yellow flower petals, adding a touch of color to the presentation. Beside the cake rests a pristine white plate, upon which lies a silver fork with an ornate handle, ready for the first slice to be served.",,3,0,entity,whole,entity - whole (flower petals),Are there flower petals? +stanford30,"An elegant three-tiered cake, with layers alternating between chocolate brown and creamy white icing, stands as the centerpiece on a polished wooden table. Scattered gracefully around the base of the cake are delicate red and yellow flower petals, adding a touch of color to the presentation. Beside the cake rests a pristine white plate, upon which lies a silver fork with an ornate handle, ready for the first slice to be served.",,4,0,entity,whole,entity - whole (plate),Is there a plate? +stanford30,"An elegant three-tiered cake, with layers alternating between chocolate brown and creamy white icing, stands as the centerpiece on a polished wooden table. Scattered gracefully around the base of the cake are delicate red and yellow flower petals, adding a touch of color to the presentation. Beside the cake rests a pristine white plate, upon which lies a silver fork with an ornate handle, ready for the first slice to be served.",,5,0,entity,whole,entity - whole (fork),Is there a fork? +stanford30,"An elegant three-tiered cake, with layers alternating between chocolate brown and creamy white icing, stands as the centerpiece on a polished wooden table. Scattered gracefully around the base of the cake are delicate red and yellow flower petals, adding a touch of color to the presentation. Beside the cake rests a pristine white plate, upon which lies a silver fork with an ornate handle, ready for the first slice to be served.",,6,1,attribute,color,"attribute - color (cake layers, chocolate brown)",Are the cake layers chocolate brown? +stanford30,"An elegant three-tiered cake, with layers alternating between chocolate brown and creamy white icing, stands as the centerpiece on a polished wooden table. Scattered gracefully around the base of the cake are delicate red and yellow flower petals, adding a touch of color to the presentation. Beside the cake rests a pristine white plate, upon which lies a silver fork with an ornate handle, ready for the first slice to be served.",,7,1,attribute,color,"attribute - color (cake icing, creamy white)",Is the cake icing creamy white? +stanford30,"An elegant three-tiered cake, with layers alternating between chocolate brown and creamy white icing, stands as the centerpiece on a polished wooden table. Scattered gracefully around the base of the cake are delicate red and yellow flower petals, adding a touch of color to the presentation. Beside the cake rests a pristine white plate, upon which lies a silver fork with an ornate handle, ready for the first slice to be served.",,8,3,attribute,color,"attribute - color (flower petals, red)",Are there red flower petals? +stanford30,"An elegant three-tiered cake, with layers alternating between chocolate brown and creamy white icing, stands as the centerpiece on a polished wooden table. Scattered gracefully around the base of the cake are delicate red and yellow flower petals, adding a touch of color to the presentation. Beside the cake rests a pristine white plate, upon which lies a silver fork with an ornate handle, ready for the first slice to be served.",,9,3,attribute,color,"attribute - color (flower petals, yellow)",Are there yellow flower petals? +stanford30,"An elegant three-tiered cake, with layers alternating between chocolate brown and creamy white icing, stands as the centerpiece on a polished wooden table. Scattered gracefully around the base of the cake are delicate red and yellow flower petals, adding a touch of color to the presentation. Beside the cake rests a pristine white plate, upon which lies a silver fork with an ornate handle, ready for the first slice to be served.",,10,2,attribute,texture,"attribute - texture (table, polished wood)",Is the table made of polished wood? +countbench29,"A collection of nine beautifully crafted labels, designed specifically for the summer season, each featuring shades of blue and yellow. These labels are presented in a vector format, with item number 20445318, showcasing various summer-themed icons and motifs. The assortment includes labels of different shapes such as circular, rectangular, and even ribbon-like banners, ideal for summer sales, events, or product packaging in a sunny and vibrant design.",,1,0,entity,whole,entity - whole (labels),Is there a collection of labels? +countbench29,"A collection of nine beautifully crafted labels, designed specifically for the summer season, each featuring shades of blue and yellow. These labels are presented in a vector format, with item number 20445318, showcasing various summer-themed icons and motifs. The assortment includes labels of different shapes such as circular, rectangular, and even ribbon-like banners, ideal for summer sales, events, or product packaging in a sunny and vibrant design.",,2,1,other,count,"other - count (labels, ==9)",Are there nine labels? +countbench29,"A collection of nine beautifully crafted labels, designed specifically for the summer season, each featuring shades of blue and yellow. These labels are presented in a vector format, with item number 20445318, showcasing various summer-themed icons and motifs. The assortment includes labels of different shapes such as circular, rectangular, and even ribbon-like banners, ideal for summer sales, events, or product packaging in a sunny and vibrant design.",,3,1,global,,"global - (labels, summer season)",Are the labels designed for the summer season? +countbench29,"A collection of nine beautifully crafted labels, designed specifically for the summer season, each featuring shades of blue and yellow. These labels are presented in a vector format, with item number 20445318, showcasing various summer-themed icons and motifs. The assortment includes labels of different shapes such as circular, rectangular, and even ribbon-like banners, ideal for summer sales, events, or product packaging in a sunny and vibrant design.",,4,1,attribute,color,"attribute - color (labels, shades of blue)",Do the labels feature shades of blue? +countbench29,"A collection of nine beautifully crafted labels, designed specifically for the summer season, each featuring shades of blue and yellow. These labels are presented in a vector format, with item number 20445318, showcasing various summer-themed icons and motifs. The assortment includes labels of different shapes such as circular, rectangular, and even ribbon-like banners, ideal for summer sales, events, or product packaging in a sunny and vibrant design.",,5,1,attribute,color,"attribute - color (labels, shades of yellow)",Do the labels feature shades of yellow? +countbench29,"A collection of nine beautifully crafted labels, designed specifically for the summer season, each featuring shades of blue and yellow. These labels are presented in a vector format, with item number 20445318, showcasing various summer-themed icons and motifs. The assortment includes labels of different shapes such as circular, rectangular, and even ribbon-like banners, ideal for summer sales, events, or product packaging in a sunny and vibrant design.",,6,1,global,,"global - (labels, vector format)",Are the labels presented in a vector format? +countbench29,"A collection of nine beautifully crafted labels, designed specifically for the summer season, each featuring shades of blue and yellow. These labels are presented in a vector format, with item number 20445318, showcasing various summer-themed icons and motifs. The assortment includes labels of different shapes such as circular, rectangular, and even ribbon-like banners, ideal for summer sales, events, or product packaging in a sunny and vibrant design.",,7,1,other,text,"other - text (item number, ""20445318"")","Is the item number ""20445318""?" +countbench29,"A collection of nine beautifully crafted labels, designed specifically for the summer season, each featuring shades of blue and yellow. These labels are presented in a vector format, with item number 20445318, showcasing various summer-themed icons and motifs. The assortment includes labels of different shapes such as circular, rectangular, and even ribbon-like banners, ideal for summer sales, events, or product packaging in a sunny and vibrant design.",,8,1,attribute,shape,"attribute - shape (label_1, circular)",Is one of the labels circular? +countbench29,"A collection of nine beautifully crafted labels, designed specifically for the summer season, each featuring shades of blue and yellow. These labels are presented in a vector format, with item number 20445318, showcasing various summer-themed icons and motifs. The assortment includes labels of different shapes such as circular, rectangular, and even ribbon-like banners, ideal for summer sales, events, or product packaging in a sunny and vibrant design.",,9,1,attribute,shape,"attribute - shape (label_2, rectangular)",Is one of the labels rectangular? +countbench29,"A collection of nine beautifully crafted labels, designed specifically for the summer season, each featuring shades of blue and yellow. These labels are presented in a vector format, with item number 20445318, showcasing various summer-themed icons and motifs. The assortment includes labels of different shapes such as circular, rectangular, and even ribbon-like banners, ideal for summer sales, events, or product packaging in a sunny and vibrant design.",,10,1,attribute,shape,"attribute - shape (label_3, ribbon-like)",Is one of the labels ribbon-like? +localized15,"In the image, a sleek white car sits parked on a smooth concrete surface, its polished exterior reflecting the sunlight. Behind the vehicle, a tall, weathered wall stands, painted in a faded blue with peeling patches revealing its past layers. The car's position, about an arm's length away from the wall, creates a clear spatial separation between the two.",,1,0,entity,whole,entity - whole (car),Is there a car? +localized15,"In the image, a sleek white car sits parked on a smooth concrete surface, its polished exterior reflecting the sunlight. Behind the vehicle, a tall, weathered wall stands, painted in a faded blue with peeling patches revealing its past layers. The car's position, about an arm's length away from the wall, creates a clear spatial separation between the two.",,2,0,entity,whole,entity - whole (wall),Is there a wall? +localized15,"In the image, a sleek white car sits parked on a smooth concrete surface, its polished exterior reflecting the sunlight. Behind the vehicle, a tall, weathered wall stands, painted in a faded blue with peeling patches revealing its past layers. The car's position, about an arm's length away from the wall, creates a clear spatial separation between the two.",,3,1,attribute,color,"attribute - color (car, white)",Is the car white? +localized15,"In the image, a sleek white car sits parked on a smooth concrete surface, its polished exterior reflecting the sunlight. Behind the vehicle, a tall, weathered wall stands, painted in a faded blue with peeling patches revealing its past layers. The car's position, about an arm's length away from the wall, creates a clear spatial separation between the two.",,4,0,attribute,texture,"attribute - texture (surface, concrete, smooth)",Is the surface made of smooth concrete? +localized15,"In the image, a sleek white car sits parked on a smooth concrete surface, its polished exterior reflecting the sunlight. Behind the vehicle, a tall, weathered wall stands, painted in a faded blue with peeling patches revealing its past layers. The car's position, about an arm's length away from the wall, creates a clear spatial separation between the two.",,5,2,attribute,texture,"attribute - texture (wall, weathered)",Is the wall weathered? +localized15,"In the image, a sleek white car sits parked on a smooth concrete surface, its polished exterior reflecting the sunlight. Behind the vehicle, a tall, weathered wall stands, painted in a faded blue with peeling patches revealing its past layers. The car's position, about an arm's length away from the wall, creates a clear spatial separation between the two.",,6,2,attribute,color,"attribute - color (wall, blue, faded)",Is the wall painted in a faded blue? +localized15,"In the image, a sleek white car sits parked on a smooth concrete surface, its polished exterior reflecting the sunlight. Behind the vehicle, a tall, weathered wall stands, painted in a faded blue with peeling patches revealing its past layers. The car's position, about an arm's length away from the wall, creates a clear spatial separation between the two.",,7,1,entity,state,"entity - state (car, parked)",Is the car parked? +localized15,"In the image, a sleek white car sits parked on a smooth concrete surface, its polished exterior reflecting the sunlight. Behind the vehicle, a tall, weathered wall stands, painted in a faded blue with peeling patches revealing its past layers. The car's position, about an arm's length away from the wall, creates a clear spatial separation between the two.",,8,"1,2",relation,spatial,"relation - spatial (car, wall, arm's length away)",Is the car about an arm's length away from the wall? +localized15,"In the image, a sleek white car sits parked on a smooth concrete surface, its polished exterior reflecting the sunlight. Behind the vehicle, a tall, weathered wall stands, painted in a faded blue with peeling patches revealing its past layers. The car's position, about an arm's length away from the wall, creates a clear spatial separation between the two.",,9,1,relation,spatial,"relation - spatial (car, surface, on)",Is the car on the surface? +localized15,"In the image, a sleek white car sits parked on a smooth concrete surface, its polished exterior reflecting the sunlight. Behind the vehicle, a tall, weathered wall stands, painted in a faded blue with peeling patches revealing its past layers. The car's position, about an arm's length away from the wall, creates a clear spatial separation between the two.",,10,2,attribute,texture,"attribute - texture (wall, paint, peeling)",Is the paint on the wall peeling? +countbench5,"A collection of nine vibrant VIP sign icons, indicating membership or exclusive status. Each label varies in color, providing a rainbow spectrum from red to violet, and they are designed with a sleek, glossy texture. The symbols feature a simple, bold font that stands out against the solid background, rendering them ideal for vector illustrations where distinction is key.",,1,0,entity,whole,entity - whole (VIP sign icons),Is there a collection of VIP sign icons? +countbench5,"A collection of nine vibrant VIP sign icons, indicating membership or exclusive status. Each label varies in color, providing a rainbow spectrum from red to violet, and they are designed with a sleek, glossy texture. The symbols feature a simple, bold font that stands out against the solid background, rendering them ideal for vector illustrations where distinction is key.",,2,1,other,count,"other - count (VIP sign icons, ==9)",Are there nine VIP sign icons? +countbench5,"A collection of nine vibrant VIP sign icons, indicating membership or exclusive status. Each label varies in color, providing a rainbow spectrum from red to violet, and they are designed with a sleek, glossy texture. The symbols feature a simple, bold font that stands out against the solid background, rendering them ideal for vector illustrations where distinction is key.",,3,1,attribute,color,"attribute - color (VIP sign icons, vibrant)",Are the VIP sign icons vibrant? +countbench5,"A collection of nine vibrant VIP sign icons, indicating membership or exclusive status. Each label varies in color, providing a rainbow spectrum from red to violet, and they are designed with a sleek, glossy texture. The symbols feature a simple, bold font that stands out against the solid background, rendering them ideal for vector illustrations where distinction is key.",,4,1,attribute,color,"attribute - color (VIP sign icons, rainbow spectrum)",Do the VIP sign icons provide a rainbow spectrum of colors from red to violet? +countbench5,"A collection of nine vibrant VIP sign icons, indicating membership or exclusive status. Each label varies in color, providing a rainbow spectrum from red to violet, and they are designed with a sleek, glossy texture. The symbols feature a simple, bold font that stands out against the solid background, rendering them ideal for vector illustrations where distinction is key.",,5,1,attribute,texture,"attribute - texture (VIP sign icons, glossy)",Do the VIP sign icons have a glossy texture? +countbench5,"A collection of nine vibrant VIP sign icons, indicating membership or exclusive status. Each label varies in color, providing a rainbow spectrum from red to violet, and they are designed with a sleek, glossy texture. The symbols feature a simple, bold font that stands out against the solid background, rendering them ideal for vector illustrations where distinction is key.",,6,1,attribute,other,"attribute - other (VIP sign icons, membership or exclusive status)",Do the VIP sign icons indicate membership or exclusive status? +countbench5,"A collection of nine vibrant VIP sign icons, indicating membership or exclusive status. Each label varies in color, providing a rainbow spectrum from red to violet, and they are designed with a sleek, glossy texture. The symbols feature a simple, bold font that stands out against the solid background, rendering them ideal for vector illustrations where distinction is key.",,7,1,attribute,other,"attribute - other (VIP sign icons, sleek design)",Are the VIP sign icons designed with a sleek look? +countbench5,"A collection of nine vibrant VIP sign icons, indicating membership or exclusive status. Each label varies in color, providing a rainbow spectrum from red to violet, and they are designed with a sleek, glossy texture. The symbols feature a simple, bold font that stands out against the solid background, rendering them ideal for vector illustrations where distinction is key.",,8,1,attribute,other,"attribute - other (VIP sign icons, simple bold font)","Do the VIP sign icons feature a simple, bold font?" +countbench5,"A collection of nine vibrant VIP sign icons, indicating membership or exclusive status. Each label varies in color, providing a rainbow spectrum from red to violet, and they are designed with a sleek, glossy texture. The symbols feature a simple, bold font that stands out against the solid background, rendering them ideal for vector illustrations where distinction is key.",,9,1,global,,"global - (VIP sign icons, ideal for vector illustrations)",Are the VIP sign icons ideal for vector illustrations where distinction is key? +whoops26,"A man with bright red boxing gloves awkwardly attempts to play a glossy black grand piano in the center of a room. Around him, the floor is a polished hardwood, reflecting the soft overhead lighting. Despite the gloves, he appears concentrated, engaged in his unique challenge, with sheet music propped up on the piano's stand.",,1,0,entity,whole,entity - whole (man),Is there a man? +whoops26,"A man with bright red boxing gloves awkwardly attempts to play a glossy black grand piano in the center of a room. Around him, the floor is a polished hardwood, reflecting the soft overhead lighting. Despite the gloves, he appears concentrated, engaged in his unique challenge, with sheet music propped up on the piano's stand.",,2,0,entity,whole,entity - whole (boxing gloves),Are there boxing gloves? +whoops26,"A man with bright red boxing gloves awkwardly attempts to play a glossy black grand piano in the center of a room. Around him, the floor is a polished hardwood, reflecting the soft overhead lighting. Despite the gloves, he appears concentrated, engaged in his unique challenge, with sheet music propped up on the piano's stand.",,3,0,entity,whole,entity - whole (grand piano),Is there a grand piano? +whoops26,"A man with bright red boxing gloves awkwardly attempts to play a glossy black grand piano in the center of a room. Around him, the floor is a polished hardwood, reflecting the soft overhead lighting. Despite the gloves, he appears concentrated, engaged in his unique challenge, with sheet music propped up on the piano's stand.",,4,0,entity,whole,entity - whole (room),Is there a room? +whoops26,"A man with bright red boxing gloves awkwardly attempts to play a glossy black grand piano in the center of a room. Around him, the floor is a polished hardwood, reflecting the soft overhead lighting. Despite the gloves, he appears concentrated, engaged in his unique challenge, with sheet music propped up on the piano's stand.",,5,0,entity,whole,entity - whole (floor),Is there a floor? +whoops26,"A man with bright red boxing gloves awkwardly attempts to play a glossy black grand piano in the center of a room. Around him, the floor is a polished hardwood, reflecting the soft overhead lighting. Despite the gloves, he appears concentrated, engaged in his unique challenge, with sheet music propped up on the piano's stand.",,6,0,entity,whole,entity - whole (lighting),Is there lighting? +whoops26,"A man with bright red boxing gloves awkwardly attempts to play a glossy black grand piano in the center of a room. Around him, the floor is a polished hardwood, reflecting the soft overhead lighting. Despite the gloves, he appears concentrated, engaged in his unique challenge, with sheet music propped up on the piano's stand.",,7,0,entity,whole,entity - whole (sheet music),Is there sheet music? +whoops26,"A man with bright red boxing gloves awkwardly attempts to play a glossy black grand piano in the center of a room. Around him, the floor is a polished hardwood, reflecting the soft overhead lighting. Despite the gloves, he appears concentrated, engaged in his unique challenge, with sheet music propped up on the piano's stand.",,8,2,attribute,color,"attribute - color (boxing gloves, bright red)",Are the boxing gloves bright red? +whoops26,"A man with bright red boxing gloves awkwardly attempts to play a glossy black grand piano in the center of a room. Around him, the floor is a polished hardwood, reflecting the soft overhead lighting. Despite the gloves, he appears concentrated, engaged in his unique challenge, with sheet music propped up on the piano's stand.",,9,3,attribute,color,"attribute - color (grand piano, glossy black)",Is the grand piano glossy black? +whoops26,"A man with bright red boxing gloves awkwardly attempts to play a glossy black grand piano in the center of a room. Around him, the floor is a polished hardwood, reflecting the soft overhead lighting. Despite the gloves, he appears concentrated, engaged in his unique challenge, with sheet music propped up on the piano's stand.",,10,5,attribute,texture,"attribute - texture (floor, polished hardwood)",Is the floor made of polished hardwood? +posescript13,"A figure balances gracefully on their right foot, with their left leg extended straight behind them, parallel to the ground. The torso of the person is pitched forward in a dynamic pose, creating a straight line from head to the elevated heel. The left arm mirrors the extension of the leg as it reaches slightly forward, while the right arm is bent at the elbow and opens to the right, adding a sense of movement and balance to the overall posture.",,1,0,entity,whole,entity - whole (figure),Is there a figure? +posescript13,"A figure balances gracefully on their right foot, with their left leg extended straight behind them, parallel to the ground. The torso of the person is pitched forward in a dynamic pose, creating a straight line from head to the elevated heel. The left arm mirrors the extension of the leg as it reaches slightly forward, while the right arm is bent at the elbow and opens to the right, adding a sense of movement and balance to the overall posture.",,2,1,entity,part,entity - part (figure's right foot),Does the figure have a right foot? +posescript13,"A figure balances gracefully on their right foot, with their left leg extended straight behind them, parallel to the ground. The torso of the person is pitched forward in a dynamic pose, creating a straight line from head to the elevated heel. The left arm mirrors the extension of the leg as it reaches slightly forward, while the right arm is bent at the elbow and opens to the right, adding a sense of movement and balance to the overall posture.",,3,1,entity,part,entity - part (figure's left leg),Does the figure have a left leg? +posescript13,"A figure balances gracefully on their right foot, with their left leg extended straight behind them, parallel to the ground. The torso of the person is pitched forward in a dynamic pose, creating a straight line from head to the elevated heel. The left arm mirrors the extension of the leg as it reaches slightly forward, while the right arm is bent at the elbow and opens to the right, adding a sense of movement and balance to the overall posture.",,4,1,entity,part,entity - part (figure's torso),Does the figure have a torso? +posescript13,"A figure balances gracefully on their right foot, with their left leg extended straight behind them, parallel to the ground. The torso of the person is pitched forward in a dynamic pose, creating a straight line from head to the elevated heel. The left arm mirrors the extension of the leg as it reaches slightly forward, while the right arm is bent at the elbow and opens to the right, adding a sense of movement and balance to the overall posture.",,5,1,entity,part,entity - part (figure's left arm),Does the figure have a left arm? +posescript13,"A figure balances gracefully on their right foot, with their left leg extended straight behind them, parallel to the ground. The torso of the person is pitched forward in a dynamic pose, creating a straight line from head to the elevated heel. The left arm mirrors the extension of the leg as it reaches slightly forward, while the right arm is bent at the elbow and opens to the right, adding a sense of movement and balance to the overall posture.",,6,1,entity,part,entity - part (figure's right arm),Does the figure have a right arm? +posescript13,"A figure balances gracefully on their right foot, with their left leg extended straight behind them, parallel to the ground. The torso of the person is pitched forward in a dynamic pose, creating a straight line from head to the elevated heel. The left arm mirrors the extension of the leg as it reaches slightly forward, while the right arm is bent at the elbow and opens to the right, adding a sense of movement and balance to the overall posture.",,7,1,entity,state,"entity - state (figure, balance)",Is the figure balancing gracefully? +posescript13,"A figure balances gracefully on their right foot, with their left leg extended straight behind them, parallel to the ground. The torso of the person is pitched forward in a dynamic pose, creating a straight line from head to the elevated heel. The left arm mirrors the extension of the leg as it reaches slightly forward, while the right arm is bent at the elbow and opens to the right, adding a sense of movement and balance to the overall posture.",,8,3,attribute,shape,"attribute - shape (left leg, extended straight)",Is the left leg extended straight behind? +posescript13,"A figure balances gracefully on their right foot, with their left leg extended straight behind them, parallel to the ground. The torso of the person is pitched forward in a dynamic pose, creating a straight line from head to the elevated heel. The left arm mirrors the extension of the leg as it reaches slightly forward, while the right arm is bent at the elbow and opens to the right, adding a sense of movement and balance to the overall posture.",,9,4,attribute,shape,"attribute - shape (torso, pitched forward)",Is the torso pitched forward? +posescript13,"A figure balances gracefully on their right foot, with their left leg extended straight behind them, parallel to the ground. The torso of the person is pitched forward in a dynamic pose, creating a straight line from head to the elevated heel. The left arm mirrors the extension of the leg as it reaches slightly forward, while the right arm is bent at the elbow and opens to the right, adding a sense of movement and balance to the overall posture.",,10,3,relation,spatial,"relation - spatial (left leg, ground, parallel to)",Is the left leg parallel to the ground? +drawtext19,"a vibrant field of tall sunflowers standing against a clear blue sky, with one large, cheerful flower in the foreground about to be overwhelmed by an approaching green tractor. the sunflower's bright yellow petals and deep brown center contrast the cold metal of the tractor's body. the ominous caption 'after the sunflowers, they will come for you' overlays the image, giving an eerie foreshadowing to the scene.",,1,0,entity,whole,entity - whole (field),Is there a field? +drawtext19,"a vibrant field of tall sunflowers standing against a clear blue sky, with one large, cheerful flower in the foreground about to be overwhelmed by an approaching green tractor. the sunflower's bright yellow petals and deep brown center contrast the cold metal of the tractor's body. the ominous caption 'after the sunflowers, they will come for you' overlays the image, giving an eerie foreshadowing to the scene.",,2,1,entity,whole,entity - whole (sunflowers),Are there sunflowers? +drawtext19,"a vibrant field of tall sunflowers standing against a clear blue sky, with one large, cheerful flower in the foreground about to be overwhelmed by an approaching green tractor. the sunflower's bright yellow petals and deep brown center contrast the cold metal of the tractor's body. the ominous caption 'after the sunflowers, they will come for you' overlays the image, giving an eerie foreshadowing to the scene.",,3,0,entity,whole,entity - whole (sky),Is there a sky? +drawtext19,"a vibrant field of tall sunflowers standing against a clear blue sky, with one large, cheerful flower in the foreground about to be overwhelmed by an approaching green tractor. the sunflower's bright yellow petals and deep brown center contrast the cold metal of the tractor's body. the ominous caption 'after the sunflowers, they will come for you' overlays the image, giving an eerie foreshadowing to the scene.",,4,2,entity,whole,entity - whole (flower),Is there a large flower in the foreground? +drawtext19,"a vibrant field of tall sunflowers standing against a clear blue sky, with one large, cheerful flower in the foreground about to be overwhelmed by an approaching green tractor. the sunflower's bright yellow petals and deep brown center contrast the cold metal of the tractor's body. the ominous caption 'after the sunflowers, they will come for you' overlays the image, giving an eerie foreshadowing to the scene.",,5,0,entity,whole,entity - whole (tractor),Is there a tractor approaching? +drawtext19,"a vibrant field of tall sunflowers standing against a clear blue sky, with one large, cheerful flower in the foreground about to be overwhelmed by an approaching green tractor. the sunflower's bright yellow petals and deep brown center contrast the cold metal of the tractor's body. the ominous caption 'after the sunflowers, they will come for you' overlays the image, giving an eerie foreshadowing to the scene.",,6,3,attribute,color,"attribute - color (sky, clear blue)",Is the sky clear blue? +drawtext19,"a vibrant field of tall sunflowers standing against a clear blue sky, with one large, cheerful flower in the foreground about to be overwhelmed by an approaching green tractor. the sunflower's bright yellow petals and deep brown center contrast the cold metal of the tractor's body. the ominous caption 'after the sunflowers, they will come for you' overlays the image, giving an eerie foreshadowing to the scene.",,7,4,attribute,color,"attribute - color (flower's petals, bright yellow)",Are the flower's petals bright yellow? +drawtext19,"a vibrant field of tall sunflowers standing against a clear blue sky, with one large, cheerful flower in the foreground about to be overwhelmed by an approaching green tractor. the sunflower's bright yellow petals and deep brown center contrast the cold metal of the tractor's body. the ominous caption 'after the sunflowers, they will come for you' overlays the image, giving an eerie foreshadowing to the scene.",,8,4,attribute,color,"attribute - color (flower's center, deep brown)",Is the flower's center deep brown? +drawtext19,"a vibrant field of tall sunflowers standing against a clear blue sky, with one large, cheerful flower in the foreground about to be overwhelmed by an approaching green tractor. the sunflower's bright yellow petals and deep brown center contrast the cold metal of the tractor's body. the ominous caption 'after the sunflowers, they will come for you' overlays the image, giving an eerie foreshadowing to the scene.",,9,5,attribute,color,"attribute - color (tractor's body, green)",Is the tractor's body green? +drawtext19,"a vibrant field of tall sunflowers standing against a clear blue sky, with one large, cheerful flower in the foreground about to be overwhelmed by an approaching green tractor. the sunflower's bright yellow petals and deep brown center contrast the cold metal of the tractor's body. the ominous caption 'after the sunflowers, they will come for you' overlays the image, giving an eerie foreshadowing to the scene.",,10,0,other,text,"other - text (caption, ""after the sunflowers, they will come for you"")","Does the caption say ""after the sunflowers, they will come for you""?" +countbench32,"A carefully arranged still life photo of a natural bird's nest containing three beige, speckled eggs. The nest is positioned on a subdued, dark backdrop to enhance the texture and detail of the twigs and eggs. The lighting is focused to create soft shadows and highlights that reveal the intricate patterns on the eggs and the interwoven structure of the nest.",,1,0,entity,whole,entity - whole (bird's nest),Is there a bird's nest? +countbench32,"A carefully arranged still life photo of a natural bird's nest containing three beige, speckled eggs. The nest is positioned on a subdued, dark backdrop to enhance the texture and detail of the twigs and eggs. The lighting is focused to create soft shadows and highlights that reveal the intricate patterns on the eggs and the interwoven structure of the nest.",,2,0,entity,whole,entity - whole (eggs),Are there eggs? +countbench32,"A carefully arranged still life photo of a natural bird's nest containing three beige, speckled eggs. The nest is positioned on a subdued, dark backdrop to enhance the texture and detail of the twigs and eggs. The lighting is focused to create soft shadows and highlights that reveal the intricate patterns on the eggs and the interwoven structure of the nest.",,3,0,global,,global - (still life photo),Is this a still life photo? +countbench32,"A carefully arranged still life photo of a natural bird's nest containing three beige, speckled eggs. The nest is positioned on a subdued, dark backdrop to enhance the texture and detail of the twigs and eggs. The lighting is focused to create soft shadows and highlights that reveal the intricate patterns on the eggs and the interwoven structure of the nest.",,4,2,attribute,color,"attribute - color (eggs, beige)",Are the eggs beige? +countbench32,"A carefully arranged still life photo of a natural bird's nest containing three beige, speckled eggs. The nest is positioned on a subdued, dark backdrop to enhance the texture and detail of the twigs and eggs. The lighting is focused to create soft shadows and highlights that reveal the intricate patterns on the eggs and the interwoven structure of the nest.",,5,2,attribute,texture,"attribute - texture (eggs, speckled)",Are the eggs speckled? +countbench32,"A carefully arranged still life photo of a natural bird's nest containing three beige, speckled eggs. The nest is positioned on a subdued, dark backdrop to enhance the texture and detail of the twigs and eggs. The lighting is focused to create soft shadows and highlights that reveal the intricate patterns on the eggs and the interwoven structure of the nest.",,6,1,attribute,texture,"attribute - texture (nest, twigs)",Is the nest made of twigs? +countbench32,"A carefully arranged still life photo of a natural bird's nest containing three beige, speckled eggs. The nest is positioned on a subdued, dark backdrop to enhance the texture and detail of the twigs and eggs. The lighting is focused to create soft shadows and highlights that reveal the intricate patterns on the eggs and the interwoven structure of the nest.",,7,2,other,count,"other - count (eggs, ==3)",Are there three eggs? +countbench32,"A carefully arranged still life photo of a natural bird's nest containing three beige, speckled eggs. The nest is positioned on a subdued, dark backdrop to enhance the texture and detail of the twigs and eggs. The lighting is focused to create soft shadows and highlights that reveal the intricate patterns on the eggs and the interwoven structure of the nest.",,8,0,attribute,color,"attribute - color (backdrop, dark)",Is the backdrop dark? +countbench32,"A carefully arranged still life photo of a natural bird's nest containing three beige, speckled eggs. The nest is positioned on a subdued, dark backdrop to enhance the texture and detail of the twigs and eggs. The lighting is focused to create soft shadows and highlights that reveal the intricate patterns on the eggs and the interwoven structure of the nest.",,9,8,attribute,texture,"attribute - texture (backdrop, subdued)",Is the backdrop subdued? +countbench32,"A carefully arranged still life photo of a natural bird's nest containing three beige, speckled eggs. The nest is positioned on a subdued, dark backdrop to enhance the texture and detail of the twigs and eggs. The lighting is focused to create soft shadows and highlights that reveal the intricate patterns on the eggs and the interwoven structure of the nest.",,10,"1,8",relation,spatial,"relation - spatial (nest, backdrop, on)",Is the nest positioned on the backdrop? +posescript36,"In an expansive room, the subject is captured in a dynamic squatting position with their torso angled towards the left. The left arm is firmly planted on the floor, supporting the weight of the body, while the right arm extends directly forward, fingers outstretched and intent. The head tilts in the same direction as the torso, with eyes fixed forward, expressing concentration and balance.",,1,0,entity,whole,entity - whole (subject),Is there a subject? +posescript36,"In an expansive room, the subject is captured in a dynamic squatting position with their torso angled towards the left. The left arm is firmly planted on the floor, supporting the weight of the body, while the right arm extends directly forward, fingers outstretched and intent. The head tilts in the same direction as the torso, with eyes fixed forward, expressing concentration and balance.",,2,0,entity,whole,entity - whole (room),Is there a room? +posescript36,"In an expansive room, the subject is captured in a dynamic squatting position with their torso angled towards the left. The left arm is firmly planted on the floor, supporting the weight of the body, while the right arm extends directly forward, fingers outstretched and intent. The head tilts in the same direction as the torso, with eyes fixed forward, expressing concentration and balance.",,3,1,entity,state,"entity - state (subject, squatting)",Is the subject in a dynamic squatting position? +posescript36,"In an expansive room, the subject is captured in a dynamic squatting position with their torso angled towards the left. The left arm is firmly planted on the floor, supporting the weight of the body, while the right arm extends directly forward, fingers outstretched and intent. The head tilts in the same direction as the torso, with eyes fixed forward, expressing concentration and balance.",,4,1,entity,state,"entity - state (subject, torso angled towards the left)",Is the subject's torso angled towards the left? +posescript36,"In an expansive room, the subject is captured in a dynamic squatting position with their torso angled towards the left. The left arm is firmly planted on the floor, supporting the weight of the body, while the right arm extends directly forward, fingers outstretched and intent. The head tilts in the same direction as the torso, with eyes fixed forward, expressing concentration and balance.",,5,1,entity,part,entity - part (subject's left arm),Is the subject's left arm visible? +posescript36,"In an expansive room, the subject is captured in a dynamic squatting position with their torso angled towards the left. The left arm is firmly planted on the floor, supporting the weight of the body, while the right arm extends directly forward, fingers outstretched and intent. The head tilts in the same direction as the torso, with eyes fixed forward, expressing concentration and balance.",,6,1,entity,part,entity - part (subject's right arm),Is the subject's right arm visible? +posescript36,"In an expansive room, the subject is captured in a dynamic squatting position with their torso angled towards the left. The left arm is firmly planted on the floor, supporting the weight of the body, while the right arm extends directly forward, fingers outstretched and intent. The head tilts in the same direction as the torso, with eyes fixed forward, expressing concentration and balance.",,7,"1,5",entity,state,"entity - state (subject's left arm, floor, planted on)",Is the subject's left arm firmly planted on the floor? +posescript36,"In an expansive room, the subject is captured in a dynamic squatting position with their torso angled towards the left. The left arm is firmly planted on the floor, supporting the weight of the body, while the right arm extends directly forward, fingers outstretched and intent. The head tilts in the same direction as the torso, with eyes fixed forward, expressing concentration and balance.",,8,"1,6",entity,state,"entity - state (subject's right arm, extend directly forward)",Does the subject's right arm extend directly forward? +posescript36,"In an expansive room, the subject is captured in a dynamic squatting position with their torso angled towards the left. The left arm is firmly planted on the floor, supporting the weight of the body, while the right arm extends directly forward, fingers outstretched and intent. The head tilts in the same direction as the torso, with eyes fixed forward, expressing concentration and balance.",,9,1,entity,state,"entity - state (subject's head, tilt)",Does the subject's head tilt in the same direction as the torso? +posescript36,"In an expansive room, the subject is captured in a dynamic squatting position with their torso angled towards the left. The left arm is firmly planted on the floor, supporting the weight of the body, while the right arm extends directly forward, fingers outstretched and intent. The head tilts in the same direction as the torso, with eyes fixed forward, expressing concentration and balance.",,10,1,entity,state,"entity - state (subject's eyes, fixed forward)",Are the subject's eyes fixed forward? +drawtext6,"An artistic display featuring light magenta and blue paint streaks applied with a wide brush, creating a translucent effect as they overlap on a sheet of plastic configured into the shape of the letter 'F'. This creative piece is set against a pure white background, which accentuates the colors and the unique translucency of the materials. The edges of the paint strokes are soft and blend seamlessly into one another, giving the artwork a sense of fluidity and motion.",,1,0,entity,whole,entity - whole (artistic display),Is there an artistic display? +drawtext6,"An artistic display featuring light magenta and blue paint streaks applied with a wide brush, creating a translucent effect as they overlap on a sheet of plastic configured into the shape of the letter 'F'. This creative piece is set against a pure white background, which accentuates the colors and the unique translucency of the materials. The edges of the paint strokes are soft and blend seamlessly into one another, giving the artwork a sense of fluidity and motion.",,2,1,entity,whole,entity - whole (paint streaks),Are there paint streaks? +drawtext6,"An artistic display featuring light magenta and blue paint streaks applied with a wide brush, creating a translucent effect as they overlap on a sheet of plastic configured into the shape of the letter 'F'. This creative piece is set against a pure white background, which accentuates the colors and the unique translucency of the materials. The edges of the paint strokes are soft and blend seamlessly into one another, giving the artwork a sense of fluidity and motion.",,3,0,entity,whole,entity - whole (brush),Is there a brush? +drawtext6,"An artistic display featuring light magenta and blue paint streaks applied with a wide brush, creating a translucent effect as they overlap on a sheet of plastic configured into the shape of the letter 'F'. This creative piece is set against a pure white background, which accentuates the colors and the unique translucency of the materials. The edges of the paint strokes are soft and blend seamlessly into one another, giving the artwork a sense of fluidity and motion.",,4,0,entity,whole,entity - whole (plastic sheet),Is there a plastic sheet? +drawtext6,"An artistic display featuring light magenta and blue paint streaks applied with a wide brush, creating a translucent effect as they overlap on a sheet of plastic configured into the shape of the letter 'F'. This creative piece is set against a pure white background, which accentuates the colors and the unique translucency of the materials. The edges of the paint strokes are soft and blend seamlessly into one another, giving the artwork a sense of fluidity and motion.",,5,4,entity,whole,entity - whole (letter 'F'),Is the shape of the letter 'F' present? +drawtext6,"An artistic display featuring light magenta and blue paint streaks applied with a wide brush, creating a translucent effect as they overlap on a sheet of plastic configured into the shape of the letter 'F'. This creative piece is set against a pure white background, which accentuates the colors and the unique translucency of the materials. The edges of the paint strokes are soft and blend seamlessly into one another, giving the artwork a sense of fluidity and motion.",,6,2,attribute,color,"attribute - color (paint streaks, light magenta)",Are the paint streaks light magenta? +drawtext6,"An artistic display featuring light magenta and blue paint streaks applied with a wide brush, creating a translucent effect as they overlap on a sheet of plastic configured into the shape of the letter 'F'. This creative piece is set against a pure white background, which accentuates the colors and the unique translucency of the materials. The edges of the paint strokes are soft and blend seamlessly into one another, giving the artwork a sense of fluidity and motion.",,7,2,attribute,color,"attribute - color (paint streaks, blue)",Are the paint streaks blue? +drawtext6,"An artistic display featuring light magenta and blue paint streaks applied with a wide brush, creating a translucent effect as they overlap on a sheet of plastic configured into the shape of the letter 'F'. This creative piece is set against a pure white background, which accentuates the colors and the unique translucency of the materials. The edges of the paint strokes are soft and blend seamlessly into one another, giving the artwork a sense of fluidity and motion.",,8,2,attribute,texture,"attribute - texture (paint streaks, translucent)",Do the paint streaks create a translucent effect? +drawtext6,"An artistic display featuring light magenta and blue paint streaks applied with a wide brush, creating a translucent effect as they overlap on a sheet of plastic configured into the shape of the letter 'F'. This creative piece is set against a pure white background, which accentuates the colors and the unique translucency of the materials. The edges of the paint strokes are soft and blend seamlessly into one another, giving the artwork a sense of fluidity and motion.",,9,0,attribute,texture,"attribute - texture (background, pure white)",Is the background pure white? +drawtext6,"An artistic display featuring light magenta and blue paint streaks applied with a wide brush, creating a translucent effect as they overlap on a sheet of plastic configured into the shape of the letter 'F'. This creative piece is set against a pure white background, which accentuates the colors and the unique translucency of the materials. The edges of the paint strokes are soft and blend seamlessly into one another, giving the artwork a sense of fluidity and motion.",,10,4,attribute,shape,"attribute - shape (plastic sheet, shape of the letter 'F')",Is the plastic sheet configured into the shape of the letter 'F'? +countbench26,"an elegant set of six vintage silver tablespoons, each intricately crafted with the 1847 Rogers Ambassador pattern. The spoons, exhibiting a fine luster and delicate engravings, lie gracefully aligned on a dark velvet cloth. The ornate design of each handle reflects the care and craftsmanship of the historic silverware, with flourishes and floral motifs adorning the metal surface.",,1,0,entity,whole,entity - whole (tablespoons),Is there a set of tablespoons? +countbench26,"an elegant set of six vintage silver tablespoons, each intricately crafted with the 1847 Rogers Ambassador pattern. The spoons, exhibiting a fine luster and delicate engravings, lie gracefully aligned on a dark velvet cloth. The ornate design of each handle reflects the care and craftsmanship of the historic silverware, with flourishes and floral motifs adorning the metal surface.",,2,1,other,count,"other - count (tablespoons, ==6)",Are there six tablespoons? +countbench26,"an elegant set of six vintage silver tablespoons, each intricately crafted with the 1847 Rogers Ambassador pattern. The spoons, exhibiting a fine luster and delicate engravings, lie gracefully aligned on a dark velvet cloth. The ornate design of each handle reflects the care and craftsmanship of the historic silverware, with flourishes and floral motifs adorning the metal surface.",,3,1,attribute,color,"attribute - color (tablespoons, silver)",Are the tablespoons silver? +countbench26,"an elegant set of six vintage silver tablespoons, each intricately crafted with the 1847 Rogers Ambassador pattern. The spoons, exhibiting a fine luster and delicate engravings, lie gracefully aligned on a dark velvet cloth. The ornate design of each handle reflects the care and craftsmanship of the historic silverware, with flourishes and floral motifs adorning the metal surface.",,4,1,attribute,other,"attribute - other (tablespoons, vintage)",Are the tablespoons vintage? +countbench26,"an elegant set of six vintage silver tablespoons, each intricately crafted with the 1847 Rogers Ambassador pattern. The spoons, exhibiting a fine luster and delicate engravings, lie gracefully aligned on a dark velvet cloth. The ornate design of each handle reflects the care and craftsmanship of the historic silverware, with flourishes and floral motifs adorning the metal surface.",,5,0,attribute,texture,"attribute - texture (cloth, velvet)",Is the cloth made of velvet? +countbench26,"an elegant set of six vintage silver tablespoons, each intricately crafted with the 1847 Rogers Ambassador pattern. The spoons, exhibiting a fine luster and delicate engravings, lie gracefully aligned on a dark velvet cloth. The ornate design of each handle reflects the care and craftsmanship of the historic silverware, with flourishes and floral motifs adorning the metal surface.",,6,5,attribute,color,"attribute - color (cloth, dark)",Is the cloth dark? +countbench26,"an elegant set of six vintage silver tablespoons, each intricately crafted with the 1847 Rogers Ambassador pattern. The spoons, exhibiting a fine luster and delicate engravings, lie gracefully aligned on a dark velvet cloth. The ornate design of each handle reflects the care and craftsmanship of the historic silverware, with flourishes and floral motifs adorning the metal surface.",,7,1,entity,part,entity - part (tablespoons' pattern),Do the tablespoons have a pattern? +countbench26,"an elegant set of six vintage silver tablespoons, each intricately crafted with the 1847 Rogers Ambassador pattern. The spoons, exhibiting a fine luster and delicate engravings, lie gracefully aligned on a dark velvet cloth. The ornate design of each handle reflects the care and craftsmanship of the historic silverware, with flourishes and floral motifs adorning the metal surface.",,8,7,attribute,other,"attribute - other (tablespoons' pattern, 1847 Rogers Ambassador)",Is the pattern on the tablespoons the 1847 Rogers Ambassador pattern? +countbench26,"an elegant set of six vintage silver tablespoons, each intricately crafted with the 1847 Rogers Ambassador pattern. The spoons, exhibiting a fine luster and delicate engravings, lie gracefully aligned on a dark velvet cloth. The ornate design of each handle reflects the care and craftsmanship of the historic silverware, with flourishes and floral motifs adorning the metal surface.",,9,1,entity,state,"entity - state (tablespoons, lie)",Are the tablespoons lying down? +countbench26,"an elegant set of six vintage silver tablespoons, each intricately crafted with the 1847 Rogers Ambassador pattern. The spoons, exhibiting a fine luster and delicate engravings, lie gracefully aligned on a dark velvet cloth. The ornate design of each handle reflects the care and craftsmanship of the historic silverware, with flourishes and floral motifs adorning the metal surface.",,10,"1,5",relation,spatial,"relation - spatial (tablespoons, cloth, on)",Are the tablespoons on the cloth? +countbench9,"An illustration depicting a group of six stylish girls clad in vibrant, eye-catching swimsuits, each showcasing a unique design and an array of lively colors that stand out against the plain background. The characters are accessorized with various beach-related items such as sunglasses, hats, and beach balls, providing a sense of summer fun. The artwork, created using a vector style, boasts clean lines and a modern aesthetic that captures the energy of a joyful, sunny day at the beach.",,1,0,entity,whole,entity - whole (girls),Is there a group of girls? +countbench9,"An illustration depicting a group of six stylish girls clad in vibrant, eye-catching swimsuits, each showcasing a unique design and an array of lively colors that stand out against the plain background. The characters are accessorized with various beach-related items such as sunglasses, hats, and beach balls, providing a sense of summer fun. The artwork, created using a vector style, boasts clean lines and a modern aesthetic that captures the energy of a joyful, sunny day at the beach.",,2,1,other,count,"other - count (girls, ==6)",Are there six girls? +countbench9,"An illustration depicting a group of six stylish girls clad in vibrant, eye-catching swimsuits, each showcasing a unique design and an array of lively colors that stand out against the plain background. The characters are accessorized with various beach-related items such as sunglasses, hats, and beach balls, providing a sense of summer fun. The artwork, created using a vector style, boasts clean lines and a modern aesthetic that captures the energy of a joyful, sunny day at the beach.",,3,1,entity,whole,entity - whole (swimsuits),Are there swimsuits? +countbench9,"An illustration depicting a group of six stylish girls clad in vibrant, eye-catching swimsuits, each showcasing a unique design and an array of lively colors that stand out against the plain background. The characters are accessorized with various beach-related items such as sunglasses, hats, and beach balls, providing a sense of summer fun. The artwork, created using a vector style, boasts clean lines and a modern aesthetic that captures the energy of a joyful, sunny day at the beach.",,4,0,entity,whole,entity - whole (background),Is there a background? +countbench9,"An illustration depicting a group of six stylish girls clad in vibrant, eye-catching swimsuits, each showcasing a unique design and an array of lively colors that stand out against the plain background. The characters are accessorized with various beach-related items such as sunglasses, hats, and beach balls, providing a sense of summer fun. The artwork, created using a vector style, boasts clean lines and a modern aesthetic that captures the energy of a joyful, sunny day at the beach.",,5,1,entity,part,entity - part (accessories),Are there accessories? +countbench9,"An illustration depicting a group of six stylish girls clad in vibrant, eye-catching swimsuits, each showcasing a unique design and an array of lively colors that stand out against the plain background. The characters are accessorized with various beach-related items such as sunglasses, hats, and beach balls, providing a sense of summer fun. The artwork, created using a vector style, boasts clean lines and a modern aesthetic that captures the energy of a joyful, sunny day at the beach.",,6,0,global,,global - (illustration),Is this an illustration? +countbench9,"An illustration depicting a group of six stylish girls clad in vibrant, eye-catching swimsuits, each showcasing a unique design and an array of lively colors that stand out against the plain background. The characters are accessorized with various beach-related items such as sunglasses, hats, and beach balls, providing a sense of summer fun. The artwork, created using a vector style, boasts clean lines and a modern aesthetic that captures the energy of a joyful, sunny day at the beach.",,7,0,global,,global - (vector style),Is the illustration created using a vector style? +countbench9,"An illustration depicting a group of six stylish girls clad in vibrant, eye-catching swimsuits, each showcasing a unique design and an array of lively colors that stand out against the plain background. The characters are accessorized with various beach-related items such as sunglasses, hats, and beach balls, providing a sense of summer fun. The artwork, created using a vector style, boasts clean lines and a modern aesthetic that captures the energy of a joyful, sunny day at the beach.",,8,3,attribute,color,"attribute - color (swimsuits, vibrant)",Are the swimsuits vibrant? +countbench9,"An illustration depicting a group of six stylish girls clad in vibrant, eye-catching swimsuits, each showcasing a unique design and an array of lively colors that stand out against the plain background. The characters are accessorized with various beach-related items such as sunglasses, hats, and beach balls, providing a sense of summer fun. The artwork, created using a vector style, boasts clean lines and a modern aesthetic that captures the energy of a joyful, sunny day at the beach.",,9,3,attribute,color,"attribute - color (swimsuits, eye-catching)",Are the swimsuits eye-catching? +countbench9,"An illustration depicting a group of six stylish girls clad in vibrant, eye-catching swimsuits, each showcasing a unique design and an array of lively colors that stand out against the plain background. The characters are accessorized with various beach-related items such as sunglasses, hats, and beach balls, providing a sense of summer fun. The artwork, created using a vector style, boasts clean lines and a modern aesthetic that captures the energy of a joyful, sunny day at the beach.",,10,"1,4",relation,spatial,"relation - spatial (girls, background, against)",Are the girls standing against the background? +posescript37,"A dynamic stance captured in a moment of intense action shows an individual with their legs spread apart for balance. Their right arm is drawn back, poised in a throwing position, with their hand just below the level of their head, ready to launch. The left arm is relaxed and lowered, the elbow bent, and the hand gently resting on the stomach area, creating a counterbalance to the tension in the right arm.",,1,0,entity,whole,entity - whole (individual),Is there an individual? +posescript37,"A dynamic stance captured in a moment of intense action shows an individual with their legs spread apart for balance. Their right arm is drawn back, poised in a throwing position, with their hand just below the level of their head, ready to launch. The left arm is relaxed and lowered, the elbow bent, and the hand gently resting on the stomach area, creating a counterbalance to the tension in the right arm.",,2,1,entity,part,entity - part (individual's legs),Does the individual have legs? +posescript37,"A dynamic stance captured in a moment of intense action shows an individual with their legs spread apart for balance. Their right arm is drawn back, poised in a throwing position, with their hand just below the level of their head, ready to launch. The left arm is relaxed and lowered, the elbow bent, and the hand gently resting on the stomach area, creating a counterbalance to the tension in the right arm.",,3,1,entity,part,entity - part (individual's right arm),Does the individual have a right arm? +posescript37,"A dynamic stance captured in a moment of intense action shows an individual with their legs spread apart for balance. Their right arm is drawn back, poised in a throwing position, with their hand just below the level of their head, ready to launch. The left arm is relaxed and lowered, the elbow bent, and the hand gently resting on the stomach area, creating a counterbalance to the tension in the right arm.",,4,1,entity,part,entity - part (individual's left arm),Does the individual have a left arm? +posescript37,"A dynamic stance captured in a moment of intense action shows an individual with their legs spread apart for balance. Their right arm is drawn back, poised in a throwing position, with their hand just below the level of their head, ready to launch. The left arm is relaxed and lowered, the elbow bent, and the hand gently resting on the stomach area, creating a counterbalance to the tension in the right arm.",,5,1,entity,part,entity - part (individual's hand),Does the individual have a hand? +posescript37,"A dynamic stance captured in a moment of intense action shows an individual with their legs spread apart for balance. Their right arm is drawn back, poised in a throwing position, with their hand just below the level of their head, ready to launch. The left arm is relaxed and lowered, the elbow bent, and the hand gently resting on the stomach area, creating a counterbalance to the tension in the right arm.",,6,1,entity,state,"entity - state (individual, dynamic stance)",Is the individual in a dynamic stance? +posescript37,"A dynamic stance captured in a moment of intense action shows an individual with their legs spread apart for balance. Their right arm is drawn back, poised in a throwing position, with their hand just below the level of their head, ready to launch. The left arm is relaxed and lowered, the elbow bent, and the hand gently resting on the stomach area, creating a counterbalance to the tension in the right arm.",,7,2,entity,state,"entity - state (individual's legs, spread apart)",Are the individual's legs spread apart? +posescript37,"A dynamic stance captured in a moment of intense action shows an individual with their legs spread apart for balance. Their right arm is drawn back, poised in a throwing position, with their hand just below the level of their head, ready to launch. The left arm is relaxed and lowered, the elbow bent, and the hand gently resting on the stomach area, creating a counterbalance to the tension in the right arm.",,8,3,entity,state,"entity - state (individual's right arm, drawn back)",Is the individual's right arm drawn back? +posescript37,"A dynamic stance captured in a moment of intense action shows an individual with their legs spread apart for balance. Their right arm is drawn back, poised in a throwing position, with their hand just below the level of their head, ready to launch. The left arm is relaxed and lowered, the elbow bent, and the hand gently resting on the stomach area, creating a counterbalance to the tension in the right arm.",,9,3,entity,state,"entity - state (individual's right arm, throwing position)",Is the individual's right arm in a throwing position? +posescript37,"A dynamic stance captured in a moment of intense action shows an individual with their legs spread apart for balance. Their right arm is drawn back, poised in a throwing position, with their hand just below the level of their head, ready to launch. The left arm is relaxed and lowered, the elbow bent, and the hand gently resting on the stomach area, creating a counterbalance to the tension in the right arm.",,10,4,entity,state,"entity - state (individual's left arm, relaxed)",Is the individual's left arm relaxed? +whoops39,"In a grassy field stands a cow, its fur a patchwork of black and white, with a bright yellow megaphone attached to its red collar. The grass around its hooves is a lush green, and in the background, a wooden fence can be seen, stretching into the distance. The cow's expression is one of mild curiosity as it gazes off into the horizon, the megaphone positioned as if ready to amplify the cow's next ""moo"".",,1,0,entity,whole,entity - whole (cow),Is there a cow? +whoops39,"In a grassy field stands a cow, its fur a patchwork of black and white, with a bright yellow megaphone attached to its red collar. The grass around its hooves is a lush green, and in the background, a wooden fence can be seen, stretching into the distance. The cow's expression is one of mild curiosity as it gazes off into the horizon, the megaphone positioned as if ready to amplify the cow's next ""moo"".",,2,0,entity,whole,entity - whole (megaphone),Is there a megaphone? +whoops39,"In a grassy field stands a cow, its fur a patchwork of black and white, with a bright yellow megaphone attached to its red collar. The grass around its hooves is a lush green, and in the background, a wooden fence can be seen, stretching into the distance. The cow's expression is one of mild curiosity as it gazes off into the horizon, the megaphone positioned as if ready to amplify the cow's next ""moo"".",,3,1,entity,whole,entity - whole (collar),Is there a collar? +whoops39,"In a grassy field stands a cow, its fur a patchwork of black and white, with a bright yellow megaphone attached to its red collar. The grass around its hooves is a lush green, and in the background, a wooden fence can be seen, stretching into the distance. The cow's expression is one of mild curiosity as it gazes off into the horizon, the megaphone positioned as if ready to amplify the cow's next ""moo"".",,4,0,entity,whole,entity - whole (grass),Is there grass? +whoops39,"In a grassy field stands a cow, its fur a patchwork of black and white, with a bright yellow megaphone attached to its red collar. The grass around its hooves is a lush green, and in the background, a wooden fence can be seen, stretching into the distance. The cow's expression is one of mild curiosity as it gazes off into the horizon, the megaphone positioned as if ready to amplify the cow's next ""moo"".",,5,0,entity,whole,entity - whole (fence),Is there a fence? +whoops39,"In a grassy field stands a cow, its fur a patchwork of black and white, with a bright yellow megaphone attached to its red collar. The grass around its hooves is a lush green, and in the background, a wooden fence can be seen, stretching into the distance. The cow's expression is one of mild curiosity as it gazes off into the horizon, the megaphone positioned as if ready to amplify the cow's next ""moo"".",,6,1,attribute,color,"attribute - color (cow's fur, black and white)",Is the cow's fur a patchwork of black and white? +whoops39,"In a grassy field stands a cow, its fur a patchwork of black and white, with a bright yellow megaphone attached to its red collar. The grass around its hooves is a lush green, and in the background, a wooden fence can be seen, stretching into the distance. The cow's expression is one of mild curiosity as it gazes off into the horizon, the megaphone positioned as if ready to amplify the cow's next ""moo"".",,7,2,attribute,color,"attribute - color (megaphone, bright yellow)",Is the megaphone bright yellow? +whoops39,"In a grassy field stands a cow, its fur a patchwork of black and white, with a bright yellow megaphone attached to its red collar. The grass around its hooves is a lush green, and in the background, a wooden fence can be seen, stretching into the distance. The cow's expression is one of mild curiosity as it gazes off into the horizon, the megaphone positioned as if ready to amplify the cow's next ""moo"".",,8,3,attribute,color,"attribute - color (collar, red)",Is the collar red? +whoops39,"In a grassy field stands a cow, its fur a patchwork of black and white, with a bright yellow megaphone attached to its red collar. The grass around its hooves is a lush green, and in the background, a wooden fence can be seen, stretching into the distance. The cow's expression is one of mild curiosity as it gazes off into the horizon, the megaphone positioned as if ready to amplify the cow's next ""moo"".",,9,4,attribute,color,"attribute - color (grass, lush green)",Is the grass around the cow's hooves lush green? +whoops39,"In a grassy field stands a cow, its fur a patchwork of black and white, with a bright yellow megaphone attached to its red collar. The grass around its hooves is a lush green, and in the background, a wooden fence can be seen, stretching into the distance. The cow's expression is one of mild curiosity as it gazes off into the horizon, the megaphone positioned as if ready to amplify the cow's next ""moo"".",,10,5,attribute,texture,"attribute - texture (fence, wood)",Is the fence made of wood? +diffusiondb14,"This is a vibrant, digitally-created watercolor illustration portraying an apocalyptic scene with sharp focus and a smooth finish. The artwork, by James Jean, features Rossdraws' signature style with elements reminiscent of Frank Frazetta's fantasy aesthetics, incorporating Mcbess's bold linework, and infused with the ethereal quality of Sakimichan's enchantments. The dynamic composition showcases a whirlwind of colors that vividly depicts the chaotic yet mesmerizing moment at the end of the world.",,1,0,global,,"global - (illustration, vibrant)",Is the illustration vibrant? +diffusiondb14,"This is a vibrant, digitally-created watercolor illustration portraying an apocalyptic scene with sharp focus and a smooth finish. The artwork, by James Jean, features Rossdraws' signature style with elements reminiscent of Frank Frazetta's fantasy aesthetics, incorporating Mcbess's bold linework, and infused with the ethereal quality of Sakimichan's enchantments. The dynamic composition showcases a whirlwind of colors that vividly depicts the chaotic yet mesmerizing moment at the end of the world.",,2,0,global,,"global - (illustration, digitally-created)",Is the illustration digitally-created? +diffusiondb14,"This is a vibrant, digitally-created watercolor illustration portraying an apocalyptic scene with sharp focus and a smooth finish. The artwork, by James Jean, features Rossdraws' signature style with elements reminiscent of Frank Frazetta's fantasy aesthetics, incorporating Mcbess's bold linework, and infused with the ethereal quality of Sakimichan's enchantments. The dynamic composition showcases a whirlwind of colors that vividly depicts the chaotic yet mesmerizing moment at the end of the world.",,3,0,global,,"global - (illustration, watercolor)",Is the illustration a watercolor? +diffusiondb14,"This is a vibrant, digitally-created watercolor illustration portraying an apocalyptic scene with sharp focus and a smooth finish. The artwork, by James Jean, features Rossdraws' signature style with elements reminiscent of Frank Frazetta's fantasy aesthetics, incorporating Mcbess's bold linework, and infused with the ethereal quality of Sakimichan's enchantments. The dynamic composition showcases a whirlwind of colors that vividly depicts the chaotic yet mesmerizing moment at the end of the world.",,4,0,global,,"global - (illustration, apocalyptic scene)",Does the illustration portray an apocalyptic scene? +diffusiondb14,"This is a vibrant, digitally-created watercolor illustration portraying an apocalyptic scene with sharp focus and a smooth finish. The artwork, by James Jean, features Rossdraws' signature style with elements reminiscent of Frank Frazetta's fantasy aesthetics, incorporating Mcbess's bold linework, and infused with the ethereal quality of Sakimichan's enchantments. The dynamic composition showcases a whirlwind of colors that vividly depicts the chaotic yet mesmerizing moment at the end of the world.",,5,0,global,,"global - (illustration, sharp focus)",Does the illustration have sharp focus? +diffusiondb14,"This is a vibrant, digitally-created watercolor illustration portraying an apocalyptic scene with sharp focus and a smooth finish. The artwork, by James Jean, features Rossdraws' signature style with elements reminiscent of Frank Frazetta's fantasy aesthetics, incorporating Mcbess's bold linework, and infused with the ethereal quality of Sakimichan's enchantments. The dynamic composition showcases a whirlwind of colors that vividly depicts the chaotic yet mesmerizing moment at the end of the world.",,6,0,global,,"global - (illustration, smooth finish)",Does the illustration have a smooth finish? +diffusiondb14,"This is a vibrant, digitally-created watercolor illustration portraying an apocalyptic scene with sharp focus and a smooth finish. The artwork, by James Jean, features Rossdraws' signature style with elements reminiscent of Frank Frazetta's fantasy aesthetics, incorporating Mcbess's bold linework, and infused with the ethereal quality of Sakimichan's enchantments. The dynamic composition showcases a whirlwind of colors that vividly depicts the chaotic yet mesmerizing moment at the end of the world.",,7,"1,2,3,4,5,6",attribute,other,"attribute - other (artwork, by James Jean)",Is the artwork by James Jean? +diffusiondb14,"This is a vibrant, digitally-created watercolor illustration portraying an apocalyptic scene with sharp focus and a smooth finish. The artwork, by James Jean, features Rossdraws' signature style with elements reminiscent of Frank Frazetta's fantasy aesthetics, incorporating Mcbess's bold linework, and infused with the ethereal quality of Sakimichan's enchantments. The dynamic composition showcases a whirlwind of colors that vividly depicts the chaotic yet mesmerizing moment at the end of the world.",,8,"1,2,3,4,5,6",attribute,other,"attribute - other (artwork, features Rossdraws' signature style)",Does the artwork feature Rossdraws' signature style? +diffusiondb14,"This is a vibrant, digitally-created watercolor illustration portraying an apocalyptic scene with sharp focus and a smooth finish. The artwork, by James Jean, features Rossdraws' signature style with elements reminiscent of Frank Frazetta's fantasy aesthetics, incorporating Mcbess's bold linework, and infused with the ethereal quality of Sakimichan's enchantments. The dynamic composition showcases a whirlwind of colors that vividly depicts the chaotic yet mesmerizing moment at the end of the world.",,9,"1,2,3,4,5,6",attribute,other,"attribute - other (artwork, reminiscent of Frank Frazetta's fantasy aesthetics)",Is the artwork reminiscent of Frank Frazetta's fantasy aesthetics? +diffusiondb14,"This is a vibrant, digitally-created watercolor illustration portraying an apocalyptic scene with sharp focus and a smooth finish. The artwork, by James Jean, features Rossdraws' signature style with elements reminiscent of Frank Frazetta's fantasy aesthetics, incorporating Mcbess's bold linework, and infused with the ethereal quality of Sakimichan's enchantments. The dynamic composition showcases a whirlwind of colors that vividly depicts the chaotic yet mesmerizing moment at the end of the world.",,10,"1,2,3,4,5,6",attribute,other,"attribute - other (artwork, incorporates Mcbess's bold linework)",Does the artwork incorporate Mcbess's bold linework? +stanford8,"A vibrant green door stands out against the stark contrast of its surrounding white walls, which are visibly marred with smudges and streaks of accumulated grime. Next to the door rests a large black bicycle, featuring a well-worn leather seat, a sign of frequent use. The bicycle's matching black handles complement the overall stark monochrome aesthetic, making it a prominent feature within this urban scene.",,1,0,entity,whole,entity - whole (door),Is there a door? +stanford8,"A vibrant green door stands out against the stark contrast of its surrounding white walls, which are visibly marred with smudges and streaks of accumulated grime. Next to the door rests a large black bicycle, featuring a well-worn leather seat, a sign of frequent use. The bicycle's matching black handles complement the overall stark monochrome aesthetic, making it a prominent feature within this urban scene.",,2,0,entity,whole,entity - whole (walls),Are there walls? +stanford8,"A vibrant green door stands out against the stark contrast of its surrounding white walls, which are visibly marred with smudges and streaks of accumulated grime. Next to the door rests a large black bicycle, featuring a well-worn leather seat, a sign of frequent use. The bicycle's matching black handles complement the overall stark monochrome aesthetic, making it a prominent feature within this urban scene.",,3,0,entity,whole,entity - whole (bicycle),Is there a bicycle? +stanford8,"A vibrant green door stands out against the stark contrast of its surrounding white walls, which are visibly marred with smudges and streaks of accumulated grime. Next to the door rests a large black bicycle, featuring a well-worn leather seat, a sign of frequent use. The bicycle's matching black handles complement the overall stark monochrome aesthetic, making it a prominent feature within this urban scene.",,4,1,attribute,color,"attribute - color (door, vibrant green)",Is the door vibrant green? +stanford8,"A vibrant green door stands out against the stark contrast of its surrounding white walls, which are visibly marred with smudges and streaks of accumulated grime. Next to the door rests a large black bicycle, featuring a well-worn leather seat, a sign of frequent use. The bicycle's matching black handles complement the overall stark monochrome aesthetic, making it a prominent feature within this urban scene.",,5,2,attribute,color,"attribute - color (walls, white)",Are the walls white? +stanford8,"A vibrant green door stands out against the stark contrast of its surrounding white walls, which are visibly marred with smudges and streaks of accumulated grime. Next to the door rests a large black bicycle, featuring a well-worn leather seat, a sign of frequent use. The bicycle's matching black handles complement the overall stark monochrome aesthetic, making it a prominent feature within this urban scene.",,6,3,attribute,color,"attribute - color (bicycle, black)",Is the bicycle black? +stanford8,"A vibrant green door stands out against the stark contrast of its surrounding white walls, which are visibly marred with smudges and streaks of accumulated grime. Next to the door rests a large black bicycle, featuring a well-worn leather seat, a sign of frequent use. The bicycle's matching black handles complement the overall stark monochrome aesthetic, making it a prominent feature within this urban scene.",,7,2,attribute,texture,"attribute - texture (walls, smudged and streaked)",Are the walls visibly marred with smudges and streaks? +stanford8,"A vibrant green door stands out against the stark contrast of its surrounding white walls, which are visibly marred with smudges and streaks of accumulated grime. Next to the door rests a large black bicycle, featuring a well-worn leather seat, a sign of frequent use. The bicycle's matching black handles complement the overall stark monochrome aesthetic, making it a prominent feature within this urban scene.",,8,3,attribute,texture,"attribute - texture (bicycle's seat, well-worn leather)",Does the bicycle have a well-worn leather seat? +stanford8,"A vibrant green door stands out against the stark contrast of its surrounding white walls, which are visibly marred with smudges and streaks of accumulated grime. Next to the door rests a large black bicycle, featuring a well-worn leather seat, a sign of frequent use. The bicycle's matching black handles complement the overall stark monochrome aesthetic, making it a prominent feature within this urban scene.",,9,"1,2",relation,spatial,"relation - spatial (door, walls, against)",Does the door stand out against the walls? +stanford8,"A vibrant green door stands out against the stark contrast of its surrounding white walls, which are visibly marred with smudges and streaks of accumulated grime. Next to the door rests a large black bicycle, featuring a well-worn leather seat, a sign of frequent use. The bicycle's matching black handles complement the overall stark monochrome aesthetic, making it a prominent feature within this urban scene.",,10,"3,1",relation,spatial,"relation - spatial (bicycle, door, next to)",Is the bicycle resting next to the door? +countbench39,"A collection of images displaying a male nurse, each capturing different poses and facial expressions. He is dressed in a pristine white coat, which contrasts against the deep blue scrubs underneath. In one picture, he holds a stethoscope with a concentrated expression, while another shows him with a reassuring smile, offering a comforting presence. A clipboard is clutched in his hand in a third image, where his brow is furrowed in thought. The background features a clean, clinical setting with beige walls and medical equipment in view.",,1,0,entity,whole,entity - whole (nurse),Is there a nurse? +countbench39,"A collection of images displaying a male nurse, each capturing different poses and facial expressions. He is dressed in a pristine white coat, which contrasts against the deep blue scrubs underneath. In one picture, he holds a stethoscope with a concentrated expression, while another shows him with a reassuring smile, offering a comforting presence. A clipboard is clutched in his hand in a third image, where his brow is furrowed in thought. The background features a clean, clinical setting with beige walls and medical equipment in view.",,2,0,entity,whole,entity - whole (images),Is there a collection of images? +countbench39,"A collection of images displaying a male nurse, each capturing different poses and facial expressions. He is dressed in a pristine white coat, which contrasts against the deep blue scrubs underneath. In one picture, he holds a stethoscope with a concentrated expression, while another shows him with a reassuring smile, offering a comforting presence. A clipboard is clutched in his hand in a third image, where his brow is furrowed in thought. The background features a clean, clinical setting with beige walls and medical equipment in view.",,3,1,entity,part,entity - part (nurse's coat),Does the nurse have a coat? +countbench39,"A collection of images displaying a male nurse, each capturing different poses and facial expressions. He is dressed in a pristine white coat, which contrasts against the deep blue scrubs underneath. In one picture, he holds a stethoscope with a concentrated expression, while another shows him with a reassuring smile, offering a comforting presence. A clipboard is clutched in his hand in a third image, where his brow is furrowed in thought. The background features a clean, clinical setting with beige walls and medical equipment in view.",,4,1,entity,part,entity - part (nurse's scrubs),Does the nurse have scrubs? +countbench39,"A collection of images displaying a male nurse, each capturing different poses and facial expressions. He is dressed in a pristine white coat, which contrasts against the deep blue scrubs underneath. In one picture, he holds a stethoscope with a concentrated expression, while another shows him with a reassuring smile, offering a comforting presence. A clipboard is clutched in his hand in a third image, where his brow is furrowed in thought. The background features a clean, clinical setting with beige walls and medical equipment in view.",,5,1,entity,part,entity - part (nurse's stethoscope),Does the nurse have a stethoscope? +countbench39,"A collection of images displaying a male nurse, each capturing different poses and facial expressions. He is dressed in a pristine white coat, which contrasts against the deep blue scrubs underneath. In one picture, he holds a stethoscope with a concentrated expression, while another shows him with a reassuring smile, offering a comforting presence. A clipboard is clutched in his hand in a third image, where his brow is furrowed in thought. The background features a clean, clinical setting with beige walls and medical equipment in view.",,6,1,entity,part,entity - part (nurse's clipboard),Does the nurse have a clipboard? +countbench39,"A collection of images displaying a male nurse, each capturing different poses and facial expressions. He is dressed in a pristine white coat, which contrasts against the deep blue scrubs underneath. In one picture, he holds a stethoscope with a concentrated expression, while another shows him with a reassuring smile, offering a comforting presence. A clipboard is clutched in his hand in a third image, where his brow is furrowed in thought. The background features a clean, clinical setting with beige walls and medical equipment in view.",,7,3,attribute,color,"attribute - color (nurse's coat, white)",Is the nurse's coat white? +countbench39,"A collection of images displaying a male nurse, each capturing different poses and facial expressions. He is dressed in a pristine white coat, which contrasts against the deep blue scrubs underneath. In one picture, he holds a stethoscope with a concentrated expression, while another shows him with a reassuring smile, offering a comforting presence. A clipboard is clutched in his hand in a third image, where his brow is furrowed in thought. The background features a clean, clinical setting with beige walls and medical equipment in view.",,8,4,attribute,color,"attribute - color (nurse's scrubs, deep blue)",Are the nurse's scrubs deep blue? +countbench39,"A collection of images displaying a male nurse, each capturing different poses and facial expressions. He is dressed in a pristine white coat, which contrasts against the deep blue scrubs underneath. In one picture, he holds a stethoscope with a concentrated expression, while another shows him with a reassuring smile, offering a comforting presence. A clipboard is clutched in his hand in a third image, where his brow is furrowed in thought. The background features a clean, clinical setting with beige walls and medical equipment in view.",,9,1,attribute,other,"attribute - other (nurse, male)",Is the nurse male? +countbench39,"A collection of images displaying a male nurse, each capturing different poses and facial expressions. He is dressed in a pristine white coat, which contrasts against the deep blue scrubs underneath. In one picture, he holds a stethoscope with a concentrated expression, while another shows him with a reassuring smile, offering a comforting presence. A clipboard is clutched in his hand in a third image, where his brow is furrowed in thought. The background features a clean, clinical setting with beige walls and medical equipment in view.",,10,1,relation,non-spatial,"relation - non-spatial (nurse, poses, different)",Are there different poses of the nurse captured in the images? +posescript25,"A dynamic sculpture of an athlete in the midst of a sprint, with the form capturing the essence of motion. The head of the figure is titled upwards, suggesting determination and focus, while the hands are strategically positioned close to the body; the left arm is tucked below the right, which extends outward to emulate the action of an intense run. The muscles are sculpted in a way to depict tension and energy, complementing the overall impression of speed and agility.",,1,0,entity,whole,entity - whole (sculpture),Is there a sculpture? +posescript25,"A dynamic sculpture of an athlete in the midst of a sprint, with the form capturing the essence of motion. The head of the figure is titled upwards, suggesting determination and focus, while the hands are strategically positioned close to the body; the left arm is tucked below the right, which extends outward to emulate the action of an intense run. The muscles are sculpted in a way to depict tension and energy, complementing the overall impression of speed and agility.",,2,1,entity,whole,entity - whole (athlete),Is the sculpture of an athlete? +posescript25,"A dynamic sculpture of an athlete in the midst of a sprint, with the form capturing the essence of motion. The head of the figure is titled upwards, suggesting determination and focus, while the hands are strategically positioned close to the body; the left arm is tucked below the right, which extends outward to emulate the action of an intense run. The muscles are sculpted in a way to depict tension and energy, complementing the overall impression of speed and agility.",,3,2,entity,state,"entity - state (athlete, sprint)",Is the athlete in the midst of a sprint? +posescript25,"A dynamic sculpture of an athlete in the midst of a sprint, with the form capturing the essence of motion. The head of the figure is titled upwards, suggesting determination and focus, while the hands are strategically positioned close to the body; the left arm is tucked below the right, which extends outward to emulate the action of an intense run. The muscles are sculpted in a way to depict tension and energy, complementing the overall impression of speed and agility.",,4,2,entity,part,entity - part (athlete's head),Is there a head on the athlete figure? +posescript25,"A dynamic sculpture of an athlete in the midst of a sprint, with the form capturing the essence of motion. The head of the figure is titled upwards, suggesting determination and focus, while the hands are strategically positioned close to the body; the left arm is tucked below the right, which extends outward to emulate the action of an intense run. The muscles are sculpted in a way to depict tension and energy, complementing the overall impression of speed and agility.",,5,2,entity,part,entity - part (athlete's hands),Are there hands on the athlete figure? +posescript25,"A dynamic sculpture of an athlete in the midst of a sprint, with the form capturing the essence of motion. The head of the figure is titled upwards, suggesting determination and focus, while the hands are strategically positioned close to the body; the left arm is tucked below the right, which extends outward to emulate the action of an intense run. The muscles are sculpted in a way to depict tension and energy, complementing the overall impression of speed and agility.",,6,2,entity,part,entity - part (athlete's left arm),Is there a left arm on the athlete figure? +posescript25,"A dynamic sculpture of an athlete in the midst of a sprint, with the form capturing the essence of motion. The head of the figure is titled upwards, suggesting determination and focus, while the hands are strategically positioned close to the body; the left arm is tucked below the right, which extends outward to emulate the action of an intense run. The muscles are sculpted in a way to depict tension and energy, complementing the overall impression of speed and agility.",,7,2,entity,part,entity - part (athlete's right arm),Is there a right arm on the athlete figure? +posescript25,"A dynamic sculpture of an athlete in the midst of a sprint, with the form capturing the essence of motion. The head of the figure is titled upwards, suggesting determination and focus, while the hands are strategically positioned close to the body; the left arm is tucked below the right, which extends outward to emulate the action of an intense run. The muscles are sculpted in a way to depict tension and energy, complementing the overall impression of speed and agility.",,8,2,entity,part,entity - part (athlete's muscles),Are there muscles on the athlete figure? +posescript25,"A dynamic sculpture of an athlete in the midst of a sprint, with the form capturing the essence of motion. The head of the figure is titled upwards, suggesting determination and focus, while the hands are strategically positioned close to the body; the left arm is tucked below the right, which extends outward to emulate the action of an intense run. The muscles are sculpted in a way to depict tension and energy, complementing the overall impression of speed and agility.",,9,4,attribute,other,"attribute - other (athlete's head, titled upwards)",Is the athlete's head tilted upwards? +posescript25,"A dynamic sculpture of an athlete in the midst of a sprint, with the form capturing the essence of motion. The head of the figure is titled upwards, suggesting determination and focus, while the hands are strategically positioned close to the body; the left arm is tucked below the right, which extends outward to emulate the action of an intense run. The muscles are sculpted in a way to depict tension and energy, complementing the overall impression of speed and agility.",,10,5,attribute,other,"attribute - other (athlete's hands, positioned close to body)",Are the athlete's hands positioned close to the body? +diffusiondb30,"A highly detailed photorealistic illustration displaying a cowboy in a dynamic, cinematic lighting setup. The cowboy, rendered in stunning 8k resolution, stands at 6000 mm tall, capturing every facet of his rugged attire from the leather boots to the wide-brimmed hat. In the background, the bokeh effect beautifully blurs the lights, creating a striking contrast with the sharpness of the cowboy's figure in the foreground.",,1,0,entity,whole,entity - whole (cowboy),Is there a cowboy? +diffusiondb30,"A highly detailed photorealistic illustration displaying a cowboy in a dynamic, cinematic lighting setup. The cowboy, rendered in stunning 8k resolution, stands at 6000 mm tall, capturing every facet of his rugged attire from the leather boots to the wide-brimmed hat. In the background, the bokeh effect beautifully blurs the lights, creating a striking contrast with the sharpness of the cowboy's figure in the foreground.",,2,0,entity,whole,entity - whole (illustration),Is there an illustration? +diffusiondb30,"A highly detailed photorealistic illustration displaying a cowboy in a dynamic, cinematic lighting setup. The cowboy, rendered in stunning 8k resolution, stands at 6000 mm tall, capturing every facet of his rugged attire from the leather boots to the wide-brimmed hat. In the background, the bokeh effect beautifully blurs the lights, creating a striking contrast with the sharpness of the cowboy's figure in the foreground.",,3,1,entity,part,"entity - part (cowboy's boots, leather)",Does the cowboy wear leather boots? +diffusiondb30,"A highly detailed photorealistic illustration displaying a cowboy in a dynamic, cinematic lighting setup. The cowboy, rendered in stunning 8k resolution, stands at 6000 mm tall, capturing every facet of his rugged attire from the leather boots to the wide-brimmed hat. In the background, the bokeh effect beautifully blurs the lights, creating a striking contrast with the sharpness of the cowboy's figure in the foreground.",,4,1,entity,part,"entity - part (cowboy's hat, wide-brimmed)",Does the cowboy wear a wide-brimmed hat? +diffusiondb30,"A highly detailed photorealistic illustration displaying a cowboy in a dynamic, cinematic lighting setup. The cowboy, rendered in stunning 8k resolution, stands at 6000 mm tall, capturing every facet of his rugged attire from the leather boots to the wide-brimmed hat. In the background, the bokeh effect beautifully blurs the lights, creating a striking contrast with the sharpness of the cowboy's figure in the foreground.",,5,2,global,,global - (photorealistic),Is the illustration photorealistic? +diffusiondb30,"A highly detailed photorealistic illustration displaying a cowboy in a dynamic, cinematic lighting setup. The cowboy, rendered in stunning 8k resolution, stands at 6000 mm tall, capturing every facet of his rugged attire from the leather boots to the wide-brimmed hat. In the background, the bokeh effect beautifully blurs the lights, creating a striking contrast with the sharpness of the cowboy's figure in the foreground.",,6,2,global,,"global - (dynamic, cinematic lighting)","Does the illustration feature dynamic, cinematic lighting?" +diffusiondb30,"A highly detailed photorealistic illustration displaying a cowboy in a dynamic, cinematic lighting setup. The cowboy, rendered in stunning 8k resolution, stands at 6000 mm tall, capturing every facet of his rugged attire from the leather boots to the wide-brimmed hat. In the background, the bokeh effect beautifully blurs the lights, creating a striking contrast with the sharpness of the cowboy's figure in the foreground.",,7,1,attribute,other,"attribute - other (cowboy, 8k resolution)",Is the cowboy rendered in stunning 8k resolution? +diffusiondb30,"A highly detailed photorealistic illustration displaying a cowboy in a dynamic, cinematic lighting setup. The cowboy, rendered in stunning 8k resolution, stands at 6000 mm tall, capturing every facet of his rugged attire from the leather boots to the wide-brimmed hat. In the background, the bokeh effect beautifully blurs the lights, creating a striking contrast with the sharpness of the cowboy's figure in the foreground.",,8,1,attribute,size,"attribute - size (cowboy, 6000 mm tall)",Is the cowboy 6000 mm tall? +diffusiondb30,"A highly detailed photorealistic illustration displaying a cowboy in a dynamic, cinematic lighting setup. The cowboy, rendered in stunning 8k resolution, stands at 6000 mm tall, capturing every facet of his rugged attire from the leather boots to the wide-brimmed hat. In the background, the bokeh effect beautifully blurs the lights, creating a striking contrast with the sharpness of the cowboy's figure in the foreground.",,9,1,attribute,texture,"attribute - texture (cowboy's attire, rugged)",Does the cowboy have rugged attire? +diffusiondb30,"A highly detailed photorealistic illustration displaying a cowboy in a dynamic, cinematic lighting setup. The cowboy, rendered in stunning 8k resolution, stands at 6000 mm tall, capturing every facet of his rugged attire from the leather boots to the wide-brimmed hat. In the background, the bokeh effect beautifully blurs the lights, creating a striking contrast with the sharpness of the cowboy's figure in the foreground.",,10,2,attribute,other,"attribute - other (background, bokeh effect)",Does the background have a bokeh effect? +drawtext15,"A detailed painting from the 17th century in the French Baroque style, featuring an imposing female lion with a thick golden mane and deep, expressive eyes. The majestic lion is depicted with soft, intricate brushstrokes against a backdrop of rolling hills and a cloudy sky. In a humorous contrast to the grandeur of the scene, a whimsical speech bubble emerges from the lion's mouth containing the word ""meow"" in elegant script.",,1,0,entity,whole,entity - whole (painting),Is there a painting? +drawtext15,"A detailed painting from the 17th century in the French Baroque style, featuring an imposing female lion with a thick golden mane and deep, expressive eyes. The majestic lion is depicted with soft, intricate brushstrokes against a backdrop of rolling hills and a cloudy sky. In a humorous contrast to the grandeur of the scene, a whimsical speech bubble emerges from the lion's mouth containing the word ""meow"" in elegant script.",,2,0,entity,whole,entity - whole (lion),Is there a lion featured in the painting? +drawtext15,"A detailed painting from the 17th century in the French Baroque style, featuring an imposing female lion with a thick golden mane and deep, expressive eyes. The majestic lion is depicted with soft, intricate brushstrokes against a backdrop of rolling hills and a cloudy sky. In a humorous contrast to the grandeur of the scene, a whimsical speech bubble emerges from the lion's mouth containing the word ""meow"" in elegant script.",,3,2,entity,part,entity - part (lion's mane),Does the lion have a mane? +drawtext15,"A detailed painting from the 17th century in the French Baroque style, featuring an imposing female lion with a thick golden mane and deep, expressive eyes. The majestic lion is depicted with soft, intricate brushstrokes against a backdrop of rolling hills and a cloudy sky. In a humorous contrast to the grandeur of the scene, a whimsical speech bubble emerges from the lion's mouth containing the word ""meow"" in elegant script.",,4,2,entity,part,entity - part (lion's eyes),Are the lion's eyes depicted in the painting? +drawtext15,"A detailed painting from the 17th century in the French Baroque style, featuring an imposing female lion with a thick golden mane and deep, expressive eyes. The majestic lion is depicted with soft, intricate brushstrokes against a backdrop of rolling hills and a cloudy sky. In a humorous contrast to the grandeur of the scene, a whimsical speech bubble emerges from the lion's mouth containing the word ""meow"" in elegant script.",,5,1,global,,global - (French Baroque style),Is the painting in the French Baroque style? +drawtext15,"A detailed painting from the 17th century in the French Baroque style, featuring an imposing female lion with a thick golden mane and deep, expressive eyes. The majestic lion is depicted with soft, intricate brushstrokes against a backdrop of rolling hills and a cloudy sky. In a humorous contrast to the grandeur of the scene, a whimsical speech bubble emerges from the lion's mouth containing the word ""meow"" in elegant script.",,6,3,attribute,color,"attribute - color (lion's mane, golden)",Is the lion's mane golden? +drawtext15,"A detailed painting from the 17th century in the French Baroque style, featuring an imposing female lion with a thick golden mane and deep, expressive eyes. The majestic lion is depicted with soft, intricate brushstrokes against a backdrop of rolling hills and a cloudy sky. In a humorous contrast to the grandeur of the scene, a whimsical speech bubble emerges from the lion's mouth containing the word ""meow"" in elegant script.",,7,1,attribute,texture,"attribute - texture (painting, soft, intricate brushstrokes)","Does the painting feature soft, intricate brushstrokes?" +drawtext15,"A detailed painting from the 17th century in the French Baroque style, featuring an imposing female lion with a thick golden mane and deep, expressive eyes. The majestic lion is depicted with soft, intricate brushstrokes against a backdrop of rolling hills and a cloudy sky. In a humorous contrast to the grandeur of the scene, a whimsical speech bubble emerges from the lion's mouth containing the word ""meow"" in elegant script.",,8,1,attribute,other,"attribute - other (painting, 17th century)",Is the painting from the 17th century? +drawtext15,"A detailed painting from the 17th century in the French Baroque style, featuring an imposing female lion with a thick golden mane and deep, expressive eyes. The majestic lion is depicted with soft, intricate brushstrokes against a backdrop of rolling hills and a cloudy sky. In a humorous contrast to the grandeur of the scene, a whimsical speech bubble emerges from the lion's mouth containing the word ""meow"" in elegant script.",,9,2,entity,state,"entity - state (lion, imposing)",Is the lion depicted as imposing? +drawtext15,"A detailed painting from the 17th century in the French Baroque style, featuring an imposing female lion with a thick golden mane and deep, expressive eyes. The majestic lion is depicted with soft, intricate brushstrokes against a backdrop of rolling hills and a cloudy sky. In a humorous contrast to the grandeur of the scene, a whimsical speech bubble emerges from the lion's mouth containing the word ""meow"" in elegant script.",,10,2,other,text,"other - text (speech bubble, ""meow"")","Does a speech bubble with the word ""meow"" emerge from the lion's mouth in the painting?" +whoops29,"An elderly gentleman with silver hair and a tweed jacket sits leisurely on a wooden park bench. In one hand, he holds an ornate, carved wooden pipe from which he is blowing soap bubbles that glisten in the sunlight. The bubbles drift slowly in the air, reflecting an array of colors against the backdrop of a clear blue sky.",,1,0,entity,whole,entity - whole (gentleman),Is there an elderly gentleman? +whoops29,"An elderly gentleman with silver hair and a tweed jacket sits leisurely on a wooden park bench. In one hand, he holds an ornate, carved wooden pipe from which he is blowing soap bubbles that glisten in the sunlight. The bubbles drift slowly in the air, reflecting an array of colors against the backdrop of a clear blue sky.",,2,1,entity,part,entity - part (gentleman's hair),Does the gentleman have hair? +whoops29,"An elderly gentleman with silver hair and a tweed jacket sits leisurely on a wooden park bench. In one hand, he holds an ornate, carved wooden pipe from which he is blowing soap bubbles that glisten in the sunlight. The bubbles drift slowly in the air, reflecting an array of colors against the backdrop of a clear blue sky.",,3,1,entity,part,entity - part (gentleman's jacket),Does the gentleman have a jacket? +whoops29,"An elderly gentleman with silver hair and a tweed jacket sits leisurely on a wooden park bench. In one hand, he holds an ornate, carved wooden pipe from which he is blowing soap bubbles that glisten in the sunlight. The bubbles drift slowly in the air, reflecting an array of colors against the backdrop of a clear blue sky.",,4,0,entity,whole,entity - whole (park bench),Is there a park bench? +whoops29,"An elderly gentleman with silver hair and a tweed jacket sits leisurely on a wooden park bench. In one hand, he holds an ornate, carved wooden pipe from which he is blowing soap bubbles that glisten in the sunlight. The bubbles drift slowly in the air, reflecting an array of colors against the backdrop of a clear blue sky.",,5,0,entity,whole,entity - whole (pipe),Is there a pipe? +whoops29,"An elderly gentleman with silver hair and a tweed jacket sits leisurely on a wooden park bench. In one hand, he holds an ornate, carved wooden pipe from which he is blowing soap bubbles that glisten in the sunlight. The bubbles drift slowly in the air, reflecting an array of colors against the backdrop of a clear blue sky.",,6,0,entity,whole,entity - whole (soap bubbles),Are there soap bubbles? +whoops29,"An elderly gentleman with silver hair and a tweed jacket sits leisurely on a wooden park bench. In one hand, he holds an ornate, carved wooden pipe from which he is blowing soap bubbles that glisten in the sunlight. The bubbles drift slowly in the air, reflecting an array of colors against the backdrop of a clear blue sky.",,7,0,entity,whole,entity - whole (sky),Is there a sky? +whoops29,"An elderly gentleman with silver hair and a tweed jacket sits leisurely on a wooden park bench. In one hand, he holds an ornate, carved wooden pipe from which he is blowing soap bubbles that glisten in the sunlight. The bubbles drift slowly in the air, reflecting an array of colors against the backdrop of a clear blue sky.",,8,2,attribute,color,"attribute - color (gentleman's hair, silver)",Is the gentleman's hair silver? +whoops29,"An elderly gentleman with silver hair and a tweed jacket sits leisurely on a wooden park bench. In one hand, he holds an ornate, carved wooden pipe from which he is blowing soap bubbles that glisten in the sunlight. The bubbles drift slowly in the air, reflecting an array of colors against the backdrop of a clear blue sky.",,9,3,attribute,texture,"attribute - texture (gentleman's jacket, tweed)",Is the gentleman's jacket made of tweed? +whoops29,"An elderly gentleman with silver hair and a tweed jacket sits leisurely on a wooden park bench. In one hand, he holds an ornate, carved wooden pipe from which he is blowing soap bubbles that glisten in the sunlight. The bubbles drift slowly in the air, reflecting an array of colors against the backdrop of a clear blue sky.",,10,4,attribute,texture,"attribute - texture (park bench, wooden)",Is the park bench made of wood? +whoops29,"An elderly gentleman with silver hair and a tweed jacket sits leisurely on a wooden park bench. In one hand, he holds an ornate, carved wooden pipe from which he is blowing soap bubbles that glisten in the sunlight. The bubbles drift slowly in the air, reflecting an array of colors against the backdrop of a clear blue sky.",,11,5,attribute,texture,"attribute - texture (pipe, wooden, carved)",Is the pipe ornately carved and made of wood? +whoops29,"An elderly gentleman with silver hair and a tweed jacket sits leisurely on a wooden park bench. In one hand, he holds an ornate, carved wooden pipe from which he is blowing soap bubbles that glisten in the sunlight. The bubbles drift slowly in the air, reflecting an array of colors against the backdrop of a clear blue sky.",,12,7,attribute,color,"attribute - color (sky, blue)",Is the sky clear and blue? +whoops29,"An elderly gentleman with silver hair and a tweed jacket sits leisurely on a wooden park bench. In one hand, he holds an ornate, carved wooden pipe from which he is blowing soap bubbles that glisten in the sunlight. The bubbles drift slowly in the air, reflecting an array of colors against the backdrop of a clear blue sky.",,13,1,entity,state,"entity - state (gentleman, sit, leisurely)",Is the gentleman sitting leisurely on the bench? +whoops29,"An elderly gentleman with silver hair and a tweed jacket sits leisurely on a wooden park bench. In one hand, he holds an ornate, carved wooden pipe from which he is blowing soap bubbles that glisten in the sunlight. The bubbles drift slowly in the air, reflecting an array of colors against the backdrop of a clear blue sky.",,14,6,entity,state,"entity - state (soap bubbles, glisten, sunlight)",Do the soap bubbles glisten in the sunlight? +whoops29,"An elderly gentleman with silver hair and a tweed jacket sits leisurely on a wooden park bench. In one hand, he holds an ornate, carved wooden pipe from which he is blowing soap bubbles that glisten in the sunlight. The bubbles drift slowly in the air, reflecting an array of colors against the backdrop of a clear blue sky.",,15,"1,4",relation,spatial,"relation - spatial (gentleman, park bench, on)",Is the gentleman on the park bench? +whoops29,"An elderly gentleman with silver hair and a tweed jacket sits leisurely on a wooden park bench. In one hand, he holds an ornate, carved wooden pipe from which he is blowing soap bubbles that glisten in the sunlight. The bubbles drift slowly in the air, reflecting an array of colors against the backdrop of a clear blue sky.",,16,"6,7",relation,spatial,"relation - spatial (soap bubbles, sky, against)",Are the soap bubbles against the backdrop of the sky? +whoops29,"An elderly gentleman with silver hair and a tweed jacket sits leisurely on a wooden park bench. In one hand, he holds an ornate, carved wooden pipe from which he is blowing soap bubbles that glisten in the sunlight. The bubbles drift slowly in the air, reflecting an array of colors against the backdrop of a clear blue sky.",,17,"1,5",relation,non-spatial,"relation - non-spatial (gentleman, pipe, hold)",Is the gentleman holding the pipe? +whoops29,"An elderly gentleman with silver hair and a tweed jacket sits leisurely on a wooden park bench. In one hand, he holds an ornate, carved wooden pipe from which he is blowing soap bubbles that glisten in the sunlight. The bubbles drift slowly in the air, reflecting an array of colors against the backdrop of a clear blue sky.",,18,"5,6",relation,non-spatial,"relation - non-spatial (pipe, soap bubbles, blow from)",Is the gentleman blowing soap bubbles from the pipe? +stanford2,"A vibrant blue train is parked at a bustling train station, its red doors sliding open to welcome passengers. The train, adorned with white stripes, stands out against the grey concrete of the platform. A long yellow line stretches across the platform, marking the boundary for commuters. The station is buzzing with activity, with passengers rushing, while the train awaits its next departure.",,1,0,entity,whole,entity - whole (train),Is there a train? +stanford2,"A vibrant blue train is parked at a bustling train station, its red doors sliding open to welcome passengers. The train, adorned with white stripes, stands out against the grey concrete of the platform. A long yellow line stretches across the platform, marking the boundary for commuters. The station is buzzing with activity, with passengers rushing, while the train awaits its next departure.",,2,0,entity,whole,entity - whole (train station),Is there a train station? +stanford2,"A vibrant blue train is parked at a bustling train station, its red doors sliding open to welcome passengers. The train, adorned with white stripes, stands out against the grey concrete of the platform. A long yellow line stretches across the platform, marking the boundary for commuters. The station is buzzing with activity, with passengers rushing, while the train awaits its next departure.",,3,1,entity,whole,entity - whole (doors),Are there doors? +stanford2,"A vibrant blue train is parked at a bustling train station, its red doors sliding open to welcome passengers. The train, adorned with white stripes, stands out against the grey concrete of the platform. A long yellow line stretches across the platform, marking the boundary for commuters. The station is buzzing with activity, with passengers rushing, while the train awaits its next departure.",,4,2,entity,whole,entity - whole (platform),Is there a platform? +stanford2,"A vibrant blue train is parked at a bustling train station, its red doors sliding open to welcome passengers. The train, adorned with white stripes, stands out against the grey concrete of the platform. A long yellow line stretches across the platform, marking the boundary for commuters. The station is buzzing with activity, with passengers rushing, while the train awaits its next departure.",,5,4,entity,whole,entity - whole (line),Is there a line? +stanford2,"A vibrant blue train is parked at a bustling train station, its red doors sliding open to welcome passengers. The train, adorned with white stripes, stands out against the grey concrete of the platform. A long yellow line stretches across the platform, marking the boundary for commuters. The station is buzzing with activity, with passengers rushing, while the train awaits its next departure.",,6,2,entity,whole,entity - whole (passengers),Are there passengers? +stanford2,"A vibrant blue train is parked at a bustling train station, its red doors sliding open to welcome passengers. The train, adorned with white stripes, stands out against the grey concrete of the platform. A long yellow line stretches across the platform, marking the boundary for commuters. The station is buzzing with activity, with passengers rushing, while the train awaits its next departure.",,7,1,attribute,color,"attribute - color (train, vibrant blue)",Is the train vibrant blue? +stanford2,"A vibrant blue train is parked at a bustling train station, its red doors sliding open to welcome passengers. The train, adorned with white stripes, stands out against the grey concrete of the platform. A long yellow line stretches across the platform, marking the boundary for commuters. The station is buzzing with activity, with passengers rushing, while the train awaits its next departure.",,8,3,attribute,color,"attribute - color (doors, red)",Are the doors red? +stanford2,"A vibrant blue train is parked at a bustling train station, its red doors sliding open to welcome passengers. The train, adorned with white stripes, stands out against the grey concrete of the platform. A long yellow line stretches across the platform, marking the boundary for commuters. The station is buzzing with activity, with passengers rushing, while the train awaits its next departure.",,9,1,attribute,color,"attribute - color (stripes, white)",Are there white stripes on the train? +stanford2,"A vibrant blue train is parked at a bustling train station, its red doors sliding open to welcome passengers. The train, adorned with white stripes, stands out against the grey concrete of the platform. A long yellow line stretches across the platform, marking the boundary for commuters. The station is buzzing with activity, with passengers rushing, while the train awaits its next departure.",,10,4,attribute,color,"attribute - color (platform, grey concrete)",Is the platform made of grey concrete? +stanford2,"A vibrant blue train is parked at a bustling train station, its red doors sliding open to welcome passengers. The train, adorned with white stripes, stands out against the grey concrete of the platform. A long yellow line stretches across the platform, marking the boundary for commuters. The station is buzzing with activity, with passengers rushing, while the train awaits its next departure.",,11,5,attribute,color,"attribute - color (line, yellow)",Is the line yellow? +stanford2,"A vibrant blue train is parked at a bustling train station, its red doors sliding open to welcome passengers. The train, adorned with white stripes, stands out against the grey concrete of the platform. A long yellow line stretches across the platform, marking the boundary for commuters. The station is buzzing with activity, with passengers rushing, while the train awaits its next departure.",,12,3,entity,state,"entity - state (doors, sliding open)",Are the doors sliding open? +stanford2,"A vibrant blue train is parked at a bustling train station, its red doors sliding open to welcome passengers. The train, adorned with white stripes, stands out against the grey concrete of the platform. A long yellow line stretches across the platform, marking the boundary for commuters. The station is buzzing with activity, with passengers rushing, while the train awaits its next departure.",,13,1,entity,state,"entity - state (train, parked)",Is the train parked? +stanford2,"A vibrant blue train is parked at a bustling train station, its red doors sliding open to welcome passengers. The train, adorned with white stripes, stands out against the grey concrete of the platform. A long yellow line stretches across the platform, marking the boundary for commuters. The station is buzzing with activity, with passengers rushing, while the train awaits its next departure.",,14,6,entity,state,"entity - state (passengers, rushing)",Are the passengers rushing? +stanford2,"A vibrant blue train is parked at a bustling train station, its red doors sliding open to welcome passengers. The train, adorned with white stripes, stands out against the grey concrete of the platform. A long yellow line stretches across the platform, marking the boundary for commuters. The station is buzzing with activity, with passengers rushing, while the train awaits its next departure.",,15,"1,2",relation,spatial,"relation - spatial (train, train station, at)",Is the train at the train station? +stanford2,"A vibrant blue train is parked at a bustling train station, its red doors sliding open to welcome passengers. The train, adorned with white stripes, stands out against the grey concrete of the platform. A long yellow line stretches across the platform, marking the boundary for commuters. The station is buzzing with activity, with passengers rushing, while the train awaits its next departure.",,16,"4,5",relation,spatial,"relation - spatial (line, platform, across)",Does the yellow line stretch across the platform? +vrd4,"A busy construction scene unfolds with a person clad in a high-visibility vest standing close to a large orange truck parked on the road. This individual is holding a heavy-duty bag, possibly filled with work tools, while positioned beside the truck's front end. The truck itself is equipped with a set of rugged wheels firmly planted on the pavement. Directly behind this truck, there's another of a similar make and model, creating a convoy-like arrangement. Traffic cones are arranged neatly around the primary truck, signaling ongoing work or a temporary hazard in the area.",,1,0,entity,whole,entity - whole (construction scene),Is there a construction scene? +vrd4,"A busy construction scene unfolds with a person clad in a high-visibility vest standing close to a large orange truck parked on the road. This individual is holding a heavy-duty bag, possibly filled with work tools, while positioned beside the truck's front end. The truck itself is equipped with a set of rugged wheels firmly planted on the pavement. Directly behind this truck, there's another of a similar make and model, creating a convoy-like arrangement. Traffic cones are arranged neatly around the primary truck, signaling ongoing work or a temporary hazard in the area.",,2,0,entity,whole,entity - whole (person),Is there a person? +vrd4,"A busy construction scene unfolds with a person clad in a high-visibility vest standing close to a large orange truck parked on the road. This individual is holding a heavy-duty bag, possibly filled with work tools, while positioned beside the truck's front end. The truck itself is equipped with a set of rugged wheels firmly planted on the pavement. Directly behind this truck, there's another of a similar make and model, creating a convoy-like arrangement. Traffic cones are arranged neatly around the primary truck, signaling ongoing work or a temporary hazard in the area.",,3,0,entity,whole,entity - whole (vest),Is there a vest? +vrd4,"A busy construction scene unfolds with a person clad in a high-visibility vest standing close to a large orange truck parked on the road. This individual is holding a heavy-duty bag, possibly filled with work tools, while positioned beside the truck's front end. The truck itself is equipped with a set of rugged wheels firmly planted on the pavement. Directly behind this truck, there's another of a similar make and model, creating a convoy-like arrangement. Traffic cones are arranged neatly around the primary truck, signaling ongoing work or a temporary hazard in the area.",,4,0,entity,whole,entity - whole (truck),Is there a truck? +vrd4,"A busy construction scene unfolds with a person clad in a high-visibility vest standing close to a large orange truck parked on the road. This individual is holding a heavy-duty bag, possibly filled with work tools, while positioned beside the truck's front end. The truck itself is equipped with a set of rugged wheels firmly planted on the pavement. Directly behind this truck, there's another of a similar make and model, creating a convoy-like arrangement. Traffic cones are arranged neatly around the primary truck, signaling ongoing work or a temporary hazard in the area.",,5,0,entity,whole,entity - whole (bag),Is there a bag? +vrd4,"A busy construction scene unfolds with a person clad in a high-visibility vest standing close to a large orange truck parked on the road. This individual is holding a heavy-duty bag, possibly filled with work tools, while positioned beside the truck's front end. The truck itself is equipped with a set of rugged wheels firmly planted on the pavement. Directly behind this truck, there's another of a similar make and model, creating a convoy-like arrangement. Traffic cones are arranged neatly around the primary truck, signaling ongoing work or a temporary hazard in the area.",,6,0,entity,whole,entity - whole (wheels),Are there wheels? +vrd4,"A busy construction scene unfolds with a person clad in a high-visibility vest standing close to a large orange truck parked on the road. This individual is holding a heavy-duty bag, possibly filled with work tools, while positioned beside the truck's front end. The truck itself is equipped with a set of rugged wheels firmly planted on the pavement. Directly behind this truck, there's another of a similar make and model, creating a convoy-like arrangement. Traffic cones are arranged neatly around the primary truck, signaling ongoing work or a temporary hazard in the area.",,7,0,entity,whole,entity - whole (traffic cones),Are there traffic cones? +vrd4,"A busy construction scene unfolds with a person clad in a high-visibility vest standing close to a large orange truck parked on the road. This individual is holding a heavy-duty bag, possibly filled with work tools, while positioned beside the truck's front end. The truck itself is equipped with a set of rugged wheels firmly planted on the pavement. Directly behind this truck, there's another of a similar make and model, creating a convoy-like arrangement. Traffic cones are arranged neatly around the primary truck, signaling ongoing work or a temporary hazard in the area.",,8,3,attribute,color,"attribute - color (vest, high-visibility)",Is the vest high-visibility? +vrd4,"A busy construction scene unfolds with a person clad in a high-visibility vest standing close to a large orange truck parked on the road. This individual is holding a heavy-duty bag, possibly filled with work tools, while positioned beside the truck's front end. The truck itself is equipped with a set of rugged wheels firmly planted on the pavement. Directly behind this truck, there's another of a similar make and model, creating a convoy-like arrangement. Traffic cones are arranged neatly around the primary truck, signaling ongoing work or a temporary hazard in the area.",,9,4,attribute,color,"attribute - color (truck, orange)",Is the truck orange? +vrd4,"A busy construction scene unfolds with a person clad in a high-visibility vest standing close to a large orange truck parked on the road. This individual is holding a heavy-duty bag, possibly filled with work tools, while positioned beside the truck's front end. The truck itself is equipped with a set of rugged wheels firmly planted on the pavement. Directly behind this truck, there's another of a similar make and model, creating a convoy-like arrangement. Traffic cones are arranged neatly around the primary truck, signaling ongoing work or a temporary hazard in the area.",,10,5,attribute,other,"attribute - other (bag, heavy-duty)",Is the bag heavy-duty? +vrd4,"A busy construction scene unfolds with a person clad in a high-visibility vest standing close to a large orange truck parked on the road. This individual is holding a heavy-duty bag, possibly filled with work tools, while positioned beside the truck's front end. The truck itself is equipped with a set of rugged wheels firmly planted on the pavement. Directly behind this truck, there's another of a similar make and model, creating a convoy-like arrangement. Traffic cones are arranged neatly around the primary truck, signaling ongoing work or a temporary hazard in the area.",,11,2,entity,state,"entity - state (person, stand)",Is the person standing? +vrd4,"A busy construction scene unfolds with a person clad in a high-visibility vest standing close to a large orange truck parked on the road. This individual is holding a heavy-duty bag, possibly filled with work tools, while positioned beside the truck's front end. The truck itself is equipped with a set of rugged wheels firmly planted on the pavement. Directly behind this truck, there's another of a similar make and model, creating a convoy-like arrangement. Traffic cones are arranged neatly around the primary truck, signaling ongoing work or a temporary hazard in the area.",,12,4,entity,state,"entity - state (truck, parked)",Is the truck parked? +vrd4,"A busy construction scene unfolds with a person clad in a high-visibility vest standing close to a large orange truck parked on the road. This individual is holding a heavy-duty bag, possibly filled with work tools, while positioned beside the truck's front end. The truck itself is equipped with a set of rugged wheels firmly planted on the pavement. Directly behind this truck, there's another of a similar make and model, creating a convoy-like arrangement. Traffic cones are arranged neatly around the primary truck, signaling ongoing work or a temporary hazard in the area.",,13,"2,4",relation,spatial,"relation - spatial (person, truck, close to)",Is the person standing close to the truck? +vrd4,"A busy construction scene unfolds with a person clad in a high-visibility vest standing close to a large orange truck parked on the road. This individual is holding a heavy-duty bag, possibly filled with work tools, while positioned beside the truck's front end. The truck itself is equipped with a set of rugged wheels firmly planted on the pavement. Directly behind this truck, there's another of a similar make and model, creating a convoy-like arrangement. Traffic cones are arranged neatly around the primary truck, signaling ongoing work or a temporary hazard in the area.",,14,"2,5",relation,non-spatial,"relation - non-spatial (person, bag, holding)",Is the person holding the bag? +vrd4,"A busy construction scene unfolds with a person clad in a high-visibility vest standing close to a large orange truck parked on the road. This individual is holding a heavy-duty bag, possibly filled with work tools, while positioned beside the truck's front end. The truck itself is equipped with a set of rugged wheels firmly planted on the pavement. Directly behind this truck, there's another of a similar make and model, creating a convoy-like arrangement. Traffic cones are arranged neatly around the primary truck, signaling ongoing work or a temporary hazard in the area.",,15,6,relation,spatial,"relation - spatial (wheels, pavement, on)",Are the wheels on the pavement? +vrd4,"A busy construction scene unfolds with a person clad in a high-visibility vest standing close to a large orange truck parked on the road. This individual is holding a heavy-duty bag, possibly filled with work tools, while positioned beside the truck's front end. The truck itself is equipped with a set of rugged wheels firmly planted on the pavement. Directly behind this truck, there's another of a similar make and model, creating a convoy-like arrangement. Traffic cones are arranged neatly around the primary truck, signaling ongoing work or a temporary hazard in the area.",,16,4,relation,spatial,"relation - spatial (truck, road, on)",Is the truck on the road? +vrd4,"A busy construction scene unfolds with a person clad in a high-visibility vest standing close to a large orange truck parked on the road. This individual is holding a heavy-duty bag, possibly filled with work tools, while positioned beside the truck's front end. The truck itself is equipped with a set of rugged wheels firmly planted on the pavement. Directly behind this truck, there's another of a similar make and model, creating a convoy-like arrangement. Traffic cones are arranged neatly around the primary truck, signaling ongoing work or a temporary hazard in the area.",,17,"4,7",relation,spatial,"relation - spatial (traffic cones, truck, around)",Are the traffic cones arranged around the truck? +whoops27,"A large, colorful rooster, with glossy feathers in shades of red, green, and gold, appears to be emerging from a cracked white eggshell. The scene unfolds on a rustic wooden table, with loose straw scattered around the egg's fragments. Against the backdrop, there's a barn door slightly ajar, allowing a sliver of daylight to accentuate the rooster's vibrant plumage.",,1,0,entity,whole,entity - whole (rooster),Is there a rooster? +whoops27,"A large, colorful rooster, with glossy feathers in shades of red, green, and gold, appears to be emerging from a cracked white eggshell. The scene unfolds on a rustic wooden table, with loose straw scattered around the egg's fragments. Against the backdrop, there's a barn door slightly ajar, allowing a sliver of daylight to accentuate the rooster's vibrant plumage.",,2,0,entity,whole,entity - whole (eggshell),Is there an eggshell? +whoops27,"A large, colorful rooster, with glossy feathers in shades of red, green, and gold, appears to be emerging from a cracked white eggshell. The scene unfolds on a rustic wooden table, with loose straw scattered around the egg's fragments. Against the backdrop, there's a barn door slightly ajar, allowing a sliver of daylight to accentuate the rooster's vibrant plumage.",,3,0,entity,whole,entity - whole (table),Is there a table? +whoops27,"A large, colorful rooster, with glossy feathers in shades of red, green, and gold, appears to be emerging from a cracked white eggshell. The scene unfolds on a rustic wooden table, with loose straw scattered around the egg's fragments. Against the backdrop, there's a barn door slightly ajar, allowing a sliver of daylight to accentuate the rooster's vibrant plumage.",,4,0,entity,whole,entity - whole (straw),Is there straw? +whoops27,"A large, colorful rooster, with glossy feathers in shades of red, green, and gold, appears to be emerging from a cracked white eggshell. The scene unfolds on a rustic wooden table, with loose straw scattered around the egg's fragments. Against the backdrop, there's a barn door slightly ajar, allowing a sliver of daylight to accentuate the rooster's vibrant plumage.",,5,0,entity,whole,entity - whole (barn door),Is there a barn door? +whoops27,"A large, colorful rooster, with glossy feathers in shades of red, green, and gold, appears to be emerging from a cracked white eggshell. The scene unfolds on a rustic wooden table, with loose straw scattered around the egg's fragments. Against the backdrop, there's a barn door slightly ajar, allowing a sliver of daylight to accentuate the rooster's vibrant plumage.",,6,1,attribute,size,"attribute - size (rooster, large)",Is the rooster large? +whoops27,"A large, colorful rooster, with glossy feathers in shades of red, green, and gold, appears to be emerging from a cracked white eggshell. The scene unfolds on a rustic wooden table, with loose straw scattered around the egg's fragments. Against the backdrop, there's a barn door slightly ajar, allowing a sliver of daylight to accentuate the rooster's vibrant plumage.",,7,1,attribute,color,"attribute - color (rooster's feathers, red)",Are the rooster's feathers red? +whoops27,"A large, colorful rooster, with glossy feathers in shades of red, green, and gold, appears to be emerging from a cracked white eggshell. The scene unfolds on a rustic wooden table, with loose straw scattered around the egg's fragments. Against the backdrop, there's a barn door slightly ajar, allowing a sliver of daylight to accentuate the rooster's vibrant plumage.",,8,1,attribute,color,"attribute - color (rooster's feathers, green)",Are the rooster's feathers green? +whoops27,"A large, colorful rooster, with glossy feathers in shades of red, green, and gold, appears to be emerging from a cracked white eggshell. The scene unfolds on a rustic wooden table, with loose straw scattered around the egg's fragments. Against the backdrop, there's a barn door slightly ajar, allowing a sliver of daylight to accentuate the rooster's vibrant plumage.",,9,1,attribute,color,"attribute - color (rooster's feathers, gold)",Are the rooster's feathers gold? +whoops27,"A large, colorful rooster, with glossy feathers in shades of red, green, and gold, appears to be emerging from a cracked white eggshell. The scene unfolds on a rustic wooden table, with loose straw scattered around the egg's fragments. Against the backdrop, there's a barn door slightly ajar, allowing a sliver of daylight to accentuate the rooster's vibrant plumage.",,10,1,attribute,texture,"attribute - texture (rooster's feathers, glossy)",Are the rooster's feathers glossy? +whoops27,"A large, colorful rooster, with glossy feathers in shades of red, green, and gold, appears to be emerging from a cracked white eggshell. The scene unfolds on a rustic wooden table, with loose straw scattered around the egg's fragments. Against the backdrop, there's a barn door slightly ajar, allowing a sliver of daylight to accentuate the rooster's vibrant plumage.",,11,2,attribute,color,"attribute - color (eggshell, white)",Is the eggshell white? +whoops27,"A large, colorful rooster, with glossy feathers in shades of red, green, and gold, appears to be emerging from a cracked white eggshell. The scene unfolds on a rustic wooden table, with loose straw scattered around the egg's fragments. Against the backdrop, there's a barn door slightly ajar, allowing a sliver of daylight to accentuate the rooster's vibrant plumage.",,12,3,attribute,texture,"attribute - texture (table, rustic wooden)",Is the table made of rustic wood? +whoops27,"A large, colorful rooster, with glossy feathers in shades of red, green, and gold, appears to be emerging from a cracked white eggshell. The scene unfolds on a rustic wooden table, with loose straw scattered around the egg's fragments. Against the backdrop, there's a barn door slightly ajar, allowing a sliver of daylight to accentuate the rooster's vibrant plumage.",,13,"1,2",entity,state,"entity - state (rooster, emerge)",Is the rooster emerging from something? +whoops27,"A large, colorful rooster, with glossy feathers in shades of red, green, and gold, appears to be emerging from a cracked white eggshell. The scene unfolds on a rustic wooden table, with loose straw scattered around the egg's fragments. Against the backdrop, there's a barn door slightly ajar, allowing a sliver of daylight to accentuate the rooster's vibrant plumage.",,14,"2,3",relation,spatial,"relation - spatial (eggshell, table, on)",Is the eggshell on the table? +whoops27,"A large, colorful rooster, with glossy feathers in shades of red, green, and gold, appears to be emerging from a cracked white eggshell. The scene unfolds on a rustic wooden table, with loose straw scattered around the egg's fragments. Against the backdrop, there's a barn door slightly ajar, allowing a sliver of daylight to accentuate the rooster's vibrant plumage.",,15,"3,4",relation,spatial,"relation - spatial (straw, table, scattered around)",Is the straw scattered around on the table? +whoops27,"A large, colorful rooster, with glossy feathers in shades of red, green, and gold, appears to be emerging from a cracked white eggshell. The scene unfolds on a rustic wooden table, with loose straw scattered around the egg's fragments. Against the backdrop, there's a barn door slightly ajar, allowing a sliver of daylight to accentuate the rooster's vibrant plumage.",,16,5,relation,spatial,"relation - spatial (barn door, backdrop, against)",Is the barn door against the backdrop? +whoops27,"A large, colorful rooster, with glossy feathers in shades of red, green, and gold, appears to be emerging from a cracked white eggshell. The scene unfolds on a rustic wooden table, with loose straw scattered around the egg's fragments. Against the backdrop, there's a barn door slightly ajar, allowing a sliver of daylight to accentuate the rooster's vibrant plumage.",,17,5,entity,state,"entity - state (barn door, slightly ajar)",Is the barn door slightly ajar? +posescript16,"A dynamic athletic stance where the individual's left leg is raised just off the ground, bent at a sharp angle at the knee, demonstrating balance and readiness. The right arm extends forward emphatically, elbow bent upwards, suggesting a poised gesture or possibly the midst of an action. Meanwhile, the left arm angles down and to the front, balancing the posture, as the head tilts slightly forward, gaze lifted upward with an air of determination or focus.",,1,0,entity,whole,entity - whole (individual),Is there an individual? +posescript16,"A dynamic athletic stance where the individual's left leg is raised just off the ground, bent at a sharp angle at the knee, demonstrating balance and readiness. The right arm extends forward emphatically, elbow bent upwards, suggesting a poised gesture or possibly the midst of an action. Meanwhile, the left arm angles down and to the front, balancing the posture, as the head tilts slightly forward, gaze lifted upward with an air of determination or focus.",,2,1,entity,part,entity - part (individual's left leg),Does the individual have a left leg? +posescript16,"A dynamic athletic stance where the individual's left leg is raised just off the ground, bent at a sharp angle at the knee, demonstrating balance and readiness. The right arm extends forward emphatically, elbow bent upwards, suggesting a poised gesture or possibly the midst of an action. Meanwhile, the left arm angles down and to the front, balancing the posture, as the head tilts slightly forward, gaze lifted upward with an air of determination or focus.",,3,1,entity,part,entity - part (individual's right arm),Does the individual have a right arm? +posescript16,"A dynamic athletic stance where the individual's left leg is raised just off the ground, bent at a sharp angle at the knee, demonstrating balance and readiness. The right arm extends forward emphatically, elbow bent upwards, suggesting a poised gesture or possibly the midst of an action. Meanwhile, the left arm angles down and to the front, balancing the posture, as the head tilts slightly forward, gaze lifted upward with an air of determination or focus.",,4,1,entity,part,entity - part (individual's left arm),Does the individual have a left arm? +posescript16,"A dynamic athletic stance where the individual's left leg is raised just off the ground, bent at a sharp angle at the knee, demonstrating balance and readiness. The right arm extends forward emphatically, elbow bent upwards, suggesting a poised gesture or possibly the midst of an action. Meanwhile, the left arm angles down and to the front, balancing the posture, as the head tilts slightly forward, gaze lifted upward with an air of determination or focus.",,5,1,entity,part,entity - part (individual's head),Does the individual have a head? +posescript16,"A dynamic athletic stance where the individual's left leg is raised just off the ground, bent at a sharp angle at the knee, demonstrating balance and readiness. The right arm extends forward emphatically, elbow bent upwards, suggesting a poised gesture or possibly the midst of an action. Meanwhile, the left arm angles down and to the front, balancing the posture, as the head tilts slightly forward, gaze lifted upward with an air of determination or focus.",,6,2,entity,state,"entity - state (individual's left leg, raised)",Is the individual's left leg raised just off the ground? +posescript16,"A dynamic athletic stance where the individual's left leg is raised just off the ground, bent at a sharp angle at the knee, demonstrating balance and readiness. The right arm extends forward emphatically, elbow bent upwards, suggesting a poised gesture or possibly the midst of an action. Meanwhile, the left arm angles down and to the front, balancing the posture, as the head tilts slightly forward, gaze lifted upward with an air of determination or focus.",,7,2,attribute,shape,"attribute - shape (individual's left leg, bent at a sharp angle)",Is the individual's left leg bent at a sharp angle at the knee? +posescript16,"A dynamic athletic stance where the individual's left leg is raised just off the ground, bent at a sharp angle at the knee, demonstrating balance and readiness. The right arm extends forward emphatically, elbow bent upwards, suggesting a poised gesture or possibly the midst of an action. Meanwhile, the left arm angles down and to the front, balancing the posture, as the head tilts slightly forward, gaze lifted upward with an air of determination or focus.",,8,3,entity,state,"entity - state (individual's right arm, extends forward)",Does the individual's right arm extend forward? +posescript16,"A dynamic athletic stance where the individual's left leg is raised just off the ground, bent at a sharp angle at the knee, demonstrating balance and readiness. The right arm extends forward emphatically, elbow bent upwards, suggesting a poised gesture or possibly the midst of an action. Meanwhile, the left arm angles down and to the front, balancing the posture, as the head tilts slightly forward, gaze lifted upward with an air of determination or focus.",,9,4,entity,state,"entity - state (individual's left arm, angles down and to the front)",Does the individual's left arm angle down and to the front? +posescript16,"A dynamic athletic stance where the individual's left leg is raised just off the ground, bent at a sharp angle at the knee, demonstrating balance and readiness. The right arm extends forward emphatically, elbow bent upwards, suggesting a poised gesture or possibly the midst of an action. Meanwhile, the left arm angles down and to the front, balancing the posture, as the head tilts slightly forward, gaze lifted upward with an air of determination or focus.",,10,5,entity,state,"entity - state (individual's head, tilts slightly forward)",Does the individual's head tilt slightly forward? +midjourney20,"A grand, sprawling landscape inspired by the iconic style of Hayao Miyazaki's ""Nausicaä of the Valley of the Wind"" and the ""Breath of the Wild"" from The Legend of Zelda series. The scene blends the fantastical elements of Studio Ghibli's post-apocalyptic setting with the vibrant, open-world aesthetic found in the game. Towering, ancient trees with twisted roots rise from the earth, while bioluminescent creatures add a touch of surreal luminance, hinting at an adventure awaiting at the edge of the world.",,1,0,global,,"global - (landscape, grand, sprawling)",Is the landscape grand and sprawling? +midjourney20,"A grand, sprawling landscape inspired by the iconic style of Hayao Miyazaki's ""Nausicaä of the Valley of the Wind"" and the ""Breath of the Wild"" from The Legend of Zelda series. The scene blends the fantastical elements of Studio Ghibli's post-apocalyptic setting with the vibrant, open-world aesthetic found in the game. Towering, ancient trees with twisted roots rise from the earth, while bioluminescent creatures add a touch of surreal luminance, hinting at an adventure awaiting at the edge of the world.",,2,1,global,,"global - (inspired by, Hayao Miyazaki's ""Nausicaä of the Valley of the Wind"")","Is the landscape inspired by Hayao Miyazaki's ""Nausicaä of the Valley of the Wind""?" +midjourney20,"A grand, sprawling landscape inspired by the iconic style of Hayao Miyazaki's ""Nausicaä of the Valley of the Wind"" and the ""Breath of the Wild"" from The Legend of Zelda series. The scene blends the fantastical elements of Studio Ghibli's post-apocalyptic setting with the vibrant, open-world aesthetic found in the game. Towering, ancient trees with twisted roots rise from the earth, while bioluminescent creatures add a touch of surreal luminance, hinting at an adventure awaiting at the edge of the world.",,3,1,global,,"global - (inspired by, ""Breath of the Wild"" from The Legend of Zelda series)","Is the landscape inspired by ""Breath of the Wild"" from The Legend of Zelda series?" +midjourney20,"A grand, sprawling landscape inspired by the iconic style of Hayao Miyazaki's ""Nausicaä of the Valley of the Wind"" and the ""Breath of the Wild"" from The Legend of Zelda series. The scene blends the fantastical elements of Studio Ghibli's post-apocalyptic setting with the vibrant, open-world aesthetic found in the game. Towering, ancient trees with twisted roots rise from the earth, while bioluminescent creatures add a touch of surreal luminance, hinting at an adventure awaiting at the edge of the world.",,4,1,entity,whole,"entity - whole (trees, ancient)",Are there ancient trees in the scene? +midjourney20,"A grand, sprawling landscape inspired by the iconic style of Hayao Miyazaki's ""Nausicaä of the Valley of the Wind"" and the ""Breath of the Wild"" from The Legend of Zelda series. The scene blends the fantastical elements of Studio Ghibli's post-apocalyptic setting with the vibrant, open-world aesthetic found in the game. Towering, ancient trees with twisted roots rise from the earth, while bioluminescent creatures add a touch of surreal luminance, hinting at an adventure awaiting at the edge of the world.",,5,1,entity,whole,"entity - whole (creatures, bioluminescent)",Are there bioluminescent creatures in the scene? +midjourney20,"A grand, sprawling landscape inspired by the iconic style of Hayao Miyazaki's ""Nausicaä of the Valley of the Wind"" and the ""Breath of the Wild"" from The Legend of Zelda series. The scene blends the fantastical elements of Studio Ghibli's post-apocalyptic setting with the vibrant, open-world aesthetic found in the game. Towering, ancient trees with twisted roots rise from the earth, while bioluminescent creatures add a touch of surreal luminance, hinting at an adventure awaiting at the edge of the world.",,6,4,attribute,other,"attribute - other (trees, towering)",Are the trees towering? +midjourney20,"A grand, sprawling landscape inspired by the iconic style of Hayao Miyazaki's ""Nausicaä of the Valley of the Wind"" and the ""Breath of the Wild"" from The Legend of Zelda series. The scene blends the fantastical elements of Studio Ghibli's post-apocalyptic setting with the vibrant, open-world aesthetic found in the game. Towering, ancient trees with twisted roots rise from the earth, while bioluminescent creatures add a touch of surreal luminance, hinting at an adventure awaiting at the edge of the world.",,7,4,attribute,other,"attribute - other (roots, twisted)",Do the trees have twisted roots? +midjourney20,"A grand, sprawling landscape inspired by the iconic style of Hayao Miyazaki's ""Nausicaä of the Valley of the Wind"" and the ""Breath of the Wild"" from The Legend of Zelda series. The scene blends the fantastical elements of Studio Ghibli's post-apocalyptic setting with the vibrant, open-world aesthetic found in the game. Towering, ancient trees with twisted roots rise from the earth, while bioluminescent creatures add a touch of surreal luminance, hinting at an adventure awaiting at the edge of the world.",,8,5,attribute,other,"attribute - other (creatures, surreal luminance)",Do the creatures add a surreal luminance to the scene? +midjourney20,"A grand, sprawling landscape inspired by the iconic style of Hayao Miyazaki's ""Nausicaä of the Valley of the Wind"" and the ""Breath of the Wild"" from The Legend of Zelda series. The scene blends the fantastical elements of Studio Ghibli's post-apocalyptic setting with the vibrant, open-world aesthetic found in the game. Towering, ancient trees with twisted roots rise from the earth, while bioluminescent creatures add a touch of surreal luminance, hinting at an adventure awaiting at the edge of the world.",,9,4,relation,spatial,"relation - spatial (trees, earth, rise from)",Do the ancient trees rise from the earth? +midjourney20,"A grand, sprawling landscape inspired by the iconic style of Hayao Miyazaki's ""Nausicaä of the Valley of the Wind"" and the ""Breath of the Wild"" from The Legend of Zelda series. The scene blends the fantastical elements of Studio Ghibli's post-apocalyptic setting with the vibrant, open-world aesthetic found in the game. Towering, ancient trees with twisted roots rise from the earth, while bioluminescent creatures add a touch of surreal luminance, hinting at an adventure awaiting at the edge of the world.",,10,1,relation,non-spatial,"relation - non-spatial (scene, adventure, hinting at awaiting)",Does the scene hint at an adventure awaiting at the edge of the world? +whoops31,"A single pineapple sprouts unexpectedly from a patch of coarse desert sand, its green crown contrasting starkly against the pale, arid landscape. Surrounding the fruit, small tufts of dry grass struggle to survive under the harsh sun. Despite the inhospitable environment, the pineapple's textured, golden-brown skin suggests it is ripening well.",,1,0,entity,whole,entity - whole (pineapple),Is there a pineapple? +whoops31,"A single pineapple sprouts unexpectedly from a patch of coarse desert sand, its green crown contrasting starkly against the pale, arid landscape. Surrounding the fruit, small tufts of dry grass struggle to survive under the harsh sun. Despite the inhospitable environment, the pineapple's textured, golden-brown skin suggests it is ripening well.",,2,0,entity,whole,entity - whole (sand),Is there sand? +whoops31,"A single pineapple sprouts unexpectedly from a patch of coarse desert sand, its green crown contrasting starkly against the pale, arid landscape. Surrounding the fruit, small tufts of dry grass struggle to survive under the harsh sun. Despite the inhospitable environment, the pineapple's textured, golden-brown skin suggests it is ripening well.",,3,0,entity,whole,entity - whole (grass),Is there grass? +whoops31,"A single pineapple sprouts unexpectedly from a patch of coarse desert sand, its green crown contrasting starkly against the pale, arid landscape. Surrounding the fruit, small tufts of dry grass struggle to survive under the harsh sun. Despite the inhospitable environment, the pineapple's textured, golden-brown skin suggests it is ripening well.",,4,1,attribute,color,"attribute - color (pineapple's crown, green)",Is the crown of the pineapple green? +whoops31,"A single pineapple sprouts unexpectedly from a patch of coarse desert sand, its green crown contrasting starkly against the pale, arid landscape. Surrounding the fruit, small tufts of dry grass struggle to survive under the harsh sun. Despite the inhospitable environment, the pineapple's textured, golden-brown skin suggests it is ripening well.",,5,2,attribute,color,"attribute - color (sand, pale)",Is the sand pale? +whoops31,"A single pineapple sprouts unexpectedly from a patch of coarse desert sand, its green crown contrasting starkly against the pale, arid landscape. Surrounding the fruit, small tufts of dry grass struggle to survive under the harsh sun. Despite the inhospitable environment, the pineapple's textured, golden-brown skin suggests it is ripening well.",,6,2,attribute,texture,"attribute - texture (sand, coarse)",Is the sand coarse? +whoops31,"A single pineapple sprouts unexpectedly from a patch of coarse desert sand, its green crown contrasting starkly against the pale, arid landscape. Surrounding the fruit, small tufts of dry grass struggle to survive under the harsh sun. Despite the inhospitable environment, the pineapple's textured, golden-brown skin suggests it is ripening well.",,7,1,attribute,texture,"attribute - texture (pineapple's skin, textured)",Is the pineapple's skin textured? +whoops31,"A single pineapple sprouts unexpectedly from a patch of coarse desert sand, its green crown contrasting starkly against the pale, arid landscape. Surrounding the fruit, small tufts of dry grass struggle to survive under the harsh sun. Despite the inhospitable environment, the pineapple's textured, golden-brown skin suggests it is ripening well.",,8,1,attribute,color,"attribute - color (pineapple's skin, golden-brown)",Is the pineapple's skin golden-brown? +whoops31,"A single pineapple sprouts unexpectedly from a patch of coarse desert sand, its green crown contrasting starkly against the pale, arid landscape. Surrounding the fruit, small tufts of dry grass struggle to survive under the harsh sun. Despite the inhospitable environment, the pineapple's textured, golden-brown skin suggests it is ripening well.",,9,3,entity,state,"entity - state (grass, dry)",Is the grass dry? +whoops31,"A single pineapple sprouts unexpectedly from a patch of coarse desert sand, its green crown contrasting starkly against the pale, arid landscape. Surrounding the fruit, small tufts of dry grass struggle to survive under the harsh sun. Despite the inhospitable environment, the pineapple's textured, golden-brown skin suggests it is ripening well.",,10,"1,2",relation,spatial,"relation - spatial (pineapple, sand, in)",Is the pineapple sprouting from the sand? +countbench7,"In the vibrant backyard of a suburban home in Yarmouth, Maine, USA, three children of varying ages (a toddler around 2-3 years old, a preschooler aged 4-5, and a young child around 6-7 years) are gleefully playing in the spray of a water sprinkler. The lawn, lush and green, serves as a soft cushion under their bare feet as they run and jump through the scattering droplets of water. The afternoon sun highlights the joyful expressions on their faces as they engage in this quintessential summertime activity.",,1,0,entity,whole,entity - whole (backyard),Is there a backyard? +countbench7,"In the vibrant backyard of a suburban home in Yarmouth, Maine, USA, three children of varying ages (a toddler around 2-3 years old, a preschooler aged 4-5, and a young child around 6-7 years) are gleefully playing in the spray of a water sprinkler. The lawn, lush and green, serves as a soft cushion under their bare feet as they run and jump through the scattering droplets of water. The afternoon sun highlights the joyful expressions on their faces as they engage in this quintessential summertime activity.",,2,0,entity,whole,entity - whole (suburban home),Is there a suburban home? +countbench7,"In the vibrant backyard of a suburban home in Yarmouth, Maine, USA, three children of varying ages (a toddler around 2-3 years old, a preschooler aged 4-5, and a young child around 6-7 years) are gleefully playing in the spray of a water sprinkler. The lawn, lush and green, serves as a soft cushion under their bare feet as they run and jump through the scattering droplets of water. The afternoon sun highlights the joyful expressions on their faces as they engage in this quintessential summertime activity.",,3,0,entity,whole,entity - whole (children),Are there children? +countbench7,"In the vibrant backyard of a suburban home in Yarmouth, Maine, USA, three children of varying ages (a toddler around 2-3 years old, a preschooler aged 4-5, and a young child around 6-7 years) are gleefully playing in the spray of a water sprinkler. The lawn, lush and green, serves as a soft cushion under their bare feet as they run and jump through the scattering droplets of water. The afternoon sun highlights the joyful expressions on their faces as they engage in this quintessential summertime activity.",,4,0,entity,whole,entity - whole (water sprinkler),Is there a water sprinkler? +countbench7,"In the vibrant backyard of a suburban home in Yarmouth, Maine, USA, three children of varying ages (a toddler around 2-3 years old, a preschooler aged 4-5, and a young child around 6-7 years) are gleefully playing in the spray of a water sprinkler. The lawn, lush and green, serves as a soft cushion under their bare feet as they run and jump through the scattering droplets of water. The afternoon sun highlights the joyful expressions on their faces as they engage in this quintessential summertime activity.",,5,0,entity,whole,entity - whole (lawn),Is there a lawn? +countbench7,"In the vibrant backyard of a suburban home in Yarmouth, Maine, USA, three children of varying ages (a toddler around 2-3 years old, a preschooler aged 4-5, and a young child around 6-7 years) are gleefully playing in the spray of a water sprinkler. The lawn, lush and green, serves as a soft cushion under their bare feet as they run and jump through the scattering droplets of water. The afternoon sun highlights the joyful expressions on their faces as they engage in this quintessential summertime activity.",,6,3,other,count,"other - count (children, ==3)",Are there three children? +countbench7,"In the vibrant backyard of a suburban home in Yarmouth, Maine, USA, three children of varying ages (a toddler around 2-3 years old, a preschooler aged 4-5, and a young child around 6-7 years) are gleefully playing in the spray of a water sprinkler. The lawn, lush and green, serves as a soft cushion under their bare feet as they run and jump through the scattering droplets of water. The afternoon sun highlights the joyful expressions on their faces as they engage in this quintessential summertime activity.",,7,3,attribute,other,"attribute - other (child_1, toddler, 2-3 years old)",Is one of the children a toddler around 2-3 years old? +countbench7,"In the vibrant backyard of a suburban home in Yarmouth, Maine, USA, three children of varying ages (a toddler around 2-3 years old, a preschooler aged 4-5, and a young child around 6-7 years) are gleefully playing in the spray of a water sprinkler. The lawn, lush and green, serves as a soft cushion under their bare feet as they run and jump through the scattering droplets of water. The afternoon sun highlights the joyful expressions on their faces as they engage in this quintessential summertime activity.",,8,3,attribute,other,"attribute - other (child_2, preschooler, 4-5 years old)",Is one of the children a preschooler aged 4-5? +countbench7,"In the vibrant backyard of a suburban home in Yarmouth, Maine, USA, three children of varying ages (a toddler around 2-3 years old, a preschooler aged 4-5, and a young child around 6-7 years) are gleefully playing in the spray of a water sprinkler. The lawn, lush and green, serves as a soft cushion under their bare feet as they run and jump through the scattering droplets of water. The afternoon sun highlights the joyful expressions on their faces as they engage in this quintessential summertime activity.",,9,3,attribute,other,"attribute - other (child_3, young child, 6-7 years old)",Is one of the children a young child around 6-7 years old? +countbench7,"In the vibrant backyard of a suburban home in Yarmouth, Maine, USA, three children of varying ages (a toddler around 2-3 years old, a preschooler aged 4-5, and a young child around 6-7 years) are gleefully playing in the spray of a water sprinkler. The lawn, lush and green, serves as a soft cushion under their bare feet as they run and jump through the scattering droplets of water. The afternoon sun highlights the joyful expressions on their faces as they engage in this quintessential summertime activity.",,10,3,entity,state,"entity - state (children, play)",Are the children playing? +vrd26,"On a sandy beach, a person stands clad in colorful board shorts beside a bright yellow umbrella that's anchored into the sand. Near them, another individual relaxes in a navy blue beach chair, enjoying the shade provided by the large umbrella. The first person is also standing close to the other, indicating companionship as they both appear to be enjoying their beachside retreat.",,1,0,entity,whole,entity - whole (beach),Is there a beach? +vrd26,"On a sandy beach, a person stands clad in colorful board shorts beside a bright yellow umbrella that's anchored into the sand. Near them, another individual relaxes in a navy blue beach chair, enjoying the shade provided by the large umbrella. The first person is also standing close to the other, indicating companionship as they both appear to be enjoying their beachside retreat.",,2,0,entity,whole,entity - whole (person_1),Is there a person? +vrd26,"On a sandy beach, a person stands clad in colorful board shorts beside a bright yellow umbrella that's anchored into the sand. Near them, another individual relaxes in a navy blue beach chair, enjoying the shade provided by the large umbrella. The first person is also standing close to the other, indicating companionship as they both appear to be enjoying their beachside retreat.",,3,0,entity,whole,entity - whole (board shorts),Are there board shorts? +vrd26,"On a sandy beach, a person stands clad in colorful board shorts beside a bright yellow umbrella that's anchored into the sand. Near them, another individual relaxes in a navy blue beach chair, enjoying the shade provided by the large umbrella. The first person is also standing close to the other, indicating companionship as they both appear to be enjoying their beachside retreat.",,4,0,entity,whole,entity - whole (umbrella),Is there an umbrella? +vrd26,"On a sandy beach, a person stands clad in colorful board shorts beside a bright yellow umbrella that's anchored into the sand. Near them, another individual relaxes in a navy blue beach chair, enjoying the shade provided by the large umbrella. The first person is also standing close to the other, indicating companionship as they both appear to be enjoying their beachside retreat.",,5,0,entity,whole,entity - whole (individual),Is there another individual? +vrd26,"On a sandy beach, a person stands clad in colorful board shorts beside a bright yellow umbrella that's anchored into the sand. Near them, another individual relaxes in a navy blue beach chair, enjoying the shade provided by the large umbrella. The first person is also standing close to the other, indicating companionship as they both appear to be enjoying their beachside retreat.",,6,0,entity,whole,entity - whole (beach chair),Is there a beach chair? +vrd26,"On a sandy beach, a person stands clad in colorful board shorts beside a bright yellow umbrella that's anchored into the sand. Near them, another individual relaxes in a navy blue beach chair, enjoying the shade provided by the large umbrella. The first person is also standing close to the other, indicating companionship as they both appear to be enjoying their beachside retreat.",,7,4,attribute,color,"attribute - color (umbrella, bright yellow)",Is the umbrella bright yellow? +vrd26,"On a sandy beach, a person stands clad in colorful board shorts beside a bright yellow umbrella that's anchored into the sand. Near them, another individual relaxes in a navy blue beach chair, enjoying the shade provided by the large umbrella. The first person is also standing close to the other, indicating companionship as they both appear to be enjoying their beachside retreat.",,8,6,attribute,color,"attribute - color (beach chair, navy blue)",Is the beach chair navy blue? +vrd26,"On a sandy beach, a person stands clad in colorful board shorts beside a bright yellow umbrella that's anchored into the sand. Near them, another individual relaxes in a navy blue beach chair, enjoying the shade provided by the large umbrella. The first person is also standing close to the other, indicating companionship as they both appear to be enjoying their beachside retreat.",,9,1,attribute,texture,"attribute - texture (beach, sandy)",Is the beach sandy? +vrd26,"On a sandy beach, a person stands clad in colorful board shorts beside a bright yellow umbrella that's anchored into the sand. Near them, another individual relaxes in a navy blue beach chair, enjoying the shade provided by the large umbrella. The first person is also standing close to the other, indicating companionship as they both appear to be enjoying their beachside retreat.",,10,"2,4",relation,spatial,"relation - spatial (person_1, umbrella, beside)",Is the person standing beside the umbrella? +vrd26,"On a sandy beach, a person stands clad in colorful board shorts beside a bright yellow umbrella that's anchored into the sand. Near them, another individual relaxes in a navy blue beach chair, enjoying the shade provided by the large umbrella. The first person is also standing close to the other, indicating companionship as they both appear to be enjoying their beachside retreat.",,11,"4,1",relation,spatial,"relation - spatial (umbrella, beach, anchored into)",Is the umbrella anchored into the sand? +vrd26,"On a sandy beach, a person stands clad in colorful board shorts beside a bright yellow umbrella that's anchored into the sand. Near them, another individual relaxes in a navy blue beach chair, enjoying the shade provided by the large umbrella. The first person is also standing close to the other, indicating companionship as they both appear to be enjoying their beachside retreat.",,12,"5,6",relation,spatial,"relation - spatial (individual, beach chair, in)",Is the individual in a beach chair? +vrd26,"On a sandy beach, a person stands clad in colorful board shorts beside a bright yellow umbrella that's anchored into the sand. Near them, another individual relaxes in a navy blue beach chair, enjoying the shade provided by the large umbrella. The first person is also standing close to the other, indicating companionship as they both appear to be enjoying their beachside retreat.",,13,"5,4",relation,spatial,"relation - spatial (individual, umbrella, under)",Is the individual under the umbrella? +vrd26,"On a sandy beach, a person stands clad in colorful board shorts beside a bright yellow umbrella that's anchored into the sand. Near them, another individual relaxes in a navy blue beach chair, enjoying the shade provided by the large umbrella. The first person is also standing close to the other, indicating companionship as they both appear to be enjoying their beachside retreat.",,14,"2,5",relation,non-spatial,"relation - non-spatial (person_1, individual, companionship)",Do the person and the individual show companionship? +vrd26,"On a sandy beach, a person stands clad in colorful board shorts beside a bright yellow umbrella that's anchored into the sand. Near them, another individual relaxes in a navy blue beach chair, enjoying the shade provided by the large umbrella. The first person is also standing close to the other, indicating companionship as they both appear to be enjoying their beachside retreat.",,15,2,entity,state,"entity - state (person_1, stand)",Is the first person standing? +vrd26,"On a sandy beach, a person stands clad in colorful board shorts beside a bright yellow umbrella that's anchored into the sand. Near them, another individual relaxes in a navy blue beach chair, enjoying the shade provided by the large umbrella. The first person is also standing close to the other, indicating companionship as they both appear to be enjoying their beachside retreat.",,16,5,entity,state,"entity - state (individual, relax)",Is the individual relaxing? +posescript2,"An individual is captured in a dynamic pose reminiscent of a reverse bridge. Suspended with their feet hovering above the ground, they balance their weight primarily on their arms, which show a slight bend at the elbows. Their gaze is intently focused down toward their hands, indicating concentration and bodily awareness.",,1,0,entity,whole,entity - whole (individual),Is there an individual? +posescript2,"An individual is captured in a dynamic pose reminiscent of a reverse bridge. Suspended with their feet hovering above the ground, they balance their weight primarily on their arms, which show a slight bend at the elbows. Their gaze is intently focused down toward their hands, indicating concentration and bodily awareness.",,2,1,entity,state,"entity - state (individual, dynamic pose)",Is the individual in a dynamic pose? +posescript2,"An individual is captured in a dynamic pose reminiscent of a reverse bridge. Suspended with their feet hovering above the ground, they balance their weight primarily on their arms, which show a slight bend at the elbows. Their gaze is intently focused down toward their hands, indicating concentration and bodily awareness.",,3,1,entity,state,"entity - state (individual, reverse bridge)",Does the individual's pose resemble a reverse bridge? +posescript2,"An individual is captured in a dynamic pose reminiscent of a reverse bridge. Suspended with their feet hovering above the ground, they balance their weight primarily on their arms, which show a slight bend at the elbows. Their gaze is intently focused down toward their hands, indicating concentration and bodily awareness.",,4,1,entity,state,"entity - state (individual, suspended)",Is the individual suspended? +posescript2,"An individual is captured in a dynamic pose reminiscent of a reverse bridge. Suspended with their feet hovering above the ground, they balance their weight primarily on their arms, which show a slight bend at the elbows. Their gaze is intently focused down toward their hands, indicating concentration and bodily awareness.",,5,1,entity,state,"entity - state (individual, feet, hover above ground)",Are the individual's feet hovering above the ground? +posescript2,"An individual is captured in a dynamic pose reminiscent of a reverse bridge. Suspended with their feet hovering above the ground, they balance their weight primarily on their arms, which show a slight bend at the elbows. Their gaze is intently focused down toward their hands, indicating concentration and bodily awareness.",,6,1,entity,state,"entity - state (individual, balance, arms)",Is the individual balancing their weight primarily on their arms? +posescript2,"An individual is captured in a dynamic pose reminiscent of a reverse bridge. Suspended with their feet hovering above the ground, they balance their weight primarily on their arms, which show a slight bend at the elbows. Their gaze is intently focused down toward their hands, indicating concentration and bodily awareness.",,7,1,attribute,shape,"attribute - shape (arms, slight bend at elbows)",Do the individual's arms show a slight bend at the elbows? +posescript2,"An individual is captured in a dynamic pose reminiscent of a reverse bridge. Suspended with their feet hovering above the ground, they balance their weight primarily on their arms, which show a slight bend at the elbows. Their gaze is intently focused down toward their hands, indicating concentration and bodily awareness.",,8,1,entity,state,"entity - state (individual, gaze, focused)",Is the individual's gaze intently focused? +posescript2,"An individual is captured in a dynamic pose reminiscent of a reverse bridge. Suspended with their feet hovering above the ground, they balance their weight primarily on their arms, which show a slight bend at the elbows. Their gaze is intently focused down toward their hands, indicating concentration and bodily awareness.",,9,1,entity,state,"entity - state (individual, concentration)",Is the individual concentrating? +posescript2,"An individual is captured in a dynamic pose reminiscent of a reverse bridge. Suspended with their feet hovering above the ground, they balance their weight primarily on their arms, which show a slight bend at the elbows. Their gaze is intently focused down toward their hands, indicating concentration and bodily awareness.",,10,1,entity,state,"entity - state (individual, bodily awareness)",Does the individual exhibit bodily awareness? +posescript26,"In a room with beige carpeting, an individual is in the midst of a sit-up exercise, positioned on the floor with their body slightly raised. Their left hand is pressed against their cheek to support their head, while their left leg is bent inward, creating an angle at the knee. The space around them is sparse, and to their side, a folded yoga mat and a pair of dumbbells lay within reach.",,1,0,entity,whole,entity - whole (room),Is there a room? +posescript26,"In a room with beige carpeting, an individual is in the midst of a sit-up exercise, positioned on the floor with their body slightly raised. Their left hand is pressed against their cheek to support their head, while their left leg is bent inward, creating an angle at the knee. The space around them is sparse, and to their side, a folded yoga mat and a pair of dumbbells lay within reach.",,2,0,entity,whole,entity - whole (individual),Is there an individual? +posescript26,"In a room with beige carpeting, an individual is in the midst of a sit-up exercise, positioned on the floor with their body slightly raised. Their left hand is pressed against their cheek to support their head, while their left leg is bent inward, creating an angle at the knee. The space around them is sparse, and to their side, a folded yoga mat and a pair of dumbbells lay within reach.",,3,1,entity,whole,entity - whole (carpeting),Is there carpeting? +posescript26,"In a room with beige carpeting, an individual is in the midst of a sit-up exercise, positioned on the floor with their body slightly raised. Their left hand is pressed against their cheek to support their head, while their left leg is bent inward, creating an angle at the knee. The space around them is sparse, and to their side, a folded yoga mat and a pair of dumbbells lay within reach.",,4,0,entity,whole,entity - whole (yoga mat),Is there a yoga mat? +posescript26,"In a room with beige carpeting, an individual is in the midst of a sit-up exercise, positioned on the floor with their body slightly raised. Their left hand is pressed against their cheek to support their head, while their left leg is bent inward, creating an angle at the knee. The space around them is sparse, and to their side, a folded yoga mat and a pair of dumbbells lay within reach.",,5,0,entity,whole,entity - whole (dumbbells),Are there dumbbells? +posescript26,"In a room with beige carpeting, an individual is in the midst of a sit-up exercise, positioned on the floor with their body slightly raised. Their left hand is pressed against their cheek to support their head, while their left leg is bent inward, creating an angle at the knee. The space around them is sparse, and to their side, a folded yoga mat and a pair of dumbbells lay within reach.",,6,3,attribute,color,"attribute - color (carpeting, beige)",Is the carpeting beige? +posescript26,"In a room with beige carpeting, an individual is in the midst of a sit-up exercise, positioned on the floor with their body slightly raised. Their left hand is pressed against their cheek to support their head, while their left leg is bent inward, creating an angle at the knee. The space around them is sparse, and to their side, a folded yoga mat and a pair of dumbbells lay within reach.",,7,2,entity,state,"entity - state (individual, sit-up exercise)",Is the individual in the midst of a sit-up exercise? +posescript26,"In a room with beige carpeting, an individual is in the midst of a sit-up exercise, positioned on the floor with their body slightly raised. Their left hand is pressed against their cheek to support their head, while their left leg is bent inward, creating an angle at the knee. The space around them is sparse, and to their side, a folded yoga mat and a pair of dumbbells lay within reach.",,8,2,entity,part,entity - part (individual's left hand),Is the individual's left hand pressed against their cheek? +posescript26,"In a room with beige carpeting, an individual is in the midst of a sit-up exercise, positioned on the floor with their body slightly raised. Their left hand is pressed against their cheek to support their head, while their left leg is bent inward, creating an angle at the knee. The space around them is sparse, and to their side, a folded yoga mat and a pair of dumbbells lay within reach.",,9,2,entity,part,entity - part (individual's left leg),Is the individual's left leg bent inward? +posescript26,"In a room with beige carpeting, an individual is in the midst of a sit-up exercise, positioned on the floor with their body slightly raised. Their left hand is pressed against their cheek to support their head, while their left leg is bent inward, creating an angle at the knee. The space around them is sparse, and to their side, a folded yoga mat and a pair of dumbbells lay within reach.",,10,"2,4",relation,spatial,"relation - spatial (yoga mat, individual, side)",Is the yoga mat to the side of the individual? +posescript26,"In a room with beige carpeting, an individual is in the midst of a sit-up exercise, positioned on the floor with their body slightly raised. Their left hand is pressed against their cheek to support their head, while their left leg is bent inward, creating an angle at the knee. The space around them is sparse, and to their side, a folded yoga mat and a pair of dumbbells lay within reach.",,11,"2,5",relation,spatial,"relation - spatial (dumbbells, individual, side)",Are the dumbbells within reach of the individual? +localized5,"Foregrounded in the image, a vibrant display of flowers, their petals ranging from a delicate pink to a deep magenta, bloom alongside green buds on slender stems. Rising majestically behind the botanical array are silhouettes of verdant trees, some houses with red-tiled roofs peeking out among them, and the faint outline of distant mountains. Above this serene landscape, the expansive sky is adorned with fluffy, white clouds drifting gently across a soft blue canvas.",,1,0,entity,whole,entity - whole (flowers),Are there flowers? +localized5,"Foregrounded in the image, a vibrant display of flowers, their petals ranging from a delicate pink to a deep magenta, bloom alongside green buds on slender stems. Rising majestically behind the botanical array are silhouettes of verdant trees, some houses with red-tiled roofs peeking out among them, and the faint outline of distant mountains. Above this serene landscape, the expansive sky is adorned with fluffy, white clouds drifting gently across a soft blue canvas.",,2,0,entity,whole,entity - whole (buds),Are there buds? +localized5,"Foregrounded in the image, a vibrant display of flowers, their petals ranging from a delicate pink to a deep magenta, bloom alongside green buds on slender stems. Rising majestically behind the botanical array are silhouettes of verdant trees, some houses with red-tiled roofs peeking out among them, and the faint outline of distant mountains. Above this serene landscape, the expansive sky is adorned with fluffy, white clouds drifting gently across a soft blue canvas.",,3,0,entity,whole,entity - whole (stems),Are there stems? +localized5,"Foregrounded in the image, a vibrant display of flowers, their petals ranging from a delicate pink to a deep magenta, bloom alongside green buds on slender stems. Rising majestically behind the botanical array are silhouettes of verdant trees, some houses with red-tiled roofs peeking out among them, and the faint outline of distant mountains. Above this serene landscape, the expansive sky is adorned with fluffy, white clouds drifting gently across a soft blue canvas.",,4,0,entity,whole,entity - whole (trees),Are there trees? +localized5,"Foregrounded in the image, a vibrant display of flowers, their petals ranging from a delicate pink to a deep magenta, bloom alongside green buds on slender stems. Rising majestically behind the botanical array are silhouettes of verdant trees, some houses with red-tiled roofs peeking out among them, and the faint outline of distant mountains. Above this serene landscape, the expansive sky is adorned with fluffy, white clouds drifting gently across a soft blue canvas.",,5,0,entity,whole,entity - whole (houses),Are there houses? +localized5,"Foregrounded in the image, a vibrant display of flowers, their petals ranging from a delicate pink to a deep magenta, bloom alongside green buds on slender stems. Rising majestically behind the botanical array are silhouettes of verdant trees, some houses with red-tiled roofs peeking out among them, and the faint outline of distant mountains. Above this serene landscape, the expansive sky is adorned with fluffy, white clouds drifting gently across a soft blue canvas.",,6,0,entity,whole,entity - whole (mountains),Are there mountains? +localized5,"Foregrounded in the image, a vibrant display of flowers, their petals ranging from a delicate pink to a deep magenta, bloom alongside green buds on slender stems. Rising majestically behind the botanical array are silhouettes of verdant trees, some houses with red-tiled roofs peeking out among them, and the faint outline of distant mountains. Above this serene landscape, the expansive sky is adorned with fluffy, white clouds drifting gently across a soft blue canvas.",,7,0,entity,whole,entity - whole (sky),Is there a sky? +localized5,"Foregrounded in the image, a vibrant display of flowers, their petals ranging from a delicate pink to a deep magenta, bloom alongside green buds on slender stems. Rising majestically behind the botanical array are silhouettes of verdant trees, some houses with red-tiled roofs peeking out among them, and the faint outline of distant mountains. Above this serene landscape, the expansive sky is adorned with fluffy, white clouds drifting gently across a soft blue canvas.",,8,0,entity,whole,entity - whole (clouds),Are there clouds? +localized5,"Foregrounded in the image, a vibrant display of flowers, their petals ranging from a delicate pink to a deep magenta, bloom alongside green buds on slender stems. Rising majestically behind the botanical array are silhouettes of verdant trees, some houses with red-tiled roofs peeking out among them, and the faint outline of distant mountains. Above this serene landscape, the expansive sky is adorned with fluffy, white clouds drifting gently across a soft blue canvas.",,9,1,attribute,color,"attribute - color (flowers' petals, pink to magenta)",Do the flowers' petals range from delicate pink to deep magenta? +localized5,"Foregrounded in the image, a vibrant display of flowers, their petals ranging from a delicate pink to a deep magenta, bloom alongside green buds on slender stems. Rising majestically behind the botanical array are silhouettes of verdant trees, some houses with red-tiled roofs peeking out among them, and the faint outline of distant mountains. Above this serene landscape, the expansive sky is adorned with fluffy, white clouds drifting gently across a soft blue canvas.",,10,5,attribute,color,"attribute - color (houses' roofs, red-tiled)",Do the houses have red-tiled roofs? +posescript23,"A young athlete in a white tank top and black shorts positioned with both of his hands grasping an invisible object near his waist on the right side. His posture is dynamic, with both knees bent, indicating readiness for movement, and his torso tilted forward, suggesting a sense of forward momentum. His gaze is locked straight ahead, showing focus and determination, as if he's visualizing his next action in a sport or dance routine.",,1,0,entity,whole,entity - whole (athlete),Is there a young athlete? +posescript23,"A young athlete in a white tank top and black shorts positioned with both of his hands grasping an invisible object near his waist on the right side. His posture is dynamic, with both knees bent, indicating readiness for movement, and his torso tilted forward, suggesting a sense of forward momentum. His gaze is locked straight ahead, showing focus and determination, as if he's visualizing his next action in a sport or dance routine.",,2,1,entity,part,entity - part (athlete's tank top),Does the athlete have a tank top? +posescript23,"A young athlete in a white tank top and black shorts positioned with both of his hands grasping an invisible object near his waist on the right side. His posture is dynamic, with both knees bent, indicating readiness for movement, and his torso tilted forward, suggesting a sense of forward momentum. His gaze is locked straight ahead, showing focus and determination, as if he's visualizing his next action in a sport or dance routine.",,3,1,entity,part,entity - part (athlete's shorts),Does the athlete have shorts? +posescript23,"A young athlete in a white tank top and black shorts positioned with both of his hands grasping an invisible object near his waist on the right side. His posture is dynamic, with both knees bent, indicating readiness for movement, and his torso tilted forward, suggesting a sense of forward momentum. His gaze is locked straight ahead, showing focus and determination, as if he's visualizing his next action in a sport or dance routine.",,4,2,attribute,color,"attribute - color (tank top, white)",Is the tank top white? +posescript23,"A young athlete in a white tank top and black shorts positioned with both of his hands grasping an invisible object near his waist on the right side. His posture is dynamic, with both knees bent, indicating readiness for movement, and his torso tilted forward, suggesting a sense of forward momentum. His gaze is locked straight ahead, showing focus and determination, as if he's visualizing his next action in a sport or dance routine.",,5,3,attribute,color,"attribute - color (shorts, black)",Are the shorts black? +posescript23,"A young athlete in a white tank top and black shorts positioned with both of his hands grasping an invisible object near his waist on the right side. His posture is dynamic, with both knees bent, indicating readiness for movement, and his torso tilted forward, suggesting a sense of forward momentum. His gaze is locked straight ahead, showing focus and determination, as if he's visualizing his next action in a sport or dance routine.",,6,1,entity,state,"entity - state (athlete, hands, grasping)",Is the athlete grasping an invisible object with his hands? +posescript23,"A young athlete in a white tank top and black shorts positioned with both of his hands grasping an invisible object near his waist on the right side. His posture is dynamic, with both knees bent, indicating readiness for movement, and his torso tilted forward, suggesting a sense of forward momentum. His gaze is locked straight ahead, showing focus and determination, as if he's visualizing his next action in a sport or dance routine.",,7,1,entity,state,"entity - state (athlete, posture, dynamic)",Does the athlete have a dynamic posture? +posescript23,"A young athlete in a white tank top and black shorts positioned with both of his hands grasping an invisible object near his waist on the right side. His posture is dynamic, with both knees bent, indicating readiness for movement, and his torso tilted forward, suggesting a sense of forward momentum. His gaze is locked straight ahead, showing focus and determination, as if he's visualizing his next action in a sport or dance routine.",,8,1,entity,state,"entity - state (athlete, knees, bent)",Are the athlete's knees bent? +posescript23,"A young athlete in a white tank top and black shorts positioned with both of his hands grasping an invisible object near his waist on the right side. His posture is dynamic, with both knees bent, indicating readiness for movement, and his torso tilted forward, suggesting a sense of forward momentum. His gaze is locked straight ahead, showing focus and determination, as if he's visualizing his next action in a sport or dance routine.",,9,1,entity,state,"entity - state (athlete, torso, tilted forward)",Is the athlete's torso tilted forward? +posescript23,"A young athlete in a white tank top and black shorts positioned with both of his hands grasping an invisible object near his waist on the right side. His posture is dynamic, with both knees bent, indicating readiness for movement, and his torso tilted forward, suggesting a sense of forward momentum. His gaze is locked straight ahead, showing focus and determination, as if he's visualizing his next action in a sport or dance routine.",,10,1,entity,state,"entity - state (athlete, gaze, locked straight ahead)",Is the athlete's gaze locked straight ahead? +localized19,"A modern electronic device featuring a sleek grey panel, which is adorned with bright, illuminated text offering clear instructions. Surrounding the text, there's an array of tactile buttons in black and red, and several toggle switches with orange indicators that provide user control. The arrangement of buttons and switches appears organized, facilitating ease of use for various functionalities.",,1,0,entity,whole,entity - whole (electronic device),Is there an electronic device? +localized19,"A modern electronic device featuring a sleek grey panel, which is adorned with bright, illuminated text offering clear instructions. Surrounding the text, there's an array of tactile buttons in black and red, and several toggle switches with orange indicators that provide user control. The arrangement of buttons and switches appears organized, facilitating ease of use for various functionalities.",,2,1,entity,part,entity - part (panel),Does the device have a panel? +localized19,"A modern electronic device featuring a sleek grey panel, which is adorned with bright, illuminated text offering clear instructions. Surrounding the text, there's an array of tactile buttons in black and red, and several toggle switches with orange indicators that provide user control. The arrangement of buttons and switches appears organized, facilitating ease of use for various functionalities.",,3,2,entity,part,entity - part (text),Is there text on the device? +localized19,"A modern electronic device featuring a sleek grey panel, which is adorned with bright, illuminated text offering clear instructions. Surrounding the text, there's an array of tactile buttons in black and red, and several toggle switches with orange indicators that provide user control. The arrangement of buttons and switches appears organized, facilitating ease of use for various functionalities.",,4,1,entity,part,entity - part (buttons),Are there buttons on the device? +localized19,"A modern electronic device featuring a sleek grey panel, which is adorned with bright, illuminated text offering clear instructions. Surrounding the text, there's an array of tactile buttons in black and red, and several toggle switches with orange indicators that provide user control. The arrangement of buttons and switches appears organized, facilitating ease of use for various functionalities.",,5,1,entity,part,entity - part (toggle switches),Are there toggle switches on the device? +localized19,"A modern electronic device featuring a sleek grey panel, which is adorned with bright, illuminated text offering clear instructions. Surrounding the text, there's an array of tactile buttons in black and red, and several toggle switches with orange indicators that provide user control. The arrangement of buttons and switches appears organized, facilitating ease of use for various functionalities.",,6,2,attribute,color,"attribute - color (panel, grey)",Is the panel grey? +localized19,"A modern electronic device featuring a sleek grey panel, which is adorned with bright, illuminated text offering clear instructions. Surrounding the text, there's an array of tactile buttons in black and red, and several toggle switches with orange indicators that provide user control. The arrangement of buttons and switches appears organized, facilitating ease of use for various functionalities.",,7,4,attribute,color,"attribute - color (buttons, black)",Are there black buttons? +localized19,"A modern electronic device featuring a sleek grey panel, which is adorned with bright, illuminated text offering clear instructions. Surrounding the text, there's an array of tactile buttons in black and red, and several toggle switches with orange indicators that provide user control. The arrangement of buttons and switches appears organized, facilitating ease of use for various functionalities.",,8,4,attribute,color,"attribute - color (buttons, red)",Are there red buttons? +localized19,"A modern electronic device featuring a sleek grey panel, which is adorned with bright, illuminated text offering clear instructions. Surrounding the text, there's an array of tactile buttons in black and red, and several toggle switches with orange indicators that provide user control. The arrangement of buttons and switches appears organized, facilitating ease of use for various functionalities.",,9,5,attribute,color,"attribute - color (toggle switches, orange)",Are the toggle switches orange? +localized19,"A modern electronic device featuring a sleek grey panel, which is adorned with bright, illuminated text offering clear instructions. Surrounding the text, there's an array of tactile buttons in black and red, and several toggle switches with orange indicators that provide user control. The arrangement of buttons and switches appears organized, facilitating ease of use for various functionalities.",,10,3,attribute,texture,"attribute - texture (text, illuminated)",Is the text illuminated? +drawtext34,"A vibrant parrot perched confidently on the wooden railing of an old pirate ship, its feathers a bold mixture of greens, blues, and reds. It's donned a small, comically endearing pirate hat atop its head. The backdrop is filled with the taut ropes and billowing sails of the ship, and emblazoned across the image is a humorous caption declaring, ""I'm the captain now.""",,1,0,entity,whole,entity - whole (parrot),Is there a parrot? +drawtext34,"A vibrant parrot perched confidently on the wooden railing of an old pirate ship, its feathers a bold mixture of greens, blues, and reds. It's donned a small, comically endearing pirate hat atop its head. The backdrop is filled with the taut ropes and billowing sails of the ship, and emblazoned across the image is a humorous caption declaring, ""I'm the captain now.""",,2,0,entity,whole,entity - whole (railing),Is there a railing? +drawtext34,"A vibrant parrot perched confidently on the wooden railing of an old pirate ship, its feathers a bold mixture of greens, blues, and reds. It's donned a small, comically endearing pirate hat atop its head. The backdrop is filled with the taut ropes and billowing sails of the ship, and emblazoned across the image is a humorous caption declaring, ""I'm the captain now.""",,3,0,entity,whole,entity - whole (pirate ship),Is there a pirate ship? +drawtext34,"A vibrant parrot perched confidently on the wooden railing of an old pirate ship, its feathers a bold mixture of greens, blues, and reds. It's donned a small, comically endearing pirate hat atop its head. The backdrop is filled with the taut ropes and billowing sails of the ship, and emblazoned across the image is a humorous caption declaring, ""I'm the captain now.""",,4,1,entity,part,entity - part (parrot's feathers),Does the parrot have feathers? +drawtext34,"A vibrant parrot perched confidently on the wooden railing of an old pirate ship, its feathers a bold mixture of greens, blues, and reds. It's donned a small, comically endearing pirate hat atop its head. The backdrop is filled with the taut ropes and billowing sails of the ship, and emblazoned across the image is a humorous caption declaring, ""I'm the captain now.""",,5,1,entity,part,entity - part (parrot's hat),Is the parrot wearing a hat? +drawtext34,"A vibrant parrot perched confidently on the wooden railing of an old pirate ship, its feathers a bold mixture of greens, blues, and reds. It's donned a small, comically endearing pirate hat atop its head. The backdrop is filled with the taut ropes and billowing sails of the ship, and emblazoned across the image is a humorous caption declaring, ""I'm the captain now.""",,6,0,entity,whole,entity - whole (ropes),Are there ropes? +drawtext34,"A vibrant parrot perched confidently on the wooden railing of an old pirate ship, its feathers a bold mixture of greens, blues, and reds. It's donned a small, comically endearing pirate hat atop its head. The backdrop is filled with the taut ropes and billowing sails of the ship, and emblazoned across the image is a humorous caption declaring, ""I'm the captain now.""",,7,0,entity,whole,entity - whole (sails),Are there sails? +drawtext34,"A vibrant parrot perched confidently on the wooden railing of an old pirate ship, its feathers a bold mixture of greens, blues, and reds. It's donned a small, comically endearing pirate hat atop its head. The backdrop is filled with the taut ropes and billowing sails of the ship, and emblazoned across the image is a humorous caption declaring, ""I'm the captain now.""",,8,4,attribute,color,"attribute - color (parrot's feathers, greens)",Are the parrot's feathers green? +drawtext34,"A vibrant parrot perched confidently on the wooden railing of an old pirate ship, its feathers a bold mixture of greens, blues, and reds. It's donned a small, comically endearing pirate hat atop its head. The backdrop is filled with the taut ropes and billowing sails of the ship, and emblazoned across the image is a humorous caption declaring, ""I'm the captain now.""",,9,4,attribute,color,"attribute - color (parrot's feathers, blues)",Are the parrot's feathers blue? +drawtext34,"A vibrant parrot perched confidently on the wooden railing of an old pirate ship, its feathers a bold mixture of greens, blues, and reds. It's donned a small, comically endearing pirate hat atop its head. The backdrop is filled with the taut ropes and billowing sails of the ship, and emblazoned across the image is a humorous caption declaring, ""I'm the captain now.""",,10,4,attribute,color,"attribute - color (parrot's feathers, reds)",Are the parrot's feathers red? +drawtext34,"A vibrant parrot perched confidently on the wooden railing of an old pirate ship, its feathers a bold mixture of greens, blues, and reds. It's donned a small, comically endearing pirate hat atop its head. The backdrop is filled with the taut ropes and billowing sails of the ship, and emblazoned across the image is a humorous caption declaring, ""I'm the captain now.""",,11,2,attribute,texture,"attribute - texture (railing, wooden)",Is the railing made of wood? +drawtext34,"A vibrant parrot perched confidently on the wooden railing of an old pirate ship, its feathers a bold mixture of greens, blues, and reds. It's donned a small, comically endearing pirate hat atop its head. The backdrop is filled with the taut ropes and billowing sails of the ship, and emblazoned across the image is a humorous caption declaring, ""I'm the captain now.""",,12,0,other,text,"other - text (caption, ""I'm the captain now"")","Is there a caption that says ""I'm the captain now""?" +drawtext34,"A vibrant parrot perched confidently on the wooden railing of an old pirate ship, its feathers a bold mixture of greens, blues, and reds. It's donned a small, comically endearing pirate hat atop its head. The backdrop is filled with the taut ropes and billowing sails of the ship, and emblazoned across the image is a humorous caption declaring, ""I'm the captain now.""",,13,"1,2",relation,spatial,"relation - spatial (parrot, railing, perched on)",Is the parrot perched on the railing? +drawtext34,"A vibrant parrot perched confidently on the wooden railing of an old pirate ship, its feathers a bold mixture of greens, blues, and reds. It's donned a small, comically endearing pirate hat atop its head. The backdrop is filled with the taut ropes and billowing sails of the ship, and emblazoned across the image is a humorous caption declaring, ""I'm the captain now.""",,15,1,entity,state,"entity - state (parrot, confident)",Does the parrot appear confident? +drawtext34,"A vibrant parrot perched confidently on the wooden railing of an old pirate ship, its feathers a bold mixture of greens, blues, and reds. It's donned a small, comically endearing pirate hat atop its head. The backdrop is filled with the taut ropes and billowing sails of the ship, and emblazoned across the image is a humorous caption declaring, ""I'm the captain now.""",,16,5,attribute,other,"attribute - other (hat, pirate, small)",Is the hat small and pirate-themed? +drawtext34,"A vibrant parrot perched confidently on the wooden railing of an old pirate ship, its feathers a bold mixture of greens, blues, and reds. It's donned a small, comically endearing pirate hat atop its head. The backdrop is filled with the taut ropes and billowing sails of the ship, and emblazoned across the image is a humorous caption declaring, ""I'm the captain now.""",,17,5,attribute,other,"attribute - other (hat, comically endearing)",Is the hat comically endearing? +localized16,"In the foreground of the image, a variety of colorful fruits are scattered across a wooden table, with their fine details and textures in sharp focus. The background features a blurred arrangement of kitchenware and a pastel-colored wall, providing a soft contrast to the vivid sharpness of the fruits on the table. The diffused light gently illuminates the scene, highlighting the smooth skins of the fruits and casting subtle shadows upon the wooden surface.",,1,0,entity,whole,entity - whole (fruits),Are there fruits? +localized16,"In the foreground of the image, a variety of colorful fruits are scattered across a wooden table, with their fine details and textures in sharp focus. The background features a blurred arrangement of kitchenware and a pastel-colored wall, providing a soft contrast to the vivid sharpness of the fruits on the table. The diffused light gently illuminates the scene, highlighting the smooth skins of the fruits and casting subtle shadows upon the wooden surface.",,2,0,entity,whole,entity - whole (table),Is there a table? +localized16,"In the foreground of the image, a variety of colorful fruits are scattered across a wooden table, with their fine details and textures in sharp focus. The background features a blurred arrangement of kitchenware and a pastel-colored wall, providing a soft contrast to the vivid sharpness of the fruits on the table. The diffused light gently illuminates the scene, highlighting the smooth skins of the fruits and casting subtle shadows upon the wooden surface.",,3,0,entity,whole,entity - whole (kitchenware),Is there kitchenware? +localized16,"In the foreground of the image, a variety of colorful fruits are scattered across a wooden table, with their fine details and textures in sharp focus. The background features a blurred arrangement of kitchenware and a pastel-colored wall, providing a soft contrast to the vivid sharpness of the fruits on the table. The diffused light gently illuminates the scene, highlighting the smooth skins of the fruits and casting subtle shadows upon the wooden surface.",,4,0,entity,whole,entity - whole (wall),Is there a wall? +localized16,"In the foreground of the image, a variety of colorful fruits are scattered across a wooden table, with their fine details and textures in sharp focus. The background features a blurred arrangement of kitchenware and a pastel-colored wall, providing a soft contrast to the vivid sharpness of the fruits on the table. The diffused light gently illuminates the scene, highlighting the smooth skins of the fruits and casting subtle shadows upon the wooden surface.",,5,1,attribute,color,"attribute - color (fruits, colorful)",Are the fruits colorful? +localized16,"In the foreground of the image, a variety of colorful fruits are scattered across a wooden table, with their fine details and textures in sharp focus. The background features a blurred arrangement of kitchenware and a pastel-colored wall, providing a soft contrast to the vivid sharpness of the fruits on the table. The diffused light gently illuminates the scene, highlighting the smooth skins of the fruits and casting subtle shadows upon the wooden surface.",,6,2,attribute,texture,"attribute - texture (table, wood)",Is the table made of wood? +localized16,"In the foreground of the image, a variety of colorful fruits are scattered across a wooden table, with their fine details and textures in sharp focus. The background features a blurred arrangement of kitchenware and a pastel-colored wall, providing a soft contrast to the vivid sharpness of the fruits on the table. The diffused light gently illuminates the scene, highlighting the smooth skins of the fruits and casting subtle shadows upon the wooden surface.",,7,1,attribute,texture,"attribute - texture (fruits, fine details)",Do the fruits have fine details and textures? +localized16,"In the foreground of the image, a variety of colorful fruits are scattered across a wooden table, with their fine details and textures in sharp focus. The background features a blurred arrangement of kitchenware and a pastel-colored wall, providing a soft contrast to the vivid sharpness of the fruits on the table. The diffused light gently illuminates the scene, highlighting the smooth skins of the fruits and casting subtle shadows upon the wooden surface.",,8,0,global,,global - (foreground),Is this the foreground of the image? +localized16,"In the foreground of the image, a variety of colorful fruits are scattered across a wooden table, with their fine details and textures in sharp focus. The background features a blurred arrangement of kitchenware and a pastel-colored wall, providing a soft contrast to the vivid sharpness of the fruits on the table. The diffused light gently illuminates the scene, highlighting the smooth skins of the fruits and casting subtle shadows upon the wooden surface.",,9,"1,2",relation,spatial,"relation - spatial (fruits, table, on)",Are the fruits on the table? +localized16,"In the foreground of the image, a variety of colorful fruits are scattered across a wooden table, with their fine details and textures in sharp focus. The background features a blurred arrangement of kitchenware and a pastel-colored wall, providing a soft contrast to the vivid sharpness of the fruits on the table. The diffused light gently illuminates the scene, highlighting the smooth skins of the fruits and casting subtle shadows upon the wooden surface.",,10,"3,4",relation,spatial,"relation - spatial (kitchenware, wall, background)",Is the kitchenware in the background with the wall? +stanford3,"A bundled-up individual trekking through freshly fallen snow, wearing a thick black jacket, fitted blue jeans, and sturdy boots designed for winter weather. This person has their head covered with a warm hat and is carefully navigating in front of a muted-color building that shows the subtle signs of weathering from the cold season. Nearby, a solitary parking meter stands encased in a layer of snow, its coin slot obscured by the icy accumulation.",,1,0,entity,whole,entity - whole (individual),Is there an individual? +stanford3,"A bundled-up individual trekking through freshly fallen snow, wearing a thick black jacket, fitted blue jeans, and sturdy boots designed for winter weather. This person has their head covered with a warm hat and is carefully navigating in front of a muted-color building that shows the subtle signs of weathering from the cold season. Nearby, a solitary parking meter stands encased in a layer of snow, its coin slot obscured by the icy accumulation.",,2,0,entity,whole,entity - whole (snow),Is there snow? +stanford3,"A bundled-up individual trekking through freshly fallen snow, wearing a thick black jacket, fitted blue jeans, and sturdy boots designed for winter weather. This person has their head covered with a warm hat and is carefully navigating in front of a muted-color building that shows the subtle signs of weathering from the cold season. Nearby, a solitary parking meter stands encased in a layer of snow, its coin slot obscured by the icy accumulation.",,3,0,entity,whole,entity - whole (jacket),Is there a jacket? +stanford3,"A bundled-up individual trekking through freshly fallen snow, wearing a thick black jacket, fitted blue jeans, and sturdy boots designed for winter weather. This person has their head covered with a warm hat and is carefully navigating in front of a muted-color building that shows the subtle signs of weathering from the cold season. Nearby, a solitary parking meter stands encased in a layer of snow, its coin slot obscured by the icy accumulation.",,4,0,entity,whole,entity - whole (jeans),Are there jeans? +stanford3,"A bundled-up individual trekking through freshly fallen snow, wearing a thick black jacket, fitted blue jeans, and sturdy boots designed for winter weather. This person has their head covered with a warm hat and is carefully navigating in front of a muted-color building that shows the subtle signs of weathering from the cold season. Nearby, a solitary parking meter stands encased in a layer of snow, its coin slot obscured by the icy accumulation.",,5,0,entity,whole,entity - whole (boots),Are there boots? +stanford3,"A bundled-up individual trekking through freshly fallen snow, wearing a thick black jacket, fitted blue jeans, and sturdy boots designed for winter weather. This person has their head covered with a warm hat and is carefully navigating in front of a muted-color building that shows the subtle signs of weathering from the cold season. Nearby, a solitary parking meter stands encased in a layer of snow, its coin slot obscured by the icy accumulation.",,6,0,entity,whole,entity - whole (hat),Is there a hat? +stanford3,"A bundled-up individual trekking through freshly fallen snow, wearing a thick black jacket, fitted blue jeans, and sturdy boots designed for winter weather. This person has their head covered with a warm hat and is carefully navigating in front of a muted-color building that shows the subtle signs of weathering from the cold season. Nearby, a solitary parking meter stands encased in a layer of snow, its coin slot obscured by the icy accumulation.",,7,0,entity,whole,entity - whole (building),Is there a building? +stanford3,"A bundled-up individual trekking through freshly fallen snow, wearing a thick black jacket, fitted blue jeans, and sturdy boots designed for winter weather. This person has their head covered with a warm hat and is carefully navigating in front of a muted-color building that shows the subtle signs of weathering from the cold season. Nearby, a solitary parking meter stands encased in a layer of snow, its coin slot obscured by the icy accumulation.",,8,0,entity,whole,entity - whole (parking meter),Is there a parking meter? +stanford3,"A bundled-up individual trekking through freshly fallen snow, wearing a thick black jacket, fitted blue jeans, and sturdy boots designed for winter weather. This person has their head covered with a warm hat and is carefully navigating in front of a muted-color building that shows the subtle signs of weathering from the cold season. Nearby, a solitary parking meter stands encased in a layer of snow, its coin slot obscured by the icy accumulation.",,9,3,attribute,color,"attribute - color (jacket, black)",Is the jacket black? +stanford3,"A bundled-up individual trekking through freshly fallen snow, wearing a thick black jacket, fitted blue jeans, and sturdy boots designed for winter weather. This person has their head covered with a warm hat and is carefully navigating in front of a muted-color building that shows the subtle signs of weathering from the cold season. Nearby, a solitary parking meter stands encased in a layer of snow, its coin slot obscured by the icy accumulation.",,10,4,attribute,color,"attribute - color (jeans, blue)",Are the jeans blue? +posescript29,"An individual is seated on a smooth, light-colored floor with a relaxed posture, hands lifted in the air, palms facing upwards. Their head is tilted back, eyes likely gazing towards the ceiling, while their legs extend forward, creating a subtle V-shape with a small gap between the feet. The surrounding space appears calm and uncluttered, allowing the person's posture to stand out in the environment.",,1,0,entity,whole,entity - whole (individual),Is there an individual? +posescript29,"An individual is seated on a smooth, light-colored floor with a relaxed posture, hands lifted in the air, palms facing upwards. Their head is tilted back, eyes likely gazing towards the ceiling, while their legs extend forward, creating a subtle V-shape with a small gap between the feet. The surrounding space appears calm and uncluttered, allowing the person's posture to stand out in the environment.",,2,0,entity,whole,entity - whole (floor),Is there a floor? +posescript29,"An individual is seated on a smooth, light-colored floor with a relaxed posture, hands lifted in the air, palms facing upwards. Their head is tilted back, eyes likely gazing towards the ceiling, while their legs extend forward, creating a subtle V-shape with a small gap between the feet. The surrounding space appears calm and uncluttered, allowing the person's posture to stand out in the environment.",,3,1,entity,state,"entity - state (individual, seated)",Is the individual seated? +posescript29,"An individual is seated on a smooth, light-colored floor with a relaxed posture, hands lifted in the air, palms facing upwards. Their head is tilted back, eyes likely gazing towards the ceiling, while their legs extend forward, creating a subtle V-shape with a small gap between the feet. The surrounding space appears calm and uncluttered, allowing the person's posture to stand out in the environment.",,4,2,attribute,texture,"attribute - texture (floor, smooth)",Is the floor smooth? +posescript29,"An individual is seated on a smooth, light-colored floor with a relaxed posture, hands lifted in the air, palms facing upwards. Their head is tilted back, eyes likely gazing towards the ceiling, while their legs extend forward, creating a subtle V-shape with a small gap between the feet. The surrounding space appears calm and uncluttered, allowing the person's posture to stand out in the environment.",,5,2,attribute,color,"attribute - color (floor, light-colored)",Is the floor light-colored? +posescript29,"An individual is seated on a smooth, light-colored floor with a relaxed posture, hands lifted in the air, palms facing upwards. Their head is tilted back, eyes likely gazing towards the ceiling, while their legs extend forward, creating a subtle V-shape with a small gap between the feet. The surrounding space appears calm and uncluttered, allowing the person's posture to stand out in the environment.",,6,1,entity,state,"entity - state (individual, relaxed posture)",Does the individual have a relaxed posture? +posescript29,"An individual is seated on a smooth, light-colored floor with a relaxed posture, hands lifted in the air, palms facing upwards. Their head is tilted back, eyes likely gazing towards the ceiling, while their legs extend forward, creating a subtle V-shape with a small gap between the feet. The surrounding space appears calm and uncluttered, allowing the person's posture to stand out in the environment.",,7,1,entity,part,entity - part (individual's hands),Does the individual have hands? +posescript29,"An individual is seated on a smooth, light-colored floor with a relaxed posture, hands lifted in the air, palms facing upwards. Their head is tilted back, eyes likely gazing towards the ceiling, while their legs extend forward, creating a subtle V-shape with a small gap between the feet. The surrounding space appears calm and uncluttered, allowing the person's posture to stand out in the environment.",,8,1,entity,part,entity - part (individual's head),Does the individual have a head? +posescript29,"An individual is seated on a smooth, light-colored floor with a relaxed posture, hands lifted in the air, palms facing upwards. Their head is tilted back, eyes likely gazing towards the ceiling, while their legs extend forward, creating a subtle V-shape with a small gap between the feet. The surrounding space appears calm and uncluttered, allowing the person's posture to stand out in the environment.",,9,1,entity,part,entity - part (individual's legs),Does the individual have legs? +posescript29,"An individual is seated on a smooth, light-colored floor with a relaxed posture, hands lifted in the air, palms facing upwards. Their head is tilted back, eyes likely gazing towards the ceiling, while their legs extend forward, creating a subtle V-shape with a small gap between the feet. The surrounding space appears calm and uncluttered, allowing the person's posture to stand out in the environment.",,10,7,entity,state,"entity - state (individual's hands, lifted in the air)",Are the individual's hands lifted in the air? +stanford1,"A lively playground scene unfolds with a bustling atmosphere of children and adults engaging in various activities on a surface of soft beige sand. In the midst of the joyful chaos, a young boy wearing a vivid blue shirt and coordinating blue pants is energetically climbing a metallic pole, his hands gripping firmly as he ascends. Nearby, a woman clad in a brown dress stands with a matching brown umbrella held aloft, providing her with shade from the sun. As the sun casts its light, the shapes of people's shadows mingle on the sandy ground, creating a playful tapestry of silhouettes.",,1,0,entity,whole,entity - whole (playground),Is there a playground? +stanford1,"A lively playground scene unfolds with a bustling atmosphere of children and adults engaging in various activities on a surface of soft beige sand. In the midst of the joyful chaos, a young boy wearing a vivid blue shirt and coordinating blue pants is energetically climbing a metallic pole, his hands gripping firmly as he ascends. Nearby, a woman clad in a brown dress stands with a matching brown umbrella held aloft, providing her with shade from the sun. As the sun casts its light, the shapes of people's shadows mingle on the sandy ground, creating a playful tapestry of silhouettes.",,2,0,entity,whole,entity - whole (children),Are there children? +stanford1,"A lively playground scene unfolds with a bustling atmosphere of children and adults engaging in various activities on a surface of soft beige sand. In the midst of the joyful chaos, a young boy wearing a vivid blue shirt and coordinating blue pants is energetically climbing a metallic pole, his hands gripping firmly as he ascends. Nearby, a woman clad in a brown dress stands with a matching brown umbrella held aloft, providing her with shade from the sun. As the sun casts its light, the shapes of people's shadows mingle on the sandy ground, creating a playful tapestry of silhouettes.",,3,0,entity,whole,entity - whole (adults),Are there adults? +stanford1,"A lively playground scene unfolds with a bustling atmosphere of children and adults engaging in various activities on a surface of soft beige sand. In the midst of the joyful chaos, a young boy wearing a vivid blue shirt and coordinating blue pants is energetically climbing a metallic pole, his hands gripping firmly as he ascends. Nearby, a woman clad in a brown dress stands with a matching brown umbrella held aloft, providing her with shade from the sun. As the sun casts its light, the shapes of people's shadows mingle on the sandy ground, creating a playful tapestry of silhouettes.",,4,0,entity,whole,entity - whole (boy),Is there a boy? +stanford1,"A lively playground scene unfolds with a bustling atmosphere of children and adults engaging in various activities on a surface of soft beige sand. In the midst of the joyful chaos, a young boy wearing a vivid blue shirt and coordinating blue pants is energetically climbing a metallic pole, his hands gripping firmly as he ascends. Nearby, a woman clad in a brown dress stands with a matching brown umbrella held aloft, providing her with shade from the sun. As the sun casts its light, the shapes of people's shadows mingle on the sandy ground, creating a playful tapestry of silhouettes.",,5,0,entity,whole,entity - whole (woman),Is there a woman? +stanford1,"A lively playground scene unfolds with a bustling atmosphere of children and adults engaging in various activities on a surface of soft beige sand. In the midst of the joyful chaos, a young boy wearing a vivid blue shirt and coordinating blue pants is energetically climbing a metallic pole, his hands gripping firmly as he ascends. Nearby, a woman clad in a brown dress stands with a matching brown umbrella held aloft, providing her with shade from the sun. As the sun casts its light, the shapes of people's shadows mingle on the sandy ground, creating a playful tapestry of silhouettes.",,6,0,entity,whole,entity - whole (umbrella),Is there an umbrella? +stanford1,"A lively playground scene unfolds with a bustling atmosphere of children and adults engaging in various activities on a surface of soft beige sand. In the midst of the joyful chaos, a young boy wearing a vivid blue shirt and coordinating blue pants is energetically climbing a metallic pole, his hands gripping firmly as he ascends. Nearby, a woman clad in a brown dress stands with a matching brown umbrella held aloft, providing her with shade from the sun. As the sun casts its light, the shapes of people's shadows mingle on the sandy ground, creating a playful tapestry of silhouettes.",,7,0,entity,whole,entity - whole (pole),Is there a pole? +stanford1,"A lively playground scene unfolds with a bustling atmosphere of children and adults engaging in various activities on a surface of soft beige sand. In the midst of the joyful chaos, a young boy wearing a vivid blue shirt and coordinating blue pants is energetically climbing a metallic pole, his hands gripping firmly as he ascends. Nearby, a woman clad in a brown dress stands with a matching brown umbrella held aloft, providing her with shade from the sun. As the sun casts its light, the shapes of people's shadows mingle on the sandy ground, creating a playful tapestry of silhouettes.",,8,4,attribute,color,"attribute - color (boy's shirt, vivid blue)",Is the boy's shirt vivid blue? +stanford1,"A lively playground scene unfolds with a bustling atmosphere of children and adults engaging in various activities on a surface of soft beige sand. In the midst of the joyful chaos, a young boy wearing a vivid blue shirt and coordinating blue pants is energetically climbing a metallic pole, his hands gripping firmly as he ascends. Nearby, a woman clad in a brown dress stands with a matching brown umbrella held aloft, providing her with shade from the sun. As the sun casts its light, the shapes of people's shadows mingle on the sandy ground, creating a playful tapestry of silhouettes.",,9,4,attribute,color,"attribute - color (boy's pants, blue)",Are the boy's pants blue? +stanford1,"A lively playground scene unfolds with a bustling atmosphere of children and adults engaging in various activities on a surface of soft beige sand. In the midst of the joyful chaos, a young boy wearing a vivid blue shirt and coordinating blue pants is energetically climbing a metallic pole, his hands gripping firmly as he ascends. Nearby, a woman clad in a brown dress stands with a matching brown umbrella held aloft, providing her with shade from the sun. As the sun casts its light, the shapes of people's shadows mingle on the sandy ground, creating a playful tapestry of silhouettes.",,10,5,attribute,color,"attribute - color (woman's dress, brown)",Is the woman's dress brown? +stanford1,"A lively playground scene unfolds with a bustling atmosphere of children and adults engaging in various activities on a surface of soft beige sand. In the midst of the joyful chaos, a young boy wearing a vivid blue shirt and coordinating blue pants is energetically climbing a metallic pole, his hands gripping firmly as he ascends. Nearby, a woman clad in a brown dress stands with a matching brown umbrella held aloft, providing her with shade from the sun. As the sun casts its light, the shapes of people's shadows mingle on the sandy ground, creating a playful tapestry of silhouettes.",,11,6,attribute,color,"attribute - color (umbrella, brown)",Is the umbrella brown? +stanford1,"A lively playground scene unfolds with a bustling atmosphere of children and adults engaging in various activities on a surface of soft beige sand. In the midst of the joyful chaos, a young boy wearing a vivid blue shirt and coordinating blue pants is energetically climbing a metallic pole, his hands gripping firmly as he ascends. Nearby, a woman clad in a brown dress stands with a matching brown umbrella held aloft, providing her with shade from the sun. As the sun casts its light, the shapes of people's shadows mingle on the sandy ground, creating a playful tapestry of silhouettes.",,12,1,attribute,texture,"attribute - texture (ground, sand)",Is the ground sandy? +stanford1,"A lively playground scene unfolds with a bustling atmosphere of children and adults engaging in various activities on a surface of soft beige sand. In the midst of the joyful chaos, a young boy wearing a vivid blue shirt and coordinating blue pants is energetically climbing a metallic pole, his hands gripping firmly as he ascends. Nearby, a woman clad in a brown dress stands with a matching brown umbrella held aloft, providing her with shade from the sun. As the sun casts its light, the shapes of people's shadows mingle on the sandy ground, creating a playful tapestry of silhouettes.",,13,12,attribute,color,"attribute - color (ground, soft beige)",Is the sand soft beige? +stanford1,"A lively playground scene unfolds with a bustling atmosphere of children and adults engaging in various activities on a surface of soft beige sand. In the midst of the joyful chaos, a young boy wearing a vivid blue shirt and coordinating blue pants is energetically climbing a metallic pole, his hands gripping firmly as he ascends. Nearby, a woman clad in a brown dress stands with a matching brown umbrella held aloft, providing her with shade from the sun. As the sun casts its light, the shapes of people's shadows mingle on the sandy ground, creating a playful tapestry of silhouettes.",,14,4,entity,state,"entity - state (boy, climb)",Is the boy climbing? +stanford1,"A lively playground scene unfolds with a bustling atmosphere of children and adults engaging in various activities on a surface of soft beige sand. In the midst of the joyful chaos, a young boy wearing a vivid blue shirt and coordinating blue pants is energetically climbing a metallic pole, his hands gripping firmly as he ascends. Nearby, a woman clad in a brown dress stands with a matching brown umbrella held aloft, providing her with shade from the sun. As the sun casts its light, the shapes of people's shadows mingle on the sandy ground, creating a playful tapestry of silhouettes.",,15,5,entity,state,"entity - state (woman, stand)",Is the woman standing? +stanford1,"A lively playground scene unfolds with a bustling atmosphere of children and adults engaging in various activities on a surface of soft beige sand. In the midst of the joyful chaos, a young boy wearing a vivid blue shirt and coordinating blue pants is energetically climbing a metallic pole, his hands gripping firmly as he ascends. Nearby, a woman clad in a brown dress stands with a matching brown umbrella held aloft, providing her with shade from the sun. As the sun casts its light, the shapes of people's shadows mingle on the sandy ground, creating a playful tapestry of silhouettes.",,16,6,entity,state,"entity - state (umbrella, held aloft)",Is the umbrella being held aloft? +stanford1,"A lively playground scene unfolds with a bustling atmosphere of children and adults engaging in various activities on a surface of soft beige sand. In the midst of the joyful chaos, a young boy wearing a vivid blue shirt and coordinating blue pants is energetically climbing a metallic pole, his hands gripping firmly as he ascends. Nearby, a woman clad in a brown dress stands with a matching brown umbrella held aloft, providing her with shade from the sun. As the sun casts its light, the shapes of people's shadows mingle on the sandy ground, creating a playful tapestry of silhouettes.",,17,"4,7",relation,non-spatial,"relation - non-spatial (boy, pole, climbing)",Is the boy climbing the pole? +stanford1,"A lively playground scene unfolds with a bustling atmosphere of children and adults engaging in various activities on a surface of soft beige sand. In the midst of the joyful chaos, a young boy wearing a vivid blue shirt and coordinating blue pants is energetically climbing a metallic pole, his hands gripping firmly as he ascends. Nearby, a woman clad in a brown dress stands with a matching brown umbrella held aloft, providing her with shade from the sun. As the sun casts its light, the shapes of people's shadows mingle on the sandy ground, creating a playful tapestry of silhouettes.",,18,"5,6",relation,non-spatial,"relation - non-spatial (woman, umbrella, holding)",Is the woman holding the umbrella? +stanford1,"A lively playground scene unfolds with a bustling atmosphere of children and adults engaging in various activities on a surface of soft beige sand. In the midst of the joyful chaos, a young boy wearing a vivid blue shirt and coordinating blue pants is energetically climbing a metallic pole, his hands gripping firmly as he ascends. Nearby, a woman clad in a brown dress stands with a matching brown umbrella held aloft, providing her with shade from the sun. As the sun casts its light, the shapes of people's shadows mingle on the sandy ground, creating a playful tapestry of silhouettes.",,19,12,relation,spatial,"relation - spatial (shadows, ground, on)",Are the shadows on the ground? +stanford32,"A gentleman stands behind a white linen-clad table, donning a sleek black jacket paired with a vibrant green tie. Atop the table lies an elaborately decorated cake with white icing and colorful sprinkles. The man, whose black hat adds a touch of sophistication, carefully holds a silver knife with an ornate handle, poised to slice the festive confection.",,1,0,entity,whole,entity - whole (gentleman),Is there a gentleman? +stanford32,"A gentleman stands behind a white linen-clad table, donning a sleek black jacket paired with a vibrant green tie. Atop the table lies an elaborately decorated cake with white icing and colorful sprinkles. The man, whose black hat adds a touch of sophistication, carefully holds a silver knife with an ornate handle, poised to slice the festive confection.",,2,0,entity,whole,entity - whole (table),Is there a table? +stanford32,"A gentleman stands behind a white linen-clad table, donning a sleek black jacket paired with a vibrant green tie. Atop the table lies an elaborately decorated cake with white icing and colorful sprinkles. The man, whose black hat adds a touch of sophistication, carefully holds a silver knife with an ornate handle, poised to slice the festive confection.",,3,0,entity,whole,entity - whole (jacket),Is there a jacket? +stanford32,"A gentleman stands behind a white linen-clad table, donning a sleek black jacket paired with a vibrant green tie. Atop the table lies an elaborately decorated cake with white icing and colorful sprinkles. The man, whose black hat adds a touch of sophistication, carefully holds a silver knife with an ornate handle, poised to slice the festive confection.",,4,0,entity,whole,entity - whole (tie),Is there a tie? +stanford32,"A gentleman stands behind a white linen-clad table, donning a sleek black jacket paired with a vibrant green tie. Atop the table lies an elaborately decorated cake with white icing and colorful sprinkles. The man, whose black hat adds a touch of sophistication, carefully holds a silver knife with an ornate handle, poised to slice the festive confection.",,5,0,entity,whole,entity - whole (cake),Is there a cake? +stanford32,"A gentleman stands behind a white linen-clad table, donning a sleek black jacket paired with a vibrant green tie. Atop the table lies an elaborately decorated cake with white icing and colorful sprinkles. The man, whose black hat adds a touch of sophistication, carefully holds a silver knife with an ornate handle, poised to slice the festive confection.",,6,0,entity,whole,entity - whole (hat),Is there a hat? +stanford32,"A gentleman stands behind a white linen-clad table, donning a sleek black jacket paired with a vibrant green tie. Atop the table lies an elaborately decorated cake with white icing and colorful sprinkles. The man, whose black hat adds a touch of sophistication, carefully holds a silver knife with an ornate handle, poised to slice the festive confection.",,7,0,entity,whole,entity - whole (knife),Is there a knife? +stanford32,"A gentleman stands behind a white linen-clad table, donning a sleek black jacket paired with a vibrant green tie. Atop the table lies an elaborately decorated cake with white icing and colorful sprinkles. The man, whose black hat adds a touch of sophistication, carefully holds a silver knife with an ornate handle, poised to slice the festive confection.",,8,2,attribute,color,"attribute - color (table, white linen-clad)",Is the table covered with white linen? +stanford32,"A gentleman stands behind a white linen-clad table, donning a sleek black jacket paired with a vibrant green tie. Atop the table lies an elaborately decorated cake with white icing and colorful sprinkles. The man, whose black hat adds a touch of sophistication, carefully holds a silver knife with an ornate handle, poised to slice the festive confection.",,9,3,attribute,color,"attribute - color (jacket, sleek black)",Is the jacket sleek and black? +stanford32,"A gentleman stands behind a white linen-clad table, donning a sleek black jacket paired with a vibrant green tie. Atop the table lies an elaborately decorated cake with white icing and colorful sprinkles. The man, whose black hat adds a touch of sophistication, carefully holds a silver knife with an ornate handle, poised to slice the festive confection.",,10,4,attribute,color,"attribute - color (tie, vibrant green)",Is the tie vibrant green? +stanford32,"A gentleman stands behind a white linen-clad table, donning a sleek black jacket paired with a vibrant green tie. Atop the table lies an elaborately decorated cake with white icing and colorful sprinkles. The man, whose black hat adds a touch of sophistication, carefully holds a silver knife with an ornate handle, poised to slice the festive confection.",,11,5,attribute,color,"attribute - color (cake, white icing)",Does the cake have white icing? +stanford32,"A gentleman stands behind a white linen-clad table, donning a sleek black jacket paired with a vibrant green tie. Atop the table lies an elaborately decorated cake with white icing and colorful sprinkles. The man, whose black hat adds a touch of sophistication, carefully holds a silver knife with an ornate handle, poised to slice the festive confection.",,12,6,attribute,color,"attribute - color (hat, black)",Is the hat black? +stanford32,"A gentleman stands behind a white linen-clad table, donning a sleek black jacket paired with a vibrant green tie. Atop the table lies an elaborately decorated cake with white icing and colorful sprinkles. The man, whose black hat adds a touch of sophistication, carefully holds a silver knife with an ornate handle, poised to slice the festive confection.",,13,7,attribute,texture,"attribute - texture (knife, silver with ornate handle)",Is the knife silver with an ornate handle? +stanford32,"A gentleman stands behind a white linen-clad table, donning a sleek black jacket paired with a vibrant green tie. Atop the table lies an elaborately decorated cake with white icing and colorful sprinkles. The man, whose black hat adds a touch of sophistication, carefully holds a silver knife with an ornate handle, poised to slice the festive confection.",,14,1,entity,state,"entity - state (gentleman, stand)",Is the gentleman standing? +stanford32,"A gentleman stands behind a white linen-clad table, donning a sleek black jacket paired with a vibrant green tie. Atop the table lies an elaborately decorated cake with white icing and colorful sprinkles. The man, whose black hat adds a touch of sophistication, carefully holds a silver knife with an ornate handle, poised to slice the festive confection.",,15,5,entity,state,"entity - state (cake, decorated with colorful sprinkles)",Is the cake elaborately decorated with colorful sprinkles? +stanford32,"A gentleman stands behind a white linen-clad table, donning a sleek black jacket paired with a vibrant green tie. Atop the table lies an elaborately decorated cake with white icing and colorful sprinkles. The man, whose black hat adds a touch of sophistication, carefully holds a silver knife with an ornate handle, poised to slice the festive confection.",,16,"1,2",relation,spatial,"relation - spatial (gentleman, table, behind)",Is the gentleman standing behind the table? +stanford32,"A gentleman stands behind a white linen-clad table, donning a sleek black jacket paired with a vibrant green tie. Atop the table lies an elaborately decorated cake with white icing and colorful sprinkles. The man, whose black hat adds a touch of sophistication, carefully holds a silver knife with an ornate handle, poised to slice the festive confection.",,17,"2,5",relation,spatial,"relation - spatial (cake, table, on)",Is the cake on the table? +stanford32,"A gentleman stands behind a white linen-clad table, donning a sleek black jacket paired with a vibrant green tie. Atop the table lies an elaborately decorated cake with white icing and colorful sprinkles. The man, whose black hat adds a touch of sophistication, carefully holds a silver knife with an ornate handle, poised to slice the festive confection.",,18,"1,7",relation,non-spatial,"relation - non-spatial (gentleman, knife, hold)",Is the gentleman holding a silver knife? +stanford32,"A gentleman stands behind a white linen-clad table, donning a sleek black jacket paired with a vibrant green tie. Atop the table lies an elaborately decorated cake with white icing and colorful sprinkles. The man, whose black hat adds a touch of sophistication, carefully holds a silver knife with an ornate handle, poised to slice the festive confection.",,19,"5,7",relation,non-spatial,"relation - non-spatial (knife, cake, poised to slice)",Is the gentleman poised to slice the cake with the knife? +localized7,"The focal point of the image is a colorful Rubik's cube with a mix of unsolved red, blue, green, and yellow squares. Just beneath the cube, the texture of a soft, dark cloth can be observed, providing a contrast to the cube's vivid colors. The backdrop is enveloped in shadows, accentuating the cube's brightness. To the lower portion of the frame, a nondescript black object is partially visible, adding a sense of depth to the composition.",,1,0,entity,whole,entity - whole (Rubik's cube),Is there a Rubik's cube? +localized7,"The focal point of the image is a colorful Rubik's cube with a mix of unsolved red, blue, green, and yellow squares. Just beneath the cube, the texture of a soft, dark cloth can be observed, providing a contrast to the cube's vivid colors. The backdrop is enveloped in shadows, accentuating the cube's brightness. To the lower portion of the frame, a nondescript black object is partially visible, adding a sense of depth to the composition.",,2,0,entity,whole,entity - whole (cloth),Is there a cloth? +localized7,"The focal point of the image is a colorful Rubik's cube with a mix of unsolved red, blue, green, and yellow squares. Just beneath the cube, the texture of a soft, dark cloth can be observed, providing a contrast to the cube's vivid colors. The backdrop is enveloped in shadows, accentuating the cube's brightness. To the lower portion of the frame, a nondescript black object is partially visible, adding a sense of depth to the composition.",,3,0,entity,whole,entity - whole (object),Is there an object? +localized7,"The focal point of the image is a colorful Rubik's cube with a mix of unsolved red, blue, green, and yellow squares. Just beneath the cube, the texture of a soft, dark cloth can be observed, providing a contrast to the cube's vivid colors. The backdrop is enveloped in shadows, accentuating the cube's brightness. To the lower portion of the frame, a nondescript black object is partially visible, adding a sense of depth to the composition.",,4,1,attribute,color,"attribute - color (Rubik's cube, colorful)",Is the Rubik's cube colorful? +localized7,"The focal point of the image is a colorful Rubik's cube with a mix of unsolved red, blue, green, and yellow squares. Just beneath the cube, the texture of a soft, dark cloth can be observed, providing a contrast to the cube's vivid colors. The backdrop is enveloped in shadows, accentuating the cube's brightness. To the lower portion of the frame, a nondescript black object is partially visible, adding a sense of depth to the composition.",,5,1,attribute,color,"attribute - color (Rubik's cube, red)",Does the Rubik's cube have red squares? +localized7,"The focal point of the image is a colorful Rubik's cube with a mix of unsolved red, blue, green, and yellow squares. Just beneath the cube, the texture of a soft, dark cloth can be observed, providing a contrast to the cube's vivid colors. The backdrop is enveloped in shadows, accentuating the cube's brightness. To the lower portion of the frame, a nondescript black object is partially visible, adding a sense of depth to the composition.",,6,1,attribute,color,"attribute - color (Rubik's cube, blue)",Does the Rubik's cube have blue squares? +localized7,"The focal point of the image is a colorful Rubik's cube with a mix of unsolved red, blue, green, and yellow squares. Just beneath the cube, the texture of a soft, dark cloth can be observed, providing a contrast to the cube's vivid colors. The backdrop is enveloped in shadows, accentuating the cube's brightness. To the lower portion of the frame, a nondescript black object is partially visible, adding a sense of depth to the composition.",,7,1,attribute,color,"attribute - color (Rubik's cube, green)",Does the Rubik's cube have green squares? +localized7,"The focal point of the image is a colorful Rubik's cube with a mix of unsolved red, blue, green, and yellow squares. Just beneath the cube, the texture of a soft, dark cloth can be observed, providing a contrast to the cube's vivid colors. The backdrop is enveloped in shadows, accentuating the cube's brightness. To the lower portion of the frame, a nondescript black object is partially visible, adding a sense of depth to the composition.",,8,1,attribute,color,"attribute - color (Rubik's cube, yellow)",Does the Rubik's cube have yellow squares? +localized7,"The focal point of the image is a colorful Rubik's cube with a mix of unsolved red, blue, green, and yellow squares. Just beneath the cube, the texture of a soft, dark cloth can be observed, providing a contrast to the cube's vivid colors. The backdrop is enveloped in shadows, accentuating the cube's brightness. To the lower portion of the frame, a nondescript black object is partially visible, adding a sense of depth to the composition.",,9,2,attribute,texture,"attribute - texture (cloth, soft)",Is the cloth soft? +localized7,"The focal point of the image is a colorful Rubik's cube with a mix of unsolved red, blue, green, and yellow squares. Just beneath the cube, the texture of a soft, dark cloth can be observed, providing a contrast to the cube's vivid colors. The backdrop is enveloped in shadows, accentuating the cube's brightness. To the lower portion of the frame, a nondescript black object is partially visible, adding a sense of depth to the composition.",,10,2,attribute,color,"attribute - color (cloth, dark)",Is the cloth dark? +diffusiondb10,"An impressively detailed pencil illustration of Maggie Smith in the character of Reverend Mother is generating buzz on the ArtStation platform. The artwork, which has garnered awards for its lifelike quality, demonstrates a finesse reminiscent of Artgerm and Greg Rutkowski's dynamic strokes, with compositions that subtly hint at the influence of Alphonse Mucha's style. Its cinematic feel is accentuated by the careful play of light and shadow, earning acclaim and trending status among the art community.",,1,0,entity,whole,entity - whole (pencil illustration),Is there a pencil illustration? +diffusiondb10,"An impressively detailed pencil illustration of Maggie Smith in the character of Reverend Mother is generating buzz on the ArtStation platform. The artwork, which has garnered awards for its lifelike quality, demonstrates a finesse reminiscent of Artgerm and Greg Rutkowski's dynamic strokes, with compositions that subtly hint at the influence of Alphonse Mucha's style. Its cinematic feel is accentuated by the careful play of light and shadow, earning acclaim and trending status among the art community.",,2,0,entity,whole,entity - whole (Maggie Smith),Is Maggie Smith depicted in the illustration? +diffusiondb10,"An impressively detailed pencil illustration of Maggie Smith in the character of Reverend Mother is generating buzz on the ArtStation platform. The artwork, which has garnered awards for its lifelike quality, demonstrates a finesse reminiscent of Artgerm and Greg Rutkowski's dynamic strokes, with compositions that subtly hint at the influence of Alphonse Mucha's style. Its cinematic feel is accentuated by the careful play of light and shadow, earning acclaim and trending status among the art community.",,3,2,entity,whole,"entity - whole (Reverend Mother, character)",Is the character of Reverend Mother featured in the illustration? +diffusiondb10,"An impressively detailed pencil illustration of Maggie Smith in the character of Reverend Mother is generating buzz on the ArtStation platform. The artwork, which has garnered awards for its lifelike quality, demonstrates a finesse reminiscent of Artgerm and Greg Rutkowski's dynamic strokes, with compositions that subtly hint at the influence of Alphonse Mucha's style. Its cinematic feel is accentuated by the careful play of light and shadow, earning acclaim and trending status among the art community.",,4,0,entity,whole,entity - whole (ArtStation platform),Is the illustration on the ArtStation platform? +diffusiondb10,"An impressively detailed pencil illustration of Maggie Smith in the character of Reverend Mother is generating buzz on the ArtStation platform. The artwork, which has garnered awards for its lifelike quality, demonstrates a finesse reminiscent of Artgerm and Greg Rutkowski's dynamic strokes, with compositions that subtly hint at the influence of Alphonse Mucha's style. Its cinematic feel is accentuated by the careful play of light and shadow, earning acclaim and trending status among the art community.",,5,1,attribute,other,"attribute - other (pencil illustration, detailed)",Is the pencil illustration impressively detailed? +diffusiondb10,"An impressively detailed pencil illustration of Maggie Smith in the character of Reverend Mother is generating buzz on the ArtStation platform. The artwork, which has garnered awards for its lifelike quality, demonstrates a finesse reminiscent of Artgerm and Greg Rutkowski's dynamic strokes, with compositions that subtly hint at the influence of Alphonse Mucha's style. Its cinematic feel is accentuated by the careful play of light and shadow, earning acclaim and trending status among the art community.",,6,1,attribute,other,"attribute - other (pencil illustration, lifelike quality)",Does the pencil illustration have a lifelike quality? +diffusiondb10,"An impressively detailed pencil illustration of Maggie Smith in the character of Reverend Mother is generating buzz on the ArtStation platform. The artwork, which has garnered awards for its lifelike quality, demonstrates a finesse reminiscent of Artgerm and Greg Rutkowski's dynamic strokes, with compositions that subtly hint at the influence of Alphonse Mucha's style. Its cinematic feel is accentuated by the careful play of light and shadow, earning acclaim and trending status among the art community.",,7,1,attribute,other,"attribute - other (pencil illustration, cinematic feel)",Does the pencil illustration have a cinematic feel? +diffusiondb10,"An impressively detailed pencil illustration of Maggie Smith in the character of Reverend Mother is generating buzz on the ArtStation platform. The artwork, which has garnered awards for its lifelike quality, demonstrates a finesse reminiscent of Artgerm and Greg Rutkowski's dynamic strokes, with compositions that subtly hint at the influence of Alphonse Mucha's style. Its cinematic feel is accentuated by the careful play of light and shadow, earning acclaim and trending status among the art community.",,8,1,relation,non-spatial,"relation - non-spatial (pencil illustration, Artgerm, reminiscent)",Does the pencil illustration demonstrate finesse reminiscent of Artgerm's style? +diffusiondb10,"An impressively detailed pencil illustration of Maggie Smith in the character of Reverend Mother is generating buzz on the ArtStation platform. The artwork, which has garnered awards for its lifelike quality, demonstrates a finesse reminiscent of Artgerm and Greg Rutkowski's dynamic strokes, with compositions that subtly hint at the influence of Alphonse Mucha's style. Its cinematic feel is accentuated by the careful play of light and shadow, earning acclaim and trending status among the art community.",,9,1,relation,non-spatial,"relation - non-spatial (pencil illustration, Greg Rutkowski, reminiscent)",Does the pencil illustration demonstrate finesse reminiscent of Greg Rutkowski's dynamic strokes? +diffusiondb10,"An impressively detailed pencil illustration of Maggie Smith in the character of Reverend Mother is generating buzz on the ArtStation platform. The artwork, which has garnered awards for its lifelike quality, demonstrates a finesse reminiscent of Artgerm and Greg Rutkowski's dynamic strokes, with compositions that subtly hint at the influence of Alphonse Mucha's style. Its cinematic feel is accentuated by the careful play of light and shadow, earning acclaim and trending status among the art community.",,10,1,relation,non-spatial,"relation - non-spatial (pencil illustration, Alphonse Mucha, influence)",Does the pencil illustration subtly hint at the influence of Alphonse Mucha's style? +whoops1,"A group of people decked in contemporary winter attire, consisting of vibrant parkas and insulated boots stand amidst a snowy landscape. In their midst, a colossal woolly mammoth, with its shaggy, matted fur and long, curved tusks, towers above them. The individuals, exhibiting expressions of awe and curiosity, extend their gloved hands towards the mammoth, highlighting the surreal encounter as delicate snowflakes continuously fall around them.",,1,0,entity,whole,entity - whole (people),Is there a group of people? +whoops1,"A group of people decked in contemporary winter attire, consisting of vibrant parkas and insulated boots stand amidst a snowy landscape. In their midst, a colossal woolly mammoth, with its shaggy, matted fur and long, curved tusks, towers above them. The individuals, exhibiting expressions of awe and curiosity, extend their gloved hands towards the mammoth, highlighting the surreal encounter as delicate snowflakes continuously fall around them.",,2,1,entity,whole,entity - whole (winter attire),Are the people wearing winter attire? +whoops1,"A group of people decked in contemporary winter attire, consisting of vibrant parkas and insulated boots stand amidst a snowy landscape. In their midst, a colossal woolly mammoth, with its shaggy, matted fur and long, curved tusks, towers above them. The individuals, exhibiting expressions of awe and curiosity, extend their gloved hands towards the mammoth, highlighting the surreal encounter as delicate snowflakes continuously fall around them.",,3,2,entity,whole,entity - whole (parkas),Are there vibrant parkas? +whoops1,"A group of people decked in contemporary winter attire, consisting of vibrant parkas and insulated boots stand amidst a snowy landscape. In their midst, a colossal woolly mammoth, with its shaggy, matted fur and long, curved tusks, towers above them. The individuals, exhibiting expressions of awe and curiosity, extend their gloved hands towards the mammoth, highlighting the surreal encounter as delicate snowflakes continuously fall around them.",,4,2,entity,whole,entity - whole (boots),Are there insulated boots? +whoops1,"A group of people decked in contemporary winter attire, consisting of vibrant parkas and insulated boots stand amidst a snowy landscape. In their midst, a colossal woolly mammoth, with its shaggy, matted fur and long, curved tusks, towers above them. The individuals, exhibiting expressions of awe and curiosity, extend their gloved hands towards the mammoth, highlighting the surreal encounter as delicate snowflakes continuously fall around them.",,5,0,entity,whole,entity - whole (landscape),Is there a snowy landscape? +whoops1,"A group of people decked in contemporary winter attire, consisting of vibrant parkas and insulated boots stand amidst a snowy landscape. In their midst, a colossal woolly mammoth, with its shaggy, matted fur and long, curved tusks, towers above them. The individuals, exhibiting expressions of awe and curiosity, extend their gloved hands towards the mammoth, highlighting the surreal encounter as delicate snowflakes continuously fall around them.",,6,0,entity,whole,entity - whole (woolly mammoth),Is there a woolly mammoth? +whoops1,"A group of people decked in contemporary winter attire, consisting of vibrant parkas and insulated boots stand amidst a snowy landscape. In their midst, a colossal woolly mammoth, with its shaggy, matted fur and long, curved tusks, towers above them. The individuals, exhibiting expressions of awe and curiosity, extend their gloved hands towards the mammoth, highlighting the surreal encounter as delicate snowflakes continuously fall around them.",,7,6,entity,part,entity - part (mammoth's fur),Does the mammoth have fur? +whoops1,"A group of people decked in contemporary winter attire, consisting of vibrant parkas and insulated boots stand amidst a snowy landscape. In their midst, a colossal woolly mammoth, with its shaggy, matted fur and long, curved tusks, towers above them. The individuals, exhibiting expressions of awe and curiosity, extend their gloved hands towards the mammoth, highlighting the surreal encounter as delicate snowflakes continuously fall around them.",,8,6,entity,part,entity - part (mammoth's tusks),Does the mammoth have tusks? +whoops1,"A group of people decked in contemporary winter attire, consisting of vibrant parkas and insulated boots stand amidst a snowy landscape. In their midst, a colossal woolly mammoth, with its shaggy, matted fur and long, curved tusks, towers above them. The individuals, exhibiting expressions of awe and curiosity, extend their gloved hands towards the mammoth, highlighting the surreal encounter as delicate snowflakes continuously fall around them.",,9,7,attribute,texture,"attribute - texture (mammoth's fur, shaggy and matted)",Is the mammoth's fur shaggy and matted? +whoops1,"A group of people decked in contemporary winter attire, consisting of vibrant parkas and insulated boots stand amidst a snowy landscape. In their midst, a colossal woolly mammoth, with its shaggy, matted fur and long, curved tusks, towers above them. The individuals, exhibiting expressions of awe and curiosity, extend their gloved hands towards the mammoth, highlighting the surreal encounter as delicate snowflakes continuously fall around them.",,10,8,attribute,size,"attribute - size (mammoth's tusks, long and curved)",Are the mammoth's tusks long and curved? +posescript35,"a figure in a dynamic pose with their right leg slightly bent, standing firmly on the ground, while their left leg is bent and positioned behind the right, suggesting motion or a dance step. The right arm is raised up and curved over the head in an elegant arc, while the left arm extends horizontally out to the side and slightly to the rear, enhancing the sense of balance and stretch. The individual's stance is wide, with a considerable gap between the feet, adding a powerful presence to the overall posture.",,1,0,entity,whole,entity - whole (figure),Is there a figure? +posescript35,"a figure in a dynamic pose with their right leg slightly bent, standing firmly on the ground, while their left leg is bent and positioned behind the right, suggesting motion or a dance step. The right arm is raised up and curved over the head in an elegant arc, while the left arm extends horizontally out to the side and slightly to the rear, enhancing the sense of balance and stretch. The individual's stance is wide, with a considerable gap between the feet, adding a powerful presence to the overall posture.",,2,1,entity,part,entity - part (figure's right leg),Does the figure have a right leg? +posescript35,"a figure in a dynamic pose with their right leg slightly bent, standing firmly on the ground, while their left leg is bent and positioned behind the right, suggesting motion or a dance step. The right arm is raised up and curved over the head in an elegant arc, while the left arm extends horizontally out to the side and slightly to the rear, enhancing the sense of balance and stretch. The individual's stance is wide, with a considerable gap between the feet, adding a powerful presence to the overall posture.",,3,1,entity,part,entity - part (figure's left leg),Does the figure have a left leg? +posescript35,"a figure in a dynamic pose with their right leg slightly bent, standing firmly on the ground, while their left leg is bent and positioned behind the right, suggesting motion or a dance step. The right arm is raised up and curved over the head in an elegant arc, while the left arm extends horizontally out to the side and slightly to the rear, enhancing the sense of balance and stretch. The individual's stance is wide, with a considerable gap between the feet, adding a powerful presence to the overall posture.",,4,1,entity,part,entity - part (figure's right arm),Does the figure have a right arm? +posescript35,"a figure in a dynamic pose with their right leg slightly bent, standing firmly on the ground, while their left leg is bent and positioned behind the right, suggesting motion or a dance step. The right arm is raised up and curved over the head in an elegant arc, while the left arm extends horizontally out to the side and slightly to the rear, enhancing the sense of balance and stretch. The individual's stance is wide, with a considerable gap between the feet, adding a powerful presence to the overall posture.",,5,1,entity,part,entity - part (figure's left arm),Does the figure have a left arm? +posescript35,"a figure in a dynamic pose with their right leg slightly bent, standing firmly on the ground, while their left leg is bent and positioned behind the right, suggesting motion or a dance step. The right arm is raised up and curved over the head in an elegant arc, while the left arm extends horizontally out to the side and slightly to the rear, enhancing the sense of balance and stretch. The individual's stance is wide, with a considerable gap between the feet, adding a powerful presence to the overall posture.",,6,1,entity,state,"entity - state (figure, dynamic pose)",Is the figure in a dynamic pose? +posescript35,"a figure in a dynamic pose with their right leg slightly bent, standing firmly on the ground, while their left leg is bent and positioned behind the right, suggesting motion or a dance step. The right arm is raised up and curved over the head in an elegant arc, while the left arm extends horizontally out to the side and slightly to the rear, enhancing the sense of balance and stretch. The individual's stance is wide, with a considerable gap between the feet, adding a powerful presence to the overall posture.",,7,2,attribute,shape,"attribute - shape (right leg, slightly bent)",Is the figure's right leg slightly bent? +posescript35,"a figure in a dynamic pose with their right leg slightly bent, standing firmly on the ground, while their left leg is bent and positioned behind the right, suggesting motion or a dance step. The right arm is raised up and curved over the head in an elegant arc, while the left arm extends horizontally out to the side and slightly to the rear, enhancing the sense of balance and stretch. The individual's stance is wide, with a considerable gap between the feet, adding a powerful presence to the overall posture.",,8,3,attribute,shape,"attribute - shape (left leg, bent)",Is the figure's left leg bent? +posescript35,"a figure in a dynamic pose with their right leg slightly bent, standing firmly on the ground, while their left leg is bent and positioned behind the right, suggesting motion or a dance step. The right arm is raised up and curved over the head in an elegant arc, while the left arm extends horizontally out to the side and slightly to the rear, enhancing the sense of balance and stretch. The individual's stance is wide, with a considerable gap between the feet, adding a powerful presence to the overall posture.",,9,"3,2",relation,spatial,"relation - spatial (left leg, right leg, behind)",Is the figure's left leg positioned behind the right? +posescript35,"a figure in a dynamic pose with their right leg slightly bent, standing firmly on the ground, while their left leg is bent and positioned behind the right, suggesting motion or a dance step. The right arm is raised up and curved over the head in an elegant arc, while the left arm extends horizontally out to the side and slightly to the rear, enhancing the sense of balance and stretch. The individual's stance is wide, with a considerable gap between the feet, adding a powerful presence to the overall posture.",,10,"4,1",relation,spatial,"relation - spatial (right arm, head, curved over)",Is the figure's right arm raised up and curved over the head? +localized2,"A modern interior scene featuring a sleek, white pedestal standing squarely on a polished concrete floor. Atop the pedestal rests an avant-garde, mesh-like structure, its curves and interwoven lines resembling a futuristic sofa. Behind this unique piece of furniture, there is a crisp white wall, upon which hangs an assortment of small, framed pictures and decorative shelves holding minimalist ornaments.",,1,0,entity,whole,entity - whole (interior scene),Is there an interior scene? +localized2,"A modern interior scene featuring a sleek, white pedestal standing squarely on a polished concrete floor. Atop the pedestal rests an avant-garde, mesh-like structure, its curves and interwoven lines resembling a futuristic sofa. Behind this unique piece of furniture, there is a crisp white wall, upon which hangs an assortment of small, framed pictures and decorative shelves holding minimalist ornaments.",,2,0,entity,whole,entity - whole (pedestal),Is there a pedestal? +localized2,"A modern interior scene featuring a sleek, white pedestal standing squarely on a polished concrete floor. Atop the pedestal rests an avant-garde, mesh-like structure, its curves and interwoven lines resembling a futuristic sofa. Behind this unique piece of furniture, there is a crisp white wall, upon which hangs an assortment of small, framed pictures and decorative shelves holding minimalist ornaments.",,3,0,entity,whole,entity - whole (floor),Is there a floor? +localized2,"A modern interior scene featuring a sleek, white pedestal standing squarely on a polished concrete floor. Atop the pedestal rests an avant-garde, mesh-like structure, its curves and interwoven lines resembling a futuristic sofa. Behind this unique piece of furniture, there is a crisp white wall, upon which hangs an assortment of small, framed pictures and decorative shelves holding minimalist ornaments.",,4,0,entity,whole,entity - whole (structure),Is there a structure? +localized2,"A modern interior scene featuring a sleek, white pedestal standing squarely on a polished concrete floor. Atop the pedestal rests an avant-garde, mesh-like structure, its curves and interwoven lines resembling a futuristic sofa. Behind this unique piece of furniture, there is a crisp white wall, upon which hangs an assortment of small, framed pictures and decorative shelves holding minimalist ornaments.",,5,0,entity,whole,entity - whole (wall),Is there a wall? +localized2,"A modern interior scene featuring a sleek, white pedestal standing squarely on a polished concrete floor. Atop the pedestal rests an avant-garde, mesh-like structure, its curves and interwoven lines resembling a futuristic sofa. Behind this unique piece of furniture, there is a crisp white wall, upon which hangs an assortment of small, framed pictures and decorative shelves holding minimalist ornaments.",,6,0,entity,whole,entity - whole (pictures),Are there pictures? +localized2,"A modern interior scene featuring a sleek, white pedestal standing squarely on a polished concrete floor. Atop the pedestal rests an avant-garde, mesh-like structure, its curves and interwoven lines resembling a futuristic sofa. Behind this unique piece of furniture, there is a crisp white wall, upon which hangs an assortment of small, framed pictures and decorative shelves holding minimalist ornaments.",,7,0,entity,whole,entity - whole (shelves),Are there shelves? +localized2,"A modern interior scene featuring a sleek, white pedestal standing squarely on a polished concrete floor. Atop the pedestal rests an avant-garde, mesh-like structure, its curves and interwoven lines resembling a futuristic sofa. Behind this unique piece of furniture, there is a crisp white wall, upon which hangs an assortment of small, framed pictures and decorative shelves holding minimalist ornaments.",,8,0,entity,whole,entity - whole (ornaments),Are there ornaments? +localized2,"A modern interior scene featuring a sleek, white pedestal standing squarely on a polished concrete floor. Atop the pedestal rests an avant-garde, mesh-like structure, its curves and interwoven lines resembling a futuristic sofa. Behind this unique piece of furniture, there is a crisp white wall, upon which hangs an assortment of small, framed pictures and decorative shelves holding minimalist ornaments.",,9,2,attribute,color,"attribute - color (pedestal, white)",Is the pedestal white? +localized2,"A modern interior scene featuring a sleek, white pedestal standing squarely on a polished concrete floor. Atop the pedestal rests an avant-garde, mesh-like structure, its curves and interwoven lines resembling a futuristic sofa. Behind this unique piece of furniture, there is a crisp white wall, upon which hangs an assortment of small, framed pictures and decorative shelves holding minimalist ornaments.",,10,3,attribute,texture,"attribute - texture (floor, polished concrete)",Is the floor made of polished concrete? +midjourney26,"An expansive palace constructed from iridescent materials that shimmer with hues reminiscent of a vivid, Slime-like substance, majestically stands at the heart of a fantastical realm. Its towers twist skyward, defying conventional architecture with their organic, flowing forms. In the foreground, a field of exotic flowers blooms, each petal displaying an array of otherworldly colors that could have been plucked from a Lovecraftian spectrum, while overhead, a radiant sun bathes the surreal landscape in brilliant light.",,1,0,entity,whole,entity - whole (palace),Is there a palace? +midjourney26,"An expansive palace constructed from iridescent materials that shimmer with hues reminiscent of a vivid, Slime-like substance, majestically stands at the heart of a fantastical realm. Its towers twist skyward, defying conventional architecture with their organic, flowing forms. In the foreground, a field of exotic flowers blooms, each petal displaying an array of otherworldly colors that could have been plucked from a Lovecraftian spectrum, while overhead, a radiant sun bathes the surreal landscape in brilliant light.",,2,1,entity,whole,entity - whole (towers),Are there towers? +midjourney26,"An expansive palace constructed from iridescent materials that shimmer with hues reminiscent of a vivid, Slime-like substance, majestically stands at the heart of a fantastical realm. Its towers twist skyward, defying conventional architecture with their organic, flowing forms. In the foreground, a field of exotic flowers blooms, each petal displaying an array of otherworldly colors that could have been plucked from a Lovecraftian spectrum, while overhead, a radiant sun bathes the surreal landscape in brilliant light.",,3,0,entity,whole,entity - whole (flowers),Are there flowers? +midjourney26,"An expansive palace constructed from iridescent materials that shimmer with hues reminiscent of a vivid, Slime-like substance, majestically stands at the heart of a fantastical realm. Its towers twist skyward, defying conventional architecture with their organic, flowing forms. In the foreground, a field of exotic flowers blooms, each petal displaying an array of otherworldly colors that could have been plucked from a Lovecraftian spectrum, while overhead, a radiant sun bathes the surreal landscape in brilliant light.",,4,0,entity,whole,entity - whole (sun),Is there a sun? +midjourney26,"An expansive palace constructed from iridescent materials that shimmer with hues reminiscent of a vivid, Slime-like substance, majestically stands at the heart of a fantastical realm. Its towers twist skyward, defying conventional architecture with their organic, flowing forms. In the foreground, a field of exotic flowers blooms, each petal displaying an array of otherworldly colors that could have been plucked from a Lovecraftian spectrum, while overhead, a radiant sun bathes the surreal landscape in brilliant light.",,5,1,attribute,texture,"attribute - texture (palace, iridescent)",Is the palace constructed from iridescent materials? +midjourney26,"An expansive palace constructed from iridescent materials that shimmer with hues reminiscent of a vivid, Slime-like substance, majestically stands at the heart of a fantastical realm. Its towers twist skyward, defying conventional architecture with their organic, flowing forms. In the foreground, a field of exotic flowers blooms, each petal displaying an array of otherworldly colors that could have been plucked from a Lovecraftian spectrum, while overhead, a radiant sun bathes the surreal landscape in brilliant light.",,6,1,attribute,color,"attribute - color (palace, hues, vivid)","Do the hues of the palace shimmer like a vivid, Slime-like substance?" +midjourney26,"An expansive palace constructed from iridescent materials that shimmer with hues reminiscent of a vivid, Slime-like substance, majestically stands at the heart of a fantastical realm. Its towers twist skyward, defying conventional architecture with their organic, flowing forms. In the foreground, a field of exotic flowers blooms, each petal displaying an array of otherworldly colors that could have been plucked from a Lovecraftian spectrum, while overhead, a radiant sun bathes the surreal landscape in brilliant light.",,7,2,attribute,shape,"attribute - shape (towers, organic, flowing forms)","Do the towers have organic, flowing forms?" +midjourney26,"An expansive palace constructed from iridescent materials that shimmer with hues reminiscent of a vivid, Slime-like substance, majestically stands at the heart of a fantastical realm. Its towers twist skyward, defying conventional architecture with their organic, flowing forms. In the foreground, a field of exotic flowers blooms, each petal displaying an array of otherworldly colors that could have been plucked from a Lovecraftian spectrum, while overhead, a radiant sun bathes the surreal landscape in brilliant light.",,8,3,attribute,color,"attribute - color (flowers, otherworldly colors)",Do the flowers display an array of otherworldly colors? +midjourney26,"An expansive palace constructed from iridescent materials that shimmer with hues reminiscent of a vivid, Slime-like substance, majestically stands at the heart of a fantastical realm. Its towers twist skyward, defying conventional architecture with their organic, flowing forms. In the foreground, a field of exotic flowers blooms, each petal displaying an array of otherworldly colors that could have been plucked from a Lovecraftian spectrum, while overhead, a radiant sun bathes the surreal landscape in brilliant light.",,9,1,relation,spatial,"relation - spatial (palace, realm, at the heart of)",Does the palace majestically stand at the heart of a fantastical realm? +midjourney26,"An expansive palace constructed from iridescent materials that shimmer with hues reminiscent of a vivid, Slime-like substance, majestically stands at the heart of a fantastical realm. Its towers twist skyward, defying conventional architecture with their organic, flowing forms. In the foreground, a field of exotic flowers blooms, each petal displaying an array of otherworldly colors that could have been plucked from a Lovecraftian spectrum, while overhead, a radiant sun bathes the surreal landscape in brilliant light.",,10,3,relation,spatial,"relation - spatial (flowers, foreground, in)",Are the exotic flowers blooming in the foreground? +drawtext20,"A digital image depicts an animated panda character, standing at a podium in a spacious conference room, giving a presentation to an invisible audience. The panda is adorned with a blue tie and is pointing towards a large projector screen that displays bold text stating 'Diffusion Models - in the style of van Gogh,' with swirling patterns reminiscent of the famous Dutch painter's work in the background. The room is lined with grand windows showing a clear day outside, and rows of empty black chairs face the presenting panda, suggesting an air of anticipation for the talk.",,1,0,entity,whole,entity - whole (panda character),Is there an animated panda character? +drawtext20,"A digital image depicts an animated panda character, standing at a podium in a spacious conference room, giving a presentation to an invisible audience. The panda is adorned with a blue tie and is pointing towards a large projector screen that displays bold text stating 'Diffusion Models - in the style of van Gogh,' with swirling patterns reminiscent of the famous Dutch painter's work in the background. The room is lined with grand windows showing a clear day outside, and rows of empty black chairs face the presenting panda, suggesting an air of anticipation for the talk.",,2,0,entity,whole,entity - whole (podium),Is there a podium? +drawtext20,"A digital image depicts an animated panda character, standing at a podium in a spacious conference room, giving a presentation to an invisible audience. The panda is adorned with a blue tie and is pointing towards a large projector screen that displays bold text stating 'Diffusion Models - in the style of van Gogh,' with swirling patterns reminiscent of the famous Dutch painter's work in the background. The room is lined with grand windows showing a clear day outside, and rows of empty black chairs face the presenting panda, suggesting an air of anticipation for the talk.",,3,0,entity,whole,entity - whole (conference room),Is there a conference room? +drawtext20,"A digital image depicts an animated panda character, standing at a podium in a spacious conference room, giving a presentation to an invisible audience. The panda is adorned with a blue tie and is pointing towards a large projector screen that displays bold text stating 'Diffusion Models - in the style of van Gogh,' with swirling patterns reminiscent of the famous Dutch painter's work in the background. The room is lined with grand windows showing a clear day outside, and rows of empty black chairs face the presenting panda, suggesting an air of anticipation for the talk.",,4,0,entity,whole,entity - whole (projector screen),Is there a projector screen? +drawtext20,"A digital image depicts an animated panda character, standing at a podium in a spacious conference room, giving a presentation to an invisible audience. The panda is adorned with a blue tie and is pointing towards a large projector screen that displays bold text stating 'Diffusion Models - in the style of van Gogh,' with swirling patterns reminiscent of the famous Dutch painter's work in the background. The room is lined with grand windows showing a clear day outside, and rows of empty black chairs face the presenting panda, suggesting an air of anticipation for the talk.",,5,0,entity,whole,entity - whole (windows),Are there windows? +drawtext20,"A digital image depicts an animated panda character, standing at a podium in a spacious conference room, giving a presentation to an invisible audience. The panda is adorned with a blue tie and is pointing towards a large projector screen that displays bold text stating 'Diffusion Models - in the style of van Gogh,' with swirling patterns reminiscent of the famous Dutch painter's work in the background. The room is lined with grand windows showing a clear day outside, and rows of empty black chairs face the presenting panda, suggesting an air of anticipation for the talk.",,6,0,entity,whole,entity - whole (chairs),Are there chairs? +drawtext20,"A digital image depicts an animated panda character, standing at a podium in a spacious conference room, giving a presentation to an invisible audience. The panda is adorned with a blue tie and is pointing towards a large projector screen that displays bold text stating 'Diffusion Models - in the style of van Gogh,' with swirling patterns reminiscent of the famous Dutch painter's work in the background. The room is lined with grand windows showing a clear day outside, and rows of empty black chairs face the presenting panda, suggesting an air of anticipation for the talk.",,7,0,global,,global - (digital image),Is this a digital image? +drawtext20,"A digital image depicts an animated panda character, standing at a podium in a spacious conference room, giving a presentation to an invisible audience. The panda is adorned with a blue tie and is pointing towards a large projector screen that displays bold text stating 'Diffusion Models - in the style of van Gogh,' with swirling patterns reminiscent of the famous Dutch painter's work in the background. The room is lined with grand windows showing a clear day outside, and rows of empty black chairs face the presenting panda, suggesting an air of anticipation for the talk.",,8,0,global,,global - (animated),Is the image animated? +drawtext20,"A digital image depicts an animated panda character, standing at a podium in a spacious conference room, giving a presentation to an invisible audience. The panda is adorned with a blue tie and is pointing towards a large projector screen that displays bold text stating 'Diffusion Models - in the style of van Gogh,' with swirling patterns reminiscent of the famous Dutch painter's work in the background. The room is lined with grand windows showing a clear day outside, and rows of empty black chairs face the presenting panda, suggesting an air of anticipation for the talk.",,9,1,attribute,color,"attribute - color (tie, blue)",Is the panda wearing a blue tie? +drawtext20,"A digital image depicts an animated panda character, standing at a podium in a spacious conference room, giving a presentation to an invisible audience. The panda is adorned with a blue tie and is pointing towards a large projector screen that displays bold text stating 'Diffusion Models - in the style of van Gogh,' with swirling patterns reminiscent of the famous Dutch painter's work in the background. The room is lined with grand windows showing a clear day outside, and rows of empty black chairs face the presenting panda, suggesting an air of anticipation for the talk.",,10,4,other,text,"other - text (projector screen text, ""Diffusion Models - in the style of van Gogh"")","Does the projector screen display the text ""Diffusion Models - in the style of van Gogh""?" +drawtext9,"A colorful scene at the shoreline with a red crab sitting on the golden sand, beside a vibrant turquoise surfboard. The sun, resembling a massive, glowing orange orb, hangs low in the sky, which is painted with a spectrum of a rainbow's hues. Thought bubbles appear above the crab, filled with the words 'you are all that matters', hinting at a whimsical, introspective moment on this picturesque beach.",,1,0,entity,whole,entity - whole (scene),Is there a scene? +drawtext9,"A colorful scene at the shoreline with a red crab sitting on the golden sand, beside a vibrant turquoise surfboard. The sun, resembling a massive, glowing orange orb, hangs low in the sky, which is painted with a spectrum of a rainbow's hues. Thought bubbles appear above the crab, filled with the words 'you are all that matters', hinting at a whimsical, introspective moment on this picturesque beach.",,2,0,entity,whole,entity - whole (shoreline),Is there a shoreline? +drawtext9,"A colorful scene at the shoreline with a red crab sitting on the golden sand, beside a vibrant turquoise surfboard. The sun, resembling a massive, glowing orange orb, hangs low in the sky, which is painted with a spectrum of a rainbow's hues. Thought bubbles appear above the crab, filled with the words 'you are all that matters', hinting at a whimsical, introspective moment on this picturesque beach.",,3,0,entity,whole,entity - whole (crab),Is there a crab? +drawtext9,"A colorful scene at the shoreline with a red crab sitting on the golden sand, beside a vibrant turquoise surfboard. The sun, resembling a massive, glowing orange orb, hangs low in the sky, which is painted with a spectrum of a rainbow's hues. Thought bubbles appear above the crab, filled with the words 'you are all that matters', hinting at a whimsical, introspective moment on this picturesque beach.",,4,0,entity,whole,entity - whole (sand),Is there sand? +drawtext9,"A colorful scene at the shoreline with a red crab sitting on the golden sand, beside a vibrant turquoise surfboard. The sun, resembling a massive, glowing orange orb, hangs low in the sky, which is painted with a spectrum of a rainbow's hues. Thought bubbles appear above the crab, filled with the words 'you are all that matters', hinting at a whimsical, introspective moment on this picturesque beach.",,5,0,entity,whole,entity - whole (surfboard),Is there a surfboard? +drawtext9,"A colorful scene at the shoreline with a red crab sitting on the golden sand, beside a vibrant turquoise surfboard. The sun, resembling a massive, glowing orange orb, hangs low in the sky, which is painted with a spectrum of a rainbow's hues. Thought bubbles appear above the crab, filled with the words 'you are all that matters', hinting at a whimsical, introspective moment on this picturesque beach.",,6,0,entity,whole,entity - whole (sun),Is there a sun? +drawtext9,"A colorful scene at the shoreline with a red crab sitting on the golden sand, beside a vibrant turquoise surfboard. The sun, resembling a massive, glowing orange orb, hangs low in the sky, which is painted with a spectrum of a rainbow's hues. Thought bubbles appear above the crab, filled with the words 'you are all that matters', hinting at a whimsical, introspective moment on this picturesque beach.",,7,0,entity,whole,entity - whole (sky),Is there a sky? +drawtext9,"A colorful scene at the shoreline with a red crab sitting on the golden sand, beside a vibrant turquoise surfboard. The sun, resembling a massive, glowing orange orb, hangs low in the sky, which is painted with a spectrum of a rainbow's hues. Thought bubbles appear above the crab, filled with the words 'you are all that matters', hinting at a whimsical, introspective moment on this picturesque beach.",,8,0,entity,whole,entity - whole (thought bubbles),Are there thought bubbles? +drawtext9,"A colorful scene at the shoreline with a red crab sitting on the golden sand, beside a vibrant turquoise surfboard. The sun, resembling a massive, glowing orange orb, hangs low in the sky, which is painted with a spectrum of a rainbow's hues. Thought bubbles appear above the crab, filled with the words 'you are all that matters', hinting at a whimsical, introspective moment on this picturesque beach.",,9,3,attribute,color,"attribute - color (crab, red)",Is the crab red? +drawtext9,"A colorful scene at the shoreline with a red crab sitting on the golden sand, beside a vibrant turquoise surfboard. The sun, resembling a massive, glowing orange orb, hangs low in the sky, which is painted with a spectrum of a rainbow's hues. Thought bubbles appear above the crab, filled with the words 'you are all that matters', hinting at a whimsical, introspective moment on this picturesque beach.",,10,4,attribute,color,"attribute - color (sand, golden)",Is the sand golden? +drawtext9,"A colorful scene at the shoreline with a red crab sitting on the golden sand, beside a vibrant turquoise surfboard. The sun, resembling a massive, glowing orange orb, hangs low in the sky, which is painted with a spectrum of a rainbow's hues. Thought bubbles appear above the crab, filled with the words 'you are all that matters', hinting at a whimsical, introspective moment on this picturesque beach.",,11,5,attribute,color,"attribute - color (surfboard, vibrant turquoise)",Is the surfboard a vibrant turquoise? +drawtext9,"A colorful scene at the shoreline with a red crab sitting on the golden sand, beside a vibrant turquoise surfboard. The sun, resembling a massive, glowing orange orb, hangs low in the sky, which is painted with a spectrum of a rainbow's hues. Thought bubbles appear above the crab, filled with the words 'you are all that matters', hinting at a whimsical, introspective moment on this picturesque beach.",,12,6,attribute,color,"attribute - color (sun, orange, glowing)","Does the sun resemble a massive, glowing orange orb?" +drawtext9,"A colorful scene at the shoreline with a red crab sitting on the golden sand, beside a vibrant turquoise surfboard. The sun, resembling a massive, glowing orange orb, hangs low in the sky, which is painted with a spectrum of a rainbow's hues. Thought bubbles appear above the crab, filled with the words 'you are all that matters', hinting at a whimsical, introspective moment on this picturesque beach.",,13,7,attribute,color,"attribute - color (sky, rainbow hues)",Is the sky painted with a spectrum of rainbow's hues? +drawtext9,"A colorful scene at the shoreline with a red crab sitting on the golden sand, beside a vibrant turquoise surfboard. The sun, resembling a massive, glowing orange orb, hangs low in the sky, which is painted with a spectrum of a rainbow's hues. Thought bubbles appear above the crab, filled with the words 'you are all that matters', hinting at a whimsical, introspective moment on this picturesque beach.",,14,8,other,text,"other - text (thought bubbles, ""you are all that matters"")",Do the thought bubbles contain the words 'you are all that matters'? +drawtext9,"A colorful scene at the shoreline with a red crab sitting on the golden sand, beside a vibrant turquoise surfboard. The sun, resembling a massive, glowing orange orb, hangs low in the sky, which is painted with a spectrum of a rainbow's hues. Thought bubbles appear above the crab, filled with the words 'you are all that matters', hinting at a whimsical, introspective moment on this picturesque beach.",,15,"3,4",relation,spatial,"relation - spatial (crab, sand, on)",Is the crab sitting on the sand? +drawtext9,"A colorful scene at the shoreline with a red crab sitting on the golden sand, beside a vibrant turquoise surfboard. The sun, resembling a massive, glowing orange orb, hangs low in the sky, which is painted with a spectrum of a rainbow's hues. Thought bubbles appear above the crab, filled with the words 'you are all that matters', hinting at a whimsical, introspective moment on this picturesque beach.",,16,"4,5",relation,spatial,"relation - spatial (surfboard, sand, beside)",Is the surfboard beside the sand? +drawtext9,"A colorful scene at the shoreline with a red crab sitting on the golden sand, beside a vibrant turquoise surfboard. The sun, resembling a massive, glowing orange orb, hangs low in the sky, which is painted with a spectrum of a rainbow's hues. Thought bubbles appear above the crab, filled with the words 'you are all that matters', hinting at a whimsical, introspective moment on this picturesque beach.",,17,"6,7",relation,spatial,"relation - spatial (sun, sky, in, low)",Is the sun hanging low in the sky? +drawtext9,"A colorful scene at the shoreline with a red crab sitting on the golden sand, beside a vibrant turquoise surfboard. The sun, resembling a massive, glowing orange orb, hangs low in the sky, which is painted with a spectrum of a rainbow's hues. Thought bubbles appear above the crab, filled with the words 'you are all that matters', hinting at a whimsical, introspective moment on this picturesque beach.",,18,"3,8",relation,spatial,"relation - spatial (thought bubbles, crab, above)",Are the thought bubbles appearing above the crab? +localized11,"The image displays a vibrant array of multicolored flowers and lush green leaves clustered at the lower section. In the bottom right corner, a small, round, terracotta pot peeks into the frame, providing a contrast to the natural elements. The floral bouquet features petals ranging from deep purples to bright yellows, with a variety of leaf shapes and sizes nestled amongst them.",,1,0,entity,whole,entity - whole (flowers),Are there flowers? +localized11,"The image displays a vibrant array of multicolored flowers and lush green leaves clustered at the lower section. In the bottom right corner, a small, round, terracotta pot peeks into the frame, providing a contrast to the natural elements. The floral bouquet features petals ranging from deep purples to bright yellows, with a variety of leaf shapes and sizes nestled amongst them.",,2,0,entity,whole,entity - whole (leaves),Are there leaves? +localized11,"The image displays a vibrant array of multicolored flowers and lush green leaves clustered at the lower section. In the bottom right corner, a small, round, terracotta pot peeks into the frame, providing a contrast to the natural elements. The floral bouquet features petals ranging from deep purples to bright yellows, with a variety of leaf shapes and sizes nestled amongst them.",,3,0,entity,whole,entity - whole (pot),Is there a pot? +localized11,"The image displays a vibrant array of multicolored flowers and lush green leaves clustered at the lower section. In the bottom right corner, a small, round, terracotta pot peeks into the frame, providing a contrast to the natural elements. The floral bouquet features petals ranging from deep purples to bright yellows, with a variety of leaf shapes and sizes nestled amongst them.",,4,1,attribute,color,"attribute - color (flowers, multicolored)",Are the flowers multicolored? +localized11,"The image displays a vibrant array of multicolored flowers and lush green leaves clustered at the lower section. In the bottom right corner, a small, round, terracotta pot peeks into the frame, providing a contrast to the natural elements. The floral bouquet features petals ranging from deep purples to bright yellows, with a variety of leaf shapes and sizes nestled amongst them.",,5,2,attribute,color,"attribute - color (leaves, green)",Are the leaves lush green? +localized11,"The image displays a vibrant array of multicolored flowers and lush green leaves clustered at the lower section. In the bottom right corner, a small, round, terracotta pot peeks into the frame, providing a contrast to the natural elements. The floral bouquet features petals ranging from deep purples to bright yellows, with a variety of leaf shapes and sizes nestled amongst them.",,6,3,attribute,color,"attribute - color (pot, terracotta)",Is the pot terracotta? +localized11,"The image displays a vibrant array of multicolored flowers and lush green leaves clustered at the lower section. In the bottom right corner, a small, round, terracotta pot peeks into the frame, providing a contrast to the natural elements. The floral bouquet features petals ranging from deep purples to bright yellows, with a variety of leaf shapes and sizes nestled amongst them.",,7,3,attribute,shape,"attribute - shape (pot, round)",Is the pot round? +localized11,"The image displays a vibrant array of multicolored flowers and lush green leaves clustered at the lower section. In the bottom right corner, a small, round, terracotta pot peeks into the frame, providing a contrast to the natural elements. The floral bouquet features petals ranging from deep purples to bright yellows, with a variety of leaf shapes and sizes nestled amongst them.",,8,3,attribute,size,"attribute - size (pot, small)",Is the pot small? +localized11,"The image displays a vibrant array of multicolored flowers and lush green leaves clustered at the lower section. In the bottom right corner, a small, round, terracotta pot peeks into the frame, providing a contrast to the natural elements. The floral bouquet features petals ranging from deep purples to bright yellows, with a variety of leaf shapes and sizes nestled amongst them.",,9,3,relation,spatial,"relation - spatial (pot, frame, bottom right corner)",Is the pot peeking into the frame from the bottom right corner? +localized11,"The image displays a vibrant array of multicolored flowers and lush green leaves clustered at the lower section. In the bottom right corner, a small, round, terracotta pot peeks into the frame, providing a contrast to the natural elements. The floral bouquet features petals ranging from deep purples to bright yellows, with a variety of leaf shapes and sizes nestled amongst them.",,10,"1,2",relation,spatial,"relation - spatial (flowers, leaves, clustered at lower section)",Are the flowers and leaves clustered at the lower section of the image? +posescript33,"A figure is poised in an active stance, with their buttocks pushed back and their torso inclined forwards, suggesting a sense of readiness or engagement in an activity. Their arms are extended downwards, positioned close to the body, with elbows bent and hands reaching straight out in front, as if ready to grasp or manipulate something. The person's head is subtly tilted back, indicating a focus towards the ceiling or sky, possibly observing something of interest or intent above them.",,1,0,entity,whole,entity - whole (figure),Is there a figure? +posescript33,"A figure is poised in an active stance, with their buttocks pushed back and their torso inclined forwards, suggesting a sense of readiness or engagement in an activity. Their arms are extended downwards, positioned close to the body, with elbows bent and hands reaching straight out in front, as if ready to grasp or manipulate something. The person's head is subtly tilted back, indicating a focus towards the ceiling or sky, possibly observing something of interest or intent above them.",,2,1,entity,part,entity - part (figure's buttocks),Is there a mention of the figure's buttocks? +posescript33,"A figure is poised in an active stance, with their buttocks pushed back and their torso inclined forwards, suggesting a sense of readiness or engagement in an activity. Their arms are extended downwards, positioned close to the body, with elbows bent and hands reaching straight out in front, as if ready to grasp or manipulate something. The person's head is subtly tilted back, indicating a focus towards the ceiling or sky, possibly observing something of interest or intent above them.",,3,1,entity,part,entity - part (figure's torso),Is there a mention of the figure's torso? +posescript33,"A figure is poised in an active stance, with their buttocks pushed back and their torso inclined forwards, suggesting a sense of readiness or engagement in an activity. Their arms are extended downwards, positioned close to the body, with elbows bent and hands reaching straight out in front, as if ready to grasp or manipulate something. The person's head is subtly tilted back, indicating a focus towards the ceiling or sky, possibly observing something of interest or intent above them.",,4,1,entity,part,entity - part (figure's arms),Are the figure's arms mentioned? +posescript33,"A figure is poised in an active stance, with their buttocks pushed back and their torso inclined forwards, suggesting a sense of readiness or engagement in an activity. Their arms are extended downwards, positioned close to the body, with elbows bent and hands reaching straight out in front, as if ready to grasp or manipulate something. The person's head is subtly tilted back, indicating a focus towards the ceiling or sky, possibly observing something of interest or intent above them.",,5,4,entity,part,entity - part (figure's elbows),Are the figure's elbows mentioned? +posescript33,"A figure is poised in an active stance, with their buttocks pushed back and their torso inclined forwards, suggesting a sense of readiness or engagement in an activity. Their arms are extended downwards, positioned close to the body, with elbows bent and hands reaching straight out in front, as if ready to grasp or manipulate something. The person's head is subtly tilted back, indicating a focus towards the ceiling or sky, possibly observing something of interest or intent above them.",,6,4,entity,part,entity - part (figure's hands),Are the figure's hands mentioned? +posescript33,"A figure is poised in an active stance, with their buttocks pushed back and their torso inclined forwards, suggesting a sense of readiness or engagement in an activity. Their arms are extended downwards, positioned close to the body, with elbows bent and hands reaching straight out in front, as if ready to grasp or manipulate something. The person's head is subtly tilted back, indicating a focus towards the ceiling or sky, possibly observing something of interest or intent above them.",,7,1,entity,part,entity - part (figure's head),Is the figure's head mentioned? +posescript33,"A figure is poised in an active stance, with their buttocks pushed back and their torso inclined forwards, suggesting a sense of readiness or engagement in an activity. Their arms are extended downwards, positioned close to the body, with elbows bent and hands reaching straight out in front, as if ready to grasp or manipulate something. The person's head is subtly tilted back, indicating a focus towards the ceiling or sky, possibly observing something of interest or intent above them.",,8,1,entity,state,"entity - state (figure, active stance)",Is the figure in an active stance? +posescript33,"A figure is poised in an active stance, with their buttocks pushed back and their torso inclined forwards, suggesting a sense of readiness or engagement in an activity. Their arms are extended downwards, positioned close to the body, with elbows bent and hands reaching straight out in front, as if ready to grasp or manipulate something. The person's head is subtly tilted back, indicating a focus towards the ceiling or sky, possibly observing something of interest or intent above them.",,9,1,entity,state,"entity - state (figure, poised)",Is the figure poised? +posescript33,"A figure is poised in an active stance, with their buttocks pushed back and their torso inclined forwards, suggesting a sense of readiness or engagement in an activity. Their arms are extended downwards, positioned close to the body, with elbows bent and hands reaching straight out in front, as if ready to grasp or manipulate something. The person's head is subtly tilted back, indicating a focus towards the ceiling or sky, possibly observing something of interest or intent above them.",,10,"4,1",relation,non-spatial,"relation - non-spatial (figure's arms, figure's body, close to)",Are the figure's arms positioned close to their body? +diffusiondb23,"Augusta National Golf Club is showcased under ethereal conditions, with the renowned first and second holes entirely submerged in water. The scene is illuminated by a soft, ambient glow that filters through the morning fog, casting delicate light rays across the tranquil expanse. The photography captures the unexpected beauty of the iconic golf course, paying homage to the Masters, despite nature's inundation.",,1,0,entity,whole,entity - whole (Augusta National Golf Club),Is Augusta National Golf Club showcased? +diffusiondb23,"Augusta National Golf Club is showcased under ethereal conditions, with the renowned first and second holes entirely submerged in water. The scene is illuminated by a soft, ambient glow that filters through the morning fog, casting delicate light rays across the tranquil expanse. The photography captures the unexpected beauty of the iconic golf course, paying homage to the Masters, despite nature's inundation.",,2,0,entity,whole,entity - whole (first hole),Is there a first hole? +diffusiondb23,"Augusta National Golf Club is showcased under ethereal conditions, with the renowned first and second holes entirely submerged in water. The scene is illuminated by a soft, ambient glow that filters through the morning fog, casting delicate light rays across the tranquil expanse. The photography captures the unexpected beauty of the iconic golf course, paying homage to the Masters, despite nature's inundation.",,3,0,entity,whole,entity - whole (second hole),Is there a second hole? +diffusiondb23,"Augusta National Golf Club is showcased under ethereal conditions, with the renowned first and second holes entirely submerged in water. The scene is illuminated by a soft, ambient glow that filters through the morning fog, casting delicate light rays across the tranquil expanse. The photography captures the unexpected beauty of the iconic golf course, paying homage to the Masters, despite nature's inundation.",,4,2,entity,state,"entity - state (first hole, submerged in water)",Is the first hole submerged in water? +diffusiondb23,"Augusta National Golf Club is showcased under ethereal conditions, with the renowned first and second holes entirely submerged in water. The scene is illuminated by a soft, ambient glow that filters through the morning fog, casting delicate light rays across the tranquil expanse. The photography captures the unexpected beauty of the iconic golf course, paying homage to the Masters, despite nature's inundation.",,5,3,entity,state,"entity - state (second hole, submerged in water)",Is the second hole submerged in water? +diffusiondb23,"Augusta National Golf Club is showcased under ethereal conditions, with the renowned first and second holes entirely submerged in water. The scene is illuminated by a soft, ambient glow that filters through the morning fog, casting delicate light rays across the tranquil expanse. The photography captures the unexpected beauty of the iconic golf course, paying homage to the Masters, despite nature's inundation.",,6,0,global,,global - (photography),Is this a photograph? +diffusiondb23,"Augusta National Golf Club is showcased under ethereal conditions, with the renowned first and second holes entirely submerged in water. The scene is illuminated by a soft, ambient glow that filters through the morning fog, casting delicate light rays across the tranquil expanse. The photography captures the unexpected beauty of the iconic golf course, paying homage to the Masters, despite nature's inundation.",,7,1,attribute,other,"attribute - other (conditions, ethereal)",Are the conditions ethereal? +diffusiondb23,"Augusta National Golf Club is showcased under ethereal conditions, with the renowned first and second holes entirely submerged in water. The scene is illuminated by a soft, ambient glow that filters through the morning fog, casting delicate light rays across the tranquil expanse. The photography captures the unexpected beauty of the iconic golf course, paying homage to the Masters, despite nature's inundation.",,8,0,attribute,other,"attribute - other (light, ambient glow)",Is there an ambient glow? +diffusiondb23,"Augusta National Golf Club is showcased under ethereal conditions, with the renowned first and second holes entirely submerged in water. The scene is illuminated by a soft, ambient glow that filters through the morning fog, casting delicate light rays across the tranquil expanse. The photography captures the unexpected beauty of the iconic golf course, paying homage to the Masters, despite nature's inundation.",,9,0,attribute,other,"attribute - other (light rays, delicate)",Are the light rays delicate? +diffusiondb23,"Augusta National Golf Club is showcased under ethereal conditions, with the renowned first and second holes entirely submerged in water. The scene is illuminated by a soft, ambient glow that filters through the morning fog, casting delicate light rays across the tranquil expanse. The photography captures the unexpected beauty of the iconic golf course, paying homage to the Masters, despite nature's inundation.",,10,0,entity,state,"entity - state (morning fog, filters through)",Does the morning fog filter through? +whoops5,"In the scene, a silver-framed magnifying glass with a black handle is being held over a glossy-screened smartphone, which displays an image that is being enlarged. The smartphone, lying on a wooden table with fine grain patterns, is surrounded by a few scattered papers and a green potted plant to its side. The details on the phone's image become more pronounced under the scrutiny of the magnifying lens, which is held steadily by a hand with a silver watch on its wrist.",,1,0,entity,whole,entity - whole (magnifying glass),Is there a magnifying glass? +whoops5,"In the scene, a silver-framed magnifying glass with a black handle is being held over a glossy-screened smartphone, which displays an image that is being enlarged. The smartphone, lying on a wooden table with fine grain patterns, is surrounded by a few scattered papers and a green potted plant to its side. The details on the phone's image become more pronounced under the scrutiny of the magnifying lens, which is held steadily by a hand with a silver watch on its wrist.",,2,0,entity,whole,entity - whole (smartphone),Is there a smartphone? +whoops5,"In the scene, a silver-framed magnifying glass with a black handle is being held over a glossy-screened smartphone, which displays an image that is being enlarged. The smartphone, lying on a wooden table with fine grain patterns, is surrounded by a few scattered papers and a green potted plant to its side. The details on the phone's image become more pronounced under the scrutiny of the magnifying lens, which is held steadily by a hand with a silver watch on its wrist.",,3,0,entity,whole,entity - whole (table),Is there a table? +whoops5,"In the scene, a silver-framed magnifying glass with a black handle is being held over a glossy-screened smartphone, which displays an image that is being enlarged. The smartphone, lying on a wooden table with fine grain patterns, is surrounded by a few scattered papers and a green potted plant to its side. The details on the phone's image become more pronounced under the scrutiny of the magnifying lens, which is held steadily by a hand with a silver watch on its wrist.",,4,0,entity,whole,entity - whole (papers),Are there papers? +whoops5,"In the scene, a silver-framed magnifying glass with a black handle is being held over a glossy-screened smartphone, which displays an image that is being enlarged. The smartphone, lying on a wooden table with fine grain patterns, is surrounded by a few scattered papers and a green potted plant to its side. The details on the phone's image become more pronounced under the scrutiny of the magnifying lens, which is held steadily by a hand with a silver watch on its wrist.",,5,0,entity,whole,entity - whole (plant),Is there a plant? +whoops5,"In the scene, a silver-framed magnifying glass with a black handle is being held over a glossy-screened smartphone, which displays an image that is being enlarged. The smartphone, lying on a wooden table with fine grain patterns, is surrounded by a few scattered papers and a green potted plant to its side. The details on the phone's image become more pronounced under the scrutiny of the magnifying lens, which is held steadily by a hand with a silver watch on its wrist.",,6,1,entity,part,entity - part (magnifying glass's frame),Does the magnifying glass have a frame? +whoops5,"In the scene, a silver-framed magnifying glass with a black handle is being held over a glossy-screened smartphone, which displays an image that is being enlarged. The smartphone, lying on a wooden table with fine grain patterns, is surrounded by a few scattered papers and a green potted plant to its side. The details on the phone's image become more pronounced under the scrutiny of the magnifying lens, which is held steadily by a hand with a silver watch on its wrist.",,7,1,entity,part,entity - part (magnifying glass's handle),Does the magnifying glass have a handle? +whoops5,"In the scene, a silver-framed magnifying glass with a black handle is being held over a glossy-screened smartphone, which displays an image that is being enlarged. The smartphone, lying on a wooden table with fine grain patterns, is surrounded by a few scattered papers and a green potted plant to its side. The details on the phone's image become more pronounced under the scrutiny of the magnifying lens, which is held steadily by a hand with a silver watch on its wrist.",,8,6,attribute,color,"attribute - color (magnifying glass's frame, silver)",Is the frame of the magnifying glass silver? +whoops5,"In the scene, a silver-framed magnifying glass with a black handle is being held over a glossy-screened smartphone, which displays an image that is being enlarged. The smartphone, lying on a wooden table with fine grain patterns, is surrounded by a few scattered papers and a green potted plant to its side. The details on the phone's image become more pronounced under the scrutiny of the magnifying lens, which is held steadily by a hand with a silver watch on its wrist.",,9,7,attribute,color,"attribute - color (magnifying glass's handle, black)",Is the handle of the magnifying glass black? +whoops5,"In the scene, a silver-framed magnifying glass with a black handle is being held over a glossy-screened smartphone, which displays an image that is being enlarged. The smartphone, lying on a wooden table with fine grain patterns, is surrounded by a few scattered papers and a green potted plant to its side. The details on the phone's image become more pronounced under the scrutiny of the magnifying lens, which is held steadily by a hand with a silver watch on its wrist.",,10,3,attribute,texture,"attribute - texture (table, wood, fine grain)",Does the wooden table have fine grain patterns? +drawtext13,"A robust, powerful vehicle with a matte black finish and oversized tires sits imposingly in the frame, its structure evidently designed for rugged terrains. Bold, white lettering on the side of the truck declares ""I'm a truck, not a car,"" asserting its identity with pride. Its exterior is characterized by reinforced bumpers and a raised suspension, showcasing its capability to tackle challenging off-road conditions.",,1,0,entity,whole,entity - whole (vehicle),Is there a vehicle? +drawtext13,"A robust, powerful vehicle with a matte black finish and oversized tires sits imposingly in the frame, its structure evidently designed for rugged terrains. Bold, white lettering on the side of the truck declares ""I'm a truck, not a car,"" asserting its identity with pride. Its exterior is characterized by reinforced bumpers and a raised suspension, showcasing its capability to tackle challenging off-road conditions.",,2,0,entity,whole,entity - whole (tires),Are there tires? +drawtext13,"A robust, powerful vehicle with a matte black finish and oversized tires sits imposingly in the frame, its structure evidently designed for rugged terrains. Bold, white lettering on the side of the truck declares ""I'm a truck, not a car,"" asserting its identity with pride. Its exterior is characterized by reinforced bumpers and a raised suspension, showcasing its capability to tackle challenging off-road conditions.",,3,1,attribute,color,"attribute - color (vehicle, matte black)",Does the vehicle have a matte black finish? +drawtext13,"A robust, powerful vehicle with a matte black finish and oversized tires sits imposingly in the frame, its structure evidently designed for rugged terrains. Bold, white lettering on the side of the truck declares ""I'm a truck, not a car,"" asserting its identity with pride. Its exterior is characterized by reinforced bumpers and a raised suspension, showcasing its capability to tackle challenging off-road conditions.",,4,2,attribute,size,"attribute - size (tires, oversized)",Are the tires oversized? +drawtext13,"A robust, powerful vehicle with a matte black finish and oversized tires sits imposingly in the frame, its structure evidently designed for rugged terrains. Bold, white lettering on the side of the truck declares ""I'm a truck, not a car,"" asserting its identity with pride. Its exterior is characterized by reinforced bumpers and a raised suspension, showcasing its capability to tackle challenging off-road conditions.",,5,1,entity,state,"entity - state (vehicle, sits)",Is the vehicle sitting? +drawtext13,"A robust, powerful vehicle with a matte black finish and oversized tires sits imposingly in the frame, its structure evidently designed for rugged terrains. Bold, white lettering on the side of the truck declares ""I'm a truck, not a car,"" asserting its identity with pride. Its exterior is characterized by reinforced bumpers and a raised suspension, showcasing its capability to tackle challenging off-road conditions.",,6,1,attribute,other,"attribute - other (vehicle, robust)",Is the vehicle robust? +drawtext13,"A robust, powerful vehicle with a matte black finish and oversized tires sits imposingly in the frame, its structure evidently designed for rugged terrains. Bold, white lettering on the side of the truck declares ""I'm a truck, not a car,"" asserting its identity with pride. Its exterior is characterized by reinforced bumpers and a raised suspension, showcasing its capability to tackle challenging off-road conditions.",,7,1,attribute,other,"attribute - other (vehicle, powerful)",Is the vehicle powerful? +drawtext13,"A robust, powerful vehicle with a matte black finish and oversized tires sits imposingly in the frame, its structure evidently designed for rugged terrains. Bold, white lettering on the side of the truck declares ""I'm a truck, not a car,"" asserting its identity with pride. Its exterior is characterized by reinforced bumpers and a raised suspension, showcasing its capability to tackle challenging off-road conditions.",,8,1,other,text,"other - text (lettering on vehicle, ""I'm a truck, not a car"")","Does the lettering on the vehicle say ""I'm a truck, not a car""?" +drawtext13,"A robust, powerful vehicle with a matte black finish and oversized tires sits imposingly in the frame, its structure evidently designed for rugged terrains. Bold, white lettering on the side of the truck declares ""I'm a truck, not a car,"" asserting its identity with pride. Its exterior is characterized by reinforced bumpers and a raised suspension, showcasing its capability to tackle challenging off-road conditions.",,9,1,attribute,other,"attribute - other (vehicle, reinforced bumpers)",Does the vehicle have reinforced bumpers? +drawtext13,"A robust, powerful vehicle with a matte black finish and oversized tires sits imposingly in the frame, its structure evidently designed for rugged terrains. Bold, white lettering on the side of the truck declares ""I'm a truck, not a car,"" asserting its identity with pride. Its exterior is characterized by reinforced bumpers and a raised suspension, showcasing its capability to tackle challenging off-road conditions.",,10,1,attribute,other,"attribute - other (vehicle, raised suspension)",Does the vehicle have a raised suspension? +stanford16,"A woman strides confidently down a bustling city sidewalk, her hand pressing a sleek black smartphone to her ear. Above her brow, a stylish pair of sunglasses rests, poised on her head amidst locks of hair. Around her, the sidewalk teems with a diverse crowd of pedestrians, each absorbed in the rush of their own daily routines.",,1,0,entity,whole,entity - whole (woman),Is there a woman? +stanford16,"A woman strides confidently down a bustling city sidewalk, her hand pressing a sleek black smartphone to her ear. Above her brow, a stylish pair of sunglasses rests, poised on her head amidst locks of hair. Around her, the sidewalk teems with a diverse crowd of pedestrians, each absorbed in the rush of their own daily routines.",,2,0,entity,whole,entity - whole (sidewalk),Is there a sidewalk? +stanford16,"A woman strides confidently down a bustling city sidewalk, her hand pressing a sleek black smartphone to her ear. Above her brow, a stylish pair of sunglasses rests, poised on her head amidst locks of hair. Around her, the sidewalk teems with a diverse crowd of pedestrians, each absorbed in the rush of their own daily routines.",,3,0,entity,whole,entity - whole (smartphone),Is there a smartphone? +stanford16,"A woman strides confidently down a bustling city sidewalk, her hand pressing a sleek black smartphone to her ear. Above her brow, a stylish pair of sunglasses rests, poised on her head amidst locks of hair. Around her, the sidewalk teems with a diverse crowd of pedestrians, each absorbed in the rush of their own daily routines.",,4,0,entity,whole,entity - whole (sunglasses),Is there a pair of sunglasses? +stanford16,"A woman strides confidently down a bustling city sidewalk, her hand pressing a sleek black smartphone to her ear. Above her brow, a stylish pair of sunglasses rests, poised on her head amidst locks of hair. Around her, the sidewalk teems with a diverse crowd of pedestrians, each absorbed in the rush of their own daily routines.",,5,0,entity,whole,entity - whole (pedestrians),Are there pedestrians? +stanford16,"A woman strides confidently down a bustling city sidewalk, her hand pressing a sleek black smartphone to her ear. Above her brow, a stylish pair of sunglasses rests, poised on her head amidst locks of hair. Around her, the sidewalk teems with a diverse crowd of pedestrians, each absorbed in the rush of their own daily routines.",,6,1,entity,state,"entity - state (woman, stride, confidently)",Is the woman striding confidently? +stanford16,"A woman strides confidently down a bustling city sidewalk, her hand pressing a sleek black smartphone to her ear. Above her brow, a stylish pair of sunglasses rests, poised on her head amidst locks of hair. Around her, the sidewalk teems with a diverse crowd of pedestrians, each absorbed in the rush of their own daily routines.",,7,3,attribute,color,"attribute - color (smartphone, black)",Is the smartphone sleek and black? +stanford16,"A woman strides confidently down a bustling city sidewalk, her hand pressing a sleek black smartphone to her ear. Above her brow, a stylish pair of sunglasses rests, poised on her head amidst locks of hair. Around her, the sidewalk teems with a diverse crowd of pedestrians, each absorbed in the rush of their own daily routines.",,8,4,attribute,other,"attribute - other (sunglasses, stylish)",Are the sunglasses stylish? +stanford16,"A woman strides confidently down a bustling city sidewalk, her hand pressing a sleek black smartphone to her ear. Above her brow, a stylish pair of sunglasses rests, poised on her head amidst locks of hair. Around her, the sidewalk teems with a diverse crowd of pedestrians, each absorbed in the rush of their own daily routines.",,9,"1,2",relation,spatial,"relation - spatial (woman, sidewalk, down)",Is the woman walking down the sidewalk? +stanford16,"A woman strides confidently down a bustling city sidewalk, her hand pressing a sleek black smartphone to her ear. Above her brow, a stylish pair of sunglasses rests, poised on her head amidst locks of hair. Around her, the sidewalk teems with a diverse crowd of pedestrians, each absorbed in the rush of their own daily routines.",,10,"1,3",relation,spatial,"relation - spatial (smartphone, woman's ear, pressing to)",Is the woman pressing the smartphone to her ear? +posescript17,"A figure captured mid-stride presents a dynamic stance wherein the left leg is extended backward, toe grazing the ground, while the right leg is propelled forward, indicative of a purposeful step. Their left arm mirrors the forward momentum, bent at the elbow and directed ahead, while the right arm stretches straight behind them, creating a strong sense of motion. The silhouette of this person suggests a brisk walk or the beginning of a run, accentuated by the precise positioning of limbs that conveys both balance and speed.",,1,0,entity,whole,entity - whole (figure),Is there a figure? +posescript17,"A figure captured mid-stride presents a dynamic stance wherein the left leg is extended backward, toe grazing the ground, while the right leg is propelled forward, indicative of a purposeful step. Their left arm mirrors the forward momentum, bent at the elbow and directed ahead, while the right arm stretches straight behind them, creating a strong sense of motion. The silhouette of this person suggests a brisk walk or the beginning of a run, accentuated by the precise positioning of limbs that conveys both balance and speed.",,2,1,entity,part,entity - part (left leg),Does the figure have a left leg? +posescript17,"A figure captured mid-stride presents a dynamic stance wherein the left leg is extended backward, toe grazing the ground, while the right leg is propelled forward, indicative of a purposeful step. Their left arm mirrors the forward momentum, bent at the elbow and directed ahead, while the right arm stretches straight behind them, creating a strong sense of motion. The silhouette of this person suggests a brisk walk or the beginning of a run, accentuated by the precise positioning of limbs that conveys both balance and speed.",,3,1,entity,part,entity - part (right leg),Does the figure have a right leg? +posescript17,"A figure captured mid-stride presents a dynamic stance wherein the left leg is extended backward, toe grazing the ground, while the right leg is propelled forward, indicative of a purposeful step. Their left arm mirrors the forward momentum, bent at the elbow and directed ahead, while the right arm stretches straight behind them, creating a strong sense of motion. The silhouette of this person suggests a brisk walk or the beginning of a run, accentuated by the precise positioning of limbs that conveys both balance and speed.",,4,1,entity,part,entity - part (left arm),Does the figure have a left arm? +posescript17,"A figure captured mid-stride presents a dynamic stance wherein the left leg is extended backward, toe grazing the ground, while the right leg is propelled forward, indicative of a purposeful step. Their left arm mirrors the forward momentum, bent at the elbow and directed ahead, while the right arm stretches straight behind them, creating a strong sense of motion. The silhouette of this person suggests a brisk walk or the beginning of a run, accentuated by the precise positioning of limbs that conveys both balance and speed.",,5,1,entity,part,entity - part (right arm),Does the figure have a right arm? +posescript17,"A figure captured mid-stride presents a dynamic stance wherein the left leg is extended backward, toe grazing the ground, while the right leg is propelled forward, indicative of a purposeful step. Their left arm mirrors the forward momentum, bent at the elbow and directed ahead, while the right arm stretches straight behind them, creating a strong sense of motion. The silhouette of this person suggests a brisk walk or the beginning of a run, accentuated by the precise positioning of limbs that conveys both balance and speed.",,6,1,entity,state,"entity - state (figure, mid-stride)",Is the figure captured mid-stride? +posescript17,"A figure captured mid-stride presents a dynamic stance wherein the left leg is extended backward, toe grazing the ground, while the right leg is propelled forward, indicative of a purposeful step. Their left arm mirrors the forward momentum, bent at the elbow and directed ahead, while the right arm stretches straight behind them, creating a strong sense of motion. The silhouette of this person suggests a brisk walk or the beginning of a run, accentuated by the precise positioning of limbs that conveys both balance and speed.",,7,2,entity,state,"entity - state (left leg, extended backward)",Is the left leg extended backward? +posescript17,"A figure captured mid-stride presents a dynamic stance wherein the left leg is extended backward, toe grazing the ground, while the right leg is propelled forward, indicative of a purposeful step. Their left arm mirrors the forward momentum, bent at the elbow and directed ahead, while the right arm stretches straight behind them, creating a strong sense of motion. The silhouette of this person suggests a brisk walk or the beginning of a run, accentuated by the precise positioning of limbs that conveys both balance and speed.",,8,3,entity,state,"entity - state (right leg, propelled forward)",Is the right leg propelled forward? +posescript17,"A figure captured mid-stride presents a dynamic stance wherein the left leg is extended backward, toe grazing the ground, while the right leg is propelled forward, indicative of a purposeful step. Their left arm mirrors the forward momentum, bent at the elbow and directed ahead, while the right arm stretches straight behind them, creating a strong sense of motion. The silhouette of this person suggests a brisk walk or the beginning of a run, accentuated by the precise positioning of limbs that conveys both balance and speed.",,9,4,entity,state,"entity - state (left arm, bent at the elbow, directed ahead)",Is the left arm bent at the elbow and directed ahead? +posescript17,"A figure captured mid-stride presents a dynamic stance wherein the left leg is extended backward, toe grazing the ground, while the right leg is propelled forward, indicative of a purposeful step. Their left arm mirrors the forward momentum, bent at the elbow and directed ahead, while the right arm stretches straight behind them, creating a strong sense of motion. The silhouette of this person suggests a brisk walk or the beginning of a run, accentuated by the precise positioning of limbs that conveys both balance and speed.",,10,5,entity,state,"entity - state (right arm, stretches straight behind)",Is the right arm stretched straight behind? +localized10,"An intricately edited photograph captures a bustling road lined with an array of vehicles such as sleek cars, motorbikes, and bicycles. In the background, a tall concrete wall runs alongside the road, interrupted by a solitary lamppost that stands erect. Lush green trees can be seen peeking over the top of the wall, with bits of the sky and other structures subtly visible through the foliage. Various signs and billboards are also dotted along the periphery of the road, adding to the urban landscape of the scene.",,1,0,entity,whole,entity - whole (photograph),Is there a photograph? +localized10,"An intricately edited photograph captures a bustling road lined with an array of vehicles such as sleek cars, motorbikes, and bicycles. In the background, a tall concrete wall runs alongside the road, interrupted by a solitary lamppost that stands erect. Lush green trees can be seen peeking over the top of the wall, with bits of the sky and other structures subtly visible through the foliage. Various signs and billboards are also dotted along the periphery of the road, adding to the urban landscape of the scene.",,2,0,entity,whole,entity - whole (road),Is there a road? +localized10,"An intricately edited photograph captures a bustling road lined with an array of vehicles such as sleek cars, motorbikes, and bicycles. In the background, a tall concrete wall runs alongside the road, interrupted by a solitary lamppost that stands erect. Lush green trees can be seen peeking over the top of the wall, with bits of the sky and other structures subtly visible through the foliage. Various signs and billboards are also dotted along the periphery of the road, adding to the urban landscape of the scene.",,3,0,entity,whole,entity - whole (vehicles),Are there vehicles? +localized10,"An intricately edited photograph captures a bustling road lined with an array of vehicles such as sleek cars, motorbikes, and bicycles. In the background, a tall concrete wall runs alongside the road, interrupted by a solitary lamppost that stands erect. Lush green trees can be seen peeking over the top of the wall, with bits of the sky and other structures subtly visible through the foliage. Various signs and billboards are also dotted along the periphery of the road, adding to the urban landscape of the scene.",,4,3,entity,whole,entity - whole (cars),Are there sleek cars? +localized10,"An intricately edited photograph captures a bustling road lined with an array of vehicles such as sleek cars, motorbikes, and bicycles. In the background, a tall concrete wall runs alongside the road, interrupted by a solitary lamppost that stands erect. Lush green trees can be seen peeking over the top of the wall, with bits of the sky and other structures subtly visible through the foliage. Various signs and billboards are also dotted along the periphery of the road, adding to the urban landscape of the scene.",,5,3,entity,whole,entity - whole (motorbikes),Are there motorbikes? +localized10,"An intricately edited photograph captures a bustling road lined with an array of vehicles such as sleek cars, motorbikes, and bicycles. In the background, a tall concrete wall runs alongside the road, interrupted by a solitary lamppost that stands erect. Lush green trees can be seen peeking over the top of the wall, with bits of the sky and other structures subtly visible through the foliage. Various signs and billboards are also dotted along the periphery of the road, adding to the urban landscape of the scene.",,6,3,entity,whole,entity - whole (bicycles),Are there bicycles? +localized10,"An intricately edited photograph captures a bustling road lined with an array of vehicles such as sleek cars, motorbikes, and bicycles. In the background, a tall concrete wall runs alongside the road, interrupted by a solitary lamppost that stands erect. Lush green trees can be seen peeking over the top of the wall, with bits of the sky and other structures subtly visible through the foliage. Various signs and billboards are also dotted along the periphery of the road, adding to the urban landscape of the scene.",,7,0,entity,whole,entity - whole (wall),Is there a tall concrete wall? +localized10,"An intricately edited photograph captures a bustling road lined with an array of vehicles such as sleek cars, motorbikes, and bicycles. In the background, a tall concrete wall runs alongside the road, interrupted by a solitary lamppost that stands erect. Lush green trees can be seen peeking over the top of the wall, with bits of the sky and other structures subtly visible through the foliage. Various signs and billboards are also dotted along the periphery of the road, adding to the urban landscape of the scene.",,8,0,entity,whole,entity - whole (lamppost),Is there a lamppost? +localized10,"An intricately edited photograph captures a bustling road lined with an array of vehicles such as sleek cars, motorbikes, and bicycles. In the background, a tall concrete wall runs alongside the road, interrupted by a solitary lamppost that stands erect. Lush green trees can be seen peeking over the top of the wall, with bits of the sky and other structures subtly visible through the foliage. Various signs and billboards are also dotted along the periphery of the road, adding to the urban landscape of the scene.",,9,0,entity,whole,entity - whole (trees),Are there lush green trees? +localized10,"An intricately edited photograph captures a bustling road lined with an array of vehicles such as sleek cars, motorbikes, and bicycles. In the background, a tall concrete wall runs alongside the road, interrupted by a solitary lamppost that stands erect. Lush green trees can be seen peeking over the top of the wall, with bits of the sky and other structures subtly visible through the foliage. Various signs and billboards are also dotted along the periphery of the road, adding to the urban landscape of the scene.",,10,0,entity,whole,entity - whole (signs and billboards),Are there various signs and billboards? +drawtext2,"On a stark white wall, the phrase ""Art is never finished, only abandoned"" comes to life through an array of dynamic paint splatters. The mural, reminiscent of graffiti art, is infused with muddy colors that give it a textured, woodcut appearance. Surrounding the bold, handcrafted letters, a spectrum of colors blend and bleed into each other, creating a visual dance on the edge of abstraction. The artwork stands out as a vivid and beautiful example of spectral color usage, drawing the viewer's eye into a world of continuous creation.",,1,0,entity,whole,entity - whole (wall),Is there a wall? +drawtext2,"On a stark white wall, the phrase ""Art is never finished, only abandoned"" comes to life through an array of dynamic paint splatters. The mural, reminiscent of graffiti art, is infused with muddy colors that give it a textured, woodcut appearance. Surrounding the bold, handcrafted letters, a spectrum of colors blend and bleed into each other, creating a visual dance on the edge of abstraction. The artwork stands out as a vivid and beautiful example of spectral color usage, drawing the viewer's eye into a world of continuous creation.",,2,0,entity,whole,entity - whole (phrase),Is there a phrase? +drawtext2,"On a stark white wall, the phrase ""Art is never finished, only abandoned"" comes to life through an array of dynamic paint splatters. The mural, reminiscent of graffiti art, is infused with muddy colors that give it a textured, woodcut appearance. Surrounding the bold, handcrafted letters, a spectrum of colors blend and bleed into each other, creating a visual dance on the edge of abstraction. The artwork stands out as a vivid and beautiful example of spectral color usage, drawing the viewer's eye into a world of continuous creation.",,3,0,entity,whole,entity - whole (paint splatters),Are there paint splatters? +drawtext2,"On a stark white wall, the phrase ""Art is never finished, only abandoned"" comes to life through an array of dynamic paint splatters. The mural, reminiscent of graffiti art, is infused with muddy colors that give it a textured, woodcut appearance. Surrounding the bold, handcrafted letters, a spectrum of colors blend and bleed into each other, creating a visual dance on the edge of abstraction. The artwork stands out as a vivid and beautiful example of spectral color usage, drawing the viewer's eye into a world of continuous creation.",,4,0,entity,whole,entity - whole (mural),Is there a mural? +drawtext2,"On a stark white wall, the phrase ""Art is never finished, only abandoned"" comes to life through an array of dynamic paint splatters. The mural, reminiscent of graffiti art, is infused with muddy colors that give it a textured, woodcut appearance. Surrounding the bold, handcrafted letters, a spectrum of colors blend and bleed into each other, creating a visual dance on the edge of abstraction. The artwork stands out as a vivid and beautiful example of spectral color usage, drawing the viewer's eye into a world of continuous creation.",,5,1,attribute,color,"attribute - color (wall, white)",Is the wall stark white? +drawtext2,"On a stark white wall, the phrase ""Art is never finished, only abandoned"" comes to life through an array of dynamic paint splatters. The mural, reminiscent of graffiti art, is infused with muddy colors that give it a textured, woodcut appearance. Surrounding the bold, handcrafted letters, a spectrum of colors blend and bleed into each other, creating a visual dance on the edge of abstraction. The artwork stands out as a vivid and beautiful example of spectral color usage, drawing the viewer's eye into a world of continuous creation.",,6,4,attribute,texture,"attribute - texture (mural, graffiti art)",Does the mural resemble graffiti art? +drawtext2,"On a stark white wall, the phrase ""Art is never finished, only abandoned"" comes to life through an array of dynamic paint splatters. The mural, reminiscent of graffiti art, is infused with muddy colors that give it a textured, woodcut appearance. Surrounding the bold, handcrafted letters, a spectrum of colors blend and bleed into each other, creating a visual dance on the edge of abstraction. The artwork stands out as a vivid and beautiful example of spectral color usage, drawing the viewer's eye into a world of continuous creation.",,7,4,attribute,texture,"attribute - texture (mural, woodcut appearance)",Does the mural have a woodcut appearance? +drawtext2,"On a stark white wall, the phrase ""Art is never finished, only abandoned"" comes to life through an array of dynamic paint splatters. The mural, reminiscent of graffiti art, is infused with muddy colors that give it a textured, woodcut appearance. Surrounding the bold, handcrafted letters, a spectrum of colors blend and bleed into each other, creating a visual dance on the edge of abstraction. The artwork stands out as a vivid and beautiful example of spectral color usage, drawing the viewer's eye into a world of continuous creation.",,8,2,other,text,"other - text (phrase, ""Art is never finished, only abandoned"")","Does the phrase say ""Art is never finished, only abandoned""?" +drawtext2,"On a stark white wall, the phrase ""Art is never finished, only abandoned"" comes to life through an array of dynamic paint splatters. The mural, reminiscent of graffiti art, is infused with muddy colors that give it a textured, woodcut appearance. Surrounding the bold, handcrafted letters, a spectrum of colors blend and bleed into each other, creating a visual dance on the edge of abstraction. The artwork stands out as a vivid and beautiful example of spectral color usage, drawing the viewer's eye into a world of continuous creation.",,9,"1,2",relation,spatial,"relation - spatial (phrase, wall, on)",Is the phrase on the wall? +drawtext2,"On a stark white wall, the phrase ""Art is never finished, only abandoned"" comes to life through an array of dynamic paint splatters. The mural, reminiscent of graffiti art, is infused with muddy colors that give it a textured, woodcut appearance. Surrounding the bold, handcrafted letters, a spectrum of colors blend and bleed into each other, creating a visual dance on the edge of abstraction. The artwork stands out as a vivid and beautiful example of spectral color usage, drawing the viewer's eye into a world of continuous creation.",,10,"1,3",relation,spatial,"relation - spatial (paint splatters, wall, on)",Are the paint splatters on the wall? +vrd16,"A friendly dog with a golden coat sits peacefully in a grassy area, surrounded by a copse of tall green trees. The clear blue sky above offers a bright canopy over the scene. Nearby, a person wearing a wide-brimmed straw hat stands gazing toward the horizon, with the trees providing a lush green backdrop. To their side, a wooden post stands firmly planted in the ground under the open sky, also in front of the trees, tying the elements of the setting together.",,1,0,entity,whole,entity - whole (dog),Is there a dog? +vrd16,"A friendly dog with a golden coat sits peacefully in a grassy area, surrounded by a copse of tall green trees. The clear blue sky above offers a bright canopy over the scene. Nearby, a person wearing a wide-brimmed straw hat stands gazing toward the horizon, with the trees providing a lush green backdrop. To their side, a wooden post stands firmly planted in the ground under the open sky, also in front of the trees, tying the elements of the setting together.",,2,1,entity,whole,entity - whole (coat),Is there a coat? +vrd16,"A friendly dog with a golden coat sits peacefully in a grassy area, surrounded by a copse of tall green trees. The clear blue sky above offers a bright canopy over the scene. Nearby, a person wearing a wide-brimmed straw hat stands gazing toward the horizon, with the trees providing a lush green backdrop. To their side, a wooden post stands firmly planted in the ground under the open sky, also in front of the trees, tying the elements of the setting together.",,3,0,entity,whole,entity - whole (area),Is there an area? +vrd16,"A friendly dog with a golden coat sits peacefully in a grassy area, surrounded by a copse of tall green trees. The clear blue sky above offers a bright canopy over the scene. Nearby, a person wearing a wide-brimmed straw hat stands gazing toward the horizon, with the trees providing a lush green backdrop. To their side, a wooden post stands firmly planted in the ground under the open sky, also in front of the trees, tying the elements of the setting together.",,4,0,entity,whole,entity - whole (copse),Is there a copse? +vrd16,"A friendly dog with a golden coat sits peacefully in a grassy area, surrounded by a copse of tall green trees. The clear blue sky above offers a bright canopy over the scene. Nearby, a person wearing a wide-brimmed straw hat stands gazing toward the horizon, with the trees providing a lush green backdrop. To their side, a wooden post stands firmly planted in the ground under the open sky, also in front of the trees, tying the elements of the setting together.",,5,0,entity,whole,entity - whole (trees),Are there trees? +vrd16,"A friendly dog with a golden coat sits peacefully in a grassy area, surrounded by a copse of tall green trees. The clear blue sky above offers a bright canopy over the scene. Nearby, a person wearing a wide-brimmed straw hat stands gazing toward the horizon, with the trees providing a lush green backdrop. To their side, a wooden post stands firmly planted in the ground under the open sky, also in front of the trees, tying the elements of the setting together.",,6,0,entity,whole,entity - whole (sky),Is there a sky? +vrd16,"A friendly dog with a golden coat sits peacefully in a grassy area, surrounded by a copse of tall green trees. The clear blue sky above offers a bright canopy over the scene. Nearby, a person wearing a wide-brimmed straw hat stands gazing toward the horizon, with the trees providing a lush green backdrop. To their side, a wooden post stands firmly planted in the ground under the open sky, also in front of the trees, tying the elements of the setting together.",,7,0,entity,whole,entity - whole (person),Is there a person? +vrd16,"A friendly dog with a golden coat sits peacefully in a grassy area, surrounded by a copse of tall green trees. The clear blue sky above offers a bright canopy over the scene. Nearby, a person wearing a wide-brimmed straw hat stands gazing toward the horizon, with the trees providing a lush green backdrop. To their side, a wooden post stands firmly planted in the ground under the open sky, also in front of the trees, tying the elements of the setting together.",,8,0,entity,whole,entity - whole (hat),Is there a hat? +vrd16,"A friendly dog with a golden coat sits peacefully in a grassy area, surrounded by a copse of tall green trees. The clear blue sky above offers a bright canopy over the scene. Nearby, a person wearing a wide-brimmed straw hat stands gazing toward the horizon, with the trees providing a lush green backdrop. To their side, a wooden post stands firmly planted in the ground under the open sky, also in front of the trees, tying the elements of the setting together.",,9,0,entity,whole,entity - whole (post),Is there a post? +vrd16,"A friendly dog with a golden coat sits peacefully in a grassy area, surrounded by a copse of tall green trees. The clear blue sky above offers a bright canopy over the scene. Nearby, a person wearing a wide-brimmed straw hat stands gazing toward the horizon, with the trees providing a lush green backdrop. To their side, a wooden post stands firmly planted in the ground under the open sky, also in front of the trees, tying the elements of the setting together.",,10,2,attribute,color,"attribute - color (coat, golden)",Does the dog have a golden coat? +vrd16,"A friendly dog with a golden coat sits peacefully in a grassy area, surrounded by a copse of tall green trees. The clear blue sky above offers a bright canopy over the scene. Nearby, a person wearing a wide-brimmed straw hat stands gazing toward the horizon, with the trees providing a lush green backdrop. To their side, a wooden post stands firmly planted in the ground under the open sky, also in front of the trees, tying the elements of the setting together.",,11,6,attribute,color,"attribute - color (sky, clear blue)",Is the sky clear blue? +vrd16,"A friendly dog with a golden coat sits peacefully in a grassy area, surrounded by a copse of tall green trees. The clear blue sky above offers a bright canopy over the scene. Nearby, a person wearing a wide-brimmed straw hat stands gazing toward the horizon, with the trees providing a lush green backdrop. To their side, a wooden post stands firmly planted in the ground under the open sky, also in front of the trees, tying the elements of the setting together.",,12,5,attribute,color,"attribute - color (trees, green)",Are the trees green? +vrd16,"A friendly dog with a golden coat sits peacefully in a grassy area, surrounded by a copse of tall green trees. The clear blue sky above offers a bright canopy over the scene. Nearby, a person wearing a wide-brimmed straw hat stands gazing toward the horizon, with the trees providing a lush green backdrop. To their side, a wooden post stands firmly planted in the ground under the open sky, also in front of the trees, tying the elements of the setting together.",,13,8,attribute,texture,"attribute - texture (hat, straw)",Is the hat made of straw? +vrd16,"A friendly dog with a golden coat sits peacefully in a grassy area, surrounded by a copse of tall green trees. The clear blue sky above offers a bright canopy over the scene. Nearby, a person wearing a wide-brimmed straw hat stands gazing toward the horizon, with the trees providing a lush green backdrop. To their side, a wooden post stands firmly planted in the ground under the open sky, also in front of the trees, tying the elements of the setting together.",,14,1,entity,state,"entity - state (dog, sit)",Is the dog sitting? +vrd16,"A friendly dog with a golden coat sits peacefully in a grassy area, surrounded by a copse of tall green trees. The clear blue sky above offers a bright canopy over the scene. Nearby, a person wearing a wide-brimmed straw hat stands gazing toward the horizon, with the trees providing a lush green backdrop. To their side, a wooden post stands firmly planted in the ground under the open sky, also in front of the trees, tying the elements of the setting together.",,15,7,entity,state,"entity - state (person, stand)",Is the person standing? +vrd16,"A friendly dog with a golden coat sits peacefully in a grassy area, surrounded by a copse of tall green trees. The clear blue sky above offers a bright canopy over the scene. Nearby, a person wearing a wide-brimmed straw hat stands gazing toward the horizon, with the trees providing a lush green backdrop. To their side, a wooden post stands firmly planted in the ground under the open sky, also in front of the trees, tying the elements of the setting together.",,16,9,entity,state,"entity - state (post, planted)",Is the post firmly planted? +vrd16,"A friendly dog with a golden coat sits peacefully in a grassy area, surrounded by a copse of tall green trees. The clear blue sky above offers a bright canopy over the scene. Nearby, a person wearing a wide-brimmed straw hat stands gazing toward the horizon, with the trees providing a lush green backdrop. To their side, a wooden post stands firmly planted in the ground under the open sky, also in front of the trees, tying the elements of the setting together.",,17,"1,3",relation,spatial,"relation - spatial (dog, area, in)",Is the dog in the area? +vrd16,"A friendly dog with a golden coat sits peacefully in a grassy area, surrounded by a copse of tall green trees. The clear blue sky above offers a bright canopy over the scene. Nearby, a person wearing a wide-brimmed straw hat stands gazing toward the horizon, with the trees providing a lush green backdrop. To their side, a wooden post stands firmly planted in the ground under the open sky, also in front of the trees, tying the elements of the setting together.",,18,"1,5",relation,spatial,"relation - spatial (trees, dog, surround)",Are the trees surrounding the dog? +vrd16,"A friendly dog with a golden coat sits peacefully in a grassy area, surrounded by a copse of tall green trees. The clear blue sky above offers a bright canopy over the scene. Nearby, a person wearing a wide-brimmed straw hat stands gazing toward the horizon, with the trees providing a lush green backdrop. To their side, a wooden post stands firmly planted in the ground under the open sky, also in front of the trees, tying the elements of the setting together.",,19,6,relation,spatial,"relation - spatial (sky, scene, over)",Is the clear blue sky above the scene? +vrd16,"A friendly dog with a golden coat sits peacefully in a grassy area, surrounded by a copse of tall green trees. The clear blue sky above offers a bright canopy over the scene. Nearby, a person wearing a wide-brimmed straw hat stands gazing toward the horizon, with the trees providing a lush green backdrop. To their side, a wooden post stands firmly planted in the ground under the open sky, also in front of the trees, tying the elements of the setting together.",,20,"7,5",relation,spatial,"relation - spatial (person, trees, in front of)",Is the person standing in front of the trees? +vrd16,"A friendly dog with a golden coat sits peacefully in a grassy area, surrounded by a copse of tall green trees. The clear blue sky above offers a bright canopy over the scene. Nearby, a person wearing a wide-brimmed straw hat stands gazing toward the horizon, with the trees providing a lush green backdrop. To their side, a wooden post stands firmly planted in the ground under the open sky, also in front of the trees, tying the elements of the setting together.",,21,9,relation,spatial,"relation - spatial (post, ground, in)",Is the post in the ground? +vrd16,"A friendly dog with a golden coat sits peacefully in a grassy area, surrounded by a copse of tall green trees. The clear blue sky above offers a bright canopy over the scene. Nearby, a person wearing a wide-brimmed straw hat stands gazing toward the horizon, with the trees providing a lush green backdrop. To their side, a wooden post stands firmly planted in the ground under the open sky, also in front of the trees, tying the elements of the setting together.",,22,"9,5",relation,spatial,"relation - spatial (post, trees, in front of)",Is the post in front of the trees? +vrd16,"A friendly dog with a golden coat sits peacefully in a grassy area, surrounded by a copse of tall green trees. The clear blue sky above offers a bright canopy over the scene. Nearby, a person wearing a wide-brimmed straw hat stands gazing toward the horizon, with the trees providing a lush green backdrop. To their side, a wooden post stands firmly planted in the ground under the open sky, also in front of the trees, tying the elements of the setting together.",,25,8,attribute,other,"attribute - other (hat, wide-brimmed)",Is the hat wide-brimmed? +diffusiondb28,"An intricate visual display combining the unique styles of Geert Goiris, Sally Mann, and Paolo Roversi, synthesizing into a singular piece of award-winning concept art entitled ""Portrait of Chaos."" The artwork features a compelling blend of surreal landscapes, enigmatic portraits, and ethereal scenes, each contributing a distinct texture and emotion. The colors in the image are a juxtaposition of muted tones and stark contrasts, with an emphasis on the play of light and shadow.",,1,0,global,,global - (visual display),Is there a visual display? +diffusiondb28,"An intricate visual display combining the unique styles of Geert Goiris, Sally Mann, and Paolo Roversi, synthesizing into a singular piece of award-winning concept art entitled ""Portrait of Chaos."" The artwork features a compelling blend of surreal landscapes, enigmatic portraits, and ethereal scenes, each contributing a distinct texture and emotion. The colors in the image are a juxtaposition of muted tones and stark contrasts, with an emphasis on the play of light and shadow.",,2,0,entity,whole,entity - whole (artwork),Is there an artwork? +diffusiondb28,"An intricate visual display combining the unique styles of Geert Goiris, Sally Mann, and Paolo Roversi, synthesizing into a singular piece of award-winning concept art entitled ""Portrait of Chaos."" The artwork features a compelling blend of surreal landscapes, enigmatic portraits, and ethereal scenes, each contributing a distinct texture and emotion. The colors in the image are a juxtaposition of muted tones and stark contrasts, with an emphasis on the play of light and shadow.",,3,2,other,text,"other - text (artwork, ""Portrait of Chaos"")","Is the artwork entitled ""Portrait of Chaos""?" +diffusiondb28,"An intricate visual display combining the unique styles of Geert Goiris, Sally Mann, and Paolo Roversi, synthesizing into a singular piece of award-winning concept art entitled ""Portrait of Chaos."" The artwork features a compelling blend of surreal landscapes, enigmatic portraits, and ethereal scenes, each contributing a distinct texture and emotion. The colors in the image are a juxtaposition of muted tones and stark contrasts, with an emphasis on the play of light and shadow.",,4,0,global,,global - (award-winning),Is the artwork award-winning? +diffusiondb28,"An intricate visual display combining the unique styles of Geert Goiris, Sally Mann, and Paolo Roversi, synthesizing into a singular piece of award-winning concept art entitled ""Portrait of Chaos."" The artwork features a compelling blend of surreal landscapes, enigmatic portraits, and ethereal scenes, each contributing a distinct texture and emotion. The colors in the image are a juxtaposition of muted tones and stark contrasts, with an emphasis on the play of light and shadow.",,5,0,global,,global - (concept art),Is the artwork considered concept art? +diffusiondb28,"An intricate visual display combining the unique styles of Geert Goiris, Sally Mann, and Paolo Roversi, synthesizing into a singular piece of award-winning concept art entitled ""Portrait of Chaos."" The artwork features a compelling blend of surreal landscapes, enigmatic portraits, and ethereal scenes, each contributing a distinct texture and emotion. The colors in the image are a juxtaposition of muted tones and stark contrasts, with an emphasis on the play of light and shadow.",,6,2,attribute,texture,"attribute - texture (artwork, surreal landscapes)",Does the artwork feature surreal landscapes? +diffusiondb28,"An intricate visual display combining the unique styles of Geert Goiris, Sally Mann, and Paolo Roversi, synthesizing into a singular piece of award-winning concept art entitled ""Portrait of Chaos."" The artwork features a compelling blend of surreal landscapes, enigmatic portraits, and ethereal scenes, each contributing a distinct texture and emotion. The colors in the image are a juxtaposition of muted tones and stark contrasts, with an emphasis on the play of light and shadow.",,7,2,attribute,texture,"attribute - texture (artwork, enigmatic portraits)",Does the artwork include enigmatic portraits? +diffusiondb28,"An intricate visual display combining the unique styles of Geert Goiris, Sally Mann, and Paolo Roversi, synthesizing into a singular piece of award-winning concept art entitled ""Portrait of Chaos."" The artwork features a compelling blend of surreal landscapes, enigmatic portraits, and ethereal scenes, each contributing a distinct texture and emotion. The colors in the image are a juxtaposition of muted tones and stark contrasts, with an emphasis on the play of light and shadow.",,8,2,attribute,texture,"attribute - texture (artwork, ethereal scenes)",Are there ethereal scenes in the artwork? +diffusiondb28,"An intricate visual display combining the unique styles of Geert Goiris, Sally Mann, and Paolo Roversi, synthesizing into a singular piece of award-winning concept art entitled ""Portrait of Chaos."" The artwork features a compelling blend of surreal landscapes, enigmatic portraits, and ethereal scenes, each contributing a distinct texture and emotion. The colors in the image are a juxtaposition of muted tones and stark contrasts, with an emphasis on the play of light and shadow.",,9,2,attribute,color,"attribute - color (artwork, muted tones)",Are muted tones used in the artwork? +diffusiondb28,"An intricate visual display combining the unique styles of Geert Goiris, Sally Mann, and Paolo Roversi, synthesizing into a singular piece of award-winning concept art entitled ""Portrait of Chaos."" The artwork features a compelling blend of surreal landscapes, enigmatic portraits, and ethereal scenes, each contributing a distinct texture and emotion. The colors in the image are a juxtaposition of muted tones and stark contrasts, with an emphasis on the play of light and shadow.",,10,2,attribute,color,"attribute - color (artwork, stark contrasts)",Are there stark contrasts in the artwork's colors? +countbench38,"An image of a serious-looking businessman, dressed in a tailored grey suit with a crisp white shirt and a dark tie. He is depicted in an unusual setting, lifting two surprisingly heavy dumbbells, his arms flexed showing significant effort. This unexpected juxtaposition against an office background, complete with a wooden desk and a black ergonomic chair, creates a striking visual.",,1,0,entity,whole,entity - whole (businessman),Is there a businessman? +countbench38,"An image of a serious-looking businessman, dressed in a tailored grey suit with a crisp white shirt and a dark tie. He is depicted in an unusual setting, lifting two surprisingly heavy dumbbells, his arms flexed showing significant effort. This unexpected juxtaposition against an office background, complete with a wooden desk and a black ergonomic chair, creates a striking visual.",,2,1,entity,whole,entity - whole (suit),Is there a suit? +countbench38,"An image of a serious-looking businessman, dressed in a tailored grey suit with a crisp white shirt and a dark tie. He is depicted in an unusual setting, lifting two surprisingly heavy dumbbells, his arms flexed showing significant effort. This unexpected juxtaposition against an office background, complete with a wooden desk and a black ergonomic chair, creates a striking visual.",,3,1,entity,whole,entity - whole (shirt),Is there a shirt? +countbench38,"An image of a serious-looking businessman, dressed in a tailored grey suit with a crisp white shirt and a dark tie. He is depicted in an unusual setting, lifting two surprisingly heavy dumbbells, his arms flexed showing significant effort. This unexpected juxtaposition against an office background, complete with a wooden desk and a black ergonomic chair, creates a striking visual.",,4,1,entity,whole,entity - whole (tie),Is there a tie? +countbench38,"An image of a serious-looking businessman, dressed in a tailored grey suit with a crisp white shirt and a dark tie. He is depicted in an unusual setting, lifting two surprisingly heavy dumbbells, his arms flexed showing significant effort. This unexpected juxtaposition against an office background, complete with a wooden desk and a black ergonomic chair, creates a striking visual.",,5,0,entity,whole,entity - whole (dumbbells),Are there dumbbells? +countbench38,"An image of a serious-looking businessman, dressed in a tailored grey suit with a crisp white shirt and a dark tie. He is depicted in an unusual setting, lifting two surprisingly heavy dumbbells, his arms flexed showing significant effort. This unexpected juxtaposition against an office background, complete with a wooden desk and a black ergonomic chair, creates a striking visual.",,6,0,entity,whole,entity - whole (desk),Is there a desk? +countbench38,"An image of a serious-looking businessman, dressed in a tailored grey suit with a crisp white shirt and a dark tie. He is depicted in an unusual setting, lifting two surprisingly heavy dumbbells, his arms flexed showing significant effort. This unexpected juxtaposition against an office background, complete with a wooden desk and a black ergonomic chair, creates a striking visual.",,7,0,entity,whole,entity - whole (chair),Is there a chair? +countbench38,"An image of a serious-looking businessman, dressed in a tailored grey suit with a crisp white shirt and a dark tie. He is depicted in an unusual setting, lifting two surprisingly heavy dumbbells, his arms flexed showing significant effort. This unexpected juxtaposition against an office background, complete with a wooden desk and a black ergonomic chair, creates a striking visual.",,8,2,attribute,color,"attribute - color (suit, grey)",Is the suit grey? +countbench38,"An image of a serious-looking businessman, dressed in a tailored grey suit with a crisp white shirt and a dark tie. He is depicted in an unusual setting, lifting two surprisingly heavy dumbbells, his arms flexed showing significant effort. This unexpected juxtaposition against an office background, complete with a wooden desk and a black ergonomic chair, creates a striking visual.",,9,3,attribute,color,"attribute - color (shirt, white)",Is the shirt white? +countbench38,"An image of a serious-looking businessman, dressed in a tailored grey suit with a crisp white shirt and a dark tie. He is depicted in an unusual setting, lifting two surprisingly heavy dumbbells, his arms flexed showing significant effort. This unexpected juxtaposition against an office background, complete with a wooden desk and a black ergonomic chair, creates a striking visual.",,10,4,attribute,color,"attribute - color (tie, dark)",Is the tie dark? +countbench38,"An image of a serious-looking businessman, dressed in a tailored grey suit with a crisp white shirt and a dark tie. He is depicted in an unusual setting, lifting two surprisingly heavy dumbbells, his arms flexed showing significant effort. This unexpected juxtaposition against an office background, complete with a wooden desk and a black ergonomic chair, creates a striking visual.",,11,6,attribute,texture,"attribute - texture (desk, wood)",Is the desk made of wood? +countbench38,"An image of a serious-looking businessman, dressed in a tailored grey suit with a crisp white shirt and a dark tie. He is depicted in an unusual setting, lifting two surprisingly heavy dumbbells, his arms flexed showing significant effort. This unexpected juxtaposition against an office background, complete with a wooden desk and a black ergonomic chair, creates a striking visual.",,12,7,attribute,color,"attribute - color (chair, black)",Is the chair black? +countbench38,"An image of a serious-looking businessman, dressed in a tailored grey suit with a crisp white shirt and a dark tie. He is depicted in an unusual setting, lifting two surprisingly heavy dumbbells, his arms flexed showing significant effort. This unexpected juxtaposition against an office background, complete with a wooden desk and a black ergonomic chair, creates a striking visual.",,13,1,entity,state,"entity - state (businessman, serious-looking)",Does the businessman look serious? +countbench38,"An image of a serious-looking businessman, dressed in a tailored grey suit with a crisp white shirt and a dark tie. He is depicted in an unusual setting, lifting two surprisingly heavy dumbbells, his arms flexed showing significant effort. This unexpected juxtaposition against an office background, complete with a wooden desk and a black ergonomic chair, creates a striking visual.",,14,1,entity,state,"entity - state (businessman, lifting)",Is the businessman lifting something? +countbench38,"An image of a serious-looking businessman, dressed in a tailored grey suit with a crisp white shirt and a dark tie. He is depicted in an unusual setting, lifting two surprisingly heavy dumbbells, his arms flexed showing significant effort. This unexpected juxtaposition against an office background, complete with a wooden desk and a black ergonomic chair, creates a striking visual.",,15,1,entity,state,"entity - state (businessman, effort, significant)",Is the businessman showing significant effort? +countbench38,"An image of a serious-looking businessman, dressed in a tailored grey suit with a crisp white shirt and a dark tie. He is depicted in an unusual setting, lifting two surprisingly heavy dumbbells, his arms flexed showing significant effort. This unexpected juxtaposition against an office background, complete with a wooden desk and a black ergonomic chair, creates a striking visual.",,16,"1,6",relation,spatial,"relation - spatial (businessman, desk, against)",Is the businessman against the desk? +countbench38,"An image of a serious-looking businessman, dressed in a tailored grey suit with a crisp white shirt and a dark tie. He is depicted in an unusual setting, lifting two surprisingly heavy dumbbells, his arms flexed showing significant effort. This unexpected juxtaposition against an office background, complete with a wooden desk and a black ergonomic chair, creates a striking visual.",,17,"1,7",relation,spatial,"relation - spatial (businessman, chair, against)",Is the businessman against the chair? +countbench38,"An image of a serious-looking businessman, dressed in a tailored grey suit with a crisp white shirt and a dark tie. He is depicted in an unusual setting, lifting two surprisingly heavy dumbbells, his arms flexed showing significant effort. This unexpected juxtaposition against an office background, complete with a wooden desk and a black ergonomic chair, creates a striking visual.",,18,"1,5",relation,non-spatial,"relation - non-spatial (businessman, dumbbells, lifting)",Is the businessman lifting the dumbbells? +countbench38,"An image of a serious-looking businessman, dressed in a tailored grey suit with a crisp white shirt and a dark tie. He is depicted in an unusual setting, lifting two surprisingly heavy dumbbells, his arms flexed showing significant effort. This unexpected juxtaposition against an office background, complete with a wooden desk and a black ergonomic chair, creates a striking visual.",,19,1,relation,non-spatial,"relation - non-spatial (businessman, office background, in)",Is the businessman in an office background? +drawtext25,"A close-up view of a canvas where the word 'swirl' is artistically represented with muted pastel colors, such as light pink, baby blue, and soft yellow, mixed elegantly into a white background. The paint appears thick and tactile, giving it a 3D globular texture that seems almost liquid in form. The colors gently intertwine with each other, following the shape of the letters, creating an appealing visual of blending hues.",,1,0,entity,whole,entity - whole (canvas),Is there a canvas? +drawtext25,"A close-up view of a canvas where the word 'swirl' is artistically represented with muted pastel colors, such as light pink, baby blue, and soft yellow, mixed elegantly into a white background. The paint appears thick and tactile, giving it a 3D globular texture that seems almost liquid in form. The colors gently intertwine with each other, following the shape of the letters, creating an appealing visual of blending hues.",,2,1,other,text,"other - text (word on canvas, ""swirl"")","Does the word ""swirl"" appear on the canvas?" +drawtext25,"A close-up view of a canvas where the word 'swirl' is artistically represented with muted pastel colors, such as light pink, baby blue, and soft yellow, mixed elegantly into a white background. The paint appears thick and tactile, giving it a 3D globular texture that seems almost liquid in form. The colors gently intertwine with each other, following the shape of the letters, creating an appealing visual of blending hues.",,3,1,attribute,color,"attribute - color (canvas background, white)",Is the canvas background white? +drawtext25,"A close-up view of a canvas where the word 'swirl' is artistically represented with muted pastel colors, such as light pink, baby blue, and soft yellow, mixed elegantly into a white background. The paint appears thick and tactile, giving it a 3D globular texture that seems almost liquid in form. The colors gently intertwine with each other, following the shape of the letters, creating an appealing visual of blending hues.",,4,2,attribute,color,"attribute - color (word 'swirl', light pink)",Is the word 'swirl' in light pink color? +drawtext25,"A close-up view of a canvas where the word 'swirl' is artistically represented with muted pastel colors, such as light pink, baby blue, and soft yellow, mixed elegantly into a white background. The paint appears thick and tactile, giving it a 3D globular texture that seems almost liquid in form. The colors gently intertwine with each other, following the shape of the letters, creating an appealing visual of blending hues.",,5,2,attribute,color,"attribute - color (word 'swirl', baby blue)",Is the word 'swirl' in baby blue color? +drawtext25,"A close-up view of a canvas where the word 'swirl' is artistically represented with muted pastel colors, such as light pink, baby blue, and soft yellow, mixed elegantly into a white background. The paint appears thick and tactile, giving it a 3D globular texture that seems almost liquid in form. The colors gently intertwine with each other, following the shape of the letters, creating an appealing visual of blending hues.",,6,2,attribute,color,"attribute - color (word 'swirl', soft yellow)",Is the word 'swirl' in soft yellow color? +drawtext25,"A close-up view of a canvas where the word 'swirl' is artistically represented with muted pastel colors, such as light pink, baby blue, and soft yellow, mixed elegantly into a white background. The paint appears thick and tactile, giving it a 3D globular texture that seems almost liquid in form. The colors gently intertwine with each other, following the shape of the letters, creating an appealing visual of blending hues.",,7,1,attribute,texture,"attribute - texture (paint, thick and tactile)",Does the paint appear thick and tactile? +drawtext25,"A close-up view of a canvas where the word 'swirl' is artistically represented with muted pastel colors, such as light pink, baby blue, and soft yellow, mixed elegantly into a white background. The paint appears thick and tactile, giving it a 3D globular texture that seems almost liquid in form. The colors gently intertwine with each other, following the shape of the letters, creating an appealing visual of blending hues.",,8,1,attribute,texture,"attribute - texture (paint, 3D globular)",Does the paint have a 3D globular texture? +drawtext25,"A close-up view of a canvas where the word 'swirl' is artistically represented with muted pastel colors, such as light pink, baby blue, and soft yellow, mixed elegantly into a white background. The paint appears thick and tactile, giving it a 3D globular texture that seems almost liquid in form. The colors gently intertwine with each other, following the shape of the letters, creating an appealing visual of blending hues.",,9,0,global,,global - (close-up view),Is this a close-up view? +drawtext25,"A close-up view of a canvas where the word 'swirl' is artistically represented with muted pastel colors, such as light pink, baby blue, and soft yellow, mixed elegantly into a white background. The paint appears thick and tactile, giving it a 3D globular texture that seems almost liquid in form. The colors gently intertwine with each other, following the shape of the letters, creating an appealing visual of blending hues.",,10,"4,5,6",relation,non-spatial,"relation - non-spatial (colors, intertwine, following shape of letters)",Do the colors intertwine following the shape of the letters? +drawtext23,"a vibrant garden filled with an array of colorful flowers meticulously arranged to spell out the word 'peace' on the lush green grass. The garden is enclosed by a white picket fence and surrounded by tall trees that sway gently in the breeze. Above, against the backdrop of a blue sky, whimsical clouds have been shaped to form the word 'tensions', contrasting with the tranquil scene below.",,1,0,entity,whole,entity - whole (garden),Is there a garden? +drawtext23,"a vibrant garden filled with an array of colorful flowers meticulously arranged to spell out the word 'peace' on the lush green grass. The garden is enclosed by a white picket fence and surrounded by tall trees that sway gently in the breeze. Above, against the backdrop of a blue sky, whimsical clouds have been shaped to form the word 'tensions', contrasting with the tranquil scene below.",,2,0,entity,whole,entity - whole (flowers),Are there flowers? +drawtext23,"a vibrant garden filled with an array of colorful flowers meticulously arranged to spell out the word 'peace' on the lush green grass. The garden is enclosed by a white picket fence and surrounded by tall trees that sway gently in the breeze. Above, against the backdrop of a blue sky, whimsical clouds have been shaped to form the word 'tensions', contrasting with the tranquil scene below.",,3,0,entity,whole,entity - whole (grass),Is there grass? +drawtext23,"a vibrant garden filled with an array of colorful flowers meticulously arranged to spell out the word 'peace' on the lush green grass. The garden is enclosed by a white picket fence and surrounded by tall trees that sway gently in the breeze. Above, against the backdrop of a blue sky, whimsical clouds have been shaped to form the word 'tensions', contrasting with the tranquil scene below.",,4,0,entity,whole,entity - whole (fence),Is there a fence? +drawtext23,"a vibrant garden filled with an array of colorful flowers meticulously arranged to spell out the word 'peace' on the lush green grass. The garden is enclosed by a white picket fence and surrounded by tall trees that sway gently in the breeze. Above, against the backdrop of a blue sky, whimsical clouds have been shaped to form the word 'tensions', contrasting with the tranquil scene below.",,5,0,entity,whole,entity - whole (trees),Are there trees? +drawtext23,"a vibrant garden filled with an array of colorful flowers meticulously arranged to spell out the word 'peace' on the lush green grass. The garden is enclosed by a white picket fence and surrounded by tall trees that sway gently in the breeze. Above, against the backdrop of a blue sky, whimsical clouds have been shaped to form the word 'tensions', contrasting with the tranquil scene below.",,6,0,entity,whole,entity - whole (clouds),Are there clouds? +drawtext23,"a vibrant garden filled with an array of colorful flowers meticulously arranged to spell out the word 'peace' on the lush green grass. The garden is enclosed by a white picket fence and surrounded by tall trees that sway gently in the breeze. Above, against the backdrop of a blue sky, whimsical clouds have been shaped to form the word 'tensions', contrasting with the tranquil scene below.",,7,0,entity,whole,entity - whole (sky),Is there a sky? +drawtext23,"a vibrant garden filled with an array of colorful flowers meticulously arranged to spell out the word 'peace' on the lush green grass. The garden is enclosed by a white picket fence and surrounded by tall trees that sway gently in the breeze. Above, against the backdrop of a blue sky, whimsical clouds have been shaped to form the word 'tensions', contrasting with the tranquil scene below.",,8,4,attribute,color,"attribute - color (fence, white)",Is the fence white? +drawtext23,"a vibrant garden filled with an array of colorful flowers meticulously arranged to spell out the word 'peace' on the lush green grass. The garden is enclosed by a white picket fence and surrounded by tall trees that sway gently in the breeze. Above, against the backdrop of a blue sky, whimsical clouds have been shaped to form the word 'tensions', contrasting with the tranquil scene below.",,9,7,attribute,color,"attribute - color (sky, blue)",Is the sky blue? +drawtext23,"a vibrant garden filled with an array of colorful flowers meticulously arranged to spell out the word 'peace' on the lush green grass. The garden is enclosed by a white picket fence and surrounded by tall trees that sway gently in the breeze. Above, against the backdrop of a blue sky, whimsical clouds have been shaped to form the word 'tensions', contrasting with the tranquil scene below.",,10,"2,3",other,text,"other - text (flowers, ""peace"")","Do the flowers spell out the word ""peace""?" +drawtext23,"a vibrant garden filled with an array of colorful flowers meticulously arranged to spell out the word 'peace' on the lush green grass. The garden is enclosed by a white picket fence and surrounded by tall trees that sway gently in the breeze. Above, against the backdrop of a blue sky, whimsical clouds have been shaped to form the word 'tensions', contrasting with the tranquil scene below.",,11,"6,7",other,text,"other - text (clouds, ""tensions"")","Do the clouds form the word ""tensions""?" +whoops23,"An iconic tower known for its unintended tilt is captured in an unusual, digitally manipulated image where it appears perfectly vertical. The surrounding area is filled with tourists, some of whom are playfully posing with their hands out as if they were interacting with the tower's usual lean. The sky above is clear, casting a warm glow on the tower's white marble facade.",,1,0,entity,whole,entity - whole (tower),Is there a tower? +whoops23,"An iconic tower known for its unintended tilt is captured in an unusual, digitally manipulated image where it appears perfectly vertical. The surrounding area is filled with tourists, some of whom are playfully posing with their hands out as if they were interacting with the tower's usual lean. The sky above is clear, casting a warm glow on the tower's white marble facade.",,2,0,entity,whole,entity - whole (image),Is there an image? +whoops23,"An iconic tower known for its unintended tilt is captured in an unusual, digitally manipulated image where it appears perfectly vertical. The surrounding area is filled with tourists, some of whom are playfully posing with their hands out as if they were interacting with the tower's usual lean. The sky above is clear, casting a warm glow on the tower's white marble facade.",,3,0,entity,whole,entity - whole (tourists),Are there tourists? +whoops23,"An iconic tower known for its unintended tilt is captured in an unusual, digitally manipulated image where it appears perfectly vertical. The surrounding area is filled with tourists, some of whom are playfully posing with their hands out as if they were interacting with the tower's usual lean. The sky above is clear, casting a warm glow on the tower's white marble facade.",,4,0,entity,whole,entity - whole (sky),Is there a sky? +whoops23,"An iconic tower known for its unintended tilt is captured in an unusual, digitally manipulated image where it appears perfectly vertical. The surrounding area is filled with tourists, some of whom are playfully posing with their hands out as if they were interacting with the tower's usual lean. The sky above is clear, casting a warm glow on the tower's white marble facade.",,5,0,global,,global - (digitally manipulated),Is the image digitally manipulated? +whoops23,"An iconic tower known for its unintended tilt is captured in an unusual, digitally manipulated image where it appears perfectly vertical. The surrounding area is filled with tourists, some of whom are playfully posing with their hands out as if they were interacting with the tower's usual lean. The sky above is clear, casting a warm glow on the tower's white marble facade.",,6,1,attribute,other,"attribute - other (tower, iconic)",Is the tower iconic? +whoops23,"An iconic tower known for its unintended tilt is captured in an unusual, digitally manipulated image where it appears perfectly vertical. The surrounding area is filled with tourists, some of whom are playfully posing with their hands out as if they were interacting with the tower's usual lean. The sky above is clear, casting a warm glow on the tower's white marble facade.",,7,1,attribute,other,"attribute - other (tower, unintended tilt)",Is the tower known for its unintended tilt? +whoops23,"An iconic tower known for its unintended tilt is captured in an unusual, digitally manipulated image where it appears perfectly vertical. The surrounding area is filled with tourists, some of whom are playfully posing with their hands out as if they were interacting with the tower's usual lean. The sky above is clear, casting a warm glow on the tower's white marble facade.",,8,1,attribute,color,"attribute - color (tower, white marble)",Is the tower's facade made of white marble? +whoops23,"An iconic tower known for its unintended tilt is captured in an unusual, digitally manipulated image where it appears perfectly vertical. The surrounding area is filled with tourists, some of whom are playfully posing with their hands out as if they were interacting with the tower's usual lean. The sky above is clear, casting a warm glow on the tower's white marble facade.",,9,"1,2",entity,state,"entity - state (image, tower, appears perfectly vertical)",Does the tower appear perfectly vertical in the image? +whoops23,"An iconic tower known for its unintended tilt is captured in an unusual, digitally manipulated image where it appears perfectly vertical. The surrounding area is filled with tourists, some of whom are playfully posing with their hands out as if they were interacting with the tower's usual lean. The sky above is clear, casting a warm glow on the tower's white marble facade.",,10,4,entity,state,"entity - state (sky, clear)",Is the sky clear? +midjourney34,"In the art piece, a realistically depicted young girl with flowing blonde hair gazes intently into the distance, her eyes reflecting the vibrant hues of a spring forest. The verdant greens and soft pastels of the budding trees are captured in subtle brushstrokes, giving the scene a serene and tranquil atmosphere. The minimalist composition focuses on the girl's expression of wonder and the lush woodland background, while the texture of the oil paint adds depth and richness to the canvas.",,1,0,entity,whole,entity - whole (art piece),Is there an art piece? +midjourney34,"In the art piece, a realistically depicted young girl with flowing blonde hair gazes intently into the distance, her eyes reflecting the vibrant hues of a spring forest. The verdant greens and soft pastels of the budding trees are captured in subtle brushstrokes, giving the scene a serene and tranquil atmosphere. The minimalist composition focuses on the girl's expression of wonder and the lush woodland background, while the texture of the oil paint adds depth and richness to the canvas.",,2,1,entity,whole,entity - whole (girl),Is there a young girl depicted in the art piece? +midjourney34,"In the art piece, a realistically depicted young girl with flowing blonde hair gazes intently into the distance, her eyes reflecting the vibrant hues of a spring forest. The verdant greens and soft pastels of the budding trees are captured in subtle brushstrokes, giving the scene a serene and tranquil atmosphere. The minimalist composition focuses on the girl's expression of wonder and the lush woodland background, while the texture of the oil paint adds depth and richness to the canvas.",,3,2,entity,part,entity - part (girl's hair),Does the girl have hair? +midjourney34,"In the art piece, a realistically depicted young girl with flowing blonde hair gazes intently into the distance, her eyes reflecting the vibrant hues of a spring forest. The verdant greens and soft pastels of the budding trees are captured in subtle brushstrokes, giving the scene a serene and tranquil atmosphere. The minimalist composition focuses on the girl's expression of wonder and the lush woodland background, while the texture of the oil paint adds depth and richness to the canvas.",,4,1,entity,whole,entity - whole (forest),Is there a forest in the art piece? +midjourney34,"In the art piece, a realistically depicted young girl with flowing blonde hair gazes intently into the distance, her eyes reflecting the vibrant hues of a spring forest. The verdant greens and soft pastels of the budding trees are captured in subtle brushstrokes, giving the scene a serene and tranquil atmosphere. The minimalist composition focuses on the girl's expression of wonder and the lush woodland background, while the texture of the oil paint adds depth and richness to the canvas.",,5,4,entity,whole,entity - whole (trees),Are there trees in the art piece? +midjourney34,"In the art piece, a realistically depicted young girl with flowing blonde hair gazes intently into the distance, her eyes reflecting the vibrant hues of a spring forest. The verdant greens and soft pastels of the budding trees are captured in subtle brushstrokes, giving the scene a serene and tranquil atmosphere. The minimalist composition focuses on the girl's expression of wonder and the lush woodland background, while the texture of the oil paint adds depth and richness to the canvas.",,6,3,attribute,color,"attribute - color (girl's hair, blonde)",Does the girl have blonde hair? +midjourney34,"In the art piece, a realistically depicted young girl with flowing blonde hair gazes intently into the distance, her eyes reflecting the vibrant hues of a spring forest. The verdant greens and soft pastels of the budding trees are captured in subtle brushstrokes, giving the scene a serene and tranquil atmosphere. The minimalist composition focuses on the girl's expression of wonder and the lush woodland background, while the texture of the oil paint adds depth and richness to the canvas.",,7,4,attribute,color,"attribute - color (forest, vibrant hues)",Does the forest have vibrant hues? +midjourney34,"In the art piece, a realistically depicted young girl with flowing blonde hair gazes intently into the distance, her eyes reflecting the vibrant hues of a spring forest. The verdant greens and soft pastels of the budding trees are captured in subtle brushstrokes, giving the scene a serene and tranquil atmosphere. The minimalist composition focuses on the girl's expression of wonder and the lush woodland background, while the texture of the oil paint adds depth and richness to the canvas.",,8,5,attribute,color,"attribute - color (trees, verdant greens)",Are the trees verdant green? +midjourney34,"In the art piece, a realistically depicted young girl with flowing blonde hair gazes intently into the distance, her eyes reflecting the vibrant hues of a spring forest. The verdant greens and soft pastels of the budding trees are captured in subtle brushstrokes, giving the scene a serene and tranquil atmosphere. The minimalist composition focuses on the girl's expression of wonder and the lush woodland background, while the texture of the oil paint adds depth and richness to the canvas.",,9,5,attribute,color,"attribute - color (trees, soft pastels)",Are the trees depicted with soft pastels? +midjourney34,"In the art piece, a realistically depicted young girl with flowing blonde hair gazes intently into the distance, her eyes reflecting the vibrant hues of a spring forest. The verdant greens and soft pastels of the budding trees are captured in subtle brushstrokes, giving the scene a serene and tranquil atmosphere. The minimalist composition focuses on the girl's expression of wonder and the lush woodland background, while the texture of the oil paint adds depth and richness to the canvas.",,10,1,attribute,texture,"attribute - texture (art piece, oil paint)",Is the texture of the art piece oil paint? +drawtext33,"A creative studio photograph featuring tactile text spelling 'hello' with vibrant, multicolored fur that stands out boldly against a pure white background. This playful image is showcased within a unique frame made of equally fluffy material, mimicking the texture of the centerpiece. The whimsical arrangement is perfectly centered, lending a friendly and inviting vibe to the viewer.",,1,0,entity,whole,entity - whole (studio photograph),Is there a studio photograph? +drawtext33,"A creative studio photograph featuring tactile text spelling 'hello' with vibrant, multicolored fur that stands out boldly against a pure white background. This playful image is showcased within a unique frame made of equally fluffy material, mimicking the texture of the centerpiece. The whimsical arrangement is perfectly centered, lending a friendly and inviting vibe to the viewer.",,2,0,entity,whole,entity - whole (text),Is there text in the photograph? +drawtext33,"A creative studio photograph featuring tactile text spelling 'hello' with vibrant, multicolored fur that stands out boldly against a pure white background. This playful image is showcased within a unique frame made of equally fluffy material, mimicking the texture of the centerpiece. The whimsical arrangement is perfectly centered, lending a friendly and inviting vibe to the viewer.",,3,0,entity,whole,entity - whole (fur),Is there fur in the photograph? +drawtext33,"A creative studio photograph featuring tactile text spelling 'hello' with vibrant, multicolored fur that stands out boldly against a pure white background. This playful image is showcased within a unique frame made of equally fluffy material, mimicking the texture of the centerpiece. The whimsical arrangement is perfectly centered, lending a friendly and inviting vibe to the viewer.",,4,0,entity,whole,entity - whole (background),Is there a background in the photograph? +drawtext33,"A creative studio photograph featuring tactile text spelling 'hello' with vibrant, multicolored fur that stands out boldly against a pure white background. This playful image is showcased within a unique frame made of equally fluffy material, mimicking the texture of the centerpiece. The whimsical arrangement is perfectly centered, lending a friendly and inviting vibe to the viewer.",,5,0,entity,whole,entity - whole (frame),Is there a frame in the photograph? +drawtext33,"A creative studio photograph featuring tactile text spelling 'hello' with vibrant, multicolored fur that stands out boldly against a pure white background. This playful image is showcased within a unique frame made of equally fluffy material, mimicking the texture of the centerpiece. The whimsical arrangement is perfectly centered, lending a friendly and inviting vibe to the viewer.",,6,3,attribute,color,"attribute - color (fur, multicolored)",Is the fur multicolored? +drawtext33,"A creative studio photograph featuring tactile text spelling 'hello' with vibrant, multicolored fur that stands out boldly against a pure white background. This playful image is showcased within a unique frame made of equally fluffy material, mimicking the texture of the centerpiece. The whimsical arrangement is perfectly centered, lending a friendly and inviting vibe to the viewer.",,7,4,attribute,color,"attribute - color (background, white)",Is the background pure white? +drawtext33,"A creative studio photograph featuring tactile text spelling 'hello' with vibrant, multicolored fur that stands out boldly against a pure white background. This playful image is showcased within a unique frame made of equally fluffy material, mimicking the texture of the centerpiece. The whimsical arrangement is perfectly centered, lending a friendly and inviting vibe to the viewer.",,8,3,attribute,texture,"attribute - texture (fur, vibrant)",Is the fur vibrant? +drawtext33,"A creative studio photograph featuring tactile text spelling 'hello' with vibrant, multicolored fur that stands out boldly against a pure white background. This playful image is showcased within a unique frame made of equally fluffy material, mimicking the texture of the centerpiece. The whimsical arrangement is perfectly centered, lending a friendly and inviting vibe to the viewer.",,9,5,attribute,texture,"attribute - texture (frame, fluffy)",Is the frame made of fluffy material? +drawtext33,"A creative studio photograph featuring tactile text spelling 'hello' with vibrant, multicolored fur that stands out boldly against a pure white background. This playful image is showcased within a unique frame made of equally fluffy material, mimicking the texture of the centerpiece. The whimsical arrangement is perfectly centered, lending a friendly and inviting vibe to the viewer.",,10,2,other,text,"other - text (text, ""hello"")","Does the text spell ""hello""?" +midjourney37,"A sleek, white laboratory designed with a blend of Matt Mahurin's moody aesthetic and Tsutomu Nihei's architectural sensibilities creates a stark, futuristic scene. The room features angular, geometric furniture with surfaces that have a smooth, matte finish, reflecting the dim, ambient lighting. Along the walls, various high-tech equipment and monitors display cryptic data, casting soft blue glows that contribute to the laboratory's enigmatic atmosphere.",,1,0,entity,whole,entity - whole (laboratory),Is there a laboratory? +midjourney37,"A sleek, white laboratory designed with a blend of Matt Mahurin's moody aesthetic and Tsutomu Nihei's architectural sensibilities creates a stark, futuristic scene. The room features angular, geometric furniture with surfaces that have a smooth, matte finish, reflecting the dim, ambient lighting. Along the walls, various high-tech equipment and monitors display cryptic data, casting soft blue glows that contribute to the laboratory's enigmatic atmosphere.",,2,0,entity,whole,entity - whole (furniture),Is there furniture? +midjourney37,"A sleek, white laboratory designed with a blend of Matt Mahurin's moody aesthetic and Tsutomu Nihei's architectural sensibilities creates a stark, futuristic scene. The room features angular, geometric furniture with surfaces that have a smooth, matte finish, reflecting the dim, ambient lighting. Along the walls, various high-tech equipment and monitors display cryptic data, casting soft blue glows that contribute to the laboratory's enigmatic atmosphere.",,3,0,entity,whole,entity - whole (equipment),Is there equipment? +midjourney37,"A sleek, white laboratory designed with a blend of Matt Mahurin's moody aesthetic and Tsutomu Nihei's architectural sensibilities creates a stark, futuristic scene. The room features angular, geometric furniture with surfaces that have a smooth, matte finish, reflecting the dim, ambient lighting. Along the walls, various high-tech equipment and monitors display cryptic data, casting soft blue glows that contribute to the laboratory's enigmatic atmosphere.",,4,0,entity,whole,entity - whole (monitors),Are there monitors? +midjourney37,"A sleek, white laboratory designed with a blend of Matt Mahurin's moody aesthetic and Tsutomu Nihei's architectural sensibilities creates a stark, futuristic scene. The room features angular, geometric furniture with surfaces that have a smooth, matte finish, reflecting the dim, ambient lighting. Along the walls, various high-tech equipment and monitors display cryptic data, casting soft blue glows that contribute to the laboratory's enigmatic atmosphere.",,5,1,global,,global - (sleek),Is the laboratory sleek? +midjourney37,"A sleek, white laboratory designed with a blend of Matt Mahurin's moody aesthetic and Tsutomu Nihei's architectural sensibilities creates a stark, futuristic scene. The room features angular, geometric furniture with surfaces that have a smooth, matte finish, reflecting the dim, ambient lighting. Along the walls, various high-tech equipment and monitors display cryptic data, casting soft blue glows that contribute to the laboratory's enigmatic atmosphere.",,6,1,attribute,color,"attribute - color (laboratory, white)",Is the laboratory white? +midjourney37,"A sleek, white laboratory designed with a blend of Matt Mahurin's moody aesthetic and Tsutomu Nihei's architectural sensibilities creates a stark, futuristic scene. The room features angular, geometric furniture with surfaces that have a smooth, matte finish, reflecting the dim, ambient lighting. Along the walls, various high-tech equipment and monitors display cryptic data, casting soft blue glows that contribute to the laboratory's enigmatic atmosphere.",,7,2,attribute,texture,"attribute - texture (furniture, matte finish)",Does the furniture have a matte finish? +midjourney37,"A sleek, white laboratory designed with a blend of Matt Mahurin's moody aesthetic and Tsutomu Nihei's architectural sensibilities creates a stark, futuristic scene. The room features angular, geometric furniture with surfaces that have a smooth, matte finish, reflecting the dim, ambient lighting. Along the walls, various high-tech equipment and monitors display cryptic data, casting soft blue glows that contribute to the laboratory's enigmatic atmosphere.",,8,2,attribute,texture,"attribute - texture (surfaces, smooth)",Are the surfaces smooth? +midjourney37,"A sleek, white laboratory designed with a blend of Matt Mahurin's moody aesthetic and Tsutomu Nihei's architectural sensibilities creates a stark, futuristic scene. The room features angular, geometric furniture with surfaces that have a smooth, matte finish, reflecting the dim, ambient lighting. Along the walls, various high-tech equipment and monitors display cryptic data, casting soft blue glows that contribute to the laboratory's enigmatic atmosphere.",,9,1,attribute,color,"attribute - color (lighting, dim)",Is the lighting dim? +midjourney37,"A sleek, white laboratory designed with a blend of Matt Mahurin's moody aesthetic and Tsutomu Nihei's architectural sensibilities creates a stark, futuristic scene. The room features angular, geometric furniture with surfaces that have a smooth, matte finish, reflecting the dim, ambient lighting. Along the walls, various high-tech equipment and monitors display cryptic data, casting soft blue glows that contribute to the laboratory's enigmatic atmosphere.",,10,4,attribute,color,"attribute - color (monitors, soft blue glow)",Do the monitors cast a soft blue glow? +countbench3,"Ten School Resource Officers are set to serve in seven local school districts, as part of the School Resource Officer (SRO) Program led by Broome County District Attorney Steve Cornwell. The officers, in their distinct uniforms, will be a significant presence in the school environment, providing security and fostering relationships with the students. The schools, each with its unique architectural design and color scheme, will benefit from this added layer of security and community engagement. This initiative is a significant part of the district attorney's efforts to ensure a safe and conducive learning environment for the students.",,1,0,entity,whole,entity - whole (School Resource Officers),Are there School Resource Officers? +countbench3,"Ten School Resource Officers are set to serve in seven local school districts, as part of the School Resource Officer (SRO) Program led by Broome County District Attorney Steve Cornwell. The officers, in their distinct uniforms, will be a significant presence in the school environment, providing security and fostering relationships with the students. The schools, each with its unique architectural design and color scheme, will benefit from this added layer of security and community engagement. This initiative is a significant part of the district attorney's efforts to ensure a safe and conducive learning environment for the students.",,2,1,other,count,"other - count (School Resource Officers, ==10)",Are there ten School Resource Officers? +countbench3,"Ten School Resource Officers are set to serve in seven local school districts, as part of the School Resource Officer (SRO) Program led by Broome County District Attorney Steve Cornwell. The officers, in their distinct uniforms, will be a significant presence in the school environment, providing security and fostering relationships with the students. The schools, each with its unique architectural design and color scheme, will benefit from this added layer of security and community engagement. This initiative is a significant part of the district attorney's efforts to ensure a safe and conducive learning environment for the students.",,3,0,other,count,"other - count (school districts, ==7)",Are there seven local school districts? +countbench3,"Ten School Resource Officers are set to serve in seven local school districts, as part of the School Resource Officer (SRO) Program led by Broome County District Attorney Steve Cornwell. The officers, in their distinct uniforms, will be a significant presence in the school environment, providing security and fostering relationships with the students. The schools, each with its unique architectural design and color scheme, will benefit from this added layer of security and community engagement. This initiative is a significant part of the district attorney's efforts to ensure a safe and conducive learning environment for the students.",,4,0,entity,whole,entity - whole (SRO Program),Is there a School Resource Officer Program? +countbench3,"Ten School Resource Officers are set to serve in seven local school districts, as part of the School Resource Officer (SRO) Program led by Broome County District Attorney Steve Cornwell. The officers, in their distinct uniforms, will be a significant presence in the school environment, providing security and fostering relationships with the students. The schools, each with its unique architectural design and color scheme, will benefit from this added layer of security and community engagement. This initiative is a significant part of the district attorney's efforts to ensure a safe and conducive learning environment for the students.",,5,0,entity,whole,entity - whole (Broome County District Attorney),Is there a Broome County District Attorney? +countbench3,"Ten School Resource Officers are set to serve in seven local school districts, as part of the School Resource Officer (SRO) Program led by Broome County District Attorney Steve Cornwell. The officers, in their distinct uniforms, will be a significant presence in the school environment, providing security and fostering relationships with the students. The schools, each with its unique architectural design and color scheme, will benefit from this added layer of security and community engagement. This initiative is a significant part of the district attorney's efforts to ensure a safe and conducive learning environment for the students.",,6,1,entity,part,entity - part (officers' uniforms),Do the officers have distinct uniforms? +countbench3,"Ten School Resource Officers are set to serve in seven local school districts, as part of the School Resource Officer (SRO) Program led by Broome County District Attorney Steve Cornwell. The officers, in their distinct uniforms, will be a significant presence in the school environment, providing security and fostering relationships with the students. The schools, each with its unique architectural design and color scheme, will benefit from this added layer of security and community engagement. This initiative is a significant part of the district attorney's efforts to ensure a safe and conducive learning environment for the students.",,7,0,entity,whole,entity - whole (schools),Are there schools involved? +countbench3,"Ten School Resource Officers are set to serve in seven local school districts, as part of the School Resource Officer (SRO) Program led by Broome County District Attorney Steve Cornwell. The officers, in their distinct uniforms, will be a significant presence in the school environment, providing security and fostering relationships with the students. The schools, each with its unique architectural design and color scheme, will benefit from this added layer of security and community engagement. This initiative is a significant part of the district attorney's efforts to ensure a safe and conducive learning environment for the students.",,8,7,attribute,other,"attribute - other (schools, architectural design)",Do the schools have unique architectural designs? +countbench3,"Ten School Resource Officers are set to serve in seven local school districts, as part of the School Resource Officer (SRO) Program led by Broome County District Attorney Steve Cornwell. The officers, in their distinct uniforms, will be a significant presence in the school environment, providing security and fostering relationships with the students. The schools, each with its unique architectural design and color scheme, will benefit from this added layer of security and community engagement. This initiative is a significant part of the district attorney's efforts to ensure a safe and conducive learning environment for the students.",,9,7,attribute,other,"attribute - other (schools, color scheme)",Do the schools have unique color schemes? +posescript20,"The individual in question presents a dynamic stance, with the left foot stepping forward onto a beige, textured rug that covers the wooden floor. They are extending their right arm upward toward the ceiling, which has a smooth, white finish. Simultaneously, the left arm stretches back, contrasting against the pale yellow wall behind them, creating an image of motion within the room.",,1,0,entity,whole,entity - whole (individual),Is there an individual? +posescript20,"The individual in question presents a dynamic stance, with the left foot stepping forward onto a beige, textured rug that covers the wooden floor. They are extending their right arm upward toward the ceiling, which has a smooth, white finish. Simultaneously, the left arm stretches back, contrasting against the pale yellow wall behind them, creating an image of motion within the room.",,2,1,entity,state,"entity - state (individual, dynamic stance)",Does the individual present a dynamic stance? +posescript20,"The individual in question presents a dynamic stance, with the left foot stepping forward onto a beige, textured rug that covers the wooden floor. They are extending their right arm upward toward the ceiling, which has a smooth, white finish. Simultaneously, the left arm stretches back, contrasting against the pale yellow wall behind them, creating an image of motion within the room.",,3,1,entity,part,entity - part (individual's left foot),Is there a left foot? +posescript20,"The individual in question presents a dynamic stance, with the left foot stepping forward onto a beige, textured rug that covers the wooden floor. They are extending their right arm upward toward the ceiling, which has a smooth, white finish. Simultaneously, the left arm stretches back, contrasting against the pale yellow wall behind them, creating an image of motion within the room.",,4,1,entity,part,entity - part (individual's right arm),Is there a right arm? +posescript20,"The individual in question presents a dynamic stance, with the left foot stepping forward onto a beige, textured rug that covers the wooden floor. They are extending their right arm upward toward the ceiling, which has a smooth, white finish. Simultaneously, the left arm stretches back, contrasting against the pale yellow wall behind them, creating an image of motion within the room.",,5,1,entity,part,entity - part (individual's left arm),Is there a left arm? +posescript20,"The individual in question presents a dynamic stance, with the left foot stepping forward onto a beige, textured rug that covers the wooden floor. They are extending their right arm upward toward the ceiling, which has a smooth, white finish. Simultaneously, the left arm stretches back, contrasting against the pale yellow wall behind them, creating an image of motion within the room.",,6,0,entity,whole,entity - whole (rug),Is there a rug? +posescript20,"The individual in question presents a dynamic stance, with the left foot stepping forward onto a beige, textured rug that covers the wooden floor. They are extending their right arm upward toward the ceiling, which has a smooth, white finish. Simultaneously, the left arm stretches back, contrasting against the pale yellow wall behind them, creating an image of motion within the room.",,7,0,entity,whole,entity - whole (floor),Is there a floor? +posescript20,"The individual in question presents a dynamic stance, with the left foot stepping forward onto a beige, textured rug that covers the wooden floor. They are extending their right arm upward toward the ceiling, which has a smooth, white finish. Simultaneously, the left arm stretches back, contrasting against the pale yellow wall behind them, creating an image of motion within the room.",,8,0,entity,whole,entity - whole (ceiling),Is there a ceiling? +posescript20,"The individual in question presents a dynamic stance, with the left foot stepping forward onto a beige, textured rug that covers the wooden floor. They are extending their right arm upward toward the ceiling, which has a smooth, white finish. Simultaneously, the left arm stretches back, contrasting against the pale yellow wall behind them, creating an image of motion within the room.",,9,0,entity,whole,entity - whole (wall),Is there a wall? +posescript20,"The individual in question presents a dynamic stance, with the left foot stepping forward onto a beige, textured rug that covers the wooden floor. They are extending their right arm upward toward the ceiling, which has a smooth, white finish. Simultaneously, the left arm stretches back, contrasting against the pale yellow wall behind them, creating an image of motion within the room.",,10,6,attribute,color,"attribute - color (rug, beige)",Is the rug beige? +posescript20,"The individual in question presents a dynamic stance, with the left foot stepping forward onto a beige, textured rug that covers the wooden floor. They are extending their right arm upward toward the ceiling, which has a smooth, white finish. Simultaneously, the left arm stretches back, contrasting against the pale yellow wall behind them, creating an image of motion within the room.",,11,6,attribute,texture,"attribute - texture (rug, textured)",Is the rug textured? +posescript20,"The individual in question presents a dynamic stance, with the left foot stepping forward onto a beige, textured rug that covers the wooden floor. They are extending their right arm upward toward the ceiling, which has a smooth, white finish. Simultaneously, the left arm stretches back, contrasting against the pale yellow wall behind them, creating an image of motion within the room.",,12,7,attribute,texture,"attribute - texture (floor, wooden)",Is the floor wooden? +posescript20,"The individual in question presents a dynamic stance, with the left foot stepping forward onto a beige, textured rug that covers the wooden floor. They are extending their right arm upward toward the ceiling, which has a smooth, white finish. Simultaneously, the left arm stretches back, contrasting against the pale yellow wall behind them, creating an image of motion within the room.",,13,8,attribute,texture,"attribute - texture (ceiling, smooth)",Is the ceiling smooth? +posescript20,"The individual in question presents a dynamic stance, with the left foot stepping forward onto a beige, textured rug that covers the wooden floor. They are extending their right arm upward toward the ceiling, which has a smooth, white finish. Simultaneously, the left arm stretches back, contrasting against the pale yellow wall behind them, creating an image of motion within the room.",,14,8,attribute,color,"attribute - color (ceiling, white)",Is the ceiling white? +posescript20,"The individual in question presents a dynamic stance, with the left foot stepping forward onto a beige, textured rug that covers the wooden floor. They are extending their right arm upward toward the ceiling, which has a smooth, white finish. Simultaneously, the left arm stretches back, contrasting against the pale yellow wall behind them, creating an image of motion within the room.",,15,9,attribute,color,"attribute - color (wall, pale yellow)",Is the wall pale yellow? +posescript20,"The individual in question presents a dynamic stance, with the left foot stepping forward onto a beige, textured rug that covers the wooden floor. They are extending their right arm upward toward the ceiling, which has a smooth, white finish. Simultaneously, the left arm stretches back, contrasting against the pale yellow wall behind them, creating an image of motion within the room.",,16,"3,6",relation,spatial,"relation - spatial (left foot, rug, stepping onto)",Is the left foot stepping forward onto the rug? +posescript20,"The individual in question presents a dynamic stance, with the left foot stepping forward onto a beige, textured rug that covers the wooden floor. They are extending their right arm upward toward the ceiling, which has a smooth, white finish. Simultaneously, the left arm stretches back, contrasting against the pale yellow wall behind them, creating an image of motion within the room.",,17,"4,8",relation,spatial,"relation - spatial (right arm, ceiling, extending toward)",Is the right arm extending upward toward the ceiling? +posescript20,"The individual in question presents a dynamic stance, with the left foot stepping forward onto a beige, textured rug that covers the wooden floor. They are extending their right arm upward toward the ceiling, which has a smooth, white finish. Simultaneously, the left arm stretches back, contrasting against the pale yellow wall behind them, creating an image of motion within the room.",,18,"5,9",relation,spatial,"relation - spatial (left arm, wall, stretching back against)",Is the left arm stretching back against the wall? +posescript20,"The individual in question presents a dynamic stance, with the left foot stepping forward onto a beige, textured rug that covers the wooden floor. They are extending their right arm upward toward the ceiling, which has a smooth, white finish. Simultaneously, the left arm stretches back, contrasting against the pale yellow wall behind them, creating an image of motion within the room.",,19,"6,7",relation,spatial,"relation - spatial (rug, floor, covers)",Does the rug cover the floor? +posescript20,"The individual in question presents a dynamic stance, with the left foot stepping forward onto a beige, textured rug that covers the wooden floor. They are extending their right arm upward toward the ceiling, which has a smooth, white finish. Simultaneously, the left arm stretches back, contrasting against the pale yellow wall behind them, creating an image of motion within the room.",,20,1,entity,state,"entity - state (image, motion)",Does the image convey a sense of motion within the room? +whoops30,"Inside the microwave sits a clear glass bowl, filled to the brim with scoops of colorful ice cream with visible flecks of vanilla beans. The microwave's interior light casts a warm glow on the ice cream, which threatens to melt if the door were to remain closed for long. It's an odd place for a cold dessert that's usually served at a chilly temperature to avoid its creamy contents from turning into a soupy mess. The microwave is positioned on a countertop, surrounded by assorted kitchen gadgets and a spice rack full of various seasonings.",,1,0,entity,whole,entity - whole (microwave),Is there a microwave? +whoops30,"Inside the microwave sits a clear glass bowl, filled to the brim with scoops of colorful ice cream with visible flecks of vanilla beans. The microwave's interior light casts a warm glow on the ice cream, which threatens to melt if the door were to remain closed for long. It's an odd place for a cold dessert that's usually served at a chilly temperature to avoid its creamy contents from turning into a soupy mess. The microwave is positioned on a countertop, surrounded by assorted kitchen gadgets and a spice rack full of various seasonings.",,2,0,entity,whole,entity - whole (bowl),Is there a bowl? +whoops30,"Inside the microwave sits a clear glass bowl, filled to the brim with scoops of colorful ice cream with visible flecks of vanilla beans. The microwave's interior light casts a warm glow on the ice cream, which threatens to melt if the door were to remain closed for long. It's an odd place for a cold dessert that's usually served at a chilly temperature to avoid its creamy contents from turning into a soupy mess. The microwave is positioned on a countertop, surrounded by assorted kitchen gadgets and a spice rack full of various seasonings.",,3,0,entity,whole,entity - whole (ice cream),Is there ice cream? +whoops30,"Inside the microwave sits a clear glass bowl, filled to the brim with scoops of colorful ice cream with visible flecks of vanilla beans. The microwave's interior light casts a warm glow on the ice cream, which threatens to melt if the door were to remain closed for long. It's an odd place for a cold dessert that's usually served at a chilly temperature to avoid its creamy contents from turning into a soupy mess. The microwave is positioned on a countertop, surrounded by assorted kitchen gadgets and a spice rack full of various seasonings.",,4,2,attribute,texture,"attribute - texture (bowl, clear glass)",Is the bowl made of clear glass? +whoops30,"Inside the microwave sits a clear glass bowl, filled to the brim with scoops of colorful ice cream with visible flecks of vanilla beans. The microwave's interior light casts a warm glow on the ice cream, which threatens to melt if the door were to remain closed for long. It's an odd place for a cold dessert that's usually served at a chilly temperature to avoid its creamy contents from turning into a soupy mess. The microwave is positioned on a countertop, surrounded by assorted kitchen gadgets and a spice rack full of various seasonings.",,5,2,entity,state,"entity - state (bowl, filled to the brim)",Is the bowl filled to the brim? +whoops30,"Inside the microwave sits a clear glass bowl, filled to the brim with scoops of colorful ice cream with visible flecks of vanilla beans. The microwave's interior light casts a warm glow on the ice cream, which threatens to melt if the door were to remain closed for long. It's an odd place for a cold dessert that's usually served at a chilly temperature to avoid its creamy contents from turning into a soupy mess. The microwave is positioned on a countertop, surrounded by assorted kitchen gadgets and a spice rack full of various seasonings.",,6,3,attribute,color,"attribute - color (ice cream, colorful)",Is the ice cream colorful? +whoops30,"Inside the microwave sits a clear glass bowl, filled to the brim with scoops of colorful ice cream with visible flecks of vanilla beans. The microwave's interior light casts a warm glow on the ice cream, which threatens to melt if the door were to remain closed for long. It's an odd place for a cold dessert that's usually served at a chilly temperature to avoid its creamy contents from turning into a soupy mess. The microwave is positioned on a countertop, surrounded by assorted kitchen gadgets and a spice rack full of various seasonings.",,7,3,attribute,other,"attribute - other (ice cream, vanilla beans, visible flecks)",Can you see visible flecks of vanilla beans in the ice cream? +whoops30,"Inside the microwave sits a clear glass bowl, filled to the brim with scoops of colorful ice cream with visible flecks of vanilla beans. The microwave's interior light casts a warm glow on the ice cream, which threatens to melt if the door were to remain closed for long. It's an odd place for a cold dessert that's usually served at a chilly temperature to avoid its creamy contents from turning into a soupy mess. The microwave is positioned on a countertop, surrounded by assorted kitchen gadgets and a spice rack full of various seasonings.",,8,1,entity,state,"entity - state (microwave's interior light, warm glow)",Does the microwave's interior light cast a warm glow? +whoops30,"Inside the microwave sits a clear glass bowl, filled to the brim with scoops of colorful ice cream with visible flecks of vanilla beans. The microwave's interior light casts a warm glow on the ice cream, which threatens to melt if the door were to remain closed for long. It's an odd place for a cold dessert that's usually served at a chilly temperature to avoid its creamy contents from turning into a soupy mess. The microwave is positioned on a countertop, surrounded by assorted kitchen gadgets and a spice rack full of various seasonings.",,9,"1,2",relation,spatial,"relation - spatial (bowl, microwave, inside)",Is the bowl inside the microwave? +whoops30,"Inside the microwave sits a clear glass bowl, filled to the brim with scoops of colorful ice cream with visible flecks of vanilla beans. The microwave's interior light casts a warm glow on the ice cream, which threatens to melt if the door were to remain closed for long. It's an odd place for a cold dessert that's usually served at a chilly temperature to avoid its creamy contents from turning into a soupy mess. The microwave is positioned on a countertop, surrounded by assorted kitchen gadgets and a spice rack full of various seasonings.",,10,1,relation,spatial,"relation - spatial (microwave, countertop, on)",Is the microwave on the countertop? +whoops0,"A young boy with forlorn expression gazes downward, his hair tousled as though he's had a long day. He's clad in a plain white t-shirt that contrasts with the intricate designs of a temporary sleeve tattoo adorning his arm. The tattoo features a mixture of colorful dragons and floral patterns that extend from his shoulder down to his wrist. Nearby, a set of colored markers are strewn about, suggesting a recent artistic endeavor.",,1,0,entity,whole,entity - whole (boy),Is there a young boy? +whoops0,"A young boy with forlorn expression gazes downward, his hair tousled as though he's had a long day. He's clad in a plain white t-shirt that contrasts with the intricate designs of a temporary sleeve tattoo adorning his arm. The tattoo features a mixture of colorful dragons and floral patterns that extend from his shoulder down to his wrist. Nearby, a set of colored markers are strewn about, suggesting a recent artistic endeavor.",,2,1,entity,part,entity - part (boy's hair),Does the boy have hair? +whoops0,"A young boy with forlorn expression gazes downward, his hair tousled as though he's had a long day. He's clad in a plain white t-shirt that contrasts with the intricate designs of a temporary sleeve tattoo adorning his arm. The tattoo features a mixture of colorful dragons and floral patterns that extend from his shoulder down to his wrist. Nearby, a set of colored markers are strewn about, suggesting a recent artistic endeavor.",,3,1,entity,part,entity - part (boy's t-shirt),Is the boy wearing a t-shirt? +whoops0,"A young boy with forlorn expression gazes downward, his hair tousled as though he's had a long day. He's clad in a plain white t-shirt that contrasts with the intricate designs of a temporary sleeve tattoo adorning his arm. The tattoo features a mixture of colorful dragons and floral patterns that extend from his shoulder down to his wrist. Nearby, a set of colored markers are strewn about, suggesting a recent artistic endeavor.",,4,1,entity,part,entity - part (boy's tattoo),Does the boy have a tattoo? +whoops0,"A young boy with forlorn expression gazes downward, his hair tousled as though he's had a long day. He's clad in a plain white t-shirt that contrasts with the intricate designs of a temporary sleeve tattoo adorning his arm. The tattoo features a mixture of colorful dragons and floral patterns that extend from his shoulder down to his wrist. Nearby, a set of colored markers are strewn about, suggesting a recent artistic endeavor.",,5,0,entity,whole,entity - whole (markers),Are there colored markers? +whoops0,"A young boy with forlorn expression gazes downward, his hair tousled as though he's had a long day. He's clad in a plain white t-shirt that contrasts with the intricate designs of a temporary sleeve tattoo adorning his arm. The tattoo features a mixture of colorful dragons and floral patterns that extend from his shoulder down to his wrist. Nearby, a set of colored markers are strewn about, suggesting a recent artistic endeavor.",,6,3,attribute,color,"attribute - color (boy's t-shirt, white)",Is the boy's t-shirt plain white? +whoops0,"A young boy with forlorn expression gazes downward, his hair tousled as though he's had a long day. He's clad in a plain white t-shirt that contrasts with the intricate designs of a temporary sleeve tattoo adorning his arm. The tattoo features a mixture of colorful dragons and floral patterns that extend from his shoulder down to his wrist. Nearby, a set of colored markers are strewn about, suggesting a recent artistic endeavor.",,7,4,attribute,other,"attribute - other (boy's tattoo, temporary sleeve)",Is the boy's tattoo a temporary sleeve? +whoops0,"A young boy with forlorn expression gazes downward, his hair tousled as though he's had a long day. He's clad in a plain white t-shirt that contrasts with the intricate designs of a temporary sleeve tattoo adorning his arm. The tattoo features a mixture of colorful dragons and floral patterns that extend from his shoulder down to his wrist. Nearby, a set of colored markers are strewn about, suggesting a recent artistic endeavor.",,8,4,attribute,other,"attribute - other (boy's tattoo, colorful dragons and floral patterns)",Does the tattoo feature colorful dragons and floral patterns? +whoops0,"A young boy with forlorn expression gazes downward, his hair tousled as though he's had a long day. He's clad in a plain white t-shirt that contrasts with the intricate designs of a temporary sleeve tattoo adorning his arm. The tattoo features a mixture of colorful dragons and floral patterns that extend from his shoulder down to his wrist. Nearby, a set of colored markers are strewn about, suggesting a recent artistic endeavor.",,9,1,entity,state,"entity - state (boy, forlorn expression)",Does the boy have a forlorn expression? +whoops0,"A young boy with forlorn expression gazes downward, his hair tousled as though he's had a long day. He's clad in a plain white t-shirt that contrasts with the intricate designs of a temporary sleeve tattoo adorning his arm. The tattoo features a mixture of colorful dragons and floral patterns that extend from his shoulder down to his wrist. Nearby, a set of colored markers are strewn about, suggesting a recent artistic endeavor.",,10,2,entity,state,"entity - state (boy, hair, tousled)",Is the boy's hair tousled? +localized0,"A vibrant outdoor field with lush green grass and neatly painted boundary lines. Numerous athletic men, donned in brightly colored sports attire, are energetically chasing after a spherical ball under the bright daylight. The background is a soft focus, enhancing the dynamic movement of the players in the foreground. Surrounding the playing area, there are scattered equipment and water bottles, indicating a serious game is in progress.",,1,0,entity,whole,entity - whole (field),Is there an outdoor field? +localized0,"A vibrant outdoor field with lush green grass and neatly painted boundary lines. Numerous athletic men, donned in brightly colored sports attire, are energetically chasing after a spherical ball under the bright daylight. The background is a soft focus, enhancing the dynamic movement of the players in the foreground. Surrounding the playing area, there are scattered equipment and water bottles, indicating a serious game is in progress.",,2,1,entity,whole,entity - whole (grass),Is there grass? +localized0,"A vibrant outdoor field with lush green grass and neatly painted boundary lines. Numerous athletic men, donned in brightly colored sports attire, are energetically chasing after a spherical ball under the bright daylight. The background is a soft focus, enhancing the dynamic movement of the players in the foreground. Surrounding the playing area, there are scattered equipment and water bottles, indicating a serious game is in progress.",,3,1,entity,whole,entity - whole (boundary lines),Are there boundary lines? +localized0,"A vibrant outdoor field with lush green grass and neatly painted boundary lines. Numerous athletic men, donned in brightly colored sports attire, are energetically chasing after a spherical ball under the bright daylight. The background is a soft focus, enhancing the dynamic movement of the players in the foreground. Surrounding the playing area, there are scattered equipment and water bottles, indicating a serious game is in progress.",,4,0,entity,whole,entity - whole (men),Are there men? +localized0,"A vibrant outdoor field with lush green grass and neatly painted boundary lines. Numerous athletic men, donned in brightly colored sports attire, are energetically chasing after a spherical ball under the bright daylight. The background is a soft focus, enhancing the dynamic movement of the players in the foreground. Surrounding the playing area, there are scattered equipment and water bottles, indicating a serious game is in progress.",,5,0,entity,whole,entity - whole (ball),Is there a ball? +localized0,"A vibrant outdoor field with lush green grass and neatly painted boundary lines. Numerous athletic men, donned in brightly colored sports attire, are energetically chasing after a spherical ball under the bright daylight. The background is a soft focus, enhancing the dynamic movement of the players in the foreground. Surrounding the playing area, there are scattered equipment and water bottles, indicating a serious game is in progress.",,6,0,entity,whole,entity - whole (equipment),Is there equipment? +localized0,"A vibrant outdoor field with lush green grass and neatly painted boundary lines. Numerous athletic men, donned in brightly colored sports attire, are energetically chasing after a spherical ball under the bright daylight. The background is a soft focus, enhancing the dynamic movement of the players in the foreground. Surrounding the playing area, there are scattered equipment and water bottles, indicating a serious game is in progress.",,7,0,entity,whole,entity - whole (water bottles),Are there water bottles? +localized0,"A vibrant outdoor field with lush green grass and neatly painted boundary lines. Numerous athletic men, donned in brightly colored sports attire, are energetically chasing after a spherical ball under the bright daylight. The background is a soft focus, enhancing the dynamic movement of the players in the foreground. Surrounding the playing area, there are scattered equipment and water bottles, indicating a serious game is in progress.",,8,2,attribute,color,"attribute - color (grass, green)",Is the grass lush and green? +localized0,"A vibrant outdoor field with lush green grass and neatly painted boundary lines. Numerous athletic men, donned in brightly colored sports attire, are energetically chasing after a spherical ball under the bright daylight. The background is a soft focus, enhancing the dynamic movement of the players in the foreground. Surrounding the playing area, there are scattered equipment and water bottles, indicating a serious game is in progress.",,9,3,attribute,color,"attribute - color (boundary lines, neatly painted)",Are the boundary lines neatly painted? +localized0,"A vibrant outdoor field with lush green grass and neatly painted boundary lines. Numerous athletic men, donned in brightly colored sports attire, are energetically chasing after a spherical ball under the bright daylight. The background is a soft focus, enhancing the dynamic movement of the players in the foreground. Surrounding the playing area, there are scattered equipment and water bottles, indicating a serious game is in progress.",,10,4,attribute,color,"attribute - color (sports attire, brightly colored)",Is the sports attire brightly colored? +localized1,"A delectable meal is prepared on a round white plate, featuring a savory food item gently positioned next to a small ceramic bowl. In the foreground, a second plate is meticulously set with a silver fork resting atop its rim. To the right of this setting, a stainless steel knife shines beside an array of other dining utensils and accouterments arranged neatly on a polished wooden table.",,1,0,entity,whole,entity - whole (meal),Is there a meal? +localized1,"A delectable meal is prepared on a round white plate, featuring a savory food item gently positioned next to a small ceramic bowl. In the foreground, a second plate is meticulously set with a silver fork resting atop its rim. To the right of this setting, a stainless steel knife shines beside an array of other dining utensils and accouterments arranged neatly on a polished wooden table.",,2,0,entity,whole,entity - whole (plate_1),Is there a plate? +localized1,"A delectable meal is prepared on a round white plate, featuring a savory food item gently positioned next to a small ceramic bowl. In the foreground, a second plate is meticulously set with a silver fork resting atop its rim. To the right of this setting, a stainless steel knife shines beside an array of other dining utensils and accouterments arranged neatly on a polished wooden table.",,3,0,entity,whole,entity - whole (food item),Is there a food item? +localized1,"A delectable meal is prepared on a round white plate, featuring a savory food item gently positioned next to a small ceramic bowl. In the foreground, a second plate is meticulously set with a silver fork resting atop its rim. To the right of this setting, a stainless steel knife shines beside an array of other dining utensils and accouterments arranged neatly on a polished wooden table.",,4,0,entity,whole,entity - whole (bowl),Is there a bowl? +localized1,"A delectable meal is prepared on a round white plate, featuring a savory food item gently positioned next to a small ceramic bowl. In the foreground, a second plate is meticulously set with a silver fork resting atop its rim. To the right of this setting, a stainless steel knife shines beside an array of other dining utensils and accouterments arranged neatly on a polished wooden table.",,5,0,entity,whole,entity - whole (plate_2),Is there a second plate? +localized1,"A delectable meal is prepared on a round white plate, featuring a savory food item gently positioned next to a small ceramic bowl. In the foreground, a second plate is meticulously set with a silver fork resting atop its rim. To the right of this setting, a stainless steel knife shines beside an array of other dining utensils and accouterments arranged neatly on a polished wooden table.",,6,0,entity,whole,entity - whole (fork),Is there a fork? +localized1,"A delectable meal is prepared on a round white plate, featuring a savory food item gently positioned next to a small ceramic bowl. In the foreground, a second plate is meticulously set with a silver fork resting atop its rim. To the right of this setting, a stainless steel knife shines beside an array of other dining utensils and accouterments arranged neatly on a polished wooden table.",,7,0,entity,whole,entity - whole (knife),Is there a knife? +localized1,"A delectable meal is prepared on a round white plate, featuring a savory food item gently positioned next to a small ceramic bowl. In the foreground, a second plate is meticulously set with a silver fork resting atop its rim. To the right of this setting, a stainless steel knife shines beside an array of other dining utensils and accouterments arranged neatly on a polished wooden table.",,8,0,entity,whole,entity - whole (dining utensils),Are there dining utensils? +localized1,"A delectable meal is prepared on a round white plate, featuring a savory food item gently positioned next to a small ceramic bowl. In the foreground, a second plate is meticulously set with a silver fork resting atop its rim. To the right of this setting, a stainless steel knife shines beside an array of other dining utensils and accouterments arranged neatly on a polished wooden table.",,9,0,entity,whole,entity - whole (table),Is there a table? +localized1,"A delectable meal is prepared on a round white plate, featuring a savory food item gently positioned next to a small ceramic bowl. In the foreground, a second plate is meticulously set with a silver fork resting atop its rim. To the right of this setting, a stainless steel knife shines beside an array of other dining utensils and accouterments arranged neatly on a polished wooden table.",,10,2,attribute,shape,"attribute - shape (plate_1, round)",Is the plate round? +localized1,"A delectable meal is prepared on a round white plate, featuring a savory food item gently positioned next to a small ceramic bowl. In the foreground, a second plate is meticulously set with a silver fork resting atop its rim. To the right of this setting, a stainless steel knife shines beside an array of other dining utensils and accouterments arranged neatly on a polished wooden table.",,11,2,attribute,color,"attribute - color (plate_1, white)",Is the plate white? +localized1,"A delectable meal is prepared on a round white plate, featuring a savory food item gently positioned next to a small ceramic bowl. In the foreground, a second plate is meticulously set with a silver fork resting atop its rim. To the right of this setting, a stainless steel knife shines beside an array of other dining utensils and accouterments arranged neatly on a polished wooden table.",,12,4,attribute,texture,"attribute - texture (bowl, ceramic)",Is the bowl made of ceramic? +localized1,"A delectable meal is prepared on a round white plate, featuring a savory food item gently positioned next to a small ceramic bowl. In the foreground, a second plate is meticulously set with a silver fork resting atop its rim. To the right of this setting, a stainless steel knife shines beside an array of other dining utensils and accouterments arranged neatly on a polished wooden table.",,13,9,attribute,texture,"attribute - texture (table, wooden)",Is the table made of wood? +localized1,"A delectable meal is prepared on a round white plate, featuring a savory food item gently positioned next to a small ceramic bowl. In the foreground, a second plate is meticulously set with a silver fork resting atop its rim. To the right of this setting, a stainless steel knife shines beside an array of other dining utensils and accouterments arranged neatly on a polished wooden table.",,14,7,attribute,texture,"attribute - texture (knife, stainless steel)",Is the knife made of stainless steel? +localized1,"A delectable meal is prepared on a round white plate, featuring a savory food item gently positioned next to a small ceramic bowl. In the foreground, a second plate is meticulously set with a silver fork resting atop its rim. To the right of this setting, a stainless steel knife shines beside an array of other dining utensils and accouterments arranged neatly on a polished wooden table.",,15,"2,3",relation,spatial,"relation - spatial (food item, plate_1, on)",Is the food item on the plate? +localized1,"A delectable meal is prepared on a round white plate, featuring a savory food item gently positioned next to a small ceramic bowl. In the foreground, a second plate is meticulously set with a silver fork resting atop its rim. To the right of this setting, a stainless steel knife shines beside an array of other dining utensils and accouterments arranged neatly on a polished wooden table.",,16,"2,4",relation,spatial,"relation - spatial (bowl, plate_1, next to)",Is the bowl next to the food item on the plate? +localized1,"A delectable meal is prepared on a round white plate, featuring a savory food item gently positioned next to a small ceramic bowl. In the foreground, a second plate is meticulously set with a silver fork resting atop its rim. To the right of this setting, a stainless steel knife shines beside an array of other dining utensils and accouterments arranged neatly on a polished wooden table.",,17,"5,6",relation,spatial,"relation - spatial (fork, plate_2, resting on rim)",Is the fork resting on the rim of the second plate? +localized1,"A delectable meal is prepared on a round white plate, featuring a savory food item gently positioned next to a small ceramic bowl. In the foreground, a second plate is meticulously set with a silver fork resting atop its rim. To the right of this setting, a stainless steel knife shines beside an array of other dining utensils and accouterments arranged neatly on a polished wooden table.",,18,"7,8",relation,spatial,"relation - spatial (knife, dining utensils, beside)",Is the knife beside the other dining utensils? +localized1,"A delectable meal is prepared on a round white plate, featuring a savory food item gently positioned next to a small ceramic bowl. In the foreground, a second plate is meticulously set with a silver fork resting atop its rim. To the right of this setting, a stainless steel knife shines beside an array of other dining utensils and accouterments arranged neatly on a polished wooden table.",,19,"8,9",relation,spatial,"relation - spatial (dining utensils, table, on)",Are the dining utensils on the table? +whoops33,"A dynamic scene unfolds at the historic Colosseum, where a fleet of sleek, multicolored racing cars roar past an excited crowd. The vehicles, adorned with vibrant decals and sponsor logos, navigate a temporary circuit that has been meticulously laid out within the ancient arena's interior. Spectators are perched on stone seats that have withstood the test of time, their attention fixed on the blur of machines vying for the lead under the bright afternoon sun.",,1,0,entity,whole,entity - whole (Colosseum),Is there a historic Colosseum? +whoops33,"A dynamic scene unfolds at the historic Colosseum, where a fleet of sleek, multicolored racing cars roar past an excited crowd. The vehicles, adorned with vibrant decals and sponsor logos, navigate a temporary circuit that has been meticulously laid out within the ancient arena's interior. Spectators are perched on stone seats that have withstood the test of time, their attention fixed on the blur of machines vying for the lead under the bright afternoon sun.",,2,0,entity,whole,entity - whole (racing cars),Are there racing cars? +whoops33,"A dynamic scene unfolds at the historic Colosseum, where a fleet of sleek, multicolored racing cars roar past an excited crowd. The vehicles, adorned with vibrant decals and sponsor logos, navigate a temporary circuit that has been meticulously laid out within the ancient arena's interior. Spectators are perched on stone seats that have withstood the test of time, their attention fixed on the blur of machines vying for the lead under the bright afternoon sun.",,3,0,entity,whole,entity - whole (crowd),Is there a crowd? +whoops33,"A dynamic scene unfolds at the historic Colosseum, where a fleet of sleek, multicolored racing cars roar past an excited crowd. The vehicles, adorned with vibrant decals and sponsor logos, navigate a temporary circuit that has been meticulously laid out within the ancient arena's interior. Spectators are perched on stone seats that have withstood the test of time, their attention fixed on the blur of machines vying for the lead under the bright afternoon sun.",,4,0,entity,whole,entity - whole (circuit),Is there a circuit? +whoops33,"A dynamic scene unfolds at the historic Colosseum, where a fleet of sleek, multicolored racing cars roar past an excited crowd. The vehicles, adorned with vibrant decals and sponsor logos, navigate a temporary circuit that has been meticulously laid out within the ancient arena's interior. Spectators are perched on stone seats that have withstood the test of time, their attention fixed on the blur of machines vying for the lead under the bright afternoon sun.",,5,0,entity,whole,entity - whole (stone seats),Are there stone seats? +whoops33,"A dynamic scene unfolds at the historic Colosseum, where a fleet of sleek, multicolored racing cars roar past an excited crowd. The vehicles, adorned with vibrant decals and sponsor logos, navigate a temporary circuit that has been meticulously laid out within the ancient arena's interior. Spectators are perched on stone seats that have withstood the test of time, their attention fixed on the blur of machines vying for the lead under the bright afternoon sun.",,6,2,attribute,color,"attribute - color (racing cars, multicolored)",Are the racing cars multicolored? +whoops33,"A dynamic scene unfolds at the historic Colosseum, where a fleet of sleek, multicolored racing cars roar past an excited crowd. The vehicles, adorned with vibrant decals and sponsor logos, navigate a temporary circuit that has been meticulously laid out within the ancient arena's interior. Spectators are perched on stone seats that have withstood the test of time, their attention fixed on the blur of machines vying for the lead under the bright afternoon sun.",,7,2,attribute,other,"attribute - other (racing cars, sleek)",Are the racing cars sleek? +whoops33,"A dynamic scene unfolds at the historic Colosseum, where a fleet of sleek, multicolored racing cars roar past an excited crowd. The vehicles, adorned with vibrant decals and sponsor logos, navigate a temporary circuit that has been meticulously laid out within the ancient arena's interior. Spectators are perched on stone seats that have withstood the test of time, their attention fixed on the blur of machines vying for the lead under the bright afternoon sun.",,8,2,entity,state,"entity - state (racing cars, roar past)",Are the racing cars roaring past? +whoops33,"A dynamic scene unfolds at the historic Colosseum, where a fleet of sleek, multicolored racing cars roar past an excited crowd. The vehicles, adorned with vibrant decals and sponsor logos, navigate a temporary circuit that has been meticulously laid out within the ancient arena's interior. Spectators are perched on stone seats that have withstood the test of time, their attention fixed on the blur of machines vying for the lead under the bright afternoon sun.",,9,3,entity,state,"entity - state (crowd, excited)",Is the crowd excited? +whoops33,"A dynamic scene unfolds at the historic Colosseum, where a fleet of sleek, multicolored racing cars roar past an excited crowd. The vehicles, adorned with vibrant decals and sponsor logos, navigate a temporary circuit that has been meticulously laid out within the ancient arena's interior. Spectators are perched on stone seats that have withstood the test of time, their attention fixed on the blur of machines vying for the lead under the bright afternoon sun.",,10,"1,4",relation,spatial,"relation - spatial (circuit, Colosseum, within)",Is the circuit laid out within the Colosseum's interior? +drawtext12,"a tranquil cityscape with high-rise buildings silhouetted against the evening sky. In the foreground, a large, fluffy, solitary cloud hovers subtly, its edges tinged with a golden hue from the setting sun. Below the cloud, in elegant, rounded cursive letters, the words 'contemplate the clouds' invite onlookers to pause and reflect amidst the urban environment.",,1,0,entity,whole,entity - whole (cityscape),Is there a cityscape? +drawtext12,"a tranquil cityscape with high-rise buildings silhouetted against the evening sky. In the foreground, a large, fluffy, solitary cloud hovers subtly, its edges tinged with a golden hue from the setting sun. Below the cloud, in elegant, rounded cursive letters, the words 'contemplate the clouds' invite onlookers to pause and reflect amidst the urban environment.",,2,0,entity,whole,entity - whole (buildings),Are there high-rise buildings? +drawtext12,"a tranquil cityscape with high-rise buildings silhouetted against the evening sky. In the foreground, a large, fluffy, solitary cloud hovers subtly, its edges tinged with a golden hue from the setting sun. Below the cloud, in elegant, rounded cursive letters, the words 'contemplate the clouds' invite onlookers to pause and reflect amidst the urban environment.",,3,0,entity,whole,entity - whole (sky),Is there a sky? +drawtext12,"a tranquil cityscape with high-rise buildings silhouetted against the evening sky. In the foreground, a large, fluffy, solitary cloud hovers subtly, its edges tinged with a golden hue from the setting sun. Below the cloud, in elegant, rounded cursive letters, the words 'contemplate the clouds' invite onlookers to pause and reflect amidst the urban environment.",,4,0,entity,whole,entity - whole (cloud),Is there a cloud? +drawtext12,"a tranquil cityscape with high-rise buildings silhouetted against the evening sky. In the foreground, a large, fluffy, solitary cloud hovers subtly, its edges tinged with a golden hue from the setting sun. Below the cloud, in elegant, rounded cursive letters, the words 'contemplate the clouds' invite onlookers to pause and reflect amidst the urban environment.",,5,0,other,text,"other - text (words, ""contemplate the clouds"")","Do the words ""contemplate the clouds"" appear?" +drawtext12,"a tranquil cityscape with high-rise buildings silhouetted against the evening sky. In the foreground, a large, fluffy, solitary cloud hovers subtly, its edges tinged with a golden hue from the setting sun. Below the cloud, in elegant, rounded cursive letters, the words 'contemplate the clouds' invite onlookers to pause and reflect amidst the urban environment.",,6,4,attribute,color,"attribute - color (cloud, golden hue)",Does the cloud have a golden hue? +drawtext12,"a tranquil cityscape with high-rise buildings silhouetted against the evening sky. In the foreground, a large, fluffy, solitary cloud hovers subtly, its edges tinged with a golden hue from the setting sun. Below the cloud, in elegant, rounded cursive letters, the words 'contemplate the clouds' invite onlookers to pause and reflect amidst the urban environment.",,7,4,attribute,texture,"attribute - texture (cloud, fluffy)",Is the cloud fluffy? +drawtext12,"a tranquil cityscape with high-rise buildings silhouetted against the evening sky. In the foreground, a large, fluffy, solitary cloud hovers subtly, its edges tinged with a golden hue from the setting sun. Below the cloud, in elegant, rounded cursive letters, the words 'contemplate the clouds' invite onlookers to pause and reflect amidst the urban environment.",,8,4,attribute,size,"attribute - size (cloud, large)",Is the cloud large? +drawtext12,"a tranquil cityscape with high-rise buildings silhouetted against the evening sky. In the foreground, a large, fluffy, solitary cloud hovers subtly, its edges tinged with a golden hue from the setting sun. Below the cloud, in elegant, rounded cursive letters, the words 'contemplate the clouds' invite onlookers to pause and reflect amidst the urban environment.",,9,"2,3",entity,state,"entity - state (buildings, silhouetted)",Are the buildings silhouetted against the evening sky? +drawtext12,"a tranquil cityscape with high-rise buildings silhouetted against the evening sky. In the foreground, a large, fluffy, solitary cloud hovers subtly, its edges tinged with a golden hue from the setting sun. Below the cloud, in elegant, rounded cursive letters, the words 'contemplate the clouds' invite onlookers to pause and reflect amidst the urban environment.",,10,"4,2",relation,spatial,"relation - spatial (cloud, buildings, above)",Is the cloud above the buildings? +localized17,"A closer look at the ground reveals a scattering of rocks in a mosaic of colors and shapes. Some are small, weathered pebbles tinged in earthy browns and soft grays, while others are larger, jagged stones with hues of deep red and speckled granite. The varied textures are evident, from smooth, water-worn surfaces to the coarse, granular feel of the larger boulders, all lying haphazardly on a bed of sandy soil.",,1,0,entity,whole,entity - whole (rocks),Are there rocks? +localized17,"A closer look at the ground reveals a scattering of rocks in a mosaic of colors and shapes. Some are small, weathered pebbles tinged in earthy browns and soft grays, while others are larger, jagged stones with hues of deep red and speckled granite. The varied textures are evident, from smooth, water-worn surfaces to the coarse, granular feel of the larger boulders, all lying haphazardly on a bed of sandy soil.",,2,1,attribute,color,"attribute - color (rocks, mosaic of colors)",Do the rocks have a mosaic of colors? +localized17,"A closer look at the ground reveals a scattering of rocks in a mosaic of colors and shapes. Some are small, weathered pebbles tinged in earthy browns and soft grays, while others are larger, jagged stones with hues of deep red and speckled granite. The varied textures are evident, from smooth, water-worn surfaces to the coarse, granular feel of the larger boulders, all lying haphazardly on a bed of sandy soil.",,3,1,attribute,shape,"attribute - shape (rocks, varied shapes)",Do the rocks come in varied shapes? +localized17,"A closer look at the ground reveals a scattering of rocks in a mosaic of colors and shapes. Some are small, weathered pebbles tinged in earthy browns and soft grays, while others are larger, jagged stones with hues of deep red and speckled granite. The varied textures are evident, from smooth, water-worn surfaces to the coarse, granular feel of the larger boulders, all lying haphazardly on a bed of sandy soil.",,4,1,entity,part,"entity - part (rocks, pebbles)",Are there pebbles among the rocks? +localized17,"A closer look at the ground reveals a scattering of rocks in a mosaic of colors and shapes. Some are small, weathered pebbles tinged in earthy browns and soft grays, while others are larger, jagged stones with hues of deep red and speckled granite. The varied textures are evident, from smooth, water-worn surfaces to the coarse, granular feel of the larger boulders, all lying haphazardly on a bed of sandy soil.",,5,1,entity,part,"entity - part (rocks, stones)",Are there stones among the rocks? +localized17,"A closer look at the ground reveals a scattering of rocks in a mosaic of colors and shapes. Some are small, weathered pebbles tinged in earthy browns and soft grays, while others are larger, jagged stones with hues of deep red and speckled granite. The varied textures are evident, from smooth, water-worn surfaces to the coarse, granular feel of the larger boulders, all lying haphazardly on a bed of sandy soil.",,6,1,entity,part,"entity - part (rocks, boulders)",Are there boulders among the rocks? +localized17,"A closer look at the ground reveals a scattering of rocks in a mosaic of colors and shapes. Some are small, weathered pebbles tinged in earthy browns and soft grays, while others are larger, jagged stones with hues of deep red and speckled granite. The varied textures are evident, from smooth, water-worn surfaces to the coarse, granular feel of the larger boulders, all lying haphazardly on a bed of sandy soil.",,7,4,attribute,texture,"attribute - texture (pebbles, weathered)",Are the pebbles weathered? +localized17,"A closer look at the ground reveals a scattering of rocks in a mosaic of colors and shapes. Some are small, weathered pebbles tinged in earthy browns and soft grays, while others are larger, jagged stones with hues of deep red and speckled granite. The varied textures are evident, from smooth, water-worn surfaces to the coarse, granular feel of the larger boulders, all lying haphazardly on a bed of sandy soil.",,8,6,attribute,texture,"attribute - texture (boulders, coarse and granular)",Do the boulders have a coarse and granular texture? +localized17,"A closer look at the ground reveals a scattering of rocks in a mosaic of colors and shapes. Some are small, weathered pebbles tinged in earthy browns and soft grays, while others are larger, jagged stones with hues of deep red and speckled granite. The varied textures are evident, from smooth, water-worn surfaces to the coarse, granular feel of the larger boulders, all lying haphazardly on a bed of sandy soil.",,9,4,attribute,color,"attribute - color (pebbles, earthy browns and soft grays)",Are the pebbles tinged in earthy browns and soft grays? +localized17,"A closer look at the ground reveals a scattering of rocks in a mosaic of colors and shapes. Some are small, weathered pebbles tinged in earthy browns and soft grays, while others are larger, jagged stones with hues of deep red and speckled granite. The varied textures are evident, from smooth, water-worn surfaces to the coarse, granular feel of the larger boulders, all lying haphazardly on a bed of sandy soil.",,10,5,attribute,color,"attribute - color (stones, deep red and speckled granite)",Are the stones colored in deep red and speckled granite? +posescript5,"A figure is positioned in a spacious room, demonstrating a wide stance squat. Their right hand is gently placed on their left hip, while their left hand rests below the right, accentuating the curve of their waist. The person's head is turned to the right, possibly focusing on an object or point in that direction, creating a strong and balanced posture.",,1,0,entity,whole,entity - whole (figure),Is there a figure? +posescript5,"A figure is positioned in a spacious room, demonstrating a wide stance squat. Their right hand is gently placed on their left hip, while their left hand rests below the right, accentuating the curve of their waist. The person's head is turned to the right, possibly focusing on an object or point in that direction, creating a strong and balanced posture.",,2,0,entity,whole,entity - whole (room),Is there a room? +posescript5,"A figure is positioned in a spacious room, demonstrating a wide stance squat. Their right hand is gently placed on their left hip, while their left hand rests below the right, accentuating the curve of their waist. The person's head is turned to the right, possibly focusing on an object or point in that direction, creating a strong and balanced posture.",,3,1,entity,state,"entity - state (figure, squat, wide stance)",Is the figure demonstrating a wide stance squat? +posescript5,"A figure is positioned in a spacious room, demonstrating a wide stance squat. Their right hand is gently placed on their left hip, while their left hand rests below the right, accentuating the curve of their waist. The person's head is turned to the right, possibly focusing on an object or point in that direction, creating a strong and balanced posture.",,4,1,entity,part,entity - part (figure's right hand),Does the figure have a right hand? +posescript5,"A figure is positioned in a spacious room, demonstrating a wide stance squat. Their right hand is gently placed on their left hip, while their left hand rests below the right, accentuating the curve of their waist. The person's head is turned to the right, possibly focusing on an object or point in that direction, creating a strong and balanced posture.",,5,1,entity,part,entity - part (figure's left hand),Does the figure have a left hand? +posescript5,"A figure is positioned in a spacious room, demonstrating a wide stance squat. Their right hand is gently placed on their left hip, while their left hand rests below the right, accentuating the curve of their waist. The person's head is turned to the right, possibly focusing on an object or point in that direction, creating a strong and balanced posture.",,6,1,entity,part,entity - part (figure's head),Does the figure have a head? +posescript5,"A figure is positioned in a spacious room, demonstrating a wide stance squat. Their right hand is gently placed on their left hip, while their left hand rests below the right, accentuating the curve of their waist. The person's head is turned to the right, possibly focusing on an object or point in that direction, creating a strong and balanced posture.",,7,2,attribute,other,"attribute - other (room, spacious)",Is the room spacious? +posescript5,"A figure is positioned in a spacious room, demonstrating a wide stance squat. Their right hand is gently placed on their left hip, while their left hand rests below the right, accentuating the curve of their waist. The person's head is turned to the right, possibly focusing on an object or point in that direction, creating a strong and balanced posture.",,8,"4,1",relation,spatial,"relation - spatial (figure's right hand, figure's left hip, on)",Is the figure's right hand gently placed on their left hip? +posescript5,"A figure is positioned in a spacious room, demonstrating a wide stance squat. Their right hand is gently placed on their left hip, while their left hand rests below the right, accentuating the curve of their waist. The person's head is turned to the right, possibly focusing on an object or point in that direction, creating a strong and balanced posture.",,9,"5,1",relation,spatial,"relation - spatial (figure's left hand, figure's waist, below)","Does the figure's left hand rest below the right, accentuating the curve of their waist?" +posescript5,"A figure is positioned in a spacious room, demonstrating a wide stance squat. Their right hand is gently placed on their left hip, while their left hand rests below the right, accentuating the curve of their waist. The person's head is turned to the right, possibly focusing on an object or point in that direction, creating a strong and balanced posture.",,10,6,entity,state,"entity - state (figure's head, turned to the right)",Is the figure's head turned to the right? +localized8,"In the visual, an object with a vivid orange hue and intricate patterns catches the eye. The bottom left portion of the object bears inscriptions in a darker tone, offering a clue to its purpose or origin. It stands out boldly against a stark white background, providing a striking contrast that accentuates its design and color.",,1,0,entity,whole,entity - whole (object),Is there an object? +localized8,"In the visual, an object with a vivid orange hue and intricate patterns catches the eye. The bottom left portion of the object bears inscriptions in a darker tone, offering a clue to its purpose or origin. It stands out boldly against a stark white background, providing a striking contrast that accentuates its design and color.",,2,1,attribute,color,"attribute - color (object, vivid orange)",Does the object have a vivid orange hue? +localized8,"In the visual, an object with a vivid orange hue and intricate patterns catches the eye. The bottom left portion of the object bears inscriptions in a darker tone, offering a clue to its purpose or origin. It stands out boldly against a stark white background, providing a striking contrast that accentuates its design and color.",,3,1,attribute,texture,"attribute - texture (object, intricate patterns)",Does the object have intricate patterns? +localized8,"In the visual, an object with a vivid orange hue and intricate patterns catches the eye. The bottom left portion of the object bears inscriptions in a darker tone, offering a clue to its purpose or origin. It stands out boldly against a stark white background, providing a striking contrast that accentuates its design and color.",,4,1,entity,part,entity - part (object's inscriptions),Are there inscriptions on the object? +localized8,"In the visual, an object with a vivid orange hue and intricate patterns catches the eye. The bottom left portion of the object bears inscriptions in a darker tone, offering a clue to its purpose or origin. It stands out boldly against a stark white background, providing a striking contrast that accentuates its design and color.",,5,4,attribute,color,"attribute - color (object's inscriptions, darker tone)",Are the inscriptions in a darker tone? +localized8,"In the visual, an object with a vivid orange hue and intricate patterns catches the eye. The bottom left portion of the object bears inscriptions in a darker tone, offering a clue to its purpose or origin. It stands out boldly against a stark white background, providing a striking contrast that accentuates its design and color.",,6,0,global,,"global - (background, stark white)",Is the background stark white? +localized8,"In the visual, an object with a vivid orange hue and intricate patterns catches the eye. The bottom left portion of the object bears inscriptions in a darker tone, offering a clue to its purpose or origin. It stands out boldly against a stark white background, providing a striking contrast that accentuates its design and color.",,7,"1,6",relation,spatial,"relation - spatial (object, background, against)",Does the object stand out against the background? +localized8,"In the visual, an object with a vivid orange hue and intricate patterns catches the eye. The bottom left portion of the object bears inscriptions in a darker tone, offering a clue to its purpose or origin. It stands out boldly against a stark white background, providing a striking contrast that accentuates its design and color.",,8,4,attribute,other,"attribute - other (object's inscriptions, clue to purpose or origin)",Do the inscriptions offer a clue to the object's purpose or origin? +whoops16,"Greta Thunberg, the environmental activist, is captured in a photograph holding a clear disposable plastic cup. The cup, seemingly out of place considering her advocacy, is juxtaposed against her usual image of supporting sustainable practices. She is standing outside, with a small crowd in the background, all focused on the scene unfolding around them. Greta's expression is serious and contemplative, with her signature long braid and casual attire.",,1,0,entity,whole,entity - whole (Greta Thunberg),Is Greta Thunberg in the photograph? +whoops16,"Greta Thunberg, the environmental activist, is captured in a photograph holding a clear disposable plastic cup. The cup, seemingly out of place considering her advocacy, is juxtaposed against her usual image of supporting sustainable practices. She is standing outside, with a small crowd in the background, all focused on the scene unfolding around them. Greta's expression is serious and contemplative, with her signature long braid and casual attire.",,2,0,entity,whole,entity - whole (plastic cup),Is there a plastic cup? +whoops16,"Greta Thunberg, the environmental activist, is captured in a photograph holding a clear disposable plastic cup. The cup, seemingly out of place considering her advocacy, is juxtaposed against her usual image of supporting sustainable practices. She is standing outside, with a small crowd in the background, all focused on the scene unfolding around them. Greta's expression is serious and contemplative, with her signature long braid and casual attire.",,3,0,entity,whole,entity - whole (crowd),Is there a crowd? +whoops16,"Greta Thunberg, the environmental activist, is captured in a photograph holding a clear disposable plastic cup. The cup, seemingly out of place considering her advocacy, is juxtaposed against her usual image of supporting sustainable practices. She is standing outside, with a small crowd in the background, all focused on the scene unfolding around them. Greta's expression is serious and contemplative, with her signature long braid and casual attire.",,4,2,attribute,other,"attribute - other (plastic cup, clear)",Is the plastic cup clear? +whoops16,"Greta Thunberg, the environmental activist, is captured in a photograph holding a clear disposable plastic cup. The cup, seemingly out of place considering her advocacy, is juxtaposed against her usual image of supporting sustainable practices. She is standing outside, with a small crowd in the background, all focused on the scene unfolding around them. Greta's expression is serious and contemplative, with her signature long braid and casual attire.",,5,2,attribute,other,"attribute - other (plastic cup, disposable)",Is the plastic cup disposable? +whoops16,"Greta Thunberg, the environmental activist, is captured in a photograph holding a clear disposable plastic cup. The cup, seemingly out of place considering her advocacy, is juxtaposed against her usual image of supporting sustainable practices. She is standing outside, with a small crowd in the background, all focused on the scene unfolding around them. Greta's expression is serious and contemplative, with her signature long braid and casual attire.",,6,"1,2",entity,state,"entity - state (Greta Thunberg, hold)",Is Greta Thunberg holding something? +whoops16,"Greta Thunberg, the environmental activist, is captured in a photograph holding a clear disposable plastic cup. The cup, seemingly out of place considering her advocacy, is juxtaposed against her usual image of supporting sustainable practices. She is standing outside, with a small crowd in the background, all focused on the scene unfolding around them. Greta's expression is serious and contemplative, with her signature long braid and casual attire.",,7,1,entity,state,"entity - state (Greta Thunberg, serious and contemplative)",Does Greta Thunberg look serious and contemplative? +whoops16,"Greta Thunberg, the environmental activist, is captured in a photograph holding a clear disposable plastic cup. The cup, seemingly out of place considering her advocacy, is juxtaposed against her usual image of supporting sustainable practices. She is standing outside, with a small crowd in the background, all focused on the scene unfolding around them. Greta's expression is serious and contemplative, with her signature long braid and casual attire.",,8,1,entity,part,entity - part (Greta Thunberg's braid),Does Greta Thunberg have a long braid? +whoops16,"Greta Thunberg, the environmental activist, is captured in a photograph holding a clear disposable plastic cup. The cup, seemingly out of place considering her advocacy, is juxtaposed against her usual image of supporting sustainable practices. She is standing outside, with a small crowd in the background, all focused on the scene unfolding around them. Greta's expression is serious and contemplative, with her signature long braid and casual attire.",,9,3,attribute,size,"attribute - size (crowd, small)",Is the crowd small? +whoops16,"Greta Thunberg, the environmental activist, is captured in a photograph holding a clear disposable plastic cup. The cup, seemingly out of place considering her advocacy, is juxtaposed against her usual image of supporting sustainable practices. She is standing outside, with a small crowd in the background, all focused on the scene unfolding around them. Greta's expression is serious and contemplative, with her signature long braid and casual attire.",,10,"1,3",relation,spatial,"relation - spatial (Greta Thunberg, crowd, in front of)",Is Greta Thunberg standing in front of the crowd? +stanford7,"A man in a casual gray shirt and faded blue jeans is captured mid-air above a sleek black skateboard, executing a skillful jump. To the side of him lies a large black skateboard ramp with visible scuff marks from frequent use. In the expansive blue sky overhead, a few wispy clouds drift lazily by, adding a sense of height to his aerial feat.",,1,0,entity,whole,entity - whole (man),Is there a man? +stanford7,"A man in a casual gray shirt and faded blue jeans is captured mid-air above a sleek black skateboard, executing a skillful jump. To the side of him lies a large black skateboard ramp with visible scuff marks from frequent use. In the expansive blue sky overhead, a few wispy clouds drift lazily by, adding a sense of height to his aerial feat.",,2,0,entity,whole,entity - whole (shirt),Is there a shirt? +stanford7,"A man in a casual gray shirt and faded blue jeans is captured mid-air above a sleek black skateboard, executing a skillful jump. To the side of him lies a large black skateboard ramp with visible scuff marks from frequent use. In the expansive blue sky overhead, a few wispy clouds drift lazily by, adding a sense of height to his aerial feat.",,3,0,entity,whole,entity - whole (jeans),Are there jeans? +stanford7,"A man in a casual gray shirt and faded blue jeans is captured mid-air above a sleek black skateboard, executing a skillful jump. To the side of him lies a large black skateboard ramp with visible scuff marks from frequent use. In the expansive blue sky overhead, a few wispy clouds drift lazily by, adding a sense of height to his aerial feat.",,4,0,entity,whole,entity - whole (skateboard),Is there a skateboard? +stanford7,"A man in a casual gray shirt and faded blue jeans is captured mid-air above a sleek black skateboard, executing a skillful jump. To the side of him lies a large black skateboard ramp with visible scuff marks from frequent use. In the expansive blue sky overhead, a few wispy clouds drift lazily by, adding a sense of height to his aerial feat.",,5,0,entity,whole,entity - whole (skateboard ramp),Is there a skateboard ramp? +stanford7,"A man in a casual gray shirt and faded blue jeans is captured mid-air above a sleek black skateboard, executing a skillful jump. To the side of him lies a large black skateboard ramp with visible scuff marks from frequent use. In the expansive blue sky overhead, a few wispy clouds drift lazily by, adding a sense of height to his aerial feat.",,6,0,entity,whole,entity - whole (sky),Is there a sky? +stanford7,"A man in a casual gray shirt and faded blue jeans is captured mid-air above a sleek black skateboard, executing a skillful jump. To the side of him lies a large black skateboard ramp with visible scuff marks from frequent use. In the expansive blue sky overhead, a few wispy clouds drift lazily by, adding a sense of height to his aerial feat.",,7,2,attribute,color,"attribute - color (shirt, gray)",Is the shirt gray? +stanford7,"A man in a casual gray shirt and faded blue jeans is captured mid-air above a sleek black skateboard, executing a skillful jump. To the side of him lies a large black skateboard ramp with visible scuff marks from frequent use. In the expansive blue sky overhead, a few wispy clouds drift lazily by, adding a sense of height to his aerial feat.",,8,3,attribute,color,"attribute - color (jeans, faded blue)",Are the jeans faded blue? +stanford7,"A man in a casual gray shirt and faded blue jeans is captured mid-air above a sleek black skateboard, executing a skillful jump. To the side of him lies a large black skateboard ramp with visible scuff marks from frequent use. In the expansive blue sky overhead, a few wispy clouds drift lazily by, adding a sense of height to his aerial feat.",,9,4,attribute,color,"attribute - color (skateboard, sleek black)",Is the skateboard sleek black? +stanford7,"A man in a casual gray shirt and faded blue jeans is captured mid-air above a sleek black skateboard, executing a skillful jump. To the side of him lies a large black skateboard ramp with visible scuff marks from frequent use. In the expansive blue sky overhead, a few wispy clouds drift lazily by, adding a sense of height to his aerial feat.",,10,5,attribute,color,"attribute - color (skateboard ramp, large black)",Is the skateboard ramp large and black? +countbench21,"A vibrant tableau depicting ten children of various ages aligned on a long wooden bench in an outdoor setting, each with a unique expression of merriment. The bench, weathered and sturdy, supports their collective weight as they pose for the photo, surrounded by lush greenery and brightly colored balloons tethered to the bench ends. The children are dressed in casual party attire, with several sporting colorful hats, and the scene is illuminated by the warm glow of a string of lights dangling overhead, suggestive of a festive celebration in their midst.",,1,0,entity,whole,entity - whole (tableau),Is there a tableau? +countbench21,"A vibrant tableau depicting ten children of various ages aligned on a long wooden bench in an outdoor setting, each with a unique expression of merriment. The bench, weathered and sturdy, supports their collective weight as they pose for the photo, surrounded by lush greenery and brightly colored balloons tethered to the bench ends. The children are dressed in casual party attire, with several sporting colorful hats, and the scene is illuminated by the warm glow of a string of lights dangling overhead, suggestive of a festive celebration in their midst.",,2,0,entity,whole,entity - whole (children),Are there children? +countbench21,"A vibrant tableau depicting ten children of various ages aligned on a long wooden bench in an outdoor setting, each with a unique expression of merriment. The bench, weathered and sturdy, supports their collective weight as they pose for the photo, surrounded by lush greenery and brightly colored balloons tethered to the bench ends. The children are dressed in casual party attire, with several sporting colorful hats, and the scene is illuminated by the warm glow of a string of lights dangling overhead, suggestive of a festive celebration in their midst.",,3,0,entity,whole,entity - whole (bench),Is there a bench? +countbench21,"A vibrant tableau depicting ten children of various ages aligned on a long wooden bench in an outdoor setting, each with a unique expression of merriment. The bench, weathered and sturdy, supports their collective weight as they pose for the photo, surrounded by lush greenery and brightly colored balloons tethered to the bench ends. The children are dressed in casual party attire, with several sporting colorful hats, and the scene is illuminated by the warm glow of a string of lights dangling overhead, suggestive of a festive celebration in their midst.",,4,0,entity,whole,entity - whole (greenery),Is there greenery? +countbench21,"A vibrant tableau depicting ten children of various ages aligned on a long wooden bench in an outdoor setting, each with a unique expression of merriment. The bench, weathered and sturdy, supports their collective weight as they pose for the photo, surrounded by lush greenery and brightly colored balloons tethered to the bench ends. The children are dressed in casual party attire, with several sporting colorful hats, and the scene is illuminated by the warm glow of a string of lights dangling overhead, suggestive of a festive celebration in their midst.",,5,0,entity,whole,entity - whole (balloons),Are there balloons? +countbench21,"A vibrant tableau depicting ten children of various ages aligned on a long wooden bench in an outdoor setting, each with a unique expression of merriment. The bench, weathered and sturdy, supports their collective weight as they pose for the photo, surrounded by lush greenery and brightly colored balloons tethered to the bench ends. The children are dressed in casual party attire, with several sporting colorful hats, and the scene is illuminated by the warm glow of a string of lights dangling overhead, suggestive of a festive celebration in their midst.",,6,0,entity,whole,entity - whole (lights),Are there lights? +countbench21,"A vibrant tableau depicting ten children of various ages aligned on a long wooden bench in an outdoor setting, each with a unique expression of merriment. The bench, weathered and sturdy, supports their collective weight as they pose for the photo, surrounded by lush greenery and brightly colored balloons tethered to the bench ends. The children are dressed in casual party attire, with several sporting colorful hats, and the scene is illuminated by the warm glow of a string of lights dangling overhead, suggestive of a festive celebration in their midst.",,7,2,other,count,"other - count (children, ==10)",Are there ten children? +countbench21,"A vibrant tableau depicting ten children of various ages aligned on a long wooden bench in an outdoor setting, each with a unique expression of merriment. The bench, weathered and sturdy, supports their collective weight as they pose for the photo, surrounded by lush greenery and brightly colored balloons tethered to the bench ends. The children are dressed in casual party attire, with several sporting colorful hats, and the scene is illuminated by the warm glow of a string of lights dangling overhead, suggestive of a festive celebration in their midst.",,8,3,attribute,texture,"attribute - texture (bench, weathered)",Is the bench weathered? +countbench21,"A vibrant tableau depicting ten children of various ages aligned on a long wooden bench in an outdoor setting, each with a unique expression of merriment. The bench, weathered and sturdy, supports their collective weight as they pose for the photo, surrounded by lush greenery and brightly colored balloons tethered to the bench ends. The children are dressed in casual party attire, with several sporting colorful hats, and the scene is illuminated by the warm glow of a string of lights dangling overhead, suggestive of a festive celebration in their midst.",,9,3,attribute,size,"attribute - size (bench, long)",Is the bench long? +countbench21,"A vibrant tableau depicting ten children of various ages aligned on a long wooden bench in an outdoor setting, each with a unique expression of merriment. The bench, weathered and sturdy, supports their collective weight as they pose for the photo, surrounded by lush greenery and brightly colored balloons tethered to the bench ends. The children are dressed in casual party attire, with several sporting colorful hats, and the scene is illuminated by the warm glow of a string of lights dangling overhead, suggestive of a festive celebration in their midst.",,10,5,attribute,color,"attribute - color (balloons, brightly colored)",Are the balloons brightly colored? +posescript6,"A person in an athletic stance with a focused expression, balancing on their left leg that is extended straight beneath them, touching the ground. Their right leg is bent at the knee and lifted behind their body, muscles tensed in a dynamic posture. Both arms are stretched out in front, parallel to the ground, with hands facing down as if they are about to begin a sprint.",,1,0,entity,whole,entity - whole (person),Is there a person? +posescript6,"A person in an athletic stance with a focused expression, balancing on their left leg that is extended straight beneath them, touching the ground. Their right leg is bent at the knee and lifted behind their body, muscles tensed in a dynamic posture. Both arms are stretched out in front, parallel to the ground, with hands facing down as if they are about to begin a sprint.",,2,1,entity,state,"entity - state (person, athletic stance)",Is the person in an athletic stance? +posescript6,"A person in an athletic stance with a focused expression, balancing on their left leg that is extended straight beneath them, touching the ground. Their right leg is bent at the knee and lifted behind their body, muscles tensed in a dynamic posture. Both arms are stretched out in front, parallel to the ground, with hands facing down as if they are about to begin a sprint.",,3,1,entity,state,"entity - state (person, focused expression)",Does the person have a focused expression? +posescript6,"A person in an athletic stance with a focused expression, balancing on their left leg that is extended straight beneath them, touching the ground. Their right leg is bent at the knee and lifted behind their body, muscles tensed in a dynamic posture. Both arms are stretched out in front, parallel to the ground, with hands facing down as if they are about to begin a sprint.",,4,1,entity,part,entity - part (person's left leg),Is the person's left leg mentioned? +posescript6,"A person in an athletic stance with a focused expression, balancing on their left leg that is extended straight beneath them, touching the ground. Their right leg is bent at the knee and lifted behind their body, muscles tensed in a dynamic posture. Both arms are stretched out in front, parallel to the ground, with hands facing down as if they are about to begin a sprint.",,5,1,entity,part,entity - part (person's right leg),Is the person's right leg mentioned? +posescript6,"A person in an athletic stance with a focused expression, balancing on their left leg that is extended straight beneath them, touching the ground. Their right leg is bent at the knee and lifted behind their body, muscles tensed in a dynamic posture. Both arms are stretched out in front, parallel to the ground, with hands facing down as if they are about to begin a sprint.",,6,1,entity,part,entity - part (person's arms),Are the person's arms mentioned? +posescript6,"A person in an athletic stance with a focused expression, balancing on their left leg that is extended straight beneath them, touching the ground. Their right leg is bent at the knee and lifted behind their body, muscles tensed in a dynamic posture. Both arms are stretched out in front, parallel to the ground, with hands facing down as if they are about to begin a sprint.",,7,4,attribute,shape,"attribute - shape (person's left leg, extended straight)",Is the person's left leg extended straight? +posescript6,"A person in an athletic stance with a focused expression, balancing on their left leg that is extended straight beneath them, touching the ground. Their right leg is bent at the knee and lifted behind their body, muscles tensed in a dynamic posture. Both arms are stretched out in front, parallel to the ground, with hands facing down as if they are about to begin a sprint.",,8,5,attribute,shape,"attribute - shape (person's right leg, bent at the knee)",Is the person's right leg bent at the knee? +posescript6,"A person in an athletic stance with a focused expression, balancing on their left leg that is extended straight beneath them, touching the ground. Their right leg is bent at the knee and lifted behind their body, muscles tensed in a dynamic posture. Both arms are stretched out in front, parallel to the ground, with hands facing down as if they are about to begin a sprint.",,9,4,relation,spatial,"relation - spatial (person's left leg, ground, touching)",Is the person's left leg touching the ground? +posescript6,"A person in an athletic stance with a focused expression, balancing on their left leg that is extended straight beneath them, touching the ground. Their right leg is bent at the knee and lifted behind their body, muscles tensed in a dynamic posture. Both arms are stretched out in front, parallel to the ground, with hands facing down as if they are about to begin a sprint.",,10,6,relation,spatial,"relation - spatial (person's arms, ground, parallel)",Are the person's arms stretched out in front and parallel to the ground? +stanford26,"A peaceful scene with an infant peacefully napping on a soft mattress covered with a vibrant, patterned fabric. The little one is dressed in a cozy shirt featuring black, white, and blue stripes. Close to the slumbering baby, there is a cuddly toy doll dressed in a whimsical blue and purple hoody, suggesting a playful atmosphere in the child's sleeping area.",,1,0,entity,whole,entity - whole (scene),Is there a scene? +stanford26,"A peaceful scene with an infant peacefully napping on a soft mattress covered with a vibrant, patterned fabric. The little one is dressed in a cozy shirt featuring black, white, and blue stripes. Close to the slumbering baby, there is a cuddly toy doll dressed in a whimsical blue and purple hoody, suggesting a playful atmosphere in the child's sleeping area.",,2,0,entity,whole,entity - whole (infant),Is there an infant? +stanford26,"A peaceful scene with an infant peacefully napping on a soft mattress covered with a vibrant, patterned fabric. The little one is dressed in a cozy shirt featuring black, white, and blue stripes. Close to the slumbering baby, there is a cuddly toy doll dressed in a whimsical blue and purple hoody, suggesting a playful atmosphere in the child's sleeping area.",,3,0,entity,whole,entity - whole (mattress),Is there a mattress? +stanford26,"A peaceful scene with an infant peacefully napping on a soft mattress covered with a vibrant, patterned fabric. The little one is dressed in a cozy shirt featuring black, white, and blue stripes. Close to the slumbering baby, there is a cuddly toy doll dressed in a whimsical blue and purple hoody, suggesting a playful atmosphere in the child's sleeping area.",,4,0,entity,whole,entity - whole (fabric),Is there fabric? +stanford26,"A peaceful scene with an infant peacefully napping on a soft mattress covered with a vibrant, patterned fabric. The little one is dressed in a cozy shirt featuring black, white, and blue stripes. Close to the slumbering baby, there is a cuddly toy doll dressed in a whimsical blue and purple hoody, suggesting a playful atmosphere in the child's sleeping area.",,5,0,entity,whole,entity - whole (shirt),Is there a shirt? +stanford26,"A peaceful scene with an infant peacefully napping on a soft mattress covered with a vibrant, patterned fabric. The little one is dressed in a cozy shirt featuring black, white, and blue stripes. Close to the slumbering baby, there is a cuddly toy doll dressed in a whimsical blue and purple hoody, suggesting a playful atmosphere in the child's sleeping area.",,6,0,entity,whole,entity - whole (toy doll),Is there a toy doll? +stanford26,"A peaceful scene with an infant peacefully napping on a soft mattress covered with a vibrant, patterned fabric. The little one is dressed in a cozy shirt featuring black, white, and blue stripes. Close to the slumbering baby, there is a cuddly toy doll dressed in a whimsical blue and purple hoody, suggesting a playful atmosphere in the child's sleeping area.",,7,2,entity,state,"entity - state (infant, napping)",Is the infant napping? +stanford26,"A peaceful scene with an infant peacefully napping on a soft mattress covered with a vibrant, patterned fabric. The little one is dressed in a cozy shirt featuring black, white, and blue stripes. Close to the slumbering baby, there is a cuddly toy doll dressed in a whimsical blue and purple hoody, suggesting a playful atmosphere in the child's sleeping area.",,8,3,attribute,texture,"attribute - texture (mattress, soft)",Is the mattress soft? +stanford26,"A peaceful scene with an infant peacefully napping on a soft mattress covered with a vibrant, patterned fabric. The little one is dressed in a cozy shirt featuring black, white, and blue stripes. Close to the slumbering baby, there is a cuddly toy doll dressed in a whimsical blue and purple hoody, suggesting a playful atmosphere in the child's sleeping area.",,9,4,attribute,color,"attribute - color (fabric, vibrant)",Is the fabric vibrant? +stanford26,"A peaceful scene with an infant peacefully napping on a soft mattress covered with a vibrant, patterned fabric. The little one is dressed in a cozy shirt featuring black, white, and blue stripes. Close to the slumbering baby, there is a cuddly toy doll dressed in a whimsical blue and purple hoody, suggesting a playful atmosphere in the child's sleeping area.",,10,4,attribute,texture,"attribute - texture (fabric, patterned)",Is the fabric patterned? +whoops36,"A sizable panda bear is situated in the center of a bubbling stream, its black and white fur contrasting with the lush greenery that lines the water's edge. In its paws, the bear is holding a glistening, silver-colored trout. The water flows around the bear's legs, creating ripples that reflect the sunlight.",,1,0,entity,whole,entity - whole (panda bear),Is there a sizable panda bear? +whoops36,"A sizable panda bear is situated in the center of a bubbling stream, its black and white fur contrasting with the lush greenery that lines the water's edge. In its paws, the bear is holding a glistening, silver-colored trout. The water flows around the bear's legs, creating ripples that reflect the sunlight.",,2,0,entity,whole,entity - whole (stream),Is there a stream? +whoops36,"A sizable panda bear is situated in the center of a bubbling stream, its black and white fur contrasting with the lush greenery that lines the water's edge. In its paws, the bear is holding a glistening, silver-colored trout. The water flows around the bear's legs, creating ripples that reflect the sunlight.",,3,0,entity,whole,entity - whole (greenery),Is there lush greenery? +whoops36,"A sizable panda bear is situated in the center of a bubbling stream, its black and white fur contrasting with the lush greenery that lines the water's edge. In its paws, the bear is holding a glistening, silver-colored trout. The water flows around the bear's legs, creating ripples that reflect the sunlight.",,4,0,entity,whole,entity - whole (trout),Is there a trout? +whoops36,"A sizable panda bear is situated in the center of a bubbling stream, its black and white fur contrasting with the lush greenery that lines the water's edge. In its paws, the bear is holding a glistening, silver-colored trout. The water flows around the bear's legs, creating ripples that reflect the sunlight.",,5,1,attribute,size,"attribute - size (panda bear, sizable)",Is the panda bear sizable? +whoops36,"A sizable panda bear is situated in the center of a bubbling stream, its black and white fur contrasting with the lush greenery that lines the water's edge. In its paws, the bear is holding a glistening, silver-colored trout. The water flows around the bear's legs, creating ripples that reflect the sunlight.",,6,1,attribute,color,"attribute - color (panda bear's fur, black and white)",Does the panda bear have black and white fur? +whoops36,"A sizable panda bear is situated in the center of a bubbling stream, its black and white fur contrasting with the lush greenery that lines the water's edge. In its paws, the bear is holding a glistening, silver-colored trout. The water flows around the bear's legs, creating ripples that reflect the sunlight.",,7,4,attribute,color,"attribute - color (trout, silver-colored)",Is the trout silver-colored? +whoops36,"A sizable panda bear is situated in the center of a bubbling stream, its black and white fur contrasting with the lush greenery that lines the water's edge. In its paws, the bear is holding a glistening, silver-colored trout. The water flows around the bear's legs, creating ripples that reflect the sunlight.",,8,2,attribute,texture,"attribute - texture (stream, bubbling)",Is the stream bubbling? +whoops36,"A sizable panda bear is situated in the center of a bubbling stream, its black and white fur contrasting with the lush greenery that lines the water's edge. In its paws, the bear is holding a glistening, silver-colored trout. The water flows around the bear's legs, creating ripples that reflect the sunlight.",,9,"1,2",relation,spatial,"relation - spatial (panda bear, stream, center)",Is the panda bear situated in the center of the stream? +whoops36,"A sizable panda bear is situated in the center of a bubbling stream, its black and white fur contrasting with the lush greenery that lines the water's edge. In its paws, the bear is holding a glistening, silver-colored trout. The water flows around the bear's legs, creating ripples that reflect the sunlight.",,10,"3,2",relation,spatial,"relation - spatial (greenery, stream, lines the water's edge)",Does the greenery line the water's edge of the stream? +posescript31,"A focused individual captured in a dynamic martial arts pose, with both legs bent at the knees in a strong and stable crouch. The person's body is hunched purposefully over, conveying readiness and balance. Each arm is extended forward, bent at the elbow, and the wrists are also bent in meticulous form, displaying the precision and discipline of the martial arts stance.",,1,0,entity,whole,entity - whole (individual),Is there an individual? +posescript31,"A focused individual captured in a dynamic martial arts pose, with both legs bent at the knees in a strong and stable crouch. The person's body is hunched purposefully over, conveying readiness and balance. Each arm is extended forward, bent at the elbow, and the wrists are also bent in meticulous form, displaying the precision and discipline of the martial arts stance.",,2,1,entity,state,"entity - state (individual, martial arts pose)",Is the individual in a martial arts pose? +posescript31,"A focused individual captured in a dynamic martial arts pose, with both legs bent at the knees in a strong and stable crouch. The person's body is hunched purposefully over, conveying readiness and balance. Each arm is extended forward, bent at the elbow, and the wrists are also bent in meticulous form, displaying the precision and discipline of the martial arts stance.",,3,1,entity,state,"entity - state (individual, focused)",Is the individual focused? +posescript31,"A focused individual captured in a dynamic martial arts pose, with both legs bent at the knees in a strong and stable crouch. The person's body is hunched purposefully over, conveying readiness and balance. Each arm is extended forward, bent at the elbow, and the wrists are also bent in meticulous form, displaying the precision and discipline of the martial arts stance.",,4,1,entity,part,entity - part (individual's legs),Does the individual have legs? +posescript31,"A focused individual captured in a dynamic martial arts pose, with both legs bent at the knees in a strong and stable crouch. The person's body is hunched purposefully over, conveying readiness and balance. Each arm is extended forward, bent at the elbow, and the wrists are also bent in meticulous form, displaying the precision and discipline of the martial arts stance.",,5,1,entity,part,entity - part (individual's arms),Does the individual have arms? +posescript31,"A focused individual captured in a dynamic martial arts pose, with both legs bent at the knees in a strong and stable crouch. The person's body is hunched purposefully over, conveying readiness and balance. Each arm is extended forward, bent at the elbow, and the wrists are also bent in meticulous form, displaying the precision and discipline of the martial arts stance.",,6,1,entity,part,entity - part (individual's wrists),Does the individual have wrists? +posescript31,"A focused individual captured in a dynamic martial arts pose, with both legs bent at the knees in a strong and stable crouch. The person's body is hunched purposefully over, conveying readiness and balance. Each arm is extended forward, bent at the elbow, and the wrists are also bent in meticulous form, displaying the precision and discipline of the martial arts stance.",,7,4,attribute,other,"attribute - other (legs, bent at the knees)",Are the individual's legs bent at the knees? +posescript31,"A focused individual captured in a dynamic martial arts pose, with both legs bent at the knees in a strong and stable crouch. The person's body is hunched purposefully over, conveying readiness and balance. Each arm is extended forward, bent at the elbow, and the wrists are also bent in meticulous form, displaying the precision and discipline of the martial arts stance.",,8,1,attribute,other,"attribute - other (body, hunched over)",Is the individual's body hunched over? +posescript31,"A focused individual captured in a dynamic martial arts pose, with both legs bent at the knees in a strong and stable crouch. The person's body is hunched purposefully over, conveying readiness and balance. Each arm is extended forward, bent at the elbow, and the wrists are also bent in meticulous form, displaying the precision and discipline of the martial arts stance.",,9,5,attribute,other,"attribute - other (arms, extended forward)",Are the individual's arms extended forward? +posescript31,"A focused individual captured in a dynamic martial arts pose, with both legs bent at the knees in a strong and stable crouch. The person's body is hunched purposefully over, conveying readiness and balance. Each arm is extended forward, bent at the elbow, and the wrists are also bent in meticulous form, displaying the precision and discipline of the martial arts stance.",,10,6,attribute,other,"attribute - other (wrists, bent)",Are the individual's wrists bent? +drawtext7,"an aerial vehicle with the inscription 'helicopter tours' emblazoned along its side is captured in the action of descending onto a circular helipad that's nestled in the midst of a verdant valley. The expansive landscape surrounding it includes a meandering river, clusters of dense trees, and majestic mountains standing tall under the clear skies. Sunlight shines off the helicopter's glossy exterior, accentuating its deep blue and white colors as it prepares for a gentle touchdown.",,1,0,entity,whole,entity - whole (aerial vehicle),Is there an aerial vehicle? +drawtext7,"an aerial vehicle with the inscription 'helicopter tours' emblazoned along its side is captured in the action of descending onto a circular helipad that's nestled in the midst of a verdant valley. The expansive landscape surrounding it includes a meandering river, clusters of dense trees, and majestic mountains standing tall under the clear skies. Sunlight shines off the helicopter's glossy exterior, accentuating its deep blue and white colors as it prepares for a gentle touchdown.",,2,0,entity,whole,entity - whole (helipad),Is there a helipad? +drawtext7,"an aerial vehicle with the inscription 'helicopter tours' emblazoned along its side is captured in the action of descending onto a circular helipad that's nestled in the midst of a verdant valley. The expansive landscape surrounding it includes a meandering river, clusters of dense trees, and majestic mountains standing tall under the clear skies. Sunlight shines off the helicopter's glossy exterior, accentuating its deep blue and white colors as it prepares for a gentle touchdown.",,3,0,entity,whole,entity - whole (valley),Is there a valley? +drawtext7,"an aerial vehicle with the inscription 'helicopter tours' emblazoned along its side is captured in the action of descending onto a circular helipad that's nestled in the midst of a verdant valley. The expansive landscape surrounding it includes a meandering river, clusters of dense trees, and majestic mountains standing tall under the clear skies. Sunlight shines off the helicopter's glossy exterior, accentuating its deep blue and white colors as it prepares for a gentle touchdown.",,4,0,entity,whole,entity - whole (river),Is there a river? +drawtext7,"an aerial vehicle with the inscription 'helicopter tours' emblazoned along its side is captured in the action of descending onto a circular helipad that's nestled in the midst of a verdant valley. The expansive landscape surrounding it includes a meandering river, clusters of dense trees, and majestic mountains standing tall under the clear skies. Sunlight shines off the helicopter's glossy exterior, accentuating its deep blue and white colors as it prepares for a gentle touchdown.",,5,0,entity,whole,entity - whole (trees),Are there trees? +drawtext7,"an aerial vehicle with the inscription 'helicopter tours' emblazoned along its side is captured in the action of descending onto a circular helipad that's nestled in the midst of a verdant valley. The expansive landscape surrounding it includes a meandering river, clusters of dense trees, and majestic mountains standing tall under the clear skies. Sunlight shines off the helicopter's glossy exterior, accentuating its deep blue and white colors as it prepares for a gentle touchdown.",,6,0,entity,whole,entity - whole (mountains),Are there mountains? +drawtext7,"an aerial vehicle with the inscription 'helicopter tours' emblazoned along its side is captured in the action of descending onto a circular helipad that's nestled in the midst of a verdant valley. The expansive landscape surrounding it includes a meandering river, clusters of dense trees, and majestic mountains standing tall under the clear skies. Sunlight shines off the helicopter's glossy exterior, accentuating its deep blue and white colors as it prepares for a gentle touchdown.",,7,1,other,text,"other - text (aerial vehicle inscription, ""helicopter tours"")","Does the aerial vehicle have the inscription ""helicopter tours""?" +drawtext7,"an aerial vehicle with the inscription 'helicopter tours' emblazoned along its side is captured in the action of descending onto a circular helipad that's nestled in the midst of a verdant valley. The expansive landscape surrounding it includes a meandering river, clusters of dense trees, and majestic mountains standing tall under the clear skies. Sunlight shines off the helicopter's glossy exterior, accentuating its deep blue and white colors as it prepares for a gentle touchdown.",,8,1,attribute,color,"attribute - color (aerial vehicle, deep blue)",Is the aerial vehicle deep blue in color? +drawtext7,"an aerial vehicle with the inscription 'helicopter tours' emblazoned along its side is captured in the action of descending onto a circular helipad that's nestled in the midst of a verdant valley. The expansive landscape surrounding it includes a meandering river, clusters of dense trees, and majestic mountains standing tall under the clear skies. Sunlight shines off the helicopter's glossy exterior, accentuating its deep blue and white colors as it prepares for a gentle touchdown.",,9,1,attribute,color,"attribute - color (aerial vehicle, white)",Is the aerial vehicle white in color? +drawtext7,"an aerial vehicle with the inscription 'helicopter tours' emblazoned along its side is captured in the action of descending onto a circular helipad that's nestled in the midst of a verdant valley. The expansive landscape surrounding it includes a meandering river, clusters of dense trees, and majestic mountains standing tall under the clear skies. Sunlight shines off the helicopter's glossy exterior, accentuating its deep blue and white colors as it prepares for a gentle touchdown.",,10,"1,2",relation,spatial,"relation - spatial (aerial vehicle, helipad, descending onto)",Is the aerial vehicle descending onto the helipad? +midjourney31,"An intricately detailed character concept art piece presented in 4K resolution, portraying the concept of 'Blind Ambition.' The character is situated dead-center in a symmetrical portrait stance, their gaze obscured, suggesting the metaphorical blindness of ambition. The realism of the artwork is accentuated by subtle textures and shading that bring the character to life on a digital canvas.",,1,0,global,,global - (character concept art piece),Is this a character concept art piece? +midjourney31,"An intricately detailed character concept art piece presented in 4K resolution, portraying the concept of 'Blind Ambition.' The character is situated dead-center in a symmetrical portrait stance, their gaze obscured, suggesting the metaphorical blindness of ambition. The realism of the artwork is accentuated by subtle textures and shading that bring the character to life on a digital canvas.",,2,0,global,,global - (4K resolution),Is the art piece presented in 4K resolution? +midjourney31,"An intricately detailed character concept art piece presented in 4K resolution, portraying the concept of 'Blind Ambition.' The character is situated dead-center in a symmetrical portrait stance, their gaze obscured, suggesting the metaphorical blindness of ambition. The realism of the artwork is accentuated by subtle textures and shading that bring the character to life on a digital canvas.",,3,0,entity,whole,entity - whole (character),Is there a character? +midjourney31,"An intricately detailed character concept art piece presented in 4K resolution, portraying the concept of 'Blind Ambition.' The character is situated dead-center in a symmetrical portrait stance, their gaze obscured, suggesting the metaphorical blindness of ambition. The realism of the artwork is accentuated by subtle textures and shading that bring the character to life on a digital canvas.",,4,1,attribute,other,"attribute - other (artwork, detailed)",Is the artwork intricately detailed? +midjourney31,"An intricately detailed character concept art piece presented in 4K resolution, portraying the concept of 'Blind Ambition.' The character is situated dead-center in a symmetrical portrait stance, their gaze obscured, suggesting the metaphorical blindness of ambition. The realism of the artwork is accentuated by subtle textures and shading that bring the character to life on a digital canvas.",,5,1,attribute,other,"attribute - other (artwork, symmetrical)",Is the artwork symmetrical? +midjourney31,"An intricately detailed character concept art piece presented in 4K resolution, portraying the concept of 'Blind Ambition.' The character is situated dead-center in a symmetrical portrait stance, their gaze obscured, suggesting the metaphorical blindness of ambition. The realism of the artwork is accentuated by subtle textures and shading that bring the character to life on a digital canvas.",,6,1,attribute,other,"attribute - other (artwork, portrait stance)",Is the character in a portrait stance? +midjourney31,"An intricately detailed character concept art piece presented in 4K resolution, portraying the concept of 'Blind Ambition.' The character is situated dead-center in a symmetrical portrait stance, their gaze obscured, suggesting the metaphorical blindness of ambition. The realism of the artwork is accentuated by subtle textures and shading that bring the character to life on a digital canvas.",,7,3,attribute,other,"attribute - other (character's gaze, obscured)",Is the character's gaze obscured? +midjourney31,"An intricately detailed character concept art piece presented in 4K resolution, portraying the concept of 'Blind Ambition.' The character is situated dead-center in a symmetrical portrait stance, their gaze obscured, suggesting the metaphorical blindness of ambition. The realism of the artwork is accentuated by subtle textures and shading that bring the character to life on a digital canvas.",,8,1,attribute,texture,"attribute - texture (artwork, subtle textures)",Does the artwork have subtle textures? +midjourney31,"An intricately detailed character concept art piece presented in 4K resolution, portraying the concept of 'Blind Ambition.' The character is situated dead-center in a symmetrical portrait stance, their gaze obscured, suggesting the metaphorical blindness of ambition. The realism of the artwork is accentuated by subtle textures and shading that bring the character to life on a digital canvas.",,9,1,attribute,texture,"attribute - texture (artwork, shading)",Does the artwork have shading? +midjourney31,"An intricately detailed character concept art piece presented in 4K resolution, portraying the concept of 'Blind Ambition.' The character is situated dead-center in a symmetrical portrait stance, their gaze obscured, suggesting the metaphorical blindness of ambition. The realism of the artwork is accentuated by subtle textures and shading that bring the character to life on a digital canvas.",,10,3,relation,spatial,"relation - spatial (character, digital canvas, on)",Is the character on a digital canvas? +whoops20,"An athlete clad in a striped red and white soccer jersey stands poised on a green field, with his leg raised, ready to strike a glossy black bowling ball inadvertently placed amidst the white-lined boundaries. A goalpost looms in the background, its net gently swaying in the calm air. Around him, bewildered teammates and opponents alike pause, their expressions a mix of confusion and curiosity at the unusual sight.",,1,0,entity,whole,entity - whole (athlete),Is there an athlete? +whoops20,"An athlete clad in a striped red and white soccer jersey stands poised on a green field, with his leg raised, ready to strike a glossy black bowling ball inadvertently placed amidst the white-lined boundaries. A goalpost looms in the background, its net gently swaying in the calm air. Around him, bewildered teammates and opponents alike pause, their expressions a mix of confusion and curiosity at the unusual sight.",,2,1,entity,whole,entity - whole (soccer jersey),Is there a soccer jersey? +whoops20,"An athlete clad in a striped red and white soccer jersey stands poised on a green field, with his leg raised, ready to strike a glossy black bowling ball inadvertently placed amidst the white-lined boundaries. A goalpost looms in the background, its net gently swaying in the calm air. Around him, bewildered teammates and opponents alike pause, their expressions a mix of confusion and curiosity at the unusual sight.",,3,0,entity,whole,entity - whole (field),Is there a field? +whoops20,"An athlete clad in a striped red and white soccer jersey stands poised on a green field, with his leg raised, ready to strike a glossy black bowling ball inadvertently placed amidst the white-lined boundaries. A goalpost looms in the background, its net gently swaying in the calm air. Around him, bewildered teammates and opponents alike pause, their expressions a mix of confusion and curiosity at the unusual sight.",,4,0,entity,whole,entity - whole (bowling ball),Is there a bowling ball? +whoops20,"An athlete clad in a striped red and white soccer jersey stands poised on a green field, with his leg raised, ready to strike a glossy black bowling ball inadvertently placed amidst the white-lined boundaries. A goalpost looms in the background, its net gently swaying in the calm air. Around him, bewildered teammates and opponents alike pause, their expressions a mix of confusion and curiosity at the unusual sight.",,5,0,entity,whole,entity - whole (goalpost),Is there a goalpost? +whoops20,"An athlete clad in a striped red and white soccer jersey stands poised on a green field, with his leg raised, ready to strike a glossy black bowling ball inadvertently placed amidst the white-lined boundaries. A goalpost looms in the background, its net gently swaying in the calm air. Around him, bewildered teammates and opponents alike pause, their expressions a mix of confusion and curiosity at the unusual sight.",,6,5,entity,part,entity - part (goalpost's net),Is there a net on the goalpost? +whoops20,"An athlete clad in a striped red and white soccer jersey stands poised on a green field, with his leg raised, ready to strike a glossy black bowling ball inadvertently placed amidst the white-lined boundaries. A goalpost looms in the background, its net gently swaying in the calm air. Around him, bewildered teammates and opponents alike pause, their expressions a mix of confusion and curiosity at the unusual sight.",,7,2,attribute,color,"attribute - color (soccer jersey, red and white)",Is the soccer jersey striped red and white? +whoops20,"An athlete clad in a striped red and white soccer jersey stands poised on a green field, with his leg raised, ready to strike a glossy black bowling ball inadvertently placed amidst the white-lined boundaries. A goalpost looms in the background, its net gently swaying in the calm air. Around him, bewildered teammates and opponents alike pause, their expressions a mix of confusion and curiosity at the unusual sight.",,8,4,attribute,color,"attribute - color (bowling ball, glossy black)",Is the bowling ball glossy black? +whoops20,"An athlete clad in a striped red and white soccer jersey stands poised on a green field, with his leg raised, ready to strike a glossy black bowling ball inadvertently placed amidst the white-lined boundaries. A goalpost looms in the background, its net gently swaying in the calm air. Around him, bewildered teammates and opponents alike pause, their expressions a mix of confusion and curiosity at the unusual sight.",,9,3,attribute,texture,"attribute - texture (field, green)",Is the field green? +whoops20,"An athlete clad in a striped red and white soccer jersey stands poised on a green field, with his leg raised, ready to strike a glossy black bowling ball inadvertently placed amidst the white-lined boundaries. A goalpost looms in the background, its net gently swaying in the calm air. Around him, bewildered teammates and opponents alike pause, their expressions a mix of confusion and curiosity at the unusual sight.",,10,"1,3",relation,spatial,"relation - spatial (athlete, field, on)",Is the athlete on the field? +whoops20,"An athlete clad in a striped red and white soccer jersey stands poised on a green field, with his leg raised, ready to strike a glossy black bowling ball inadvertently placed amidst the white-lined boundaries. A goalpost looms in the background, its net gently swaying in the calm air. Around him, bewildered teammates and opponents alike pause, their expressions a mix of confusion and curiosity at the unusual sight.",,11,"4,3",relation,spatial,"relation - spatial (bowling ball, field, placed)",Is the bowling ball placed on the field? +whoops20,"An athlete clad in a striped red and white soccer jersey stands poised on a green field, with his leg raised, ready to strike a glossy black bowling ball inadvertently placed amidst the white-lined boundaries. A goalpost looms in the background, its net gently swaying in the calm air. Around him, bewildered teammates and opponents alike pause, their expressions a mix of confusion and curiosity at the unusual sight.",,12,"5,3",relation,spatial,"relation - spatial (goalpost, field, in background)",Is the goalpost in the background of the field? +whoops20,"An athlete clad in a striped red and white soccer jersey stands poised on a green field, with his leg raised, ready to strike a glossy black bowling ball inadvertently placed amidst the white-lined boundaries. A goalpost looms in the background, its net gently swaying in the calm air. Around him, bewildered teammates and opponents alike pause, their expressions a mix of confusion and curiosity at the unusual sight.",,13,1,entity,state,"entity - state (athlete, poised)",Is the athlete poised? +whoops20,"An athlete clad in a striped red and white soccer jersey stands poised on a green field, with his leg raised, ready to strike a glossy black bowling ball inadvertently placed amidst the white-lined boundaries. A goalpost looms in the background, its net gently swaying in the calm air. Around him, bewildered teammates and opponents alike pause, their expressions a mix of confusion and curiosity at the unusual sight.",,14,6,entity,state,"entity - state (goalpost's net, swaying)",Is the goalpost's net gently swaying? +whoops20,"An athlete clad in a striped red and white soccer jersey stands poised on a green field, with his leg raised, ready to strike a glossy black bowling ball inadvertently placed amidst the white-lined boundaries. A goalpost looms in the background, its net gently swaying in the calm air. Around him, bewildered teammates and opponents alike pause, their expressions a mix of confusion and curiosity at the unusual sight.",,15,0,relation,non-spatial,"relation - non-spatial (teammates, opponents, bewildered)",Are the teammates and opponents bewildered? +midjourney25,"A detailed 4K resolution portrait of a character concept art dubbed ""Under The Dreaming Tree,"" characterized by its symmetrical design and realistic texturing. The intricately drawn character is situated centrally in the composition, surrounded by an ethereal backdrop that features the namesake tree with its expansive, leaf-laden branches. The character's visage displays a serene expression, with eyes that seem to reflect a hidden world within.",,1,0,global,,global - (portrait),Is this a portrait? +midjourney25,"A detailed 4K resolution portrait of a character concept art dubbed ""Under The Dreaming Tree,"" characterized by its symmetrical design and realistic texturing. The intricately drawn character is situated centrally in the composition, surrounded by an ethereal backdrop that features the namesake tree with its expansive, leaf-laden branches. The character's visage displays a serene expression, with eyes that seem to reflect a hidden world within.",,2,0,global,,global - (4K resolution),Is the portrait in 4K resolution? +midjourney25,"A detailed 4K resolution portrait of a character concept art dubbed ""Under The Dreaming Tree,"" characterized by its symmetrical design and realistic texturing. The intricately drawn character is situated centrally in the composition, surrounded by an ethereal backdrop that features the namesake tree with its expansive, leaf-laden branches. The character's visage displays a serene expression, with eyes that seem to reflect a hidden world within.",,3,0,entity,whole,entity - whole (character concept art),Is there character concept art? +midjourney25,"A detailed 4K resolution portrait of a character concept art dubbed ""Under The Dreaming Tree,"" characterized by its symmetrical design and realistic texturing. The intricately drawn character is situated centrally in the composition, surrounded by an ethereal backdrop that features the namesake tree with its expansive, leaf-laden branches. The character's visage displays a serene expression, with eyes that seem to reflect a hidden world within.",,4,0,entity,whole,"entity - whole (tree, ""Under The Dreaming Tree"")","Is there a tree dubbed ""Under The Dreaming Tree""?" +midjourney25,"A detailed 4K resolution portrait of a character concept art dubbed ""Under The Dreaming Tree,"" characterized by its symmetrical design and realistic texturing. The intricately drawn character is situated centrally in the composition, surrounded by an ethereal backdrop that features the namesake tree with its expansive, leaf-laden branches. The character's visage displays a serene expression, with eyes that seem to reflect a hidden world within.",,5,3,attribute,texture,"attribute - texture (character concept art, realistic)",Does the character concept art have realistic texturing? +midjourney25,"A detailed 4K resolution portrait of a character concept art dubbed ""Under The Dreaming Tree,"" characterized by its symmetrical design and realistic texturing. The intricately drawn character is situated centrally in the composition, surrounded by an ethereal backdrop that features the namesake tree with its expansive, leaf-laden branches. The character's visage displays a serene expression, with eyes that seem to reflect a hidden world within.",,6,4,attribute,texture,"attribute - texture (tree, leaf-laden)",Does the tree have leaf-laden branches? +midjourney25,"A detailed 4K resolution portrait of a character concept art dubbed ""Under The Dreaming Tree,"" characterized by its symmetrical design and realistic texturing. The intricately drawn character is situated centrally in the composition, surrounded by an ethereal backdrop that features the namesake tree with its expansive, leaf-laden branches. The character's visage displays a serene expression, with eyes that seem to reflect a hidden world within.",,7,3,entity,state,"entity - state (character, serene expression)",Does the character display a serene expression? +midjourney25,"A detailed 4K resolution portrait of a character concept art dubbed ""Under The Dreaming Tree,"" characterized by its symmetrical design and realistic texturing. The intricately drawn character is situated centrally in the composition, surrounded by an ethereal backdrop that features the namesake tree with its expansive, leaf-laden branches. The character's visage displays a serene expression, with eyes that seem to reflect a hidden world within.",,8,3,relation,spatial,"relation - spatial (character, centrally, situated)",Is the character situated centrally in the composition? +midjourney25,"A detailed 4K resolution portrait of a character concept art dubbed ""Under The Dreaming Tree,"" characterized by its symmetrical design and realistic texturing. The intricately drawn character is situated centrally in the composition, surrounded by an ethereal backdrop that features the namesake tree with its expansive, leaf-laden branches. The character's visage displays a serene expression, with eyes that seem to reflect a hidden world within.",,9,3,relation,spatial,"relation - spatial (character, backdrop, surrounded by)",Is the character surrounded by an ethereal backdrop? +midjourney25,"A detailed 4K resolution portrait of a character concept art dubbed ""Under The Dreaming Tree,"" characterized by its symmetrical design and realistic texturing. The intricately drawn character is situated centrally in the composition, surrounded by an ethereal backdrop that features the namesake tree with its expansive, leaf-laden branches. The character's visage displays a serene expression, with eyes that seem to reflect a hidden world within.",,10,3,relation,non-spatial,"relation - non-spatial (character's eyes, hidden world, reflect)",Do the character's eyes reflect a hidden world within? +drawtext22,"A complex sculpture resembling a human brain, intricately woven from silver wires and sheets of off-white paper, strategically folded and molded. Each convolution of the brain is meticulously crafted, with the phrase 'deep thoughts' inscribed in a flowing script along the cerebral folds. This thought-provoking art piece is centrally displayed on a plain pedestal, highlighting its detailed craftsmanship and the profundity of its intended message.",,1,0,entity,whole,entity - whole (sculpture),Is there a sculpture? +drawtext22,"A complex sculpture resembling a human brain, intricately woven from silver wires and sheets of off-white paper, strategically folded and molded. Each convolution of the brain is meticulously crafted, with the phrase 'deep thoughts' inscribed in a flowing script along the cerebral folds. This thought-provoking art piece is centrally displayed on a plain pedestal, highlighting its detailed craftsmanship and the profundity of its intended message.",,2,1,entity,part,"entity - part (sculpture's material, silver wires)",Are silver wires part of the sculpture? +drawtext22,"A complex sculpture resembling a human brain, intricately woven from silver wires and sheets of off-white paper, strategically folded and molded. Each convolution of the brain is meticulously crafted, with the phrase 'deep thoughts' inscribed in a flowing script along the cerebral folds. This thought-provoking art piece is centrally displayed on a plain pedestal, highlighting its detailed craftsmanship and the profundity of its intended message.",,3,1,entity,part,"entity - part (sculpture's material, paper sheets)",Are paper sheets part of the sculpture? +drawtext22,"A complex sculpture resembling a human brain, intricately woven from silver wires and sheets of off-white paper, strategically folded and molded. Each convolution of the brain is meticulously crafted, with the phrase 'deep thoughts' inscribed in a flowing script along the cerebral folds. This thought-provoking art piece is centrally displayed on a plain pedestal, highlighting its detailed craftsmanship and the profundity of its intended message.",,4,3,attribute,color,"attribute - color (paper sheets, off-white)",Are the paper sheets off-white? +drawtext22,"A complex sculpture resembling a human brain, intricately woven from silver wires and sheets of off-white paper, strategically folded and molded. Each convolution of the brain is meticulously crafted, with the phrase 'deep thoughts' inscribed in a flowing script along the cerebral folds. This thought-provoking art piece is centrally displayed on a plain pedestal, highlighting its detailed craftsmanship and the profundity of its intended message.",,5,1,attribute,texture,"attribute - texture (sculpture, intricately woven)",Is the sculpture intricately woven? +drawtext22,"A complex sculpture resembling a human brain, intricately woven from silver wires and sheets of off-white paper, strategically folded and molded. Each convolution of the brain is meticulously crafted, with the phrase 'deep thoughts' inscribed in a flowing script along the cerebral folds. This thought-provoking art piece is centrally displayed on a plain pedestal, highlighting its detailed craftsmanship and the profundity of its intended message.",,6,1,other,text,"other - text (phrase on sculpture, ""deep thoughts"")","Is the phrase ""deep thoughts"" inscribed on the sculpture?" +drawtext22,"A complex sculpture resembling a human brain, intricately woven from silver wires and sheets of off-white paper, strategically folded and molded. Each convolution of the brain is meticulously crafted, with the phrase 'deep thoughts' inscribed in a flowing script along the cerebral folds. This thought-provoking art piece is centrally displayed on a plain pedestal, highlighting its detailed craftsmanship and the profundity of its intended message.",,7,0,entity,whole,entity - whole (pedestal),Is there a pedestal? +drawtext22,"A complex sculpture resembling a human brain, intricately woven from silver wires and sheets of off-white paper, strategically folded and molded. Each convolution of the brain is meticulously crafted, with the phrase 'deep thoughts' inscribed in a flowing script along the cerebral folds. This thought-provoking art piece is centrally displayed on a plain pedestal, highlighting its detailed craftsmanship and the profundity of its intended message.",,8,7,attribute,other,"attribute - other (pedestal, plain)",Is the pedestal plain? +drawtext22,"A complex sculpture resembling a human brain, intricately woven from silver wires and sheets of off-white paper, strategically folded and molded. Each convolution of the brain is meticulously crafted, with the phrase 'deep thoughts' inscribed in a flowing script along the cerebral folds. This thought-provoking art piece is centrally displayed on a plain pedestal, highlighting its detailed craftsmanship and the profundity of its intended message.",,9,"1,7",relation,spatial,"relation - spatial (sculpture, pedestal, on)",Is the sculpture on the pedestal? +drawtext22,"A complex sculpture resembling a human brain, intricately woven from silver wires and sheets of off-white paper, strategically folded and molded. Each convolution of the brain is meticulously crafted, with the phrase 'deep thoughts' inscribed in a flowing script along the cerebral folds. This thought-provoking art piece is centrally displayed on a plain pedestal, highlighting its detailed craftsmanship and the profundity of its intended message.",,10,1,global,,"global - (sculpture, human brain resemblance)",Does the sculpture resemble a human brain? +drawtext11,"An aerial view of Toronto's skyline dominated by the iconic CN Tower standing tall amongst the surrounding buildings. The image is taken from the window of an airplane, providing a clear, bird's-eye perspective of the urban landscape. Across the image, the words ""The CN Tower"" are prominently displayed in the playful Comic Sans font. The cluster of city structures is neatly bisected by the glistening blue ribbon of a river.",,1,0,entity,whole,entity - whole (Toronto's skyline),Is there a skyline of Toronto? +drawtext11,"An aerial view of Toronto's skyline dominated by the iconic CN Tower standing tall amongst the surrounding buildings. The image is taken from the window of an airplane, providing a clear, bird's-eye perspective of the urban landscape. Across the image, the words ""The CN Tower"" are prominently displayed in the playful Comic Sans font. The cluster of city structures is neatly bisected by the glistening blue ribbon of a river.",,2,0,entity,whole,entity - whole (CN Tower),Is the CN Tower present? +drawtext11,"An aerial view of Toronto's skyline dominated by the iconic CN Tower standing tall amongst the surrounding buildings. The image is taken from the window of an airplane, providing a clear, bird's-eye perspective of the urban landscape. Across the image, the words ""The CN Tower"" are prominently displayed in the playful Comic Sans font. The cluster of city structures is neatly bisected by the glistening blue ribbon of a river.",,3,0,entity,whole,entity - whole (buildings),Are there buildings? +drawtext11,"An aerial view of Toronto's skyline dominated by the iconic CN Tower standing tall amongst the surrounding buildings. The image is taken from the window of an airplane, providing a clear, bird's-eye perspective of the urban landscape. Across the image, the words ""The CN Tower"" are prominently displayed in the playful Comic Sans font. The cluster of city structures is neatly bisected by the glistening blue ribbon of a river.",,4,0,entity,whole,entity - whole (airplane window),Is there an airplane window? +drawtext11,"An aerial view of Toronto's skyline dominated by the iconic CN Tower standing tall amongst the surrounding buildings. The image is taken from the window of an airplane, providing a clear, bird's-eye perspective of the urban landscape. Across the image, the words ""The CN Tower"" are prominently displayed in the playful Comic Sans font. The cluster of city structures is neatly bisected by the glistening blue ribbon of a river.",,5,0,entity,whole,entity - whole (urban landscape),Is there an urban landscape? +drawtext11,"An aerial view of Toronto's skyline dominated by the iconic CN Tower standing tall amongst the surrounding buildings. The image is taken from the window of an airplane, providing a clear, bird's-eye perspective of the urban landscape. Across the image, the words ""The CN Tower"" are prominently displayed in the playful Comic Sans font. The cluster of city structures is neatly bisected by the glistening blue ribbon of a river.",,6,0,entity,whole,entity - whole (river),Is there a river? +drawtext11,"An aerial view of Toronto's skyline dominated by the iconic CN Tower standing tall amongst the surrounding buildings. The image is taken from the window of an airplane, providing a clear, bird's-eye perspective of the urban landscape. Across the image, the words ""The CN Tower"" are prominently displayed in the playful Comic Sans font. The cluster of city structures is neatly bisected by the glistening blue ribbon of a river.",,7,0,global,,global - (aerial view),Is this an aerial view? +drawtext11,"An aerial view of Toronto's skyline dominated by the iconic CN Tower standing tall amongst the surrounding buildings. The image is taken from the window of an airplane, providing a clear, bird's-eye perspective of the urban landscape. Across the image, the words ""The CN Tower"" are prominently displayed in the playful Comic Sans font. The cluster of city structures is neatly bisected by the glistening blue ribbon of a river.",,8,0,other,text,"other - text (words, ""The CN Tower"")","Do the words ""The CN Tower"" appear in the image?" +drawtext11,"An aerial view of Toronto's skyline dominated by the iconic CN Tower standing tall amongst the surrounding buildings. The image is taken from the window of an airplane, providing a clear, bird's-eye perspective of the urban landscape. Across the image, the words ""The CN Tower"" are prominently displayed in the playful Comic Sans font. The cluster of city structures is neatly bisected by the glistening blue ribbon of a river.",,9,6,attribute,color,"attribute - color (river, blue)",Is the river blue? +drawtext11,"An aerial view of Toronto's skyline dominated by the iconic CN Tower standing tall amongst the surrounding buildings. The image is taken from the window of an airplane, providing a clear, bird's-eye perspective of the urban landscape. Across the image, the words ""The CN Tower"" are prominently displayed in the playful Comic Sans font. The cluster of city structures is neatly bisected by the glistening blue ribbon of a river.",,10,"2,3",relation,spatial,"relation - spatial (CN Tower, buildings, amongst)",Is the CN Tower standing amongst the surrounding buildings? +vrd14,"A city scene where multiple buses are lined up on a busy street. The foremost bus, painted in a bright yellow, stands out with its large windows and advertisement banners on its sides, as a queue of similar buses parks diligently behind it. Each bus features standard black wheels and a sturdy rooftop that gleams under the sun. Amidst the lineup, passengers board the lead bus, while a row of tall green trees provides a natural backdrop to this urban tableau.",,1,0,entity,whole,entity - whole (city scene),Is there a city scene? +vrd14,"A city scene where multiple buses are lined up on a busy street. The foremost bus, painted in a bright yellow, stands out with its large windows and advertisement banners on its sides, as a queue of similar buses parks diligently behind it. Each bus features standard black wheels and a sturdy rooftop that gleams under the sun. Amidst the lineup, passengers board the lead bus, while a row of tall green trees provides a natural backdrop to this urban tableau.",,2,0,entity,whole,entity - whole (buses),Are there multiple buses? +vrd14,"A city scene where multiple buses are lined up on a busy street. The foremost bus, painted in a bright yellow, stands out with its large windows and advertisement banners on its sides, as a queue of similar buses parks diligently behind it. Each bus features standard black wheels and a sturdy rooftop that gleams under the sun. Amidst the lineup, passengers board the lead bus, while a row of tall green trees provides a natural backdrop to this urban tableau.",,3,0,entity,whole,entity - whole (street),Is there a busy street? +vrd14,"A city scene where multiple buses are lined up on a busy street. The foremost bus, painted in a bright yellow, stands out with its large windows and advertisement banners on its sides, as a queue of similar buses parks diligently behind it. Each bus features standard black wheels and a sturdy rooftop that gleams under the sun. Amidst the lineup, passengers board the lead bus, while a row of tall green trees provides a natural backdrop to this urban tableau.",,4,2,entity,whole,entity - whole (bus_1),Is there a foremost bus? +vrd14,"A city scene where multiple buses are lined up on a busy street. The foremost bus, painted in a bright yellow, stands out with its large windows and advertisement banners on its sides, as a queue of similar buses parks diligently behind it. Each bus features standard black wheels and a sturdy rooftop that gleams under the sun. Amidst the lineup, passengers board the lead bus, while a row of tall green trees provides a natural backdrop to this urban tableau.",,5,4,entity,whole,entity - whole (windows),Are there large windows? +vrd14,"A city scene where multiple buses are lined up on a busy street. The foremost bus, painted in a bright yellow, stands out with its large windows and advertisement banners on its sides, as a queue of similar buses parks diligently behind it. Each bus features standard black wheels and a sturdy rooftop that gleams under the sun. Amidst the lineup, passengers board the lead bus, while a row of tall green trees provides a natural backdrop to this urban tableau.",,6,4,entity,whole,entity - whole (advertisement banners),Are there advertisement banners? +vrd14,"A city scene where multiple buses are lined up on a busy street. The foremost bus, painted in a bright yellow, stands out with its large windows and advertisement banners on its sides, as a queue of similar buses parks diligently behind it. Each bus features standard black wheels and a sturdy rooftop that gleams under the sun. Amidst the lineup, passengers board the lead bus, while a row of tall green trees provides a natural backdrop to this urban tableau.",,7,2,entity,whole,entity - whole (wheels),Are there wheels? +vrd14,"A city scene where multiple buses are lined up on a busy street. The foremost bus, painted in a bright yellow, stands out with its large windows and advertisement banners on its sides, as a queue of similar buses parks diligently behind it. Each bus features standard black wheels and a sturdy rooftop that gleams under the sun. Amidst the lineup, passengers board the lead bus, while a row of tall green trees provides a natural backdrop to this urban tableau.",,8,2,entity,whole,entity - whole (rooftop),Is there a rooftop? +vrd14,"A city scene where multiple buses are lined up on a busy street. The foremost bus, painted in a bright yellow, stands out with its large windows and advertisement banners on its sides, as a queue of similar buses parks diligently behind it. Each bus features standard black wheels and a sturdy rooftop that gleams under the sun. Amidst the lineup, passengers board the lead bus, while a row of tall green trees provides a natural backdrop to this urban tableau.",,9,4,entity,whole,entity - whole (passengers),Are there passengers? +vrd14,"A city scene where multiple buses are lined up on a busy street. The foremost bus, painted in a bright yellow, stands out with its large windows and advertisement banners on its sides, as a queue of similar buses parks diligently behind it. Each bus features standard black wheels and a sturdy rooftop that gleams under the sun. Amidst the lineup, passengers board the lead bus, while a row of tall green trees provides a natural backdrop to this urban tableau.",,10,0,entity,whole,entity - whole (trees),Are there tall green trees? +vrd32,"A peaceful scene where a large green tree with lush leaves partially obscures the view of a white van parked behind it. In the foreground, two individuals are present; one wearing beige trousers and a navy blue jacket while leisurely riding a bicycle. The other person, clad in grey pants and a black jacket, is standing right beside the cyclist, both positioned to the side of the tree.",,1,0,entity,whole,entity - whole (tree),Is there a large green tree? +vrd32,"A peaceful scene where a large green tree with lush leaves partially obscures the view of a white van parked behind it. In the foreground, two individuals are present; one wearing beige trousers and a navy blue jacket while leisurely riding a bicycle. The other person, clad in grey pants and a black jacket, is standing right beside the cyclist, both positioned to the side of the tree.",,2,0,entity,whole,entity - whole (van),Is there a white van? +vrd32,"A peaceful scene where a large green tree with lush leaves partially obscures the view of a white van parked behind it. In the foreground, two individuals are present; one wearing beige trousers and a navy blue jacket while leisurely riding a bicycle. The other person, clad in grey pants and a black jacket, is standing right beside the cyclist, both positioned to the side of the tree.",,3,0,entity,whole,entity - whole (individuals),Are there individuals present? +vrd32,"A peaceful scene where a large green tree with lush leaves partially obscures the view of a white van parked behind it. In the foreground, two individuals are present; one wearing beige trousers and a navy blue jacket while leisurely riding a bicycle. The other person, clad in grey pants and a black jacket, is standing right beside the cyclist, both positioned to the side of the tree.",,4,3,other,count,"other - count (individuals, ==2)",Are there two individuals? +vrd32,"A peaceful scene where a large green tree with lush leaves partially obscures the view of a white van parked behind it. In the foreground, two individuals are present; one wearing beige trousers and a navy blue jacket while leisurely riding a bicycle. The other person, clad in grey pants and a black jacket, is standing right beside the cyclist, both positioned to the side of the tree.",,5,0,entity,whole,entity - whole (bicycle),Is there a bicycle? +vrd32,"A peaceful scene where a large green tree with lush leaves partially obscures the view of a white van parked behind it. In the foreground, two individuals are present; one wearing beige trousers and a navy blue jacket while leisurely riding a bicycle. The other person, clad in grey pants and a black jacket, is standing right beside the cyclist, both positioned to the side of the tree.",,6,1,attribute,color,"attribute - color (tree, green)",Is the tree green? +vrd32,"A peaceful scene where a large green tree with lush leaves partially obscures the view of a white van parked behind it. In the foreground, two individuals are present; one wearing beige trousers and a navy blue jacket while leisurely riding a bicycle. The other person, clad in grey pants and a black jacket, is standing right beside the cyclist, both positioned to the side of the tree.",,7,2,attribute,color,"attribute - color (van, white)",Is the van white? +vrd32,"A peaceful scene where a large green tree with lush leaves partially obscures the view of a white van parked behind it. In the foreground, two individuals are present; one wearing beige trousers and a navy blue jacket while leisurely riding a bicycle. The other person, clad in grey pants and a black jacket, is standing right beside the cyclist, both positioned to the side of the tree.",,8,3,attribute,color,"attribute - color (individual_1's trousers, beige)",Is one individual wearing beige trousers? +vrd32,"A peaceful scene where a large green tree with lush leaves partially obscures the view of a white van parked behind it. In the foreground, two individuals are present; one wearing beige trousers and a navy blue jacket while leisurely riding a bicycle. The other person, clad in grey pants and a black jacket, is standing right beside the cyclist, both positioned to the side of the tree.",,9,3,attribute,color,"attribute - color (individual_1's jacket, navy blue)",Is one individual wearing a navy blue jacket? +vrd32,"A peaceful scene where a large green tree with lush leaves partially obscures the view of a white van parked behind it. In the foreground, two individuals are present; one wearing beige trousers and a navy blue jacket while leisurely riding a bicycle. The other person, clad in grey pants and a black jacket, is standing right beside the cyclist, both positioned to the side of the tree.",,10,3,attribute,color,"attribute - color (individual_2's pants, grey)",Is another individual wearing grey pants? +vrd32,"A peaceful scene where a large green tree with lush leaves partially obscures the view of a white van parked behind it. In the foreground, two individuals are present; one wearing beige trousers and a navy blue jacket while leisurely riding a bicycle. The other person, clad in grey pants and a black jacket, is standing right beside the cyclist, both positioned to the side of the tree.",,11,3,attribute,color,"attribute - color (individual_2's jacket, black)",Is another individual wearing a black jacket? +vrd32,"A peaceful scene where a large green tree with lush leaves partially obscures the view of a white van parked behind it. In the foreground, two individuals are present; one wearing beige trousers and a navy blue jacket while leisurely riding a bicycle. The other person, clad in grey pants and a black jacket, is standing right beside the cyclist, both positioned to the side of the tree.",,12,1,entity,state,"entity - state (tree, leaves, lush)",Does the tree have lush leaves? +vrd32,"A peaceful scene where a large green tree with lush leaves partially obscures the view of a white van parked behind it. In the foreground, two individuals are present; one wearing beige trousers and a navy blue jacket while leisurely riding a bicycle. The other person, clad in grey pants and a black jacket, is standing right beside the cyclist, both positioned to the side of the tree.",,13,"3,5",entity,state,"entity - state (individual_1, bicycle, ride)",Is one individual leisurely riding a bicycle? +vrd32,"A peaceful scene where a large green tree with lush leaves partially obscures the view of a white van parked behind it. In the foreground, two individuals are present; one wearing beige trousers and a navy blue jacket while leisurely riding a bicycle. The other person, clad in grey pants and a black jacket, is standing right beside the cyclist, both positioned to the side of the tree.",,14,3,entity,state,"entity - state (individual_2, stand)",Is the other individual standing? +vrd32,"A peaceful scene where a large green tree with lush leaves partially obscures the view of a white van parked behind it. In the foreground, two individuals are present; one wearing beige trousers and a navy blue jacket while leisurely riding a bicycle. The other person, clad in grey pants and a black jacket, is standing right beside the cyclist, both positioned to the side of the tree.",,15,"1,2",relation,spatial,"relation - spatial (tree, van, obscures)",Does the large green tree partially obscure the view of the white van parked behind it? +vrd32,"A peaceful scene where a large green tree with lush leaves partially obscures the view of a white van parked behind it. In the foreground, two individuals are present; one wearing beige trousers and a navy blue jacket while leisurely riding a bicycle. The other person, clad in grey pants and a black jacket, is standing right beside the cyclist, both positioned to the side of the tree.",,16,"1,3",relation,spatial,"relation - spatial (individuals, tree, beside)",Are the individuals positioned beside the tree? +vrd32,"A peaceful scene where a large green tree with lush leaves partially obscures the view of a white van parked behind it. In the foreground, two individuals are present; one wearing beige trousers and a navy blue jacket while leisurely riding a bicycle. The other person, clad in grey pants and a black jacket, is standing right beside the cyclist, both positioned to the side of the tree.",,17,"3,5",relation,spatial,"relation - spatial (bicycle, individual_1, with)",Is the bicycle with the individual? +vrd32,"A peaceful scene where a large green tree with lush leaves partially obscures the view of a white van parked behind it. In the foreground, two individuals are present; one wearing beige trousers and a navy blue jacket while leisurely riding a bicycle. The other person, clad in grey pants and a black jacket, is standing right beside the cyclist, both positioned to the side of the tree.",,18,0,global,,"global - (scene, peaceful)",Is the scene peaceful? +stanford38,"A man with short, brown hair is standing in an open field, dressed in a crisp white shirt and black athletic shorts. In his hand, he grips a vibrant green frisbee that is decorated with intricate black graphics. Around him, the grass is slightly overgrown and sways gently in the breeze.",,1,0,entity,whole,entity - whole (man),Is there a man? +stanford38,"A man with short, brown hair is standing in an open field, dressed in a crisp white shirt and black athletic shorts. In his hand, he grips a vibrant green frisbee that is decorated with intricate black graphics. Around him, the grass is slightly overgrown and sways gently in the breeze.",,2,1,entity,part,entity - part (man's hair),Does the man have hair? +stanford38,"A man with short, brown hair is standing in an open field, dressed in a crisp white shirt and black athletic shorts. In his hand, he grips a vibrant green frisbee that is decorated with intricate black graphics. Around him, the grass is slightly overgrown and sways gently in the breeze.",,3,0,entity,whole,entity - whole (field),Is there an open field? +stanford38,"A man with short, brown hair is standing in an open field, dressed in a crisp white shirt and black athletic shorts. In his hand, he grips a vibrant green frisbee that is decorated with intricate black graphics. Around him, the grass is slightly overgrown and sways gently in the breeze.",,4,0,entity,whole,entity - whole (shirt),Is there a shirt? +stanford38,"A man with short, brown hair is standing in an open field, dressed in a crisp white shirt and black athletic shorts. In his hand, he grips a vibrant green frisbee that is decorated with intricate black graphics. Around him, the grass is slightly overgrown and sways gently in the breeze.",,5,0,entity,whole,entity - whole (shorts),Are there shorts? +stanford38,"A man with short, brown hair is standing in an open field, dressed in a crisp white shirt and black athletic shorts. In his hand, he grips a vibrant green frisbee that is decorated with intricate black graphics. Around him, the grass is slightly overgrown and sways gently in the breeze.",,6,0,entity,whole,entity - whole (frisbee),Is there a frisbee? +stanford38,"A man with short, brown hair is standing in an open field, dressed in a crisp white shirt and black athletic shorts. In his hand, he grips a vibrant green frisbee that is decorated with intricate black graphics. Around him, the grass is slightly overgrown and sways gently in the breeze.",,7,2,attribute,color,"attribute - color (man's hair, brown)",Is the man's hair brown? +stanford38,"A man with short, brown hair is standing in an open field, dressed in a crisp white shirt and black athletic shorts. In his hand, he grips a vibrant green frisbee that is decorated with intricate black graphics. Around him, the grass is slightly overgrown and sways gently in the breeze.",,8,4,attribute,color,"attribute - color (shirt, white)",Is the shirt white? +stanford38,"A man with short, brown hair is standing in an open field, dressed in a crisp white shirt and black athletic shorts. In his hand, he grips a vibrant green frisbee that is decorated with intricate black graphics. Around him, the grass is slightly overgrown and sways gently in the breeze.",,9,5,attribute,color,"attribute - color (shorts, black)",Are the shorts black? +stanford38,"A man with short, brown hair is standing in an open field, dressed in a crisp white shirt and black athletic shorts. In his hand, he grips a vibrant green frisbee that is decorated with intricate black graphics. Around him, the grass is slightly overgrown and sways gently in the breeze.",,10,6,attribute,color,"attribute - color (frisbee, vibrant green)",Is the frisbee vibrant green? +whoops32,"A single silver coin glistens as it miraculously floats on the surface of a clear, blue body of water. Sunlight reflects off the coin's smooth, metallic texture, creating a shimmering effect on the surrounding water. Nearby, the gentle ripples in the water create a subtle movement that contrasts with the stillness of the coin.",,1,0,entity,whole,entity - whole (coin),Is there a coin? +whoops32,"A single silver coin glistens as it miraculously floats on the surface of a clear, blue body of water. Sunlight reflects off the coin's smooth, metallic texture, creating a shimmering effect on the surrounding water. Nearby, the gentle ripples in the water create a subtle movement that contrasts with the stillness of the coin.",,2,1,attribute,color,"attribute - color (coin, silver)",Is the coin silver? +whoops32,"A single silver coin glistens as it miraculously floats on the surface of a clear, blue body of water. Sunlight reflects off the coin's smooth, metallic texture, creating a shimmering effect on the surrounding water. Nearby, the gentle ripples in the water create a subtle movement that contrasts with the stillness of the coin.",,3,1,entity,state,"entity - state (coin, float)",Is the coin floating? +whoops32,"A single silver coin glistens as it miraculously floats on the surface of a clear, blue body of water. Sunlight reflects off the coin's smooth, metallic texture, creating a shimmering effect on the surrounding water. Nearby, the gentle ripples in the water create a subtle movement that contrasts with the stillness of the coin.",,4,0,entity,whole,entity - whole (body of water),Is there a body of water? +whoops32,"A single silver coin glistens as it miraculously floats on the surface of a clear, blue body of water. Sunlight reflects off the coin's smooth, metallic texture, creating a shimmering effect on the surrounding water. Nearby, the gentle ripples in the water create a subtle movement that contrasts with the stillness of the coin.",,5,4,attribute,color,"attribute - color (body of water, clear blue)",Is the body of water clear and blue? +whoops32,"A single silver coin glistens as it miraculously floats on the surface of a clear, blue body of water. Sunlight reflects off the coin's smooth, metallic texture, creating a shimmering effect on the surrounding water. Nearby, the gentle ripples in the water create a subtle movement that contrasts with the stillness of the coin.",,6,1,attribute,texture,"attribute - texture (coin, smooth metallic)",Does the coin have a smooth metallic texture? +whoops32,"A single silver coin glistens as it miraculously floats on the surface of a clear, blue body of water. Sunlight reflects off the coin's smooth, metallic texture, creating a shimmering effect on the surrounding water. Nearby, the gentle ripples in the water create a subtle movement that contrasts with the stillness of the coin.",,7,0,entity,state,"entity - state (sunlight, reflect)",Is the sunlight reflecting? +whoops32,"A single silver coin glistens as it miraculously floats on the surface of a clear, blue body of water. Sunlight reflects off the coin's smooth, metallic texture, creating a shimmering effect on the surrounding water. Nearby, the gentle ripples in the water create a subtle movement that contrasts with the stillness of the coin.",,8,4,entity,state,"entity - state (water, shimmering effect)",Is there a shimmering effect on the water? +whoops32,"A single silver coin glistens as it miraculously floats on the surface of a clear, blue body of water. Sunlight reflects off the coin's smooth, metallic texture, creating a shimmering effect on the surrounding water. Nearby, the gentle ripples in the water create a subtle movement that contrasts with the stillness of the coin.",,9,4,entity,state,"entity - state (water, gentle ripples)",Are there gentle ripples in the water? +whoops32,"A single silver coin glistens as it miraculously floats on the surface of a clear, blue body of water. Sunlight reflects off the coin's smooth, metallic texture, creating a shimmering effect on the surrounding water. Nearby, the gentle ripples in the water create a subtle movement that contrasts with the stillness of the coin.",,10,"1,4",relation,spatial,"relation - spatial (coin, body of water, on surface)",Is the coin on the surface of the body of water? +posescript32,"A figure can be seen balancing on both feet, their torso tilted sharply to the left, creating a dynamic angle. Their arms are stretched out on either side of their body for balance, with each elbow forming a precise 90-degree bend. The person may seem to be mid-exercise or in the middle of a stretching routine, possibly wearing comfortable athletic attire suitable for the activity.",,1,0,entity,whole,entity - whole (figure),Is there a figure? +posescript32,"A figure can be seen balancing on both feet, their torso tilted sharply to the left, creating a dynamic angle. Their arms are stretched out on either side of their body for balance, with each elbow forming a precise 90-degree bend. The person may seem to be mid-exercise or in the middle of a stretching routine, possibly wearing comfortable athletic attire suitable for the activity.",,2,1,entity,state,"entity - state (figure, balancing)",Is the figure balancing on both feet? +posescript32,"A figure can be seen balancing on both feet, their torso tilted sharply to the left, creating a dynamic angle. Their arms are stretched out on either side of their body for balance, with each elbow forming a precise 90-degree bend. The person may seem to be mid-exercise or in the middle of a stretching routine, possibly wearing comfortable athletic attire suitable for the activity.",,3,1,entity,state,"entity - state (torso, tilted sharply to the left)",Is the torso of the figure tilted sharply to the left? +posescript32,"A figure can be seen balancing on both feet, their torso tilted sharply to the left, creating a dynamic angle. Their arms are stretched out on either side of their body for balance, with each elbow forming a precise 90-degree bend. The person may seem to be mid-exercise or in the middle of a stretching routine, possibly wearing comfortable athletic attire suitable for the activity.",,4,1,entity,state,"entity - state (arms, stretched out)",Are the arms of the figure stretched out? +posescript32,"A figure can be seen balancing on both feet, their torso tilted sharply to the left, creating a dynamic angle. Their arms are stretched out on either side of their body for balance, with each elbow forming a precise 90-degree bend. The person may seem to be mid-exercise or in the middle of a stretching routine, possibly wearing comfortable athletic attire suitable for the activity.",,5,1,attribute,shape,"attribute - shape (elbows, 90-degree bend)",Do the elbows form a precise 90-degree bend? +posescript32,"A figure can be seen balancing on both feet, their torso tilted sharply to the left, creating a dynamic angle. Their arms are stretched out on either side of their body for balance, with each elbow forming a precise 90-degree bend. The person may seem to be mid-exercise or in the middle of a stretching routine, possibly wearing comfortable athletic attire suitable for the activity.",,6,1,entity,state,"entity - state (figure, mid-exercise)",Does the person seem to be mid-exercise? +posescript32,"A figure can be seen balancing on both feet, their torso tilted sharply to the left, creating a dynamic angle. Their arms are stretched out on either side of their body for balance, with each elbow forming a precise 90-degree bend. The person may seem to be mid-exercise or in the middle of a stretching routine, possibly wearing comfortable athletic attire suitable for the activity.",,7,1,entity,state,"entity - state (figure, stretching routine)",Is the person in the middle of a stretching routine? +posescript32,"A figure can be seen balancing on both feet, their torso tilted sharply to the left, creating a dynamic angle. Their arms are stretched out on either side of their body for balance, with each elbow forming a precise 90-degree bend. The person may seem to be mid-exercise or in the middle of a stretching routine, possibly wearing comfortable athletic attire suitable for the activity.",,8,1,attribute,other,"attribute - other (attire, athletic)",Is the attire athletic? +posescript32,"A figure can be seen balancing on both feet, their torso tilted sharply to the left, creating a dynamic angle. Their arms are stretched out on either side of their body for balance, with each elbow forming a precise 90-degree bend. The person may seem to be mid-exercise or in the middle of a stretching routine, possibly wearing comfortable athletic attire suitable for the activity.",,9,8,attribute,other,"attribute - other (attire, comfortable)",Is the attire comfortable? +posescript32,"A figure can be seen balancing on both feet, their torso tilted sharply to the left, creating a dynamic angle. Their arms are stretched out on either side of their body for balance, with each elbow forming a precise 90-degree bend. The person may seem to be mid-exercise or in the middle of a stretching routine, possibly wearing comfortable athletic attire suitable for the activity.",,10,"1,4",relation,spatial,"relation - spatial (arms, body, on either side)",Are the arms stretched out on either side of the body? +posescript12,"In a spacious room with a polished wooden floor, a person is captured in a dynamic pose, exhibiting an exaggerated stride. Their left leg is extended far in front, the foot planted firmly on the ground, while the right leg is stretched far behind. The right arm is bent at the elbow and directed downwards, while the left arm is held straight and swept backward. The individual's body leans heavily to the right, conveying a sense of motion and balance.",,1,0,entity,whole,entity - whole (room),Is there a room? +posescript12,"In a spacious room with a polished wooden floor, a person is captured in a dynamic pose, exhibiting an exaggerated stride. Their left leg is extended far in front, the foot planted firmly on the ground, while the right leg is stretched far behind. The right arm is bent at the elbow and directed downwards, while the left arm is held straight and swept backward. The individual's body leans heavily to the right, conveying a sense of motion and balance.",,2,1,entity,whole,entity - whole (floor),Is there a floor? +posescript12,"In a spacious room with a polished wooden floor, a person is captured in a dynamic pose, exhibiting an exaggerated stride. Their left leg is extended far in front, the foot planted firmly on the ground, while the right leg is stretched far behind. The right arm is bent at the elbow and directed downwards, while the left arm is held straight and swept backward. The individual's body leans heavily to the right, conveying a sense of motion and balance.",,3,0,entity,whole,entity - whole (person),Is there a person? +posescript12,"In a spacious room with a polished wooden floor, a person is captured in a dynamic pose, exhibiting an exaggerated stride. Their left leg is extended far in front, the foot planted firmly on the ground, while the right leg is stretched far behind. The right arm is bent at the elbow and directed downwards, while the left arm is held straight and swept backward. The individual's body leans heavily to the right, conveying a sense of motion and balance.",,4,2,attribute,texture,"attribute - texture (floor, wooden)",Is the floor made of wood? +posescript12,"In a spacious room with a polished wooden floor, a person is captured in a dynamic pose, exhibiting an exaggerated stride. Their left leg is extended far in front, the foot planted firmly on the ground, while the right leg is stretched far behind. The right arm is bent at the elbow and directed downwards, while the left arm is held straight and swept backward. The individual's body leans heavily to the right, conveying a sense of motion and balance.",,5,2,attribute,texture,"attribute - texture (floor, polished)",Is the wooden floor polished? +posescript12,"In a spacious room with a polished wooden floor, a person is captured in a dynamic pose, exhibiting an exaggerated stride. Their left leg is extended far in front, the foot planted firmly on the ground, while the right leg is stretched far behind. The right arm is bent at the elbow and directed downwards, while the left arm is held straight and swept backward. The individual's body leans heavily to the right, conveying a sense of motion and balance.",,6,1,attribute,size,"attribute - size (room, spacious)",Is the room spacious? +posescript12,"In a spacious room with a polished wooden floor, a person is captured in a dynamic pose, exhibiting an exaggerated stride. Their left leg is extended far in front, the foot planted firmly on the ground, while the right leg is stretched far behind. The right arm is bent at the elbow and directed downwards, while the left arm is held straight and swept backward. The individual's body leans heavily to the right, conveying a sense of motion and balance.",,7,3,entity,state,"entity - state (person, dynamic pose)",Is the person in a dynamic pose? +posescript12,"In a spacious room with a polished wooden floor, a person is captured in a dynamic pose, exhibiting an exaggerated stride. Their left leg is extended far in front, the foot planted firmly on the ground, while the right leg is stretched far behind. The right arm is bent at the elbow and directed downwards, while the left arm is held straight and swept backward. The individual's body leans heavily to the right, conveying a sense of motion and balance.",,8,3,entity,state,"entity - state (person, stride, exaggerated)",Is the person exhibiting an exaggerated stride? +posescript12,"In a spacious room with a polished wooden floor, a person is captured in a dynamic pose, exhibiting an exaggerated stride. Their left leg is extended far in front, the foot planted firmly on the ground, while the right leg is stretched far behind. The right arm is bent at the elbow and directed downwards, while the left arm is held straight and swept backward. The individual's body leans heavily to the right, conveying a sense of motion and balance.",,9,"1,3",relation,spatial,"relation - spatial (person, room, in)",Is the person in the room? +posescript12,"In a spacious room with a polished wooden floor, a person is captured in a dynamic pose, exhibiting an exaggerated stride. Their left leg is extended far in front, the foot planted firmly on the ground, while the right leg is stretched far behind. The right arm is bent at the elbow and directed downwards, while the left arm is held straight and swept backward. The individual's body leans heavily to the right, conveying a sense of motion and balance.",,10,"2,3",relation,spatial,"relation - spatial (person, floor, on)",Is the person on the floor? +diffusiondb3,"A bustling subway scene comes to life in a digital painting that has become a favorite on Artstation, showcasing a diverse crowd where an Indian woman stands out, attired in a vivid orange traditional garment. Beside her, a Chinese man is depicted in sharp focus, wearing a light blue shirt and holding onto a strap for balance. Concept art by renowned artists Artgerm, Greg Rutkowski, and Magali Villeneuve, the illustration captures the energy of the tube through intricate details and realistic textures. The background is filled with a multitude of passengers, each rendered distinctly to emphasize the crowded nature of the tube.",,1,0,entity,whole,entity - whole (subway scene),Is there a subway scene? +diffusiondb3,"A bustling subway scene comes to life in a digital painting that has become a favorite on Artstation, showcasing a diverse crowd where an Indian woman stands out, attired in a vivid orange traditional garment. Beside her, a Chinese man is depicted in sharp focus, wearing a light blue shirt and holding onto a strap for balance. Concept art by renowned artists Artgerm, Greg Rutkowski, and Magali Villeneuve, the illustration captures the energy of the tube through intricate details and realistic textures. The background is filled with a multitude of passengers, each rendered distinctly to emphasize the crowded nature of the tube.",,2,0,entity,whole,entity - whole (crowd),Is there a crowd? +diffusiondb3,"A bustling subway scene comes to life in a digital painting that has become a favorite on Artstation, showcasing a diverse crowd where an Indian woman stands out, attired in a vivid orange traditional garment. Beside her, a Chinese man is depicted in sharp focus, wearing a light blue shirt and holding onto a strap for balance. Concept art by renowned artists Artgerm, Greg Rutkowski, and Magali Villeneuve, the illustration captures the energy of the tube through intricate details and realistic textures. The background is filled with a multitude of passengers, each rendered distinctly to emphasize the crowded nature of the tube.",,3,0,entity,whole,entity - whole (Indian woman),Is there an Indian woman? +diffusiondb3,"A bustling subway scene comes to life in a digital painting that has become a favorite on Artstation, showcasing a diverse crowd where an Indian woman stands out, attired in a vivid orange traditional garment. Beside her, a Chinese man is depicted in sharp focus, wearing a light blue shirt and holding onto a strap for balance. Concept art by renowned artists Artgerm, Greg Rutkowski, and Magali Villeneuve, the illustration captures the energy of the tube through intricate details and realistic textures. The background is filled with a multitude of passengers, each rendered distinctly to emphasize the crowded nature of the tube.",,4,0,entity,whole,entity - whole (Chinese man),Is there a Chinese man? +diffusiondb3,"A bustling subway scene comes to life in a digital painting that has become a favorite on Artstation, showcasing a diverse crowd where an Indian woman stands out, attired in a vivid orange traditional garment. Beside her, a Chinese man is depicted in sharp focus, wearing a light blue shirt and holding onto a strap for balance. Concept art by renowned artists Artgerm, Greg Rutkowski, and Magali Villeneuve, the illustration captures the energy of the tube through intricate details and realistic textures. The background is filled with a multitude of passengers, each rendered distinctly to emphasize the crowded nature of the tube.",,5,0,global,,global - (digital painting),Is this a digital painting? +diffusiondb3,"A bustling subway scene comes to life in a digital painting that has become a favorite on Artstation, showcasing a diverse crowd where an Indian woman stands out, attired in a vivid orange traditional garment. Beside her, a Chinese man is depicted in sharp focus, wearing a light blue shirt and holding onto a strap for balance. Concept art by renowned artists Artgerm, Greg Rutkowski, and Magali Villeneuve, the illustration captures the energy of the tube through intricate details and realistic textures. The background is filled with a multitude of passengers, each rendered distinctly to emphasize the crowded nature of the tube.",,6,3,attribute,color,"attribute - color (Indian woman's garment, vivid orange)",Is the Indian woman's garment vivid orange? +diffusiondb3,"A bustling subway scene comes to life in a digital painting that has become a favorite on Artstation, showcasing a diverse crowd where an Indian woman stands out, attired in a vivid orange traditional garment. Beside her, a Chinese man is depicted in sharp focus, wearing a light blue shirt and holding onto a strap for balance. Concept art by renowned artists Artgerm, Greg Rutkowski, and Magali Villeneuve, the illustration captures the energy of the tube through intricate details and realistic textures. The background is filled with a multitude of passengers, each rendered distinctly to emphasize the crowded nature of the tube.",,7,4,attribute,color,"attribute - color (Chinese man's shirt, light blue)",Is the Chinese man's shirt light blue? +diffusiondb3,"A bustling subway scene comes to life in a digital painting that has become a favorite on Artstation, showcasing a diverse crowd where an Indian woman stands out, attired in a vivid orange traditional garment. Beside her, a Chinese man is depicted in sharp focus, wearing a light blue shirt and holding onto a strap for balance. Concept art by renowned artists Artgerm, Greg Rutkowski, and Magali Villeneuve, the illustration captures the energy of the tube through intricate details and realistic textures. The background is filled with a multitude of passengers, each rendered distinctly to emphasize the crowded nature of the tube.",,8,4,entity,state,"entity - state (Chinese man, hold onto a strap)",Is the Chinese man holding onto a strap? +diffusiondb3,"A bustling subway scene comes to life in a digital painting that has become a favorite on Artstation, showcasing a diverse crowd where an Indian woman stands out, attired in a vivid orange traditional garment. Beside her, a Chinese man is depicted in sharp focus, wearing a light blue shirt and holding onto a strap for balance. Concept art by renowned artists Artgerm, Greg Rutkowski, and Magali Villeneuve, the illustration captures the energy of the tube through intricate details and realistic textures. The background is filled with a multitude of passengers, each rendered distinctly to emphasize the crowded nature of the tube.",,9,"2,3",relation,spatial,"relation - spatial (Indian woman, crowd, stands out)",Does the Indian woman stand out in the crowd? +diffusiondb3,"A bustling subway scene comes to life in a digital painting that has become a favorite on Artstation, showcasing a diverse crowd where an Indian woman stands out, attired in a vivid orange traditional garment. Beside her, a Chinese man is depicted in sharp focus, wearing a light blue shirt and holding onto a strap for balance. Concept art by renowned artists Artgerm, Greg Rutkowski, and Magali Villeneuve, the illustration captures the energy of the tube through intricate details and realistic textures. The background is filled with a multitude of passengers, each rendered distinctly to emphasize the crowded nature of the tube.",,10,"3,4",relation,spatial,"relation - spatial (Chinese man, Indian woman, beside)",Is the Chinese man beside the Indian woman? +stanford25,"A close-up image reveals a hand grasping a sleek, dark necktie, its fabric slightly sheen in the light. The person's hand, adorned with a shiny wedding ring on the ring finger, emerges from the cuff of a gray collared shirt. Subtly peppered across the skin of the person's neck are a smattering of light brown freckles, offering a glimpse of their complexion beneath.",,1,0,entity,whole,entity - whole (hand),Is there a hand? +stanford25,"A close-up image reveals a hand grasping a sleek, dark necktie, its fabric slightly sheen in the light. The person's hand, adorned with a shiny wedding ring on the ring finger, emerges from the cuff of a gray collared shirt. Subtly peppered across the skin of the person's neck are a smattering of light brown freckles, offering a glimpse of their complexion beneath.",,2,0,entity,whole,entity - whole (necktie),Is there a necktie? +stanford25,"A close-up image reveals a hand grasping a sleek, dark necktie, its fabric slightly sheen in the light. The person's hand, adorned with a shiny wedding ring on the ring finger, emerges from the cuff of a gray collared shirt. Subtly peppered across the skin of the person's neck are a smattering of light brown freckles, offering a glimpse of their complexion beneath.",,3,0,entity,whole,entity - whole (wedding ring),Is there a wedding ring? +stanford25,"A close-up image reveals a hand grasping a sleek, dark necktie, its fabric slightly sheen in the light. The person's hand, adorned with a shiny wedding ring on the ring finger, emerges from the cuff of a gray collared shirt. Subtly peppered across the skin of the person's neck are a smattering of light brown freckles, offering a glimpse of their complexion beneath.",,4,0,entity,whole,entity - whole (shirt),Is there a shirt? +stanford25,"A close-up image reveals a hand grasping a sleek, dark necktie, its fabric slightly sheen in the light. The person's hand, adorned with a shiny wedding ring on the ring finger, emerges from the cuff of a gray collared shirt. Subtly peppered across the skin of the person's neck are a smattering of light brown freckles, offering a glimpse of their complexion beneath.",,5,4,entity,part,entity - part (shirt's cuff),Is there a cuff on the shirt? +stanford25,"A close-up image reveals a hand grasping a sleek, dark necktie, its fabric slightly sheen in the light. The person's hand, adorned with a shiny wedding ring on the ring finger, emerges from the cuff of a gray collared shirt. Subtly peppered across the skin of the person's neck are a smattering of light brown freckles, offering a glimpse of their complexion beneath.",,6,2,attribute,color,"attribute - color (necktie, dark)",Is the necktie dark? +stanford25,"A close-up image reveals a hand grasping a sleek, dark necktie, its fabric slightly sheen in the light. The person's hand, adorned with a shiny wedding ring on the ring finger, emerges from the cuff of a gray collared shirt. Subtly peppered across the skin of the person's neck are a smattering of light brown freckles, offering a glimpse of their complexion beneath.",,7,2,attribute,texture,"attribute - texture (necktie, slightly sheen)",Does the necktie have a slightly sheen fabric? +stanford25,"A close-up image reveals a hand grasping a sleek, dark necktie, its fabric slightly sheen in the light. The person's hand, adorned with a shiny wedding ring on the ring finger, emerges from the cuff of a gray collared shirt. Subtly peppered across the skin of the person's neck are a smattering of light brown freckles, offering a glimpse of their complexion beneath.",,8,4,attribute,color,"attribute - color (shirt, gray)",Is the shirt gray? +stanford25,"A close-up image reveals a hand grasping a sleek, dark necktie, its fabric slightly sheen in the light. The person's hand, adorned with a shiny wedding ring on the ring finger, emerges from the cuff of a gray collared shirt. Subtly peppered across the skin of the person's neck are a smattering of light brown freckles, offering a glimpse of their complexion beneath.",,9,3,attribute,color,"attribute - color (wedding ring, shiny)",Is the wedding ring shiny? +stanford25,"A close-up image reveals a hand grasping a sleek, dark necktie, its fabric slightly sheen in the light. The person's hand, adorned with a shiny wedding ring on the ring finger, emerges from the cuff of a gray collared shirt. Subtly peppered across the skin of the person's neck are a smattering of light brown freckles, offering a glimpse of their complexion beneath.",,10,1,attribute,color,"attribute - color (freckles, light brown)",Are the freckles light brown? +stanford25,"A close-up image reveals a hand grasping a sleek, dark necktie, its fabric slightly sheen in the light. The person's hand, adorned with a shiny wedding ring on the ring finger, emerges from the cuff of a gray collared shirt. Subtly peppered across the skin of the person's neck are a smattering of light brown freckles, offering a glimpse of their complexion beneath.",,11,"1,2",relation,spatial,"relation - spatial (hand, necktie, grasp)",Is the hand grasping the necktie? +stanford25,"A close-up image reveals a hand grasping a sleek, dark necktie, its fabric slightly sheen in the light. The person's hand, adorned with a shiny wedding ring on the ring finger, emerges from the cuff of a gray collared shirt. Subtly peppered across the skin of the person's neck are a smattering of light brown freckles, offering a glimpse of their complexion beneath.",,12,"1,3",relation,spatial,"relation - spatial (wedding ring, hand, on ring finger)",Is the wedding ring on the ring finger of the hand? +stanford25,"A close-up image reveals a hand grasping a sleek, dark necktie, its fabric slightly sheen in the light. The person's hand, adorned with a shiny wedding ring on the ring finger, emerges from the cuff of a gray collared shirt. Subtly peppered across the skin of the person's neck are a smattering of light brown freckles, offering a glimpse of their complexion beneath.",,13,"1,5",relation,spatial,"relation - spatial (hand, shirt's cuff, emerge from)",Is the hand emerging from the cuff of the shirt? +vrd39,"A tall, gray tower looms over the bustling street below, where cars and buses navigate through the flow of traffic. The street is canopied by a row of leafy green trees, which cast dappled shadows onto the asphalt. Behind a ruddy red car parked along the side of the road, more trees with thick foliage provide a backdrop of natural green against the urban environment. A large yellow bus makes its way down the lane, adding vibrancy to the cityscape.",,1,0,entity,whole,entity - whole (tower),Is there a tower? +vrd39,"A tall, gray tower looms over the bustling street below, where cars and buses navigate through the flow of traffic. The street is canopied by a row of leafy green trees, which cast dappled shadows onto the asphalt. Behind a ruddy red car parked along the side of the road, more trees with thick foliage provide a backdrop of natural green against the urban environment. A large yellow bus makes its way down the lane, adding vibrancy to the cityscape.",,2,0,entity,whole,entity - whole (street),Is there a street? +vrd39,"A tall, gray tower looms over the bustling street below, where cars and buses navigate through the flow of traffic. The street is canopied by a row of leafy green trees, which cast dappled shadows onto the asphalt. Behind a ruddy red car parked along the side of the road, more trees with thick foliage provide a backdrop of natural green against the urban environment. A large yellow bus makes its way down the lane, adding vibrancy to the cityscape.",,3,0,entity,whole,entity - whole (cars),Are there cars? +vrd39,"A tall, gray tower looms over the bustling street below, where cars and buses navigate through the flow of traffic. The street is canopied by a row of leafy green trees, which cast dappled shadows onto the asphalt. Behind a ruddy red car parked along the side of the road, more trees with thick foliage provide a backdrop of natural green against the urban environment. A large yellow bus makes its way down the lane, adding vibrancy to the cityscape.",,4,0,entity,whole,entity - whole (buses),Are there buses? +vrd39,"A tall, gray tower looms over the bustling street below, where cars and buses navigate through the flow of traffic. The street is canopied by a row of leafy green trees, which cast dappled shadows onto the asphalt. Behind a ruddy red car parked along the side of the road, more trees with thick foliage provide a backdrop of natural green against the urban environment. A large yellow bus makes its way down the lane, adding vibrancy to the cityscape.",,5,0,entity,whole,entity - whole (trees),Are there trees? +vrd39,"A tall, gray tower looms over the bustling street below, where cars and buses navigate through the flow of traffic. The street is canopied by a row of leafy green trees, which cast dappled shadows onto the asphalt. Behind a ruddy red car parked along the side of the road, more trees with thick foliage provide a backdrop of natural green against the urban environment. A large yellow bus makes its way down the lane, adding vibrancy to the cityscape.",,6,0,entity,whole,"entity - whole (car, red)",Is there a red car? +vrd39,"A tall, gray tower looms over the bustling street below, where cars and buses navigate through the flow of traffic. The street is canopied by a row of leafy green trees, which cast dappled shadows onto the asphalt. Behind a ruddy red car parked along the side of the road, more trees with thick foliage provide a backdrop of natural green against the urban environment. A large yellow bus makes its way down the lane, adding vibrancy to the cityscape.",,7,0,entity,whole,"entity - whole (bus, yellow)",Is there a yellow bus? +vrd39,"A tall, gray tower looms over the bustling street below, where cars and buses navigate through the flow of traffic. The street is canopied by a row of leafy green trees, which cast dappled shadows onto the asphalt. Behind a ruddy red car parked along the side of the road, more trees with thick foliage provide a backdrop of natural green against the urban environment. A large yellow bus makes its way down the lane, adding vibrancy to the cityscape.",,8,1,attribute,color,"attribute - color (tower, gray)",Is the tower gray? +vrd39,"A tall, gray tower looms over the bustling street below, where cars and buses navigate through the flow of traffic. The street is canopied by a row of leafy green trees, which cast dappled shadows onto the asphalt. Behind a ruddy red car parked along the side of the road, more trees with thick foliage provide a backdrop of natural green against the urban environment. A large yellow bus makes its way down the lane, adding vibrancy to the cityscape.",,9,5,attribute,color,"attribute - color (trees, leafy green)",Are the trees leafy green? +vrd39,"A tall, gray tower looms over the bustling street below, where cars and buses navigate through the flow of traffic. The street is canopied by a row of leafy green trees, which cast dappled shadows onto the asphalt. Behind a ruddy red car parked along the side of the road, more trees with thick foliage provide a backdrop of natural green against the urban environment. A large yellow bus makes its way down the lane, adding vibrancy to the cityscape.",,10,6,attribute,color,"attribute - color (car, ruddy red)",Is the car ruddy red? +vrd39,"A tall, gray tower looms over the bustling street below, where cars and buses navigate through the flow of traffic. The street is canopied by a row of leafy green trees, which cast dappled shadows onto the asphalt. Behind a ruddy red car parked along the side of the road, more trees with thick foliage provide a backdrop of natural green against the urban environment. A large yellow bus makes its way down the lane, adding vibrancy to the cityscape.",,11,7,attribute,color,"attribute - color (bus, large yellow)",Is the bus large and yellow? +vrd39,"A tall, gray tower looms over the bustling street below, where cars and buses navigate through the flow of traffic. The street is canopied by a row of leafy green trees, which cast dappled shadows onto the asphalt. Behind a ruddy red car parked along the side of the road, more trees with thick foliage provide a backdrop of natural green against the urban environment. A large yellow bus makes its way down the lane, adding vibrancy to the cityscape.",,12,1,attribute,size,"attribute - size (tower, tall)",Is the tower tall? +vrd39,"A tall, gray tower looms over the bustling street below, where cars and buses navigate through the flow of traffic. The street is canopied by a row of leafy green trees, which cast dappled shadows onto the asphalt. Behind a ruddy red car parked along the side of the road, more trees with thick foliage provide a backdrop of natural green against the urban environment. A large yellow bus makes its way down the lane, adding vibrancy to the cityscape.",,13,"1,2",relation,spatial,"relation - spatial (tower, street, over)",Does the tower loom over the street? +vrd39,"A tall, gray tower looms over the bustling street below, where cars and buses navigate through the flow of traffic. The street is canopied by a row of leafy green trees, which cast dappled shadows onto the asphalt. Behind a ruddy red car parked along the side of the road, more trees with thick foliage provide a backdrop of natural green against the urban environment. A large yellow bus makes its way down the lane, adding vibrancy to the cityscape.",,14,"2,3",relation,spatial,"relation - spatial (cars, street, on)",Are the cars on the street? +vrd39,"A tall, gray tower looms over the bustling street below, where cars and buses navigate through the flow of traffic. The street is canopied by a row of leafy green trees, which cast dappled shadows onto the asphalt. Behind a ruddy red car parked along the side of the road, more trees with thick foliage provide a backdrop of natural green against the urban environment. A large yellow bus makes its way down the lane, adding vibrancy to the cityscape.",,15,"2,4",relation,spatial,"relation - spatial (buses, street, on)",Are the buses on the street? +vrd39,"A tall, gray tower looms over the bustling street below, where cars and buses navigate through the flow of traffic. The street is canopied by a row of leafy green trees, which cast dappled shadows onto the asphalt. Behind a ruddy red car parked along the side of the road, more trees with thick foliage provide a backdrop of natural green against the urban environment. A large yellow bus makes its way down the lane, adding vibrancy to the cityscape.",,16,"2,5",relation,spatial,"relation - spatial (trees, street, canopy over)",Do the trees canopy over the street? +vrd39,"A tall, gray tower looms over the bustling street below, where cars and buses navigate through the flow of traffic. The street is canopied by a row of leafy green trees, which cast dappled shadows onto the asphalt. Behind a ruddy red car parked along the side of the road, more trees with thick foliage provide a backdrop of natural green against the urban environment. A large yellow bus makes its way down the lane, adding vibrancy to the cityscape.",,17,"2,6",relation,spatial,"relation - spatial (car, street, parked on side)",Is the red car parked along the side of the road? +vrd39,"A tall, gray tower looms over the bustling street below, where cars and buses navigate through the flow of traffic. The street is canopied by a row of leafy green trees, which cast dappled shadows onto the asphalt. Behind a ruddy red car parked along the side of the road, more trees with thick foliage provide a backdrop of natural green against the urban environment. A large yellow bus makes its way down the lane, adding vibrancy to the cityscape.",,18,"2,7",relation,spatial,"relation - spatial (bus, street, down the lane)",Is the yellow bus making its way down the lane? +vrd39,"A tall, gray tower looms over the bustling street below, where cars and buses navigate through the flow of traffic. The street is canopied by a row of leafy green trees, which cast dappled shadows onto the asphalt. Behind a ruddy red car parked along the side of the road, more trees with thick foliage provide a backdrop of natural green against the urban environment. A large yellow bus makes its way down the lane, adding vibrancy to the cityscape.",,19,2,entity,state,"entity - state (street, bustling)",Is the street bustling? +vrd39,"A tall, gray tower looms over the bustling street below, where cars and buses navigate through the flow of traffic. The street is canopied by a row of leafy green trees, which cast dappled shadows onto the asphalt. Behind a ruddy red car parked along the side of the road, more trees with thick foliage provide a backdrop of natural green against the urban environment. A large yellow bus makes its way down the lane, adding vibrancy to the cityscape.",,20,2,entity,state,"entity - state (traffic, flow through)",Is the traffic flowing through? +diffusiondb26,"In the depicted oil painting, we can observe Yair Lapid, gripping a torch where flames flicker wildly, cast in a dramatic, chiaroscuro light reminiscent of Michelangelo's style. He stands as a central figure amongst a cluster of people who are rendered with great detail, showcasing distinct yet harmonious facial expressions and postures. The background of the scene is a muted blend of earthy tones, creating a stark contrast that highlights the central composition of Yair and his companions.",,1,0,entity,whole,entity - whole (oil painting),Is there an oil painting depicted? +diffusiondb26,"In the depicted oil painting, we can observe Yair Lapid, gripping a torch where flames flicker wildly, cast in a dramatic, chiaroscuro light reminiscent of Michelangelo's style. He stands as a central figure amongst a cluster of people who are rendered with great detail, showcasing distinct yet harmonious facial expressions and postures. The background of the scene is a muted blend of earthy tones, creating a stark contrast that highlights the central composition of Yair and his companions.",,2,0,entity,whole,entity - whole (Yair Lapid),Can we observe Yair Lapid in the painting? +diffusiondb26,"In the depicted oil painting, we can observe Yair Lapid, gripping a torch where flames flicker wildly, cast in a dramatic, chiaroscuro light reminiscent of Michelangelo's style. He stands as a central figure amongst a cluster of people who are rendered with great detail, showcasing distinct yet harmonious facial expressions and postures. The background of the scene is a muted blend of earthy tones, creating a stark contrast that highlights the central composition of Yair and his companions.",,3,0,entity,whole,entity - whole (torch),Is there a torch in the painting? +diffusiondb26,"In the depicted oil painting, we can observe Yair Lapid, gripping a torch where flames flicker wildly, cast in a dramatic, chiaroscuro light reminiscent of Michelangelo's style. He stands as a central figure amongst a cluster of people who are rendered with great detail, showcasing distinct yet harmonious facial expressions and postures. The background of the scene is a muted blend of earthy tones, creating a stark contrast that highlights the central composition of Yair and his companions.",,4,3,entity,whole,entity - whole (flames),Are there flames in the painting? +diffusiondb26,"In the depicted oil painting, we can observe Yair Lapid, gripping a torch where flames flicker wildly, cast in a dramatic, chiaroscuro light reminiscent of Michelangelo's style. He stands as a central figure amongst a cluster of people who are rendered with great detail, showcasing distinct yet harmonious facial expressions and postures. The background of the scene is a muted blend of earthy tones, creating a stark contrast that highlights the central composition of Yair and his companions.",,5,0,entity,whole,entity - whole (people),Are there people in the painting? +diffusiondb26,"In the depicted oil painting, we can observe Yair Lapid, gripping a torch where flames flicker wildly, cast in a dramatic, chiaroscuro light reminiscent of Michelangelo's style. He stands as a central figure amongst a cluster of people who are rendered with great detail, showcasing distinct yet harmonious facial expressions and postures. The background of the scene is a muted blend of earthy tones, creating a stark contrast that highlights the central composition of Yair and his companions.",,6,1,global,,"global - (style, chiaroscuro)",Is the style of the painting chiaroscuro? +diffusiondb26,"In the depicted oil painting, we can observe Yair Lapid, gripping a torch where flames flicker wildly, cast in a dramatic, chiaroscuro light reminiscent of Michelangelo's style. He stands as a central figure amongst a cluster of people who are rendered with great detail, showcasing distinct yet harmonious facial expressions and postures. The background of the scene is a muted blend of earthy tones, creating a stark contrast that highlights the central composition of Yair and his companions.",,7,1,global,,"global - (style, Michelangelo's)",Is the painting reminiscent of Michelangelo's style? +diffusiondb26,"In the depicted oil painting, we can observe Yair Lapid, gripping a torch where flames flicker wildly, cast in a dramatic, chiaroscuro light reminiscent of Michelangelo's style. He stands as a central figure amongst a cluster of people who are rendered with great detail, showcasing distinct yet harmonious facial expressions and postures. The background of the scene is a muted blend of earthy tones, creating a stark contrast that highlights the central composition of Yair and his companions.",,8,1,attribute,texture,"attribute - texture (background, earthy tones)",Is the background of the scene a muted blend of earthy tones? +diffusiondb26,"In the depicted oil painting, we can observe Yair Lapid, gripping a torch where flames flicker wildly, cast in a dramatic, chiaroscuro light reminiscent of Michelangelo's style. He stands as a central figure amongst a cluster of people who are rendered with great detail, showcasing distinct yet harmonious facial expressions and postures. The background of the scene is a muted blend of earthy tones, creating a stark contrast that highlights the central composition of Yair and his companions.",,9,"2,3",entity,state,"entity - state (Yair Lapid, grip)",Is Yair Lapid gripping something in the painting? +diffusiondb26,"In the depicted oil painting, we can observe Yair Lapid, gripping a torch where flames flicker wildly, cast in a dramatic, chiaroscuro light reminiscent of Michelangelo's style. He stands as a central figure amongst a cluster of people who are rendered with great detail, showcasing distinct yet harmonious facial expressions and postures. The background of the scene is a muted blend of earthy tones, creating a stark contrast that highlights the central composition of Yair and his companions.",,10,4,entity,state,"entity - state (flames, flicker)",Do the flames flicker wildly in the painting? +localized3,"In a grassy outdoor setting, several individuals are wearing protective helmets and standing near vivid blue and yellow inflatable pillars. In the foreground, there's a semblance of a game or event taking place amidst the greenery. Towards the back, multiple tents are set up alongside a tall bamboo structure, and colorful posters are visible, fluttering in the gentle breeze.",,1,0,entity,whole,entity - whole (individuals),Are there individuals? +localized3,"In a grassy outdoor setting, several individuals are wearing protective helmets and standing near vivid blue and yellow inflatable pillars. In the foreground, there's a semblance of a game or event taking place amidst the greenery. Towards the back, multiple tents are set up alongside a tall bamboo structure, and colorful posters are visible, fluttering in the gentle breeze.",,2,0,entity,whole,entity - whole (helmets),Are there helmets? +localized3,"In a grassy outdoor setting, several individuals are wearing protective helmets and standing near vivid blue and yellow inflatable pillars. In the foreground, there's a semblance of a game or event taking place amidst the greenery. Towards the back, multiple tents are set up alongside a tall bamboo structure, and colorful posters are visible, fluttering in the gentle breeze.",,3,0,entity,whole,entity - whole (pillars),Are there inflatable pillars? +localized3,"In a grassy outdoor setting, several individuals are wearing protective helmets and standing near vivid blue and yellow inflatable pillars. In the foreground, there's a semblance of a game or event taking place amidst the greenery. Towards the back, multiple tents are set up alongside a tall bamboo structure, and colorful posters are visible, fluttering in the gentle breeze.",,4,0,entity,whole,entity - whole (game or event),Is there a game or event? +localized3,"In a grassy outdoor setting, several individuals are wearing protective helmets and standing near vivid blue and yellow inflatable pillars. In the foreground, there's a semblance of a game or event taking place amidst the greenery. Towards the back, multiple tents are set up alongside a tall bamboo structure, and colorful posters are visible, fluttering in the gentle breeze.",,5,0,entity,whole,entity - whole (tents),Are there tents? +localized3,"In a grassy outdoor setting, several individuals are wearing protective helmets and standing near vivid blue and yellow inflatable pillars. In the foreground, there's a semblance of a game or event taking place amidst the greenery. Towards the back, multiple tents are set up alongside a tall bamboo structure, and colorful posters are visible, fluttering in the gentle breeze.",,6,0,entity,whole,entity - whole (bamboo structure),Is there a bamboo structure? +localized3,"In a grassy outdoor setting, several individuals are wearing protective helmets and standing near vivid blue and yellow inflatable pillars. In the foreground, there's a semblance of a game or event taking place amidst the greenery. Towards the back, multiple tents are set up alongside a tall bamboo structure, and colorful posters are visible, fluttering in the gentle breeze.",,7,0,entity,whole,entity - whole (posters),Are there posters? +localized3,"In a grassy outdoor setting, several individuals are wearing protective helmets and standing near vivid blue and yellow inflatable pillars. In the foreground, there's a semblance of a game or event taking place amidst the greenery. Towards the back, multiple tents are set up alongside a tall bamboo structure, and colorful posters are visible, fluttering in the gentle breeze.",,8,3,attribute,color,"attribute - color (pillars, vivid blue)",Are the pillars vivid blue? +localized3,"In a grassy outdoor setting, several individuals are wearing protective helmets and standing near vivid blue and yellow inflatable pillars. In the foreground, there's a semblance of a game or event taking place amidst the greenery. Towards the back, multiple tents are set up alongside a tall bamboo structure, and colorful posters are visible, fluttering in the gentle breeze.",,9,3,attribute,color,"attribute - color (pillars, yellow)",Are the pillars yellow? +localized3,"In a grassy outdoor setting, several individuals are wearing protective helmets and standing near vivid blue and yellow inflatable pillars. In the foreground, there's a semblance of a game or event taking place amidst the greenery. Towards the back, multiple tents are set up alongside a tall bamboo structure, and colorful posters are visible, fluttering in the gentle breeze.",,10,0,attribute,texture,"attribute - texture (setting, grassy)",Is the setting grassy? +whoops19,"An individual in a light blue shirt and khaki shorts is methodically sweeping the sandy beach with a long, wooden-handled broom. Around him, the soft golden sand is sparsely dotted with seashells and footprints. Nearby, a series of colorful beach umbrellas and lounging chairs are arranged, contrasting against the clear blue sky.",,1,0,entity,whole,entity - whole (individual),Is there an individual? +whoops19,"An individual in a light blue shirt and khaki shorts is methodically sweeping the sandy beach with a long, wooden-handled broom. Around him, the soft golden sand is sparsely dotted with seashells and footprints. Nearby, a series of colorful beach umbrellas and lounging chairs are arranged, contrasting against the clear blue sky.",,2,1,entity,whole,entity - whole (shirt),Is there a shirt? +whoops19,"An individual in a light blue shirt and khaki shorts is methodically sweeping the sandy beach with a long, wooden-handled broom. Around him, the soft golden sand is sparsely dotted with seashells and footprints. Nearby, a series of colorful beach umbrellas and lounging chairs are arranged, contrasting against the clear blue sky.",,3,1,entity,whole,entity - whole (shorts),Are there shorts? +whoops19,"An individual in a light blue shirt and khaki shorts is methodically sweeping the sandy beach with a long, wooden-handled broom. Around him, the soft golden sand is sparsely dotted with seashells and footprints. Nearby, a series of colorful beach umbrellas and lounging chairs are arranged, contrasting against the clear blue sky.",,4,0,entity,whole,entity - whole (broom),Is there a broom? +whoops19,"An individual in a light blue shirt and khaki shorts is methodically sweeping the sandy beach with a long, wooden-handled broom. Around him, the soft golden sand is sparsely dotted with seashells and footprints. Nearby, a series of colorful beach umbrellas and lounging chairs are arranged, contrasting against the clear blue sky.",,5,0,entity,whole,entity - whole (beach),Is there a beach? +whoops19,"An individual in a light blue shirt and khaki shorts is methodically sweeping the sandy beach with a long, wooden-handled broom. Around him, the soft golden sand is sparsely dotted with seashells and footprints. Nearby, a series of colorful beach umbrellas and lounging chairs are arranged, contrasting against the clear blue sky.",,6,5,entity,whole,entity - whole (sand),Is there sand? +whoops19,"An individual in a light blue shirt and khaki shorts is methodically sweeping the sandy beach with a long, wooden-handled broom. Around him, the soft golden sand is sparsely dotted with seashells and footprints. Nearby, a series of colorful beach umbrellas and lounging chairs are arranged, contrasting against the clear blue sky.",,7,0,entity,whole,entity - whole (seashells),Are there seashells? +whoops19,"An individual in a light blue shirt and khaki shorts is methodically sweeping the sandy beach with a long, wooden-handled broom. Around him, the soft golden sand is sparsely dotted with seashells and footprints. Nearby, a series of colorful beach umbrellas and lounging chairs are arranged, contrasting against the clear blue sky.",,8,0,entity,whole,entity - whole (footprints),Are there footprints? +whoops19,"An individual in a light blue shirt and khaki shorts is methodically sweeping the sandy beach with a long, wooden-handled broom. Around him, the soft golden sand is sparsely dotted with seashells and footprints. Nearby, a series of colorful beach umbrellas and lounging chairs are arranged, contrasting against the clear blue sky.",,9,0,entity,whole,entity - whole (beach umbrellas),Are there beach umbrellas? +whoops19,"An individual in a light blue shirt and khaki shorts is methodically sweeping the sandy beach with a long, wooden-handled broom. Around him, the soft golden sand is sparsely dotted with seashells and footprints. Nearby, a series of colorful beach umbrellas and lounging chairs are arranged, contrasting against the clear blue sky.",,10,0,entity,whole,entity - whole (lounging chairs),Are there lounging chairs? +whoops19,"An individual in a light blue shirt and khaki shorts is methodically sweeping the sandy beach with a long, wooden-handled broom. Around him, the soft golden sand is sparsely dotted with seashells and footprints. Nearby, a series of colorful beach umbrellas and lounging chairs are arranged, contrasting against the clear blue sky.",,11,2,attribute,color,"attribute - color (shirt, light blue)",Is the shirt light blue? +whoops19,"An individual in a light blue shirt and khaki shorts is methodically sweeping the sandy beach with a long, wooden-handled broom. Around him, the soft golden sand is sparsely dotted with seashells and footprints. Nearby, a series of colorful beach umbrellas and lounging chairs are arranged, contrasting against the clear blue sky.",,12,3,attribute,color,"attribute - color (shorts, khaki)",Are the shorts khaki? +whoops19,"An individual in a light blue shirt and khaki shorts is methodically sweeping the sandy beach with a long, wooden-handled broom. Around him, the soft golden sand is sparsely dotted with seashells and footprints. Nearby, a series of colorful beach umbrellas and lounging chairs are arranged, contrasting against the clear blue sky.",,13,4,attribute,texture,"attribute - texture (broom, wooden-handled)",Does the broom have a wooden handle? +whoops19,"An individual in a light blue shirt and khaki shorts is methodically sweeping the sandy beach with a long, wooden-handled broom. Around him, the soft golden sand is sparsely dotted with seashells and footprints. Nearby, a series of colorful beach umbrellas and lounging chairs are arranged, contrasting against the clear blue sky.",,14,6,attribute,texture,"attribute - texture (sand, soft golden)",Is the sand soft and golden? +whoops19,"An individual in a light blue shirt and khaki shorts is methodically sweeping the sandy beach with a long, wooden-handled broom. Around him, the soft golden sand is sparsely dotted with seashells and footprints. Nearby, a series of colorful beach umbrellas and lounging chairs are arranged, contrasting against the clear blue sky.",,15,9,attribute,color,"attribute - color (beach umbrellas, colorful)",Are the beach umbrellas colorful? +whoops19,"An individual in a light blue shirt and khaki shorts is methodically sweeping the sandy beach with a long, wooden-handled broom. Around him, the soft golden sand is sparsely dotted with seashells and footprints. Nearby, a series of colorful beach umbrellas and lounging chairs are arranged, contrasting against the clear blue sky.",,16,0,attribute,color,"attribute - color (sky, clear blue)",Is the sky clear blue? +whoops19,"An individual in a light blue shirt and khaki shorts is methodically sweeping the sandy beach with a long, wooden-handled broom. Around him, the soft golden sand is sparsely dotted with seashells and footprints. Nearby, a series of colorful beach umbrellas and lounging chairs are arranged, contrasting against the clear blue sky.",,17,1,entity,state,"entity - state (individual, sweeping)",Is the individual sweeping? +whoops19,"An individual in a light blue shirt and khaki shorts is methodically sweeping the sandy beach with a long, wooden-handled broom. Around him, the soft golden sand is sparsely dotted with seashells and footprints. Nearby, a series of colorful beach umbrellas and lounging chairs are arranged, contrasting against the clear blue sky.",,18,"1,5",relation,spatial,"relation - spatial (individual, beach, on)",Is the individual on the beach? +whoops19,"An individual in a light blue shirt and khaki shorts is methodically sweeping the sandy beach with a long, wooden-handled broom. Around him, the soft golden sand is sparsely dotted with seashells and footprints. Nearby, a series of colorful beach umbrellas and lounging chairs are arranged, contrasting against the clear blue sky.",,19,"9,5",relation,spatial,"relation - spatial (beach umbrellas, beach, on)",Are the beach umbrellas on the beach? +whoops19,"An individual in a light blue shirt and khaki shorts is methodically sweeping the sandy beach with a long, wooden-handled broom. Around him, the soft golden sand is sparsely dotted with seashells and footprints. Nearby, a series of colorful beach umbrellas and lounging chairs are arranged, contrasting against the clear blue sky.",,20,"10,5",relation,spatial,"relation - spatial (lounging chairs, beach, on)",Are the lounging chairs on the beach? +whoops19,"An individual in a light blue shirt and khaki shorts is methodically sweeping the sandy beach with a long, wooden-handled broom. Around him, the soft golden sand is sparsely dotted with seashells and footprints. Nearby, a series of colorful beach umbrellas and lounging chairs are arranged, contrasting against the clear blue sky.",,21,"7,6",relation,spatial,"relation - spatial (seashells, sand, on)",Are the seashells on the sand? +whoops19,"An individual in a light blue shirt and khaki shorts is methodically sweeping the sandy beach with a long, wooden-handled broom. Around him, the soft golden sand is sparsely dotted with seashells and footprints. Nearby, a series of colorful beach umbrellas and lounging chairs are arranged, contrasting against the clear blue sky.",,22,"8,6",relation,spatial,"relation - spatial (footprints, sand, on)",Are the footprints on the sand? +drawtext24,"An intricate display of grapevines artfully shaped to form the phrase ""open your mind,"" emerging from the top of a sculpted head. The head is adorned with colorful flowers where butterflies are delicately perched, adding life to the scene. The DSLR captured image showcases the crisp textures and vibrant hues against a softly blurred background, accentuating the central theme.",,1,0,entity,whole,entity - whole (grapevines),Are there grapevines? +drawtext24,"An intricate display of grapevines artfully shaped to form the phrase ""open your mind,"" emerging from the top of a sculpted head. The head is adorned with colorful flowers where butterflies are delicately perched, adding life to the scene. The DSLR captured image showcases the crisp textures and vibrant hues against a softly blurred background, accentuating the central theme.",,2,0,entity,whole,entity - whole (sculpted head),Is there a sculpted head? +drawtext24,"An intricate display of grapevines artfully shaped to form the phrase ""open your mind,"" emerging from the top of a sculpted head. The head is adorned with colorful flowers where butterflies are delicately perched, adding life to the scene. The DSLR captured image showcases the crisp textures and vibrant hues against a softly blurred background, accentuating the central theme.",,3,0,entity,whole,entity - whole (flowers),Are there flowers? +drawtext24,"An intricate display of grapevines artfully shaped to form the phrase ""open your mind,"" emerging from the top of a sculpted head. The head is adorned with colorful flowers where butterflies are delicately perched, adding life to the scene. The DSLR captured image showcases the crisp textures and vibrant hues against a softly blurred background, accentuating the central theme.",,4,0,entity,whole,entity - whole (butterflies),Are there butterflies? +drawtext24,"An intricate display of grapevines artfully shaped to form the phrase ""open your mind,"" emerging from the top of a sculpted head. The head is adorned with colorful flowers where butterflies are delicately perched, adding life to the scene. The DSLR captured image showcases the crisp textures and vibrant hues against a softly blurred background, accentuating the central theme.",,5,1,other,text,"other - text (phrase, ""open your mind"")","Does the phrase ""open your mind"" appear?" +drawtext24,"An intricate display of grapevines artfully shaped to form the phrase ""open your mind,"" emerging from the top of a sculpted head. The head is adorned with colorful flowers where butterflies are delicately perched, adding life to the scene. The DSLR captured image showcases the crisp textures and vibrant hues against a softly blurred background, accentuating the central theme.",,6,1,attribute,texture,"attribute - texture (grapevines, artfully shaped)",Are the grapevines artfully shaped? +drawtext24,"An intricate display of grapevines artfully shaped to form the phrase ""open your mind,"" emerging from the top of a sculpted head. The head is adorned with colorful flowers where butterflies are delicately perched, adding life to the scene. The DSLR captured image showcases the crisp textures and vibrant hues against a softly blurred background, accentuating the central theme.",,7,2,attribute,texture,"attribute - texture (sculpted head, adorned)",Is the sculpted head adorned? +drawtext24,"An intricate display of grapevines artfully shaped to form the phrase ""open your mind,"" emerging from the top of a sculpted head. The head is adorned with colorful flowers where butterflies are delicately perched, adding life to the scene. The DSLR captured image showcases the crisp textures and vibrant hues against a softly blurred background, accentuating the central theme.",,8,3,attribute,color,"attribute - color (flowers, colorful)",Are the flowers colorful? +drawtext24,"An intricate display of grapevines artfully shaped to form the phrase ""open your mind,"" emerging from the top of a sculpted head. The head is adorned with colorful flowers where butterflies are delicately perched, adding life to the scene. The DSLR captured image showcases the crisp textures and vibrant hues against a softly blurred background, accentuating the central theme.",,9,0,global,,global - (DSLR captured image),Is this an image captured by a DSLR camera? +drawtext24,"An intricate display of grapevines artfully shaped to form the phrase ""open your mind,"" emerging from the top of a sculpted head. The head is adorned with colorful flowers where butterflies are delicately perched, adding life to the scene. The DSLR captured image showcases the crisp textures and vibrant hues against a softly blurred background, accentuating the central theme.",,10,0,attribute,texture,"attribute - texture (background, softly blurred)",Is the background softly blurred? +diffusiondb4,"A captivating portrait by the acclaimed artist Krenz Cushart, showcasing a young girl with ethereal beauty, gracefully suspended amidst the soft, billowy clouds. Her delicate features are rendered with meticulous attention to detail, enhanced by the artist's intricate brush strokes that bring life to her flowing hair and the subtle play of light across her visage. The artwork, suffused with a dreamlike quality, has garnered widespread admiration and is currently a sensation on the Pixiv Fanbox platform.",,1,0,entity,whole,entity - whole (portrait),Is there a portrait? +diffusiondb4,"A captivating portrait by the acclaimed artist Krenz Cushart, showcasing a young girl with ethereal beauty, gracefully suspended amidst the soft, billowy clouds. Her delicate features are rendered with meticulous attention to detail, enhanced by the artist's intricate brush strokes that bring life to her flowing hair and the subtle play of light across her visage. The artwork, suffused with a dreamlike quality, has garnered widespread admiration and is currently a sensation on the Pixiv Fanbox platform.",,2,0,entity,whole,entity - whole (artist),Is there an artist? +diffusiondb4,"A captivating portrait by the acclaimed artist Krenz Cushart, showcasing a young girl with ethereal beauty, gracefully suspended amidst the soft, billowy clouds. Her delicate features are rendered with meticulous attention to detail, enhanced by the artist's intricate brush strokes that bring life to her flowing hair and the subtle play of light across her visage. The artwork, suffused with a dreamlike quality, has garnered widespread admiration and is currently a sensation on the Pixiv Fanbox platform.",,3,0,entity,whole,entity - whole (girl),Is there a young girl? +diffusiondb4,"A captivating portrait by the acclaimed artist Krenz Cushart, showcasing a young girl with ethereal beauty, gracefully suspended amidst the soft, billowy clouds. Her delicate features are rendered with meticulous attention to detail, enhanced by the artist's intricate brush strokes that bring life to her flowing hair and the subtle play of light across her visage. The artwork, suffused with a dreamlike quality, has garnered widespread admiration and is currently a sensation on the Pixiv Fanbox platform.",,4,0,entity,whole,entity - whole (clouds),Are there clouds? +diffusiondb4,"A captivating portrait by the acclaimed artist Krenz Cushart, showcasing a young girl with ethereal beauty, gracefully suspended amidst the soft, billowy clouds. Her delicate features are rendered with meticulous attention to detail, enhanced by the artist's intricate brush strokes that bring life to her flowing hair and the subtle play of light across her visage. The artwork, suffused with a dreamlike quality, has garnered widespread admiration and is currently a sensation on the Pixiv Fanbox platform.",,5,2,attribute,other,"attribute - other (artist, acclaimed)",Is the artist acclaimed? +diffusiondb4,"A captivating portrait by the acclaimed artist Krenz Cushart, showcasing a young girl with ethereal beauty, gracefully suspended amidst the soft, billowy clouds. Her delicate features are rendered with meticulous attention to detail, enhanced by the artist's intricate brush strokes that bring life to her flowing hair and the subtle play of light across her visage. The artwork, suffused with a dreamlike quality, has garnered widespread admiration and is currently a sensation on the Pixiv Fanbox platform.",,6,3,attribute,other,"attribute - other (girl, ethereal beauty)",Does the girl have ethereal beauty? +diffusiondb4,"A captivating portrait by the acclaimed artist Krenz Cushart, showcasing a young girl with ethereal beauty, gracefully suspended amidst the soft, billowy clouds. Her delicate features are rendered with meticulous attention to detail, enhanced by the artist's intricate brush strokes that bring life to her flowing hair and the subtle play of light across her visage. The artwork, suffused with a dreamlike quality, has garnered widespread admiration and is currently a sensation on the Pixiv Fanbox platform.",,7,3,attribute,other,"attribute - other (girl, delicate features)",Does the girl have delicate features? +diffusiondb4,"A captivating portrait by the acclaimed artist Krenz Cushart, showcasing a young girl with ethereal beauty, gracefully suspended amidst the soft, billowy clouds. Her delicate features are rendered with meticulous attention to detail, enhanced by the artist's intricate brush strokes that bring life to her flowing hair and the subtle play of light across her visage. The artwork, suffused with a dreamlike quality, has garnered widespread admiration and is currently a sensation on the Pixiv Fanbox platform.",,8,3,attribute,texture,"attribute - texture (hair, flowing)",Is the hair flowing? +diffusiondb4,"A captivating portrait by the acclaimed artist Krenz Cushart, showcasing a young girl with ethereal beauty, gracefully suspended amidst the soft, billowy clouds. Her delicate features are rendered with meticulous attention to detail, enhanced by the artist's intricate brush strokes that bring life to her flowing hair and the subtle play of light across her visage. The artwork, suffused with a dreamlike quality, has garnered widespread admiration and is currently a sensation on the Pixiv Fanbox platform.",,9,1,attribute,texture,"attribute - texture (brush strokes, intricate)",Are the brush strokes intricate? +diffusiondb4,"A captivating portrait by the acclaimed artist Krenz Cushart, showcasing a young girl with ethereal beauty, gracefully suspended amidst the soft, billowy clouds. Her delicate features are rendered with meticulous attention to detail, enhanced by the artist's intricate brush strokes that bring life to her flowing hair and the subtle play of light across her visage. The artwork, suffused with a dreamlike quality, has garnered widespread admiration and is currently a sensation on the Pixiv Fanbox platform.",,10,"3,4",relation,spatial,"relation - spatial (girl, clouds, amidst)",Is the girl gracefully suspended amidst the clouds? +stanford23,"A tricolored calico cat with a mixture of brown, black, and white fur comfortably sits on top of a modern flat-screen television. The TV is currently on, displaying a colorful nature documentary, providing a dynamic contrast to the cat's serene posture. Surrounding the television is a backdrop of brown and beige floral wallpaper, contributing to a warm and homely aesthetic within the room.",,1,0,entity,whole,entity - whole (cat),Is there a cat? +stanford23,"A tricolored calico cat with a mixture of brown, black, and white fur comfortably sits on top of a modern flat-screen television. The TV is currently on, displaying a colorful nature documentary, providing a dynamic contrast to the cat's serene posture. Surrounding the television is a backdrop of brown and beige floral wallpaper, contributing to a warm and homely aesthetic within the room.",,2,0,entity,whole,entity - whole (television),Is there a television? +stanford23,"A tricolored calico cat with a mixture of brown, black, and white fur comfortably sits on top of a modern flat-screen television. The TV is currently on, displaying a colorful nature documentary, providing a dynamic contrast to the cat's serene posture. Surrounding the television is a backdrop of brown and beige floral wallpaper, contributing to a warm and homely aesthetic within the room.",,3,0,entity,whole,entity - whole (nature documentary),Is there a nature documentary? +stanford23,"A tricolored calico cat with a mixture of brown, black, and white fur comfortably sits on top of a modern flat-screen television. The TV is currently on, displaying a colorful nature documentary, providing a dynamic contrast to the cat's serene posture. Surrounding the television is a backdrop of brown and beige floral wallpaper, contributing to a warm and homely aesthetic within the room.",,4,0,entity,whole,entity - whole (wallpaper),Is there wallpaper? +stanford23,"A tricolored calico cat with a mixture of brown, black, and white fur comfortably sits on top of a modern flat-screen television. The TV is currently on, displaying a colorful nature documentary, providing a dynamic contrast to the cat's serene posture. Surrounding the television is a backdrop of brown and beige floral wallpaper, contributing to a warm and homely aesthetic within the room.",,5,1,attribute,color,"attribute - color (cat, tricolored)",Is the cat tricolored? +stanford23,"A tricolored calico cat with a mixture of brown, black, and white fur comfortably sits on top of a modern flat-screen television. The TV is currently on, displaying a colorful nature documentary, providing a dynamic contrast to the cat's serene posture. Surrounding the television is a backdrop of brown and beige floral wallpaper, contributing to a warm and homely aesthetic within the room.",,6,1,attribute,color,"attribute - color (cat's fur, brown)",Does the cat have brown fur? +stanford23,"A tricolored calico cat with a mixture of brown, black, and white fur comfortably sits on top of a modern flat-screen television. The TV is currently on, displaying a colorful nature documentary, providing a dynamic contrast to the cat's serene posture. Surrounding the television is a backdrop of brown and beige floral wallpaper, contributing to a warm and homely aesthetic within the room.",,7,1,attribute,color,"attribute - color (cat's fur, black)",Does the cat have black fur? +stanford23,"A tricolored calico cat with a mixture of brown, black, and white fur comfortably sits on top of a modern flat-screen television. The TV is currently on, displaying a colorful nature documentary, providing a dynamic contrast to the cat's serene posture. Surrounding the television is a backdrop of brown and beige floral wallpaper, contributing to a warm and homely aesthetic within the room.",,8,1,attribute,color,"attribute - color (cat's fur, white)",Does the cat have white fur? +stanford23,"A tricolored calico cat with a mixture of brown, black, and white fur comfortably sits on top of a modern flat-screen television. The TV is currently on, displaying a colorful nature documentary, providing a dynamic contrast to the cat's serene posture. Surrounding the television is a backdrop of brown and beige floral wallpaper, contributing to a warm and homely aesthetic within the room.",,9,4,attribute,color,"attribute - color (wallpaper, brown)",Is the wallpaper brown? +stanford23,"A tricolored calico cat with a mixture of brown, black, and white fur comfortably sits on top of a modern flat-screen television. The TV is currently on, displaying a colorful nature documentary, providing a dynamic contrast to the cat's serene posture. Surrounding the television is a backdrop of brown and beige floral wallpaper, contributing to a warm and homely aesthetic within the room.",,10,4,attribute,color,"attribute - color (wallpaper, beige)",Is the wallpaper beige? +midjourney35,"A picturesque scene that is reminiscent of the Hudson River School style, with a whimsical twist incorporating dessert-themed elements. The river of rich, flowing chocolate curves through the landscape, while mountains in the distance resemble scoops of different ice cream flavors. Fluffy, pink cotton candy trees dot the banks of the river, adding a sweet playfulness to the traditional pastoral setting.",,1,0,entity,whole,entity - whole (scene),Is there a scene? +midjourney35,"A picturesque scene that is reminiscent of the Hudson River School style, with a whimsical twist incorporating dessert-themed elements. The river of rich, flowing chocolate curves through the landscape, while mountains in the distance resemble scoops of different ice cream flavors. Fluffy, pink cotton candy trees dot the banks of the river, adding a sweet playfulness to the traditional pastoral setting.",,2,0,entity,whole,entity - whole (river),Is there a river? +midjourney35,"A picturesque scene that is reminiscent of the Hudson River School style, with a whimsical twist incorporating dessert-themed elements. The river of rich, flowing chocolate curves through the landscape, while mountains in the distance resemble scoops of different ice cream flavors. Fluffy, pink cotton candy trees dot the banks of the river, adding a sweet playfulness to the traditional pastoral setting.",,3,0,entity,whole,entity - whole (landscape),Is there a landscape? +midjourney35,"A picturesque scene that is reminiscent of the Hudson River School style, with a whimsical twist incorporating dessert-themed elements. The river of rich, flowing chocolate curves through the landscape, while mountains in the distance resemble scoops of different ice cream flavors. Fluffy, pink cotton candy trees dot the banks of the river, adding a sweet playfulness to the traditional pastoral setting.",,4,0,entity,whole,entity - whole (mountains),Are there mountains? +midjourney35,"A picturesque scene that is reminiscent of the Hudson River School style, with a whimsical twist incorporating dessert-themed elements. The river of rich, flowing chocolate curves through the landscape, while mountains in the distance resemble scoops of different ice cream flavors. Fluffy, pink cotton candy trees dot the banks of the river, adding a sweet playfulness to the traditional pastoral setting.",,5,0,entity,whole,entity - whole (trees),Are there trees? +midjourney35,"A picturesque scene that is reminiscent of the Hudson River School style, with a whimsical twist incorporating dessert-themed elements. The river of rich, flowing chocolate curves through the landscape, while mountains in the distance resemble scoops of different ice cream flavors. Fluffy, pink cotton candy trees dot the banks of the river, adding a sweet playfulness to the traditional pastoral setting.",,6,1,global,,global - (Hudson River School style),Does the scene resemble the Hudson River School style? +midjourney35,"A picturesque scene that is reminiscent of the Hudson River School style, with a whimsical twist incorporating dessert-themed elements. The river of rich, flowing chocolate curves through the landscape, while mountains in the distance resemble scoops of different ice cream flavors. Fluffy, pink cotton candy trees dot the banks of the river, adding a sweet playfulness to the traditional pastoral setting.",,7,2,attribute,texture,"attribute - texture (river, chocolate, flowing)","Is the river made of rich, flowing chocolate?" +midjourney35,"A picturesque scene that is reminiscent of the Hudson River School style, with a whimsical twist incorporating dessert-themed elements. The river of rich, flowing chocolate curves through the landscape, while mountains in the distance resemble scoops of different ice cream flavors. Fluffy, pink cotton candy trees dot the banks of the river, adding a sweet playfulness to the traditional pastoral setting.",,8,4,attribute,texture,"attribute - texture (mountains, ice cream, scoops)",Do the mountains resemble scoops of different ice cream flavors? +midjourney35,"A picturesque scene that is reminiscent of the Hudson River School style, with a whimsical twist incorporating dessert-themed elements. The river of rich, flowing chocolate curves through the landscape, while mountains in the distance resemble scoops of different ice cream flavors. Fluffy, pink cotton candy trees dot the banks of the river, adding a sweet playfulness to the traditional pastoral setting.",,9,5,attribute,color,"attribute - color (trees, pink)",Are the trees pink? +midjourney35,"A picturesque scene that is reminiscent of the Hudson River School style, with a whimsical twist incorporating dessert-themed elements. The river of rich, flowing chocolate curves through the landscape, while mountains in the distance resemble scoops of different ice cream flavors. Fluffy, pink cotton candy trees dot the banks of the river, adding a sweet playfulness to the traditional pastoral setting.",,10,5,attribute,texture,"attribute - texture (trees, cotton candy)","Do the trees resemble fluffy, pink cotton candy?" +diffusiondb19,"A surreal figure appears to be sculpted from intertwining tendrils of gray smoke and whirling flurries of snow, giving the impression of a man caught in a blizzard. In one hand, this ethereal being holds what looks to be a gateway to the cosmos, depicted in a photorealistic manner with vibrant nebulae and star clusters visible within its confines. The entire scene is a highly detailed octane render, showcasing sharp contrasts and the interplay of light and shadow that imbues the image with a sense of depth and complexity.",,1,0,entity,whole,entity - whole (figure),Is there a figure? +diffusiondb19,"A surreal figure appears to be sculpted from intertwining tendrils of gray smoke and whirling flurries of snow, giving the impression of a man caught in a blizzard. In one hand, this ethereal being holds what looks to be a gateway to the cosmos, depicted in a photorealistic manner with vibrant nebulae and star clusters visible within its confines. The entire scene is a highly detailed octane render, showcasing sharp contrasts and the interplay of light and shadow that imbues the image with a sense of depth and complexity.",,2,0,entity,whole,entity - whole (smoke tendrils),Are there smoke tendrils? +diffusiondb19,"A surreal figure appears to be sculpted from intertwining tendrils of gray smoke and whirling flurries of snow, giving the impression of a man caught in a blizzard. In one hand, this ethereal being holds what looks to be a gateway to the cosmos, depicted in a photorealistic manner with vibrant nebulae and star clusters visible within its confines. The entire scene is a highly detailed octane render, showcasing sharp contrasts and the interplay of light and shadow that imbues the image with a sense of depth and complexity.",,3,0,entity,whole,entity - whole (snow flurries),Are there snow flurries? +diffusiondb19,"A surreal figure appears to be sculpted from intertwining tendrils of gray smoke and whirling flurries of snow, giving the impression of a man caught in a blizzard. In one hand, this ethereal being holds what looks to be a gateway to the cosmos, depicted in a photorealistic manner with vibrant nebulae and star clusters visible within its confines. The entire scene is a highly detailed octane render, showcasing sharp contrasts and the interplay of light and shadow that imbues the image with a sense of depth and complexity.",,4,0,entity,whole,entity - whole (gateway),Is there a gateway? +diffusiondb19,"A surreal figure appears to be sculpted from intertwining tendrils of gray smoke and whirling flurries of snow, giving the impression of a man caught in a blizzard. In one hand, this ethereal being holds what looks to be a gateway to the cosmos, depicted in a photorealistic manner with vibrant nebulae and star clusters visible within its confines. The entire scene is a highly detailed octane render, showcasing sharp contrasts and the interplay of light and shadow that imbues the image with a sense of depth and complexity.",,5,0,entity,whole,entity - whole (nebulae),Are there nebulae? +diffusiondb19,"A surreal figure appears to be sculpted from intertwining tendrils of gray smoke and whirling flurries of snow, giving the impression of a man caught in a blizzard. In one hand, this ethereal being holds what looks to be a gateway to the cosmos, depicted in a photorealistic manner with vibrant nebulae and star clusters visible within its confines. The entire scene is a highly detailed octane render, showcasing sharp contrasts and the interplay of light and shadow that imbues the image with a sense of depth and complexity.",,6,0,entity,whole,entity - whole (star clusters),Are there star clusters? +diffusiondb19,"A surreal figure appears to be sculpted from intertwining tendrils of gray smoke and whirling flurries of snow, giving the impression of a man caught in a blizzard. In one hand, this ethereal being holds what looks to be a gateway to the cosmos, depicted in a photorealistic manner with vibrant nebulae and star clusters visible within its confines. The entire scene is a highly detailed octane render, showcasing sharp contrasts and the interplay of light and shadow that imbues the image with a sense of depth and complexity.",,7,0,global,,global - (octane render),Is this an octane render? +diffusiondb19,"A surreal figure appears to be sculpted from intertwining tendrils of gray smoke and whirling flurries of snow, giving the impression of a man caught in a blizzard. In one hand, this ethereal being holds what looks to be a gateway to the cosmos, depicted in a photorealistic manner with vibrant nebulae and star clusters visible within its confines. The entire scene is a highly detailed octane render, showcasing sharp contrasts and the interplay of light and shadow that imbues the image with a sense of depth and complexity.",,8,2,attribute,color,"attribute - color (smoke tendrils, gray)",Are the smoke tendrils gray? +diffusiondb19,"A surreal figure appears to be sculpted from intertwining tendrils of gray smoke and whirling flurries of snow, giving the impression of a man caught in a blizzard. In one hand, this ethereal being holds what looks to be a gateway to the cosmos, depicted in a photorealistic manner with vibrant nebulae and star clusters visible within its confines. The entire scene is a highly detailed octane render, showcasing sharp contrasts and the interplay of light and shadow that imbues the image with a sense of depth and complexity.",,9,"1,2",relation,non-spatial,"relation - non-spatial (figure, smoke tendrils, sculpted from)",Does the figure appear to be sculpted from intertwining tendrils of smoke? +diffusiondb19,"A surreal figure appears to be sculpted from intertwining tendrils of gray smoke and whirling flurries of snow, giving the impression of a man caught in a blizzard. In one hand, this ethereal being holds what looks to be a gateway to the cosmos, depicted in a photorealistic manner with vibrant nebulae and star clusters visible within its confines. The entire scene is a highly detailed octane render, showcasing sharp contrasts and the interplay of light and shadow that imbues the image with a sense of depth and complexity.",,10,"1,3",relation,non-spatial,"relation - non-spatial (figure, snow flurries, sculpted from)",Does the figure appear to be sculpted from whirling flurries of snow? +posescript0,"You are balancing on your right foot, your left leg is raised and bent at the knee, which is now elevated above your waist level. Your body is turned towards the left, and you're gracefully leaning back, creating a slight arch in your spine. Your right arm is bent at the elbow, with your hand extended forward, hovering just in front of your chest, as if reaching for something just out of grasp. The position appears to be a dynamic, possibly yoga-inspired pose, illustrating both strength and flexibility.",,1,0,entity,whole,entity - whole (you),Are you present? +posescript0,"You are balancing on your right foot, your left leg is raised and bent at the knee, which is now elevated above your waist level. Your body is turned towards the left, and you're gracefully leaning back, creating a slight arch in your spine. Your right arm is bent at the elbow, with your hand extended forward, hovering just in front of your chest, as if reaching for something just out of grasp. The position appears to be a dynamic, possibly yoga-inspired pose, illustrating both strength and flexibility.",,2,1,entity,part,entity - part (right foot),Do you have a right foot? +posescript0,"You are balancing on your right foot, your left leg is raised and bent at the knee, which is now elevated above your waist level. Your body is turned towards the left, and you're gracefully leaning back, creating a slight arch in your spine. Your right arm is bent at the elbow, with your hand extended forward, hovering just in front of your chest, as if reaching for something just out of grasp. The position appears to be a dynamic, possibly yoga-inspired pose, illustrating both strength and flexibility.",,3,1,entity,part,entity - part (left leg),Do you have a left leg? +posescript0,"You are balancing on your right foot, your left leg is raised and bent at the knee, which is now elevated above your waist level. Your body is turned towards the left, and you're gracefully leaning back, creating a slight arch in your spine. Your right arm is bent at the elbow, with your hand extended forward, hovering just in front of your chest, as if reaching for something just out of grasp. The position appears to be a dynamic, possibly yoga-inspired pose, illustrating both strength and flexibility.",,4,3,entity,part,entity - part (knee),Do you have a knee? +posescript0,"You are balancing on your right foot, your left leg is raised and bent at the knee, which is now elevated above your waist level. Your body is turned towards the left, and you're gracefully leaning back, creating a slight arch in your spine. Your right arm is bent at the elbow, with your hand extended forward, hovering just in front of your chest, as if reaching for something just out of grasp. The position appears to be a dynamic, possibly yoga-inspired pose, illustrating both strength and flexibility.",,5,1,entity,part,entity - part (waist),Do you have a waist? +posescript0,"You are balancing on your right foot, your left leg is raised and bent at the knee, which is now elevated above your waist level. Your body is turned towards the left, and you're gracefully leaning back, creating a slight arch in your spine. Your right arm is bent at the elbow, with your hand extended forward, hovering just in front of your chest, as if reaching for something just out of grasp. The position appears to be a dynamic, possibly yoga-inspired pose, illustrating both strength and flexibility.",,6,1,entity,part,entity - part (spine),Do you have a spine? +posescript0,"You are balancing on your right foot, your left leg is raised and bent at the knee, which is now elevated above your waist level. Your body is turned towards the left, and you're gracefully leaning back, creating a slight arch in your spine. Your right arm is bent at the elbow, with your hand extended forward, hovering just in front of your chest, as if reaching for something just out of grasp. The position appears to be a dynamic, possibly yoga-inspired pose, illustrating both strength and flexibility.",,7,1,entity,part,entity - part (right arm),Do you have a right arm? +posescript0,"You are balancing on your right foot, your left leg is raised and bent at the knee, which is now elevated above your waist level. Your body is turned towards the left, and you're gracefully leaning back, creating a slight arch in your spine. Your right arm is bent at the elbow, with your hand extended forward, hovering just in front of your chest, as if reaching for something just out of grasp. The position appears to be a dynamic, possibly yoga-inspired pose, illustrating both strength and flexibility.",,8,7,entity,part,entity - part (hand),Do you have a hand? +posescript0,"You are balancing on your right foot, your left leg is raised and bent at the knee, which is now elevated above your waist level. Your body is turned towards the left, and you're gracefully leaning back, creating a slight arch in your spine. Your right arm is bent at the elbow, with your hand extended forward, hovering just in front of your chest, as if reaching for something just out of grasp. The position appears to be a dynamic, possibly yoga-inspired pose, illustrating both strength and flexibility.",,9,"1,2",entity,state,"entity - state (right foot, balance on)",Are you balancing on your right foot? +posescript0,"You are balancing on your right foot, your left leg is raised and bent at the knee, which is now elevated above your waist level. Your body is turned towards the left, and you're gracefully leaning back, creating a slight arch in your spine. Your right arm is bent at the elbow, with your hand extended forward, hovering just in front of your chest, as if reaching for something just out of grasp. The position appears to be a dynamic, possibly yoga-inspired pose, illustrating both strength and flexibility.",,10,"1,3",entity,state,"entity - state (left leg, raised and bent)",Is your left leg raised and bent at the knee? +midjourney8,"A realistic human skeleton, its aged bones a stark off-white, stands erect in the center of an empty, dust-covered swimming pool. The skeleton clutches a golden spear, its tip gleaming even in the muted light, held aloft as if in a declaration of power. Red drapery is artfully hung around the skeleton's frame, creating a strong contrast with its pale bony structure and the dull grey of the pool's concrete.",,1,0,entity,whole,entity - whole (human skeleton),Is there a human skeleton? +midjourney8,"A realistic human skeleton, its aged bones a stark off-white, stands erect in the center of an empty, dust-covered swimming pool. The skeleton clutches a golden spear, its tip gleaming even in the muted light, held aloft as if in a declaration of power. Red drapery is artfully hung around the skeleton's frame, creating a strong contrast with its pale bony structure and the dull grey of the pool's concrete.",,2,0,entity,whole,entity - whole (swimming pool),Is there a swimming pool? +midjourney8,"A realistic human skeleton, its aged bones a stark off-white, stands erect in the center of an empty, dust-covered swimming pool. The skeleton clutches a golden spear, its tip gleaming even in the muted light, held aloft as if in a declaration of power. Red drapery is artfully hung around the skeleton's frame, creating a strong contrast with its pale bony structure and the dull grey of the pool's concrete.",,3,1,entity,part,entity - part (skeleton's bones),Does the skeleton have bones? +midjourney8,"A realistic human skeleton, its aged bones a stark off-white, stands erect in the center of an empty, dust-covered swimming pool. The skeleton clutches a golden spear, its tip gleaming even in the muted light, held aloft as if in a declaration of power. Red drapery is artfully hung around the skeleton's frame, creating a strong contrast with its pale bony structure and the dull grey of the pool's concrete.",,4,1,entity,part,entity - part (spear),Is there a spear? +midjourney8,"A realistic human skeleton, its aged bones a stark off-white, stands erect in the center of an empty, dust-covered swimming pool. The skeleton clutches a golden spear, its tip gleaming even in the muted light, held aloft as if in a declaration of power. Red drapery is artfully hung around the skeleton's frame, creating a strong contrast with its pale bony structure and the dull grey of the pool's concrete.",,5,1,entity,part,entity - part (drapery),Is there drapery? +midjourney8,"A realistic human skeleton, its aged bones a stark off-white, stands erect in the center of an empty, dust-covered swimming pool. The skeleton clutches a golden spear, its tip gleaming even in the muted light, held aloft as if in a declaration of power. Red drapery is artfully hung around the skeleton's frame, creating a strong contrast with its pale bony structure and the dull grey of the pool's concrete.",,6,3,attribute,color,"attribute - color (bones, off-white)",Are the bones off-white? +midjourney8,"A realistic human skeleton, its aged bones a stark off-white, stands erect in the center of an empty, dust-covered swimming pool. The skeleton clutches a golden spear, its tip gleaming even in the muted light, held aloft as if in a declaration of power. Red drapery is artfully hung around the skeleton's frame, creating a strong contrast with its pale bony structure and the dull grey of the pool's concrete.",,7,4,attribute,color,"attribute - color (spear, golden)",Is the spear golden? +midjourney8,"A realistic human skeleton, its aged bones a stark off-white, stands erect in the center of an empty, dust-covered swimming pool. The skeleton clutches a golden spear, its tip gleaming even in the muted light, held aloft as if in a declaration of power. Red drapery is artfully hung around the skeleton's frame, creating a strong contrast with its pale bony structure and the dull grey of the pool's concrete.",,8,5,attribute,color,"attribute - color (drapery, red)",Is the drapery red? +midjourney8,"A realistic human skeleton, its aged bones a stark off-white, stands erect in the center of an empty, dust-covered swimming pool. The skeleton clutches a golden spear, its tip gleaming even in the muted light, held aloft as if in a declaration of power. Red drapery is artfully hung around the skeleton's frame, creating a strong contrast with its pale bony structure and the dull grey of the pool's concrete.",,9,2,attribute,texture,"attribute - texture (swimming pool, dust-covered)",Is the swimming pool dust-covered? +midjourney8,"A realistic human skeleton, its aged bones a stark off-white, stands erect in the center of an empty, dust-covered swimming pool. The skeleton clutches a golden spear, its tip gleaming even in the muted light, held aloft as if in a declaration of power. Red drapery is artfully hung around the skeleton's frame, creating a strong contrast with its pale bony structure and the dull grey of the pool's concrete.",,10,"1,2",relation,spatial,"relation - spatial (skeleton, swimming pool, center)",Is the skeleton standing erect in the center of the swimming pool? +diffusiondb1,"In the digital artwork, Pinocchio and Geppetto are portrayed in exquisite detail, riding vintage bicycles along a cobblestone street, reminiscent of the early 20th century. Pinocchio's wooden texture is intricately rendered, with the grain of the wood and the joins of his limbs visible in ultra-high definition. Geppetto, beside him, is clothed in period-appropriate attire, his expression one of joy and concentration. The scene is crafted in 4K and 8K resolutions, boasting lifelike realism and clarity that highlights every nuance of the characters and setting. This vivid representation, popular among enthusiasts on Artstation, showcases a level of detail that elevates it to a piece of highly detailed digital art.",,1,0,entity,whole,entity - whole (Pinocchio),Is Pinocchio in the artwork? +diffusiondb1,"In the digital artwork, Pinocchio and Geppetto are portrayed in exquisite detail, riding vintage bicycles along a cobblestone street, reminiscent of the early 20th century. Pinocchio's wooden texture is intricately rendered, with the grain of the wood and the joins of his limbs visible in ultra-high definition. Geppetto, beside him, is clothed in period-appropriate attire, his expression one of joy and concentration. The scene is crafted in 4K and 8K resolutions, boasting lifelike realism and clarity that highlights every nuance of the characters and setting. This vivid representation, popular among enthusiasts on Artstation, showcases a level of detail that elevates it to a piece of highly detailed digital art.",,2,0,entity,whole,entity - whole (Geppetto),Is Geppetto in the artwork? +diffusiondb1,"In the digital artwork, Pinocchio and Geppetto are portrayed in exquisite detail, riding vintage bicycles along a cobblestone street, reminiscent of the early 20th century. Pinocchio's wooden texture is intricately rendered, with the grain of the wood and the joins of his limbs visible in ultra-high definition. Geppetto, beside him, is clothed in period-appropriate attire, his expression one of joy and concentration. The scene is crafted in 4K and 8K resolutions, boasting lifelike realism and clarity that highlights every nuance of the characters and setting. This vivid representation, popular among enthusiasts on Artstation, showcases a level of detail that elevates it to a piece of highly detailed digital art.",,3,0,entity,whole,entity - whole (bicycles),Are there vintage bicycles in the artwork? +diffusiondb1,"In the digital artwork, Pinocchio and Geppetto are portrayed in exquisite detail, riding vintage bicycles along a cobblestone street, reminiscent of the early 20th century. Pinocchio's wooden texture is intricately rendered, with the grain of the wood and the joins of his limbs visible in ultra-high definition. Geppetto, beside him, is clothed in period-appropriate attire, his expression one of joy and concentration. The scene is crafted in 4K and 8K resolutions, boasting lifelike realism and clarity that highlights every nuance of the characters and setting. This vivid representation, popular among enthusiasts on Artstation, showcases a level of detail that elevates it to a piece of highly detailed digital art.",,4,0,global,,global - (digital artwork),Is this a digital artwork? +diffusiondb1,"In the digital artwork, Pinocchio and Geppetto are portrayed in exquisite detail, riding vintage bicycles along a cobblestone street, reminiscent of the early 20th century. Pinocchio's wooden texture is intricately rendered, with the grain of the wood and the joins of his limbs visible in ultra-high definition. Geppetto, beside him, is clothed in period-appropriate attire, his expression one of joy and concentration. The scene is crafted in 4K and 8K resolutions, boasting lifelike realism and clarity that highlights every nuance of the characters and setting. This vivid representation, popular among enthusiasts on Artstation, showcases a level of detail that elevates it to a piece of highly detailed digital art.",,5,1,attribute,texture,"attribute - texture (Pinocchio, wood)",Does Pinocchio have a wooden texture? +diffusiondb1,"In the digital artwork, Pinocchio and Geppetto are portrayed in exquisite detail, riding vintage bicycles along a cobblestone street, reminiscent of the early 20th century. Pinocchio's wooden texture is intricately rendered, with the grain of the wood and the joins of his limbs visible in ultra-high definition. Geppetto, beside him, is clothed in period-appropriate attire, his expression one of joy and concentration. The scene is crafted in 4K and 8K resolutions, boasting lifelike realism and clarity that highlights every nuance of the characters and setting. This vivid representation, popular among enthusiasts on Artstation, showcases a level of detail that elevates it to a piece of highly detailed digital art.",,6,0,attribute,texture,"attribute - texture (street, cobblestone)",Is the street made of cobblestone? +diffusiondb1,"In the digital artwork, Pinocchio and Geppetto are portrayed in exquisite detail, riding vintage bicycles along a cobblestone street, reminiscent of the early 20th century. Pinocchio's wooden texture is intricately rendered, with the grain of the wood and the joins of his limbs visible in ultra-high definition. Geppetto, beside him, is clothed in period-appropriate attire, his expression one of joy and concentration. The scene is crafted in 4K and 8K resolutions, boasting lifelike realism and clarity that highlights every nuance of the characters and setting. This vivid representation, popular among enthusiasts on Artstation, showcases a level of detail that elevates it to a piece of highly detailed digital art.",,7,4,attribute,other,"attribute - other (artwork, 4K resolution)",Is the artwork in 4K resolution? +diffusiondb1,"In the digital artwork, Pinocchio and Geppetto are portrayed in exquisite detail, riding vintage bicycles along a cobblestone street, reminiscent of the early 20th century. Pinocchio's wooden texture is intricately rendered, with the grain of the wood and the joins of his limbs visible in ultra-high definition. Geppetto, beside him, is clothed in period-appropriate attire, his expression one of joy and concentration. The scene is crafted in 4K and 8K resolutions, boasting lifelike realism and clarity that highlights every nuance of the characters and setting. This vivid representation, popular among enthusiasts on Artstation, showcases a level of detail that elevates it to a piece of highly detailed digital art.",,8,4,attribute,other,"attribute - other (artwork, 8K resolution)",Is the artwork in 8K resolution? +diffusiondb1,"In the digital artwork, Pinocchio and Geppetto are portrayed in exquisite detail, riding vintage bicycles along a cobblestone street, reminiscent of the early 20th century. Pinocchio's wooden texture is intricately rendered, with the grain of the wood and the joins of his limbs visible in ultra-high definition. Geppetto, beside him, is clothed in period-appropriate attire, his expression one of joy and concentration. The scene is crafted in 4K and 8K resolutions, boasting lifelike realism and clarity that highlights every nuance of the characters and setting. This vivid representation, popular among enthusiasts on Artstation, showcases a level of detail that elevates it to a piece of highly detailed digital art.",,9,"1,2",relation,spatial,"relation - spatial (Pinocchio, Geppetto, beside)",Is Pinocchio beside Geppetto? +diffusiondb1,"In the digital artwork, Pinocchio and Geppetto are portrayed in exquisite detail, riding vintage bicycles along a cobblestone street, reminiscent of the early 20th century. Pinocchio's wooden texture is intricately rendered, with the grain of the wood and the joins of his limbs visible in ultra-high definition. Geppetto, beside him, is clothed in period-appropriate attire, his expression one of joy and concentration. The scene is crafted in 4K and 8K resolutions, boasting lifelike realism and clarity that highlights every nuance of the characters and setting. This vivid representation, popular among enthusiasts on Artstation, showcases a level of detail that elevates it to a piece of highly detailed digital art.",,10,"1,2,3",relation,spatial,"relation - spatial (Pinocchio, Geppetto, ride bicycles)",Are Pinocchio and Geppetto riding bicycles? +whoops2,"A clear glass carafe is placed upside down on a smooth, wooden surface, with its contents defying gravity as they remain suspended within the vessel. The carafe has a slender neck and a broader base, showcasing a delicate curve. Sunlight filters through a nearby window, casting a luminous glow and creating a transparent shadow on the surface below the carafe.",,1,0,entity,whole,entity - whole (carafe),Is there a carafe? +whoops2,"A clear glass carafe is placed upside down on a smooth, wooden surface, with its contents defying gravity as they remain suspended within the vessel. The carafe has a slender neck and a broader base, showcasing a delicate curve. Sunlight filters through a nearby window, casting a luminous glow and creating a transparent shadow on the surface below the carafe.",,2,0,entity,whole,entity - whole (surface),Is there a surface? +whoops2,"A clear glass carafe is placed upside down on a smooth, wooden surface, with its contents defying gravity as they remain suspended within the vessel. The carafe has a slender neck and a broader base, showcasing a delicate curve. Sunlight filters through a nearby window, casting a luminous glow and creating a transparent shadow on the surface below the carafe.",,3,1,entity,part,entity - part (carafe's neck),Does the carafe have a slender neck? +whoops2,"A clear glass carafe is placed upside down on a smooth, wooden surface, with its contents defying gravity as they remain suspended within the vessel. The carafe has a slender neck and a broader base, showcasing a delicate curve. Sunlight filters through a nearby window, casting a luminous glow and creating a transparent shadow on the surface below the carafe.",,4,1,entity,part,entity - part (carafe's base),Does the carafe have a broader base? +whoops2,"A clear glass carafe is placed upside down on a smooth, wooden surface, with its contents defying gravity as they remain suspended within the vessel. The carafe has a slender neck and a broader base, showcasing a delicate curve. Sunlight filters through a nearby window, casting a luminous glow and creating a transparent shadow on the surface below the carafe.",,5,2,attribute,texture,"attribute - texture (surface, wooden)",Is the surface smooth and wooden? +whoops2,"A clear glass carafe is placed upside down on a smooth, wooden surface, with its contents defying gravity as they remain suspended within the vessel. The carafe has a slender neck and a broader base, showcasing a delicate curve. Sunlight filters through a nearby window, casting a luminous glow and creating a transparent shadow on the surface below the carafe.",,6,1,attribute,texture,"attribute - texture (carafe, glass)",Is the carafe made of clear glass? +whoops2,"A clear glass carafe is placed upside down on a smooth, wooden surface, with its contents defying gravity as they remain suspended within the vessel. The carafe has a slender neck and a broader base, showcasing a delicate curve. Sunlight filters through a nearby window, casting a luminous glow and creating a transparent shadow on the surface below the carafe.",,7,1,attribute,shape,"attribute - shape (carafe, curve)",Does the carafe showcase a delicate curve? +whoops2,"A clear glass carafe is placed upside down on a smooth, wooden surface, with its contents defying gravity as they remain suspended within the vessel. The carafe has a slender neck and a broader base, showcasing a delicate curve. Sunlight filters through a nearby window, casting a luminous glow and creating a transparent shadow on the surface below the carafe.",,8,1,entity,state,"entity - state (carafe, upside down)",Is the carafe placed upside down? +whoops2,"A clear glass carafe is placed upside down on a smooth, wooden surface, with its contents defying gravity as they remain suspended within the vessel. The carafe has a slender neck and a broader base, showcasing a delicate curve. Sunlight filters through a nearby window, casting a luminous glow and creating a transparent shadow on the surface below the carafe.",,9,1,entity,state,"entity - state (contents, suspended)",Are the contents of the carafe defying gravity and remaining suspended within? +whoops2,"A clear glass carafe is placed upside down on a smooth, wooden surface, with its contents defying gravity as they remain suspended within the vessel. The carafe has a slender neck and a broader base, showcasing a delicate curve. Sunlight filters through a nearby window, casting a luminous glow and creating a transparent shadow on the surface below the carafe.",,10,"1,2",relation,spatial,"relation - spatial (carafe, surface, on)",Is the carafe on the surface? +posescript7,"A slender figure is maintaining a poised stance, balancing skillfully on their right leg while the left leg extends outward as if caught mid-motion. The right arm maintains a semi-rigid extension, giving a sense of dynamic tension while the left arm is bent, the hand gently cupping upwards like it's cradling an invisible sphere. Their torso remains erect and proud, with the head elegantly tilted upwards and to the left, suggesting a gaze directed towards something intriguing just out of view.",,1,0,entity,whole,entity - whole (figure),Is there a figure? +posescript7,"A slender figure is maintaining a poised stance, balancing skillfully on their right leg while the left leg extends outward as if caught mid-motion. The right arm maintains a semi-rigid extension, giving a sense of dynamic tension while the left arm is bent, the hand gently cupping upwards like it's cradling an invisible sphere. Their torso remains erect and proud, with the head elegantly tilted upwards and to the left, suggesting a gaze directed towards something intriguing just out of view.",,2,1,entity,state,"entity - state (figure, balance)",Is the figure maintaining a balanced stance? +posescript7,"A slender figure is maintaining a poised stance, balancing skillfully on their right leg while the left leg extends outward as if caught mid-motion. The right arm maintains a semi-rigid extension, giving a sense of dynamic tension while the left arm is bent, the hand gently cupping upwards like it's cradling an invisible sphere. Their torso remains erect and proud, with the head elegantly tilted upwards and to the left, suggesting a gaze directed towards something intriguing just out of view.",,3,1,entity,state,"entity - state (figure, right leg, extend)",Is the figure balancing on their right leg? +posescript7,"A slender figure is maintaining a poised stance, balancing skillfully on their right leg while the left leg extends outward as if caught mid-motion. The right arm maintains a semi-rigid extension, giving a sense of dynamic tension while the left arm is bent, the hand gently cupping upwards like it's cradling an invisible sphere. Their torso remains erect and proud, with the head elegantly tilted upwards and to the left, suggesting a gaze directed towards something intriguing just out of view.",,4,1,entity,state,"entity - state (figure, left leg, extend outward)",Is the figure's left leg extending outward? +posescript7,"A slender figure is maintaining a poised stance, balancing skillfully on their right leg while the left leg extends outward as if caught mid-motion. The right arm maintains a semi-rigid extension, giving a sense of dynamic tension while the left arm is bent, the hand gently cupping upwards like it's cradling an invisible sphere. Their torso remains erect and proud, with the head elegantly tilted upwards and to the left, suggesting a gaze directed towards something intriguing just out of view.",,5,1,entity,state,"entity - state (figure, right arm, semi-rigid extension)",Is the figure's right arm maintaining a semi-rigid extension? +posescript7,"A slender figure is maintaining a poised stance, balancing skillfully on their right leg while the left leg extends outward as if caught mid-motion. The right arm maintains a semi-rigid extension, giving a sense of dynamic tension while the left arm is bent, the hand gently cupping upwards like it's cradling an invisible sphere. Their torso remains erect and proud, with the head elegantly tilted upwards and to the left, suggesting a gaze directed towards something intriguing just out of view.",,6,1,entity,state,"entity - state (figure, left arm, bent)",Is the figure's left arm bent? +posescript7,"A slender figure is maintaining a poised stance, balancing skillfully on their right leg while the left leg extends outward as if caught mid-motion. The right arm maintains a semi-rigid extension, giving a sense of dynamic tension while the left arm is bent, the hand gently cupping upwards like it's cradling an invisible sphere. Their torso remains erect and proud, with the head elegantly tilted upwards and to the left, suggesting a gaze directed towards something intriguing just out of view.",,7,1,entity,state,"entity - state (figure, hand, cupping upwards)",Is the figure's hand gently cupping upwards? +posescript7,"A slender figure is maintaining a poised stance, balancing skillfully on their right leg while the left leg extends outward as if caught mid-motion. The right arm maintains a semi-rigid extension, giving a sense of dynamic tension while the left arm is bent, the hand gently cupping upwards like it's cradling an invisible sphere. Their torso remains erect and proud, with the head elegantly tilted upwards and to the left, suggesting a gaze directed towards something intriguing just out of view.",,8,1,entity,state,"entity - state (figure, torso, erect and proud)",Is the figure's torso erect and proud? +posescript7,"A slender figure is maintaining a poised stance, balancing skillfully on their right leg while the left leg extends outward as if caught mid-motion. The right arm maintains a semi-rigid extension, giving a sense of dynamic tension while the left arm is bent, the hand gently cupping upwards like it's cradling an invisible sphere. Their torso remains erect and proud, with the head elegantly tilted upwards and to the left, suggesting a gaze directed towards something intriguing just out of view.",,9,1,entity,state,"entity - state (figure, head, tilted upwards and to the left)",Is the figure's head elegantly tilted upwards and to the left? +posescript7,"A slender figure is maintaining a poised stance, balancing skillfully on their right leg while the left leg extends outward as if caught mid-motion. The right arm maintains a semi-rigid extension, giving a sense of dynamic tension while the left arm is bent, the hand gently cupping upwards like it's cradling an invisible sphere. Their torso remains erect and proud, with the head elegantly tilted upwards and to the left, suggesting a gaze directed towards something intriguing just out of view.",,10,1,attribute,other,"attribute - other (figure, slender)",Is the figure slender? +vrd15,"A group of individuals standing side by side, each dressed in casual attire. The first person is wearing beige chinos and a green shirt, while the next has on a pair of blue jeans and a white t-shirt. Each person has footwear, with one showcasing bright red sneakers and another in brown leather boots. Their proximity suggests they are together, perhaps friends or family, with their attire indicating a relaxed, informal gathering.",,1,0,entity,whole,entity - whole (individuals),Is there a group of individuals? +vrd15,"A group of individuals standing side by side, each dressed in casual attire. The first person is wearing beige chinos and a green shirt, while the next has on a pair of blue jeans and a white t-shirt. Each person has footwear, with one showcasing bright red sneakers and another in brown leather boots. Their proximity suggests they are together, perhaps friends or family, with their attire indicating a relaxed, informal gathering.",,2,1,entity,state,"entity - state (individuals, stand)",Are the individuals standing? +vrd15,"A group of individuals standing side by side, each dressed in casual attire. The first person is wearing beige chinos and a green shirt, while the next has on a pair of blue jeans and a white t-shirt. Each person has footwear, with one showcasing bright red sneakers and another in brown leather boots. Their proximity suggests they are together, perhaps friends or family, with their attire indicating a relaxed, informal gathering.",,3,1,attribute,other,"attribute - other (individuals' attire, casual)",Are the individuals dressed in casual attire? +vrd15,"A group of individuals standing side by side, each dressed in casual attire. The first person is wearing beige chinos and a green shirt, while the next has on a pair of blue jeans and a white t-shirt. Each person has footwear, with one showcasing bright red sneakers and another in brown leather boots. Their proximity suggests they are together, perhaps friends or family, with their attire indicating a relaxed, informal gathering.",,4,0,entity,whole,entity - whole (person_1's chinos),Is the first person wearing chinos? +vrd15,"A group of individuals standing side by side, each dressed in casual attire. The first person is wearing beige chinos and a green shirt, while the next has on a pair of blue jeans and a white t-shirt. Each person has footwear, with one showcasing bright red sneakers and another in brown leather boots. Their proximity suggests they are together, perhaps friends or family, with their attire indicating a relaxed, informal gathering.",,5,0,entity,whole,entity - whole (person_1's shirt),Is the first person wearing a shirt? +vrd15,"A group of individuals standing side by side, each dressed in casual attire. The first person is wearing beige chinos and a green shirt, while the next has on a pair of blue jeans and a white t-shirt. Each person has footwear, with one showcasing bright red sneakers and another in brown leather boots. Their proximity suggests they are together, perhaps friends or family, with their attire indicating a relaxed, informal gathering.",,6,4,attribute,color,"attribute - color (person_1's chinos, beige)",Are the chinos beige? +vrd15,"A group of individuals standing side by side, each dressed in casual attire. The first person is wearing beige chinos and a green shirt, while the next has on a pair of blue jeans and a white t-shirt. Each person has footwear, with one showcasing bright red sneakers and another in brown leather boots. Their proximity suggests they are together, perhaps friends or family, with their attire indicating a relaxed, informal gathering.",,7,5,attribute,color,"attribute - color (person_1's shirt, green)",Is the shirt green? +vrd15,"A group of individuals standing side by side, each dressed in casual attire. The first person is wearing beige chinos and a green shirt, while the next has on a pair of blue jeans and a white t-shirt. Each person has footwear, with one showcasing bright red sneakers and another in brown leather boots. Their proximity suggests they are together, perhaps friends or family, with their attire indicating a relaxed, informal gathering.",,8,0,entity,whole,entity - whole (person_2's jeans),Is the second person wearing jeans? +vrd15,"A group of individuals standing side by side, each dressed in casual attire. The first person is wearing beige chinos and a green shirt, while the next has on a pair of blue jeans and a white t-shirt. Each person has footwear, with one showcasing bright red sneakers and another in brown leather boots. Their proximity suggests they are together, perhaps friends or family, with their attire indicating a relaxed, informal gathering.",,9,0,entity,whole,entity - whole (person_2's t-shirt),Is the second person wearing a t-shirt? +vrd15,"A group of individuals standing side by side, each dressed in casual attire. The first person is wearing beige chinos and a green shirt, while the next has on a pair of blue jeans and a white t-shirt. Each person has footwear, with one showcasing bright red sneakers and another in brown leather boots. Their proximity suggests they are together, perhaps friends or family, with their attire indicating a relaxed, informal gathering.",,10,8,attribute,color,"attribute - color (person_2's jeans, blue)",Are the jeans blue? +vrd15,"A group of individuals standing side by side, each dressed in casual attire. The first person is wearing beige chinos and a green shirt, while the next has on a pair of blue jeans and a white t-shirt. Each person has footwear, with one showcasing bright red sneakers and another in brown leather boots. Their proximity suggests they are together, perhaps friends or family, with their attire indicating a relaxed, informal gathering.",,11,9,attribute,color,"attribute - color (person_2's t-shirt, white)",Is the t-shirt white? +vrd15,"A group of individuals standing side by side, each dressed in casual attire. The first person is wearing beige chinos and a green shirt, while the next has on a pair of blue jeans and a white t-shirt. Each person has footwear, with one showcasing bright red sneakers and another in brown leather boots. Their proximity suggests they are together, perhaps friends or family, with their attire indicating a relaxed, informal gathering.",,12,1,entity,part,entity - part (person's footwear),Does each person have footwear? +vrd15,"A group of individuals standing side by side, each dressed in casual attire. The first person is wearing beige chinos and a green shirt, while the next has on a pair of blue jeans and a white t-shirt. Each person has footwear, with one showcasing bright red sneakers and another in brown leather boots. Their proximity suggests they are together, perhaps friends or family, with their attire indicating a relaxed, informal gathering.",,13,12,attribute,color,"attribute - color (footwear_1, bright red)",Are the sneakers bright red? +vrd15,"A group of individuals standing side by side, each dressed in casual attire. The first person is wearing beige chinos and a green shirt, while the next has on a pair of blue jeans and a white t-shirt. Each person has footwear, with one showcasing bright red sneakers and another in brown leather boots. Their proximity suggests they are together, perhaps friends or family, with their attire indicating a relaxed, informal gathering.",,14,12,attribute,color,"attribute - color (footwear_2, brown leather)",Are the boots made of brown leather? +countbench0,"A close-up photograph provides a bird's-eye view of an elegant tea selection box, partitioned into neat compartments. Each section cradles a different variety of tea, carefully wrapped in paper sachets with small labels indicating their flavors. The box itself boasts a light gray base with artistic splashes of vibrant oranges and pinks, adding a touch of vivid color to the array of teas presented within.",,1,0,entity,whole,entity - whole (tea selection box),Is there a tea selection box? +countbench0,"A close-up photograph provides a bird's-eye view of an elegant tea selection box, partitioned into neat compartments. Each section cradles a different variety of tea, carefully wrapped in paper sachets with small labels indicating their flavors. The box itself boasts a light gray base with artistic splashes of vibrant oranges and pinks, adding a touch of vivid color to the array of teas presented within.",,2,1,entity,whole,entity - whole (compartments),Are there compartments? +countbench0,"A close-up photograph provides a bird's-eye view of an elegant tea selection box, partitioned into neat compartments. Each section cradles a different variety of tea, carefully wrapped in paper sachets with small labels indicating their flavors. The box itself boasts a light gray base with artistic splashes of vibrant oranges and pinks, adding a touch of vivid color to the array of teas presented within.",,3,1,entity,whole,entity - whole (tea varieties),Are there different varieties of tea? +countbench0,"A close-up photograph provides a bird's-eye view of an elegant tea selection box, partitioned into neat compartments. Each section cradles a different variety of tea, carefully wrapped in paper sachets with small labels indicating their flavors. The box itself boasts a light gray base with artistic splashes of vibrant oranges and pinks, adding a touch of vivid color to the array of teas presented within.",,4,3,entity,whole,entity - whole (paper sachets),Are there paper sachets? +countbench0,"A close-up photograph provides a bird's-eye view of an elegant tea selection box, partitioned into neat compartments. Each section cradles a different variety of tea, carefully wrapped in paper sachets with small labels indicating their flavors. The box itself boasts a light gray base with artistic splashes of vibrant oranges and pinks, adding a touch of vivid color to the array of teas presented within.",,5,4,entity,whole,entity - whole (labels),Are there labels? +countbench0,"A close-up photograph provides a bird's-eye view of an elegant tea selection box, partitioned into neat compartments. Each section cradles a different variety of tea, carefully wrapped in paper sachets with small labels indicating their flavors. The box itself boasts a light gray base with artistic splashes of vibrant oranges and pinks, adding a touch of vivid color to the array of teas presented within.",,6,1,attribute,color,"attribute - color (box base, light gray)",Is the base of the box light gray? +countbench0,"A close-up photograph provides a bird's-eye view of an elegant tea selection box, partitioned into neat compartments. Each section cradles a different variety of tea, carefully wrapped in paper sachets with small labels indicating their flavors. The box itself boasts a light gray base with artistic splashes of vibrant oranges and pinks, adding a touch of vivid color to the array of teas presented within.",,7,1,attribute,color,"attribute - color (artistic splashes, vibrant oranges and pinks)",Are there artistic splashes of vibrant oranges and pinks on the box? +countbench0,"A close-up photograph provides a bird's-eye view of an elegant tea selection box, partitioned into neat compartments. Each section cradles a different variety of tea, carefully wrapped in paper sachets with small labels indicating their flavors. The box itself boasts a light gray base with artistic splashes of vibrant oranges and pinks, adding a touch of vivid color to the array of teas presented within.",,8,0,global,,global - (close-up photograph),Is this a close-up photograph? +countbench0,"A close-up photograph provides a bird's-eye view of an elegant tea selection box, partitioned into neat compartments. Each section cradles a different variety of tea, carefully wrapped in paper sachets with small labels indicating their flavors. The box itself boasts a light gray base with artistic splashes of vibrant oranges and pinks, adding a touch of vivid color to the array of teas presented within.",,9,0,global,,global - (bird's-eye view),Does the photograph provide a bird's-eye view? +countbench0,"A close-up photograph provides a bird's-eye view of an elegant tea selection box, partitioned into neat compartments. Each section cradles a different variety of tea, carefully wrapped in paper sachets with small labels indicating their flavors. The box itself boasts a light gray base with artistic splashes of vibrant oranges and pinks, adding a touch of vivid color to the array of teas presented within.",,10,1,attribute,texture,"attribute - texture (box, elegant)",Is the tea selection box elegant? +posescript18,"An individual is poised in a challenging yoga pose on a seafoam green exercise mat. Their left leg is anchored firmly on the ground, providing support as their right leg extends directly in front of them, parallel to the floor. The left arm reaches gracefully towards the rear, while the right arm creates a horizontal line, extending outwards from the shoulder. The subject's head is tilted back ever so slightly, showing a serene expression as light from a nearby window reflects softly off their skin.",,1,0,entity,whole,entity - whole (individual),Is there an individual? +posescript18,"An individual is poised in a challenging yoga pose on a seafoam green exercise mat. Their left leg is anchored firmly on the ground, providing support as their right leg extends directly in front of them, parallel to the floor. The left arm reaches gracefully towards the rear, while the right arm creates a horizontal line, extending outwards from the shoulder. The subject's head is tilted back ever so slightly, showing a serene expression as light from a nearby window reflects softly off their skin.",,2,0,entity,whole,entity - whole (yoga pose),Is there a yoga pose? +posescript18,"An individual is poised in a challenging yoga pose on a seafoam green exercise mat. Their left leg is anchored firmly on the ground, providing support as their right leg extends directly in front of them, parallel to the floor. The left arm reaches gracefully towards the rear, while the right arm creates a horizontal line, extending outwards from the shoulder. The subject's head is tilted back ever so slightly, showing a serene expression as light from a nearby window reflects softly off their skin.",,3,0,entity,whole,entity - whole (exercise mat),Is there an exercise mat? +posescript18,"An individual is poised in a challenging yoga pose on a seafoam green exercise mat. Their left leg is anchored firmly on the ground, providing support as their right leg extends directly in front of them, parallel to the floor. The left arm reaches gracefully towards the rear, while the right arm creates a horizontal line, extending outwards from the shoulder. The subject's head is tilted back ever so slightly, showing a serene expression as light from a nearby window reflects softly off their skin.",,4,3,attribute,color,"attribute - color (exercise mat, seafoam green)",Is the exercise mat seafoam green? +posescript18,"An individual is poised in a challenging yoga pose on a seafoam green exercise mat. Their left leg is anchored firmly on the ground, providing support as their right leg extends directly in front of them, parallel to the floor. The left arm reaches gracefully towards the rear, while the right arm creates a horizontal line, extending outwards from the shoulder. The subject's head is tilted back ever so slightly, showing a serene expression as light from a nearby window reflects softly off their skin.",,5,1,entity,part,entity - part (individual's left leg),Does the individual have a left leg? +posescript18,"An individual is poised in a challenging yoga pose on a seafoam green exercise mat. Their left leg is anchored firmly on the ground, providing support as their right leg extends directly in front of them, parallel to the floor. The left arm reaches gracefully towards the rear, while the right arm creates a horizontal line, extending outwards from the shoulder. The subject's head is tilted back ever so slightly, showing a serene expression as light from a nearby window reflects softly off their skin.",,6,1,entity,part,entity - part (individual's right leg),Does the individual have a right leg? +posescript18,"An individual is poised in a challenging yoga pose on a seafoam green exercise mat. Their left leg is anchored firmly on the ground, providing support as their right leg extends directly in front of them, parallel to the floor. The left arm reaches gracefully towards the rear, while the right arm creates a horizontal line, extending outwards from the shoulder. The subject's head is tilted back ever so slightly, showing a serene expression as light from a nearby window reflects softly off their skin.",,7,1,entity,part,entity - part (individual's left arm),Does the individual have a left arm? +posescript18,"An individual is poised in a challenging yoga pose on a seafoam green exercise mat. Their left leg is anchored firmly on the ground, providing support as their right leg extends directly in front of them, parallel to the floor. The left arm reaches gracefully towards the rear, while the right arm creates a horizontal line, extending outwards from the shoulder. The subject's head is tilted back ever so slightly, showing a serene expression as light from a nearby window reflects softly off their skin.",,8,1,entity,part,entity - part (individual's right arm),Does the individual have a right arm? +posescript18,"An individual is poised in a challenging yoga pose on a seafoam green exercise mat. Their left leg is anchored firmly on the ground, providing support as their right leg extends directly in front of them, parallel to the floor. The left arm reaches gracefully towards the rear, while the right arm creates a horizontal line, extending outwards from the shoulder. The subject's head is tilted back ever so slightly, showing a serene expression as light from a nearby window reflects softly off their skin.",,9,"1,2",entity,state,"entity - state (individual, yoga pose, poised)",Is the individual poised in a challenging yoga pose? +posescript18,"An individual is poised in a challenging yoga pose on a seafoam green exercise mat. Their left leg is anchored firmly on the ground, providing support as their right leg extends directly in front of them, parallel to the floor. The left arm reaches gracefully towards the rear, while the right arm creates a horizontal line, extending outwards from the shoulder. The subject's head is tilted back ever so slightly, showing a serene expression as light from a nearby window reflects softly off their skin.",,10,"1,3",relation,spatial,"relation - spatial (individual, exercise mat, on)",Is the individual on the exercise mat? +vrd12,"A cheerful scene unfolds under a clear blue sky, where a group of people are enjoying a kite-flying session. One individual stands out, holding the strings of a brightly colored kite with geometric patterns, which dances just below the wisps of white clouds. Other individuals are scattered nearby, some with their own kites adding bursts of color to the sky. The kites soar and dip gracefully, with the warm breeze determining their aerial ballet. Overhead, the vast expanse of the sky serves as a canvas for this vibrant display, uniting the people in a shared moment of simple joy.",,1,0,entity,whole,entity - whole (scene),Is there a scene? +vrd12,"A cheerful scene unfolds under a clear blue sky, where a group of people are enjoying a kite-flying session. One individual stands out, holding the strings of a brightly colored kite with geometric patterns, which dances just below the wisps of white clouds. Other individuals are scattered nearby, some with their own kites adding bursts of color to the sky. The kites soar and dip gracefully, with the warm breeze determining their aerial ballet. Overhead, the vast expanse of the sky serves as a canvas for this vibrant display, uniting the people in a shared moment of simple joy.",,2,0,entity,whole,entity - whole (sky),Is there a sky? +vrd12,"A cheerful scene unfolds under a clear blue sky, where a group of people are enjoying a kite-flying session. One individual stands out, holding the strings of a brightly colored kite with geometric patterns, which dances just below the wisps of white clouds. Other individuals are scattered nearby, some with their own kites adding bursts of color to the sky. The kites soar and dip gracefully, with the warm breeze determining their aerial ballet. Overhead, the vast expanse of the sky serves as a canvas for this vibrant display, uniting the people in a shared moment of simple joy.",,3,0,entity,whole,entity - whole (people),Are there people? +vrd12,"A cheerful scene unfolds under a clear blue sky, where a group of people are enjoying a kite-flying session. One individual stands out, holding the strings of a brightly colored kite with geometric patterns, which dances just below the wisps of white clouds. Other individuals are scattered nearby, some with their own kites adding bursts of color to the sky. The kites soar and dip gracefully, with the warm breeze determining their aerial ballet. Overhead, the vast expanse of the sky serves as a canvas for this vibrant display, uniting the people in a shared moment of simple joy.",,4,0,entity,whole,entity - whole (kite),Is there a kite? +vrd12,"A cheerful scene unfolds under a clear blue sky, where a group of people are enjoying a kite-flying session. One individual stands out, holding the strings of a brightly colored kite with geometric patterns, which dances just below the wisps of white clouds. Other individuals are scattered nearby, some with their own kites adding bursts of color to the sky. The kites soar and dip gracefully, with the warm breeze determining their aerial ballet. Overhead, the vast expanse of the sky serves as a canvas for this vibrant display, uniting the people in a shared moment of simple joy.",,5,0,entity,whole,entity - whole (clouds),Are there clouds? +vrd12,"A cheerful scene unfolds under a clear blue sky, where a group of people are enjoying a kite-flying session. One individual stands out, holding the strings of a brightly colored kite with geometric patterns, which dances just below the wisps of white clouds. Other individuals are scattered nearby, some with their own kites adding bursts of color to the sky. The kites soar and dip gracefully, with the warm breeze determining their aerial ballet. Overhead, the vast expanse of the sky serves as a canvas for this vibrant display, uniting the people in a shared moment of simple joy.",,6,2,attribute,color,"attribute - color (sky, clear blue)",Is the sky clear blue? +vrd12,"A cheerful scene unfolds under a clear blue sky, where a group of people are enjoying a kite-flying session. One individual stands out, holding the strings of a brightly colored kite with geometric patterns, which dances just below the wisps of white clouds. Other individuals are scattered nearby, some with their own kites adding bursts of color to the sky. The kites soar and dip gracefully, with the warm breeze determining their aerial ballet. Overhead, the vast expanse of the sky serves as a canvas for this vibrant display, uniting the people in a shared moment of simple joy.",,7,4,attribute,color,"attribute - color (kite, brightly colored)",Is the kite brightly colored? +vrd12,"A cheerful scene unfolds under a clear blue sky, where a group of people are enjoying a kite-flying session. One individual stands out, holding the strings of a brightly colored kite with geometric patterns, which dances just below the wisps of white clouds. Other individuals are scattered nearby, some with their own kites adding bursts of color to the sky. The kites soar and dip gracefully, with the warm breeze determining their aerial ballet. Overhead, the vast expanse of the sky serves as a canvas for this vibrant display, uniting the people in a shared moment of simple joy.",,8,4,attribute,shape,"attribute - shape (kite, geometric patterns)",Does the kite have geometric patterns? +vrd12,"A cheerful scene unfolds under a clear blue sky, where a group of people are enjoying a kite-flying session. One individual stands out, holding the strings of a brightly colored kite with geometric patterns, which dances just below the wisps of white clouds. Other individuals are scattered nearby, some with their own kites adding bursts of color to the sky. The kites soar and dip gracefully, with the warm breeze determining their aerial ballet. Overhead, the vast expanse of the sky serves as a canvas for this vibrant display, uniting the people in a shared moment of simple joy.",,9,3,entity,state,"entity - state (people, kite-flying session, enjoy)",Are the people enjoying a kite-flying session? +vrd12,"A cheerful scene unfolds under a clear blue sky, where a group of people are enjoying a kite-flying session. One individual stands out, holding the strings of a brightly colored kite with geometric patterns, which dances just below the wisps of white clouds. Other individuals are scattered nearby, some with their own kites adding bursts of color to the sky. The kites soar and dip gracefully, with the warm breeze determining their aerial ballet. Overhead, the vast expanse of the sky serves as a canvas for this vibrant display, uniting the people in a shared moment of simple joy.",,10,"4,5",relation,spatial,"relation - spatial (kite, clouds, below)",Is the kite dancing just below the wisps of white clouds? +countbench20,"a collection of four vibrantly colored, circular buttons, each featuring a simplistic heart icon with a prominent plus sign at its center, signaling the option to add to favorites. These flat-designed icons are isolated against a clean background, making them immediately identifiable for user interface purposes. Each button presents a different hue: one is red, another blue, the third one is a sunny yellow, and the last one is green, creating a visually appealing and intuitive set for users to interact with.",,1,0,entity,whole,entity - whole (buttons),Is there a collection of buttons? +countbench20,"a collection of four vibrantly colored, circular buttons, each featuring a simplistic heart icon with a prominent plus sign at its center, signaling the option to add to favorites. These flat-designed icons are isolated against a clean background, making them immediately identifiable for user interface purposes. Each button presents a different hue: one is red, another blue, the third one is a sunny yellow, and the last one is green, creating a visually appealing and intuitive set for users to interact with.",,2,1,other,count,"other - count (buttons, ==4)",Are there four buttons? +countbench20,"a collection of four vibrantly colored, circular buttons, each featuring a simplistic heart icon with a prominent plus sign at its center, signaling the option to add to favorites. These flat-designed icons are isolated against a clean background, making them immediately identifiable for user interface purposes. Each button presents a different hue: one is red, another blue, the third one is a sunny yellow, and the last one is green, creating a visually appealing and intuitive set for users to interact with.",,3,1,entity,part,entity - part (button's icon),Do the buttons feature icons? +countbench20,"a collection of four vibrantly colored, circular buttons, each featuring a simplistic heart icon with a prominent plus sign at its center, signaling the option to add to favorites. These flat-designed icons are isolated against a clean background, making them immediately identifiable for user interface purposes. Each button presents a different hue: one is red, another blue, the third one is a sunny yellow, and the last one is green, creating a visually appealing and intuitive set for users to interact with.",,4,1,attribute,shape,"attribute - shape (buttons, circular)",Are the buttons circular? +countbench20,"a collection of four vibrantly colored, circular buttons, each featuring a simplistic heart icon with a prominent plus sign at its center, signaling the option to add to favorites. These flat-designed icons are isolated against a clean background, making them immediately identifiable for user interface purposes. Each button presents a different hue: one is red, another blue, the third one is a sunny yellow, and the last one is green, creating a visually appealing and intuitive set for users to interact with.",,5,"1,2",attribute,color,"attribute - color (button_1, red)",Is one button red? +countbench20,"a collection of four vibrantly colored, circular buttons, each featuring a simplistic heart icon with a prominent plus sign at its center, signaling the option to add to favorites. These flat-designed icons are isolated against a clean background, making them immediately identifiable for user interface purposes. Each button presents a different hue: one is red, another blue, the third one is a sunny yellow, and the last one is green, creating a visually appealing and intuitive set for users to interact with.",,6,"1,2",attribute,color,"attribute - color (button_2, blue)",Is another button blue? +countbench20,"a collection of four vibrantly colored, circular buttons, each featuring a simplistic heart icon with a prominent plus sign at its center, signaling the option to add to favorites. These flat-designed icons are isolated against a clean background, making them immediately identifiable for user interface purposes. Each button presents a different hue: one is red, another blue, the third one is a sunny yellow, and the last one is green, creating a visually appealing and intuitive set for users to interact with.",,7,"1,2",attribute,color,"attribute - color (button_3, sunny yellow)",Is the third button sunny yellow? +countbench20,"a collection of four vibrantly colored, circular buttons, each featuring a simplistic heart icon with a prominent plus sign at its center, signaling the option to add to favorites. These flat-designed icons are isolated against a clean background, making them immediately identifiable for user interface purposes. Each button presents a different hue: one is red, another blue, the third one is a sunny yellow, and the last one is green, creating a visually appealing and intuitive set for users to interact with.",,8,"1,2",attribute,color,"attribute - color (button_4, green)",Is the last button green? +countbench20,"a collection of four vibrantly colored, circular buttons, each featuring a simplistic heart icon with a prominent plus sign at its center, signaling the option to add to favorites. These flat-designed icons are isolated against a clean background, making them immediately identifiable for user interface purposes. Each button presents a different hue: one is red, another blue, the third one is a sunny yellow, and the last one is green, creating a visually appealing and intuitive set for users to interact with.",,9,3,attribute,other,"attribute - other (button's icon, heart with plus sign)",Do the icons on the buttons represent a heart with a plus sign? +countbench20,"a collection of four vibrantly colored, circular buttons, each featuring a simplistic heart icon with a prominent plus sign at its center, signaling the option to add to favorites. These flat-designed icons are isolated against a clean background, making them immediately identifiable for user interface purposes. Each button presents a different hue: one is red, another blue, the third one is a sunny yellow, and the last one is green, creating a visually appealing and intuitive set for users to interact with.",,10,1,global,,"global - (buttons, flat design)",Are the buttons designed with a flat design? +drawtext14,"A beautifully aged antique book is positioned carefully for a studio close-up, revealing a rich, dark brown leather cover. The words ""Knowledge is Power"" are prominently featured in the center with thick, flowing brushstrokes, gleaming in opulent gold paint. Tiny flecks of the gold leaf can be seen scattered around the ornately scripted letters, showcasing the craftsmanship that went into its creation. The book is set against a plain, uncluttered background that focuses all attention on the intricate details of the cover's design.",,1,0,entity,whole,entity - whole (book),Is there an antique book? +drawtext14,"A beautifully aged antique book is positioned carefully for a studio close-up, revealing a rich, dark brown leather cover. The words ""Knowledge is Power"" are prominently featured in the center with thick, flowing brushstrokes, gleaming in opulent gold paint. Tiny flecks of the gold leaf can be seen scattered around the ornately scripted letters, showcasing the craftsmanship that went into its creation. The book is set against a plain, uncluttered background that focuses all attention on the intricate details of the cover's design.",,2,1,attribute,texture,"attribute - texture (book's cover, leather)",Does the book have a leather cover? +drawtext14,"A beautifully aged antique book is positioned carefully for a studio close-up, revealing a rich, dark brown leather cover. The words ""Knowledge is Power"" are prominently featured in the center with thick, flowing brushstrokes, gleaming in opulent gold paint. Tiny flecks of the gold leaf can be seen scattered around the ornately scripted letters, showcasing the craftsmanship that went into its creation. The book is set against a plain, uncluttered background that focuses all attention on the intricate details of the cover's design.",,3,1,attribute,color,"attribute - color (book's cover, dark brown)",Is the book's cover dark brown? +drawtext14,"A beautifully aged antique book is positioned carefully for a studio close-up, revealing a rich, dark brown leather cover. The words ""Knowledge is Power"" are prominently featured in the center with thick, flowing brushstrokes, gleaming in opulent gold paint. Tiny flecks of the gold leaf can be seen scattered around the ornately scripted letters, showcasing the craftsmanship that went into its creation. The book is set against a plain, uncluttered background that focuses all attention on the intricate details of the cover's design.",,4,1,other,text,"other - text (book's cover, ""Knowledge is Power"")","Does the book's cover feature the words ""Knowledge is Power""?" +drawtext14,"A beautifully aged antique book is positioned carefully for a studio close-up, revealing a rich, dark brown leather cover. The words ""Knowledge is Power"" are prominently featured in the center with thick, flowing brushstrokes, gleaming in opulent gold paint. Tiny flecks of the gold leaf can be seen scattered around the ornately scripted letters, showcasing the craftsmanship that went into its creation. The book is set against a plain, uncluttered background that focuses all attention on the intricate details of the cover's design.",,5,4,attribute,color,"attribute - color (text, gold)",Are the words on the cover in gold paint? +drawtext14,"A beautifully aged antique book is positioned carefully for a studio close-up, revealing a rich, dark brown leather cover. The words ""Knowledge is Power"" are prominently featured in the center with thick, flowing brushstrokes, gleaming in opulent gold paint. Tiny flecks of the gold leaf can be seen scattered around the ornately scripted letters, showcasing the craftsmanship that went into its creation. The book is set against a plain, uncluttered background that focuses all attention on the intricate details of the cover's design.",,6,4,attribute,other,"attribute - other (text, brushstrokes, thick and flowing)",Are the brushstrokes on the cover thick and flowing? +drawtext14,"A beautifully aged antique book is positioned carefully for a studio close-up, revealing a rich, dark brown leather cover. The words ""Knowledge is Power"" are prominently featured in the center with thick, flowing brushstrokes, gleaming in opulent gold paint. Tiny flecks of the gold leaf can be seen scattered around the ornately scripted letters, showcasing the craftsmanship that went into its creation. The book is set against a plain, uncluttered background that focuses all attention on the intricate details of the cover's design.",,7,4,attribute,other,"attribute - other (text, gleaming)",Are the words on the cover gleaming? +drawtext14,"A beautifully aged antique book is positioned carefully for a studio close-up, revealing a rich, dark brown leather cover. The words ""Knowledge is Power"" are prominently featured in the center with thick, flowing brushstrokes, gleaming in opulent gold paint. Tiny flecks of the gold leaf can be seen scattered around the ornately scripted letters, showcasing the craftsmanship that went into its creation. The book is set against a plain, uncluttered background that focuses all attention on the intricate details of the cover's design.",,8,4,entity,part,entity - part (gold leaf flecks),Are there tiny flecks of gold leaf scattered around the letters? +drawtext14,"A beautifully aged antique book is positioned carefully for a studio close-up, revealing a rich, dark brown leather cover. The words ""Knowledge is Power"" are prominently featured in the center with thick, flowing brushstrokes, gleaming in opulent gold paint. Tiny flecks of the gold leaf can be seen scattered around the ornately scripted letters, showcasing the craftsmanship that went into its creation. The book is set against a plain, uncluttered background that focuses all attention on the intricate details of the cover's design.",,9,0,global,,global - (studio close-up),Is this a studio close-up of the book? +drawtext14,"A beautifully aged antique book is positioned carefully for a studio close-up, revealing a rich, dark brown leather cover. The words ""Knowledge is Power"" are prominently featured in the center with thick, flowing brushstrokes, gleaming in opulent gold paint. Tiny flecks of the gold leaf can be seen scattered around the ornately scripted letters, showcasing the craftsmanship that went into its creation. The book is set against a plain, uncluttered background that focuses all attention on the intricate details of the cover's design.",,10,0,global,,"global - (background, plain and uncluttered)",Is the background plain and uncluttered? +drawtext37,"a simple white background highlighting a hand-drawn black circle that encompasses the playful, cursive text 'infinity makes me happy'. The words are crafted to resemble a quick, personal brush script, giving it a casual and intimate feel. Just outside the circle, faint sketch marks are visible, implying a human touch in the creation of this design.",,1,0,entity,whole,entity - whole (background),Is there a background? +drawtext37,"a simple white background highlighting a hand-drawn black circle that encompasses the playful, cursive text 'infinity makes me happy'. The words are crafted to resemble a quick, personal brush script, giving it a casual and intimate feel. Just outside the circle, faint sketch marks are visible, implying a human touch in the creation of this design.",,2,0,entity,whole,entity - whole (circle),Is there a circle? +drawtext37,"a simple white background highlighting a hand-drawn black circle that encompasses the playful, cursive text 'infinity makes me happy'. The words are crafted to resemble a quick, personal brush script, giving it a casual and intimate feel. Just outside the circle, faint sketch marks are visible, implying a human touch in the creation of this design.",,3,0,entity,whole,entity - whole (text),Is there text? +drawtext37,"a simple white background highlighting a hand-drawn black circle that encompasses the playful, cursive text 'infinity makes me happy'. The words are crafted to resemble a quick, personal brush script, giving it a casual and intimate feel. Just outside the circle, faint sketch marks are visible, implying a human touch in the creation of this design.",,4,1,attribute,color,"attribute - color (background, white)",Is the background white? +drawtext37,"a simple white background highlighting a hand-drawn black circle that encompasses the playful, cursive text 'infinity makes me happy'. The words are crafted to resemble a quick, personal brush script, giving it a casual and intimate feel. Just outside the circle, faint sketch marks are visible, implying a human touch in the creation of this design.",,5,2,attribute,color,"attribute - color (circle, black)",Is the circle black? +drawtext37,"a simple white background highlighting a hand-drawn black circle that encompasses the playful, cursive text 'infinity makes me happy'. The words are crafted to resemble a quick, personal brush script, giving it a casual and intimate feel. Just outside the circle, faint sketch marks are visible, implying a human touch in the creation of this design.",,6,3,other,text,"other - text (text, ""infinity makes me happy"")","Does the text say ""infinity makes me happy""?" +drawtext37,"a simple white background highlighting a hand-drawn black circle that encompasses the playful, cursive text 'infinity makes me happy'. The words are crafted to resemble a quick, personal brush script, giving it a casual and intimate feel. Just outside the circle, faint sketch marks are visible, implying a human touch in the creation of this design.",,7,3,attribute,texture,"attribute - texture (text, hand-drawn)",Is the text hand-drawn? +drawtext37,"a simple white background highlighting a hand-drawn black circle that encompasses the playful, cursive text 'infinity makes me happy'. The words are crafted to resemble a quick, personal brush script, giving it a casual and intimate feel. Just outside the circle, faint sketch marks are visible, implying a human touch in the creation of this design.",,8,3,attribute,texture,"attribute - texture (text, cursive)",Is the text in cursive? +drawtext37,"a simple white background highlighting a hand-drawn black circle that encompasses the playful, cursive text 'infinity makes me happy'. The words are crafted to resemble a quick, personal brush script, giving it a casual and intimate feel. Just outside the circle, faint sketch marks are visible, implying a human touch in the creation of this design.",,9,3,attribute,texture,"attribute - texture (text, brush script)","Does the text resemble a quick, personal brush script?" +drawtext37,"a simple white background highlighting a hand-drawn black circle that encompasses the playful, cursive text 'infinity makes me happy'. The words are crafted to resemble a quick, personal brush script, giving it a casual and intimate feel. Just outside the circle, faint sketch marks are visible, implying a human touch in the creation of this design.",,10,3,attribute,other,"attribute - other (text, casual and intimate feel)",Does the text give a casual and intimate feel? +stanford11,"A delectable square slice of pizza with a golden-brown crust sits at an angle on a round, emerald-green plate. Toppings of earthy mushrooms, glossy black olives, and juicy red tomato chunks are scattered across the melted cheese. Resting beside the pizza slice, shredded purple and crisp white cabbage add a vibrant contrast to the plate, creating an appealing mix of shapes and colors.",,1,0,entity,whole,entity - whole (pizza slice),Is there a slice of pizza? +stanford11,"A delectable square slice of pizza with a golden-brown crust sits at an angle on a round, emerald-green plate. Toppings of earthy mushrooms, glossy black olives, and juicy red tomato chunks are scattered across the melted cheese. Resting beside the pizza slice, shredded purple and crisp white cabbage add a vibrant contrast to the plate, creating an appealing mix of shapes and colors.",,2,1,entity,whole,entity - whole (crust),Is there a crust? +stanford11,"A delectable square slice of pizza with a golden-brown crust sits at an angle on a round, emerald-green plate. Toppings of earthy mushrooms, glossy black olives, and juicy red tomato chunks are scattered across the melted cheese. Resting beside the pizza slice, shredded purple and crisp white cabbage add a vibrant contrast to the plate, creating an appealing mix of shapes and colors.",,3,0,entity,whole,entity - whole (plate),Is there a plate? +stanford11,"A delectable square slice of pizza with a golden-brown crust sits at an angle on a round, emerald-green plate. Toppings of earthy mushrooms, glossy black olives, and juicy red tomato chunks are scattered across the melted cheese. Resting beside the pizza slice, shredded purple and crisp white cabbage add a vibrant contrast to the plate, creating an appealing mix of shapes and colors.",,4,1,entity,part,entity - part (pizza toppings),Are there toppings on the pizza? +stanford11,"A delectable square slice of pizza with a golden-brown crust sits at an angle on a round, emerald-green plate. Toppings of earthy mushrooms, glossy black olives, and juicy red tomato chunks are scattered across the melted cheese. Resting beside the pizza slice, shredded purple and crisp white cabbage add a vibrant contrast to the plate, creating an appealing mix of shapes and colors.",,5,0,entity,part,entity - part (cabbage),Is there cabbage? +stanford11,"A delectable square slice of pizza with a golden-brown crust sits at an angle on a round, emerald-green plate. Toppings of earthy mushrooms, glossy black olives, and juicy red tomato chunks are scattered across the melted cheese. Resting beside the pizza slice, shredded purple and crisp white cabbage add a vibrant contrast to the plate, creating an appealing mix of shapes and colors.",,6,1,attribute,shape,"attribute - shape (pizza slice, square)",Is the pizza slice square? +stanford11,"A delectable square slice of pizza with a golden-brown crust sits at an angle on a round, emerald-green plate. Toppings of earthy mushrooms, glossy black olives, and juicy red tomato chunks are scattered across the melted cheese. Resting beside the pizza slice, shredded purple and crisp white cabbage add a vibrant contrast to the plate, creating an appealing mix of shapes and colors.",,7,2,attribute,color,"attribute - color (crust, golden-brown)",Is the crust golden-brown? +stanford11,"A delectable square slice of pizza with a golden-brown crust sits at an angle on a round, emerald-green plate. Toppings of earthy mushrooms, glossy black olives, and juicy red tomato chunks are scattered across the melted cheese. Resting beside the pizza slice, shredded purple and crisp white cabbage add a vibrant contrast to the plate, creating an appealing mix of shapes and colors.",,8,3,attribute,color,"attribute - color (plate, emerald-green)",Is the plate emerald-green? +stanford11,"A delectable square slice of pizza with a golden-brown crust sits at an angle on a round, emerald-green plate. Toppings of earthy mushrooms, glossy black olives, and juicy red tomato chunks are scattered across the melted cheese. Resting beside the pizza slice, shredded purple and crisp white cabbage add a vibrant contrast to the plate, creating an appealing mix of shapes and colors.",,9,5,attribute,color,"attribute - color (cabbage, purple and white)",Is the cabbage purple and white? +stanford11,"A delectable square slice of pizza with a golden-brown crust sits at an angle on a round, emerald-green plate. Toppings of earthy mushrooms, glossy black olives, and juicy red tomato chunks are scattered across the melted cheese. Resting beside the pizza slice, shredded purple and crisp white cabbage add a vibrant contrast to the plate, creating an appealing mix of shapes and colors.",,10,"1,3",relation,spatial,"relation - spatial (pizza slice, plate, on at an angle)",Is the pizza slice sitting at an angle on the plate? +whoops35,"A daring individual clad in bright yellow attire, gliding down a vast beige sand dune on a pair of sleek, black roller skates. Their posture suggests a careful balance as they navigate the fine granular surface, leaving behind a wavy trail in the sand. Around them, the dune stretches into the distance, meeting a clear blue sky at the horizon.",,1,0,entity,whole,entity - whole (individual),Is there an individual? +whoops35,"A daring individual clad in bright yellow attire, gliding down a vast beige sand dune on a pair of sleek, black roller skates. Their posture suggests a careful balance as they navigate the fine granular surface, leaving behind a wavy trail in the sand. Around them, the dune stretches into the distance, meeting a clear blue sky at the horizon.",,2,0,entity,whole,entity - whole (sand dune),Is there a sand dune? +whoops35,"A daring individual clad in bright yellow attire, gliding down a vast beige sand dune on a pair of sleek, black roller skates. Their posture suggests a careful balance as they navigate the fine granular surface, leaving behind a wavy trail in the sand. Around them, the dune stretches into the distance, meeting a clear blue sky at the horizon.",,3,0,entity,whole,entity - whole (roller skates),Are there roller skates? +whoops35,"A daring individual clad in bright yellow attire, gliding down a vast beige sand dune on a pair of sleek, black roller skates. Their posture suggests a careful balance as they navigate the fine granular surface, leaving behind a wavy trail in the sand. Around them, the dune stretches into the distance, meeting a clear blue sky at the horizon.",,4,1,attribute,color,"attribute - color (attire, bright yellow)",Is the attire bright yellow? +whoops35,"A daring individual clad in bright yellow attire, gliding down a vast beige sand dune on a pair of sleek, black roller skates. Their posture suggests a careful balance as they navigate the fine granular surface, leaving behind a wavy trail in the sand. Around them, the dune stretches into the distance, meeting a clear blue sky at the horizon.",,5,3,attribute,color,"attribute - color (roller skates, black)",Are the roller skates black? +whoops35,"A daring individual clad in bright yellow attire, gliding down a vast beige sand dune on a pair of sleek, black roller skates. Their posture suggests a careful balance as they navigate the fine granular surface, leaving behind a wavy trail in the sand. Around them, the dune stretches into the distance, meeting a clear blue sky at the horizon.",,6,2,attribute,color,"attribute - color (sand dune, beige)",Is the sand dune beige? +whoops35,"A daring individual clad in bright yellow attire, gliding down a vast beige sand dune on a pair of sleek, black roller skates. Their posture suggests a careful balance as they navigate the fine granular surface, leaving behind a wavy trail in the sand. Around them, the dune stretches into the distance, meeting a clear blue sky at the horizon.",,7,2,attribute,texture,"attribute - texture (sand dune, granular)",Is the surface of the sand dune granular? +whoops35,"A daring individual clad in bright yellow attire, gliding down a vast beige sand dune on a pair of sleek, black roller skates. Their posture suggests a careful balance as they navigate the fine granular surface, leaving behind a wavy trail in the sand. Around them, the dune stretches into the distance, meeting a clear blue sky at the horizon.",,8,"1,2",entity,state,"entity - state (individual, glide)",Is the individual gliding? +whoops35,"A daring individual clad in bright yellow attire, gliding down a vast beige sand dune on a pair of sleek, black roller skates. Their posture suggests a careful balance as they navigate the fine granular surface, leaving behind a wavy trail in the sand. Around them, the dune stretches into the distance, meeting a clear blue sky at the horizon.",,9,1,entity,state,"entity - state (individual, balance)",Does the individual's posture suggest careful balance? +whoops35,"A daring individual clad in bright yellow attire, gliding down a vast beige sand dune on a pair of sleek, black roller skates. Their posture suggests a careful balance as they navigate the fine granular surface, leaving behind a wavy trail in the sand. Around them, the dune stretches into the distance, meeting a clear blue sky at the horizon.",,10,"1,2",relation,spatial,"relation - spatial (individual, sand dune, on)",Is the individual on the sand dune? +vrd31,"Multiple pairs of skis and a single snowboard are arranged near a vehicle: several pairs of skis are neatly packed in a long box that rests directly on the snowy street, while another set protrudes from the front seat of a nearby car, hinting at preparations for a wintery adventure. Adjacent to the box on the street, a sturdy basket filled with additional pairs of skis confirms the enthusiasm for the snowy escapades awaiting. Just beyond these preparations, the car, with its frosted windows, stands proudly under a vast, clear sky, promising a day of thrill on the slopes.",,1,0,entity,whole,entity - whole (skis),Are there multiple pairs of skis? +vrd31,"Multiple pairs of skis and a single snowboard are arranged near a vehicle: several pairs of skis are neatly packed in a long box that rests directly on the snowy street, while another set protrudes from the front seat of a nearby car, hinting at preparations for a wintery adventure. Adjacent to the box on the street, a sturdy basket filled with additional pairs of skis confirms the enthusiasm for the snowy escapades awaiting. Just beyond these preparations, the car, with its frosted windows, stands proudly under a vast, clear sky, promising a day of thrill on the slopes.",,2,0,entity,whole,entity - whole (snowboard),Is there a snowboard? +vrd31,"Multiple pairs of skis and a single snowboard are arranged near a vehicle: several pairs of skis are neatly packed in a long box that rests directly on the snowy street, while another set protrudes from the front seat of a nearby car, hinting at preparations for a wintery adventure. Adjacent to the box on the street, a sturdy basket filled with additional pairs of skis confirms the enthusiasm for the snowy escapades awaiting. Just beyond these preparations, the car, with its frosted windows, stands proudly under a vast, clear sky, promising a day of thrill on the slopes.",,3,0,entity,whole,entity - whole (vehicle),Is there a vehicle? +vrd31,"Multiple pairs of skis and a single snowboard are arranged near a vehicle: several pairs of skis are neatly packed in a long box that rests directly on the snowy street, while another set protrudes from the front seat of a nearby car, hinting at preparations for a wintery adventure. Adjacent to the box on the street, a sturdy basket filled with additional pairs of skis confirms the enthusiasm for the snowy escapades awaiting. Just beyond these preparations, the car, with its frosted windows, stands proudly under a vast, clear sky, promising a day of thrill on the slopes.",,4,0,entity,whole,entity - whole (box),Is there a box? +vrd31,"Multiple pairs of skis and a single snowboard are arranged near a vehicle: several pairs of skis are neatly packed in a long box that rests directly on the snowy street, while another set protrudes from the front seat of a nearby car, hinting at preparations for a wintery adventure. Adjacent to the box on the street, a sturdy basket filled with additional pairs of skis confirms the enthusiasm for the snowy escapades awaiting. Just beyond these preparations, the car, with its frosted windows, stands proudly under a vast, clear sky, promising a day of thrill on the slopes.",,5,0,entity,whole,entity - whole (basket),Is there a basket? +vrd31,"Multiple pairs of skis and a single snowboard are arranged near a vehicle: several pairs of skis are neatly packed in a long box that rests directly on the snowy street, while another set protrudes from the front seat of a nearby car, hinting at preparations for a wintery adventure. Adjacent to the box on the street, a sturdy basket filled with additional pairs of skis confirms the enthusiasm for the snowy escapades awaiting. Just beyond these preparations, the car, with its frosted windows, stands proudly under a vast, clear sky, promising a day of thrill on the slopes.",,6,0,entity,whole,entity - whole (car),Is there a car? +vrd31,"Multiple pairs of skis and a single snowboard are arranged near a vehicle: several pairs of skis are neatly packed in a long box that rests directly on the snowy street, while another set protrudes from the front seat of a nearby car, hinting at preparations for a wintery adventure. Adjacent to the box on the street, a sturdy basket filled with additional pairs of skis confirms the enthusiasm for the snowy escapades awaiting. Just beyond these preparations, the car, with its frosted windows, stands proudly under a vast, clear sky, promising a day of thrill on the slopes.",,7,0,attribute,texture,"attribute - texture (street, snowy)",Is the street snowy? +vrd31,"Multiple pairs of skis and a single snowboard are arranged near a vehicle: several pairs of skis are neatly packed in a long box that rests directly on the snowy street, while another set protrudes from the front seat of a nearby car, hinting at preparations for a wintery adventure. Adjacent to the box on the street, a sturdy basket filled with additional pairs of skis confirms the enthusiasm for the snowy escapades awaiting. Just beyond these preparations, the car, with its frosted windows, stands proudly under a vast, clear sky, promising a day of thrill on the slopes.",,8,"1,4",relation,spatial,"relation - spatial (skis, box, in)",Are the skis in the box? +vrd31,"Multiple pairs of skis and a single snowboard are arranged near a vehicle: several pairs of skis are neatly packed in a long box that rests directly on the snowy street, while another set protrudes from the front seat of a nearby car, hinting at preparations for a wintery adventure. Adjacent to the box on the street, a sturdy basket filled with additional pairs of skis confirms the enthusiasm for the snowy escapades awaiting. Just beyond these preparations, the car, with its frosted windows, stands proudly under a vast, clear sky, promising a day of thrill on the slopes.",,9,"1,6",relation,spatial,"relation - spatial (skis, car, protrude from)",Are the skis protruding from the car? +vrd31,"Multiple pairs of skis and a single snowboard are arranged near a vehicle: several pairs of skis are neatly packed in a long box that rests directly on the snowy street, while another set protrudes from the front seat of a nearby car, hinting at preparations for a wintery adventure. Adjacent to the box on the street, a sturdy basket filled with additional pairs of skis confirms the enthusiasm for the snowy escapades awaiting. Just beyond these preparations, the car, with its frosted windows, stands proudly under a vast, clear sky, promising a day of thrill on the slopes.",,10,"4,7",relation,spatial,"relation - spatial (box, street, on)",Is the box resting on the street? +drawtext30,"A close-up image depicting two hands against a muted background, with one hand delicately gripping a bright red heart and the other securely holding a jagged yellow lightning bolt. Above them, bold lettering in a strong, contrasting color proclaims 'love is power'. The text is stylized with an energetic font that echoes the dynamic essence of the symbols cradled in the hands.",,1,0,entity,whole,entity - whole (hands),Are there hands? +drawtext30,"A close-up image depicting two hands against a muted background, with one hand delicately gripping a bright red heart and the other securely holding a jagged yellow lightning bolt. Above them, bold lettering in a strong, contrasting color proclaims 'love is power'. The text is stylized with an energetic font that echoes the dynamic essence of the symbols cradled in the hands.",,2,0,entity,whole,entity - whole (background),Is there a background? +drawtext30,"A close-up image depicting two hands against a muted background, with one hand delicately gripping a bright red heart and the other securely holding a jagged yellow lightning bolt. Above them, bold lettering in a strong, contrasting color proclaims 'love is power'. The text is stylized with an energetic font that echoes the dynamic essence of the symbols cradled in the hands.",,3,0,entity,whole,entity - whole (heart),Is there a heart? +drawtext30,"A close-up image depicting two hands against a muted background, with one hand delicately gripping a bright red heart and the other securely holding a jagged yellow lightning bolt. Above them, bold lettering in a strong, contrasting color proclaims 'love is power'. The text is stylized with an energetic font that echoes the dynamic essence of the symbols cradled in the hands.",,4,0,entity,whole,entity - whole (lightning bolt),Is there a lightning bolt? +drawtext30,"A close-up image depicting two hands against a muted background, with one hand delicately gripping a bright red heart and the other securely holding a jagged yellow lightning bolt. Above them, bold lettering in a strong, contrasting color proclaims 'love is power'. The text is stylized with an energetic font that echoes the dynamic essence of the symbols cradled in the hands.",,5,3,attribute,color,"attribute - color (heart, bright red)",Is the heart bright red? +drawtext30,"A close-up image depicting two hands against a muted background, with one hand delicately gripping a bright red heart and the other securely holding a jagged yellow lightning bolt. Above them, bold lettering in a strong, contrasting color proclaims 'love is power'. The text is stylized with an energetic font that echoes the dynamic essence of the symbols cradled in the hands.",,6,4,attribute,color,"attribute - color (lightning bolt, jagged yellow)",Is the lightning bolt jagged yellow? +drawtext30,"A close-up image depicting two hands against a muted background, with one hand delicately gripping a bright red heart and the other securely holding a jagged yellow lightning bolt. Above them, bold lettering in a strong, contrasting color proclaims 'love is power'. The text is stylized with an energetic font that echoes the dynamic essence of the symbols cradled in the hands.",,7,0,global,,global - (close-up image),Is this a close-up image? +drawtext30,"A close-up image depicting two hands against a muted background, with one hand delicately gripping a bright red heart and the other securely holding a jagged yellow lightning bolt. Above them, bold lettering in a strong, contrasting color proclaims 'love is power'. The text is stylized with an energetic font that echoes the dynamic essence of the symbols cradled in the hands.",,8,"1,2",relation,spatial,"relation - spatial (hands, background, against)",Are the hands against a muted background? +drawtext30,"A close-up image depicting two hands against a muted background, with one hand delicately gripping a bright red heart and the other securely holding a jagged yellow lightning bolt. Above them, bold lettering in a strong, contrasting color proclaims 'love is power'. The text is stylized with an energetic font that echoes the dynamic essence of the symbols cradled in the hands.",,9,"1,3",relation,non-spatial,"relation - non-spatial (hand_1, heart, grip)",Is one hand delicately gripping a heart? +drawtext30,"A close-up image depicting two hands against a muted background, with one hand delicately gripping a bright red heart and the other securely holding a jagged yellow lightning bolt. Above them, bold lettering in a strong, contrasting color proclaims 'love is power'. The text is stylized with an energetic font that echoes the dynamic essence of the symbols cradled in the hands.",,10,"1,4",relation,non-spatial,"relation - non-spatial (hand_2, lightning bolt, hold)",Is the other hand securely holding a lightning bolt? +drawtext30,"A close-up image depicting two hands against a muted background, with one hand delicately gripping a bright red heart and the other securely holding a jagged yellow lightning bolt. Above them, bold lettering in a strong, contrasting color proclaims 'love is power'. The text is stylized with an energetic font that echoes the dynamic essence of the symbols cradled in the hands.",,11,0,other,text,"other - text (text, ""love is power"")","Does the text say ""love is power""?" +drawtext5,"A metallic robot with a rounded head and drooping shoulders stands on a stainless steel assembly line designed for butter packaging. Surrounding the robot are tubs of spread, some of which have spilled onto the conveyor belt, causing a minor disruption. The robot's digital face displays a frown, and above it, a flashing red light signals a malfunction in the process. Large, cartoonish speech bubbles emerge from the robot, playfully emblazoned with the words, ""I can't believe it's not butter!"" in bold, white letters.",,1,0,entity,whole,entity - whole (robot),Is there a robot? +drawtext5,"A metallic robot with a rounded head and drooping shoulders stands on a stainless steel assembly line designed for butter packaging. Surrounding the robot are tubs of spread, some of which have spilled onto the conveyor belt, causing a minor disruption. The robot's digital face displays a frown, and above it, a flashing red light signals a malfunction in the process. Large, cartoonish speech bubbles emerge from the robot, playfully emblazoned with the words, ""I can't believe it's not butter!"" in bold, white letters.",,2,0,entity,whole,entity - whole (assembly line),Is there an assembly line? +drawtext5,"A metallic robot with a rounded head and drooping shoulders stands on a stainless steel assembly line designed for butter packaging. Surrounding the robot are tubs of spread, some of which have spilled onto the conveyor belt, causing a minor disruption. The robot's digital face displays a frown, and above it, a flashing red light signals a malfunction in the process. Large, cartoonish speech bubbles emerge from the robot, playfully emblazoned with the words, ""I can't believe it's not butter!"" in bold, white letters.",,3,0,entity,whole,entity - whole (tubs of spread),Are there tubs of spread? +drawtext5,"A metallic robot with a rounded head and drooping shoulders stands on a stainless steel assembly line designed for butter packaging. Surrounding the robot are tubs of spread, some of which have spilled onto the conveyor belt, causing a minor disruption. The robot's digital face displays a frown, and above it, a flashing red light signals a malfunction in the process. Large, cartoonish speech bubbles emerge from the robot, playfully emblazoned with the words, ""I can't believe it's not butter!"" in bold, white letters.",,4,0,entity,whole,entity - whole (conveyor belt),Is there a conveyor belt? +drawtext5,"A metallic robot with a rounded head and drooping shoulders stands on a stainless steel assembly line designed for butter packaging. Surrounding the robot are tubs of spread, some of which have spilled onto the conveyor belt, causing a minor disruption. The robot's digital face displays a frown, and above it, a flashing red light signals a malfunction in the process. Large, cartoonish speech bubbles emerge from the robot, playfully emblazoned with the words, ""I can't believe it's not butter!"" in bold, white letters.",,5,1,entity,part,entity - part (robot's head),Does the robot have a head? +drawtext5,"A metallic robot with a rounded head and drooping shoulders stands on a stainless steel assembly line designed for butter packaging. Surrounding the robot are tubs of spread, some of which have spilled onto the conveyor belt, causing a minor disruption. The robot's digital face displays a frown, and above it, a flashing red light signals a malfunction in the process. Large, cartoonish speech bubbles emerge from the robot, playfully emblazoned with the words, ""I can't believe it's not butter!"" in bold, white letters.",,6,1,entity,part,entity - part (robot's shoulders),Does the robot have shoulders? +drawtext5,"A metallic robot with a rounded head and drooping shoulders stands on a stainless steel assembly line designed for butter packaging. Surrounding the robot are tubs of spread, some of which have spilled onto the conveyor belt, causing a minor disruption. The robot's digital face displays a frown, and above it, a flashing red light signals a malfunction in the process. Large, cartoonish speech bubbles emerge from the robot, playfully emblazoned with the words, ""I can't believe it's not butter!"" in bold, white letters.",,7,1,entity,part,entity - part (robot's face),Does the robot have a face? +drawtext5,"A metallic robot with a rounded head and drooping shoulders stands on a stainless steel assembly line designed for butter packaging. Surrounding the robot are tubs of spread, some of which have spilled onto the conveyor belt, causing a minor disruption. The robot's digital face displays a frown, and above it, a flashing red light signals a malfunction in the process. Large, cartoonish speech bubbles emerge from the robot, playfully emblazoned with the words, ""I can't believe it's not butter!"" in bold, white letters.",,8,2,attribute,texture,"attribute - texture (assembly line, stainless steel)",Is the assembly line made of stainless steel? +drawtext5,"A metallic robot with a rounded head and drooping shoulders stands on a stainless steel assembly line designed for butter packaging. Surrounding the robot are tubs of spread, some of which have spilled onto the conveyor belt, causing a minor disruption. The robot's digital face displays a frown, and above it, a flashing red light signals a malfunction in the process. Large, cartoonish speech bubbles emerge from the robot, playfully emblazoned with the words, ""I can't believe it's not butter!"" in bold, white letters.",,9,5,attribute,shape,"attribute - shape (robot's head, rounded)",Is the robot's head rounded? +drawtext5,"A metallic robot with a rounded head and drooping shoulders stands on a stainless steel assembly line designed for butter packaging. Surrounding the robot are tubs of spread, some of which have spilled onto the conveyor belt, causing a minor disruption. The robot's digital face displays a frown, and above it, a flashing red light signals a malfunction in the process. Large, cartoonish speech bubbles emerge from the robot, playfully emblazoned with the words, ""I can't believe it's not butter!"" in bold, white letters.",,10,1,entity,state,"entity - state (robot, stand)",Is the robot standing? +countbench36,"An artistic array of six vibrant mugs featuring a spectrum of colors, each with a smooth, glossy finish indicative of gradient mesh design elements. These mugs are depicted in a two-dimensional vector format, suitable for stock imagery, and their handles are gracefully curved to the right, allowing for easy visual differentiation. The mugs' colors transition flawlessly from one to another, showcasing the use of digital illustration techniques for a realistic appearance.",,1,0,entity,whole,entity - whole (mugs),Are there mugs? +countbench36,"An artistic array of six vibrant mugs featuring a spectrum of colors, each with a smooth, glossy finish indicative of gradient mesh design elements. These mugs are depicted in a two-dimensional vector format, suitable for stock imagery, and their handles are gracefully curved to the right, allowing for easy visual differentiation. The mugs' colors transition flawlessly from one to another, showcasing the use of digital illustration techniques for a realistic appearance.",,2,1,other,count,"other - count (mugs, ==6)",Are there six mugs? +countbench36,"An artistic array of six vibrant mugs featuring a spectrum of colors, each with a smooth, glossy finish indicative of gradient mesh design elements. These mugs are depicted in a two-dimensional vector format, suitable for stock imagery, and their handles are gracefully curved to the right, allowing for easy visual differentiation. The mugs' colors transition flawlessly from one to another, showcasing the use of digital illustration techniques for a realistic appearance.",,3,0,global,,global - (artistic array),Is this an artistic array? +countbench36,"An artistic array of six vibrant mugs featuring a spectrum of colors, each with a smooth, glossy finish indicative of gradient mesh design elements. These mugs are depicted in a two-dimensional vector format, suitable for stock imagery, and their handles are gracefully curved to the right, allowing for easy visual differentiation. The mugs' colors transition flawlessly from one to another, showcasing the use of digital illustration techniques for a realistic appearance.",,4,1,attribute,color,"attribute - color (mugs, vibrant)",Are the mugs vibrant? +countbench36,"An artistic array of six vibrant mugs featuring a spectrum of colors, each with a smooth, glossy finish indicative of gradient mesh design elements. These mugs are depicted in a two-dimensional vector format, suitable for stock imagery, and their handles are gracefully curved to the right, allowing for easy visual differentiation. The mugs' colors transition flawlessly from one to another, showcasing the use of digital illustration techniques for a realistic appearance.",,5,1,attribute,texture,"attribute - texture (mugs, glossy finish)",Do the mugs have a glossy finish? +countbench36,"An artistic array of six vibrant mugs featuring a spectrum of colors, each with a smooth, glossy finish indicative of gradient mesh design elements. These mugs are depicted in a two-dimensional vector format, suitable for stock imagery, and their handles are gracefully curved to the right, allowing for easy visual differentiation. The mugs' colors transition flawlessly from one to another, showcasing the use of digital illustration techniques for a realistic appearance.",,6,1,attribute,other,"attribute - other (mugs, gradient mesh design)",Do the mugs feature gradient mesh design elements? +countbench36,"An artistic array of six vibrant mugs featuring a spectrum of colors, each with a smooth, glossy finish indicative of gradient mesh design elements. These mugs are depicted in a two-dimensional vector format, suitable for stock imagery, and their handles are gracefully curved to the right, allowing for easy visual differentiation. The mugs' colors transition flawlessly from one to another, showcasing the use of digital illustration techniques for a realistic appearance.",,7,0,global,,global - (two-dimensional vector format),Are the mugs depicted in a two-dimensional vector format? +countbench36,"An artistic array of six vibrant mugs featuring a spectrum of colors, each with a smooth, glossy finish indicative of gradient mesh design elements. These mugs are depicted in a two-dimensional vector format, suitable for stock imagery, and their handles are gracefully curved to the right, allowing for easy visual differentiation. The mugs' colors transition flawlessly from one to another, showcasing the use of digital illustration techniques for a realistic appearance.",,8,1,entity,part,entity - part (mugs' handles),Do the mugs have handles? +countbench36,"An artistic array of six vibrant mugs featuring a spectrum of colors, each with a smooth, glossy finish indicative of gradient mesh design elements. These mugs are depicted in a two-dimensional vector format, suitable for stock imagery, and their handles are gracefully curved to the right, allowing for easy visual differentiation. The mugs' colors transition flawlessly from one to another, showcasing the use of digital illustration techniques for a realistic appearance.",,9,8,attribute,shape,"attribute - shape (mugs' handles, curved to the right)",Are the mugs' handles gracefully curved to the right? +countbench36,"An artistic array of six vibrant mugs featuring a spectrum of colors, each with a smooth, glossy finish indicative of gradient mesh design elements. These mugs are depicted in a two-dimensional vector format, suitable for stock imagery, and their handles are gracefully curved to the right, allowing for easy visual differentiation. The mugs' colors transition flawlessly from one to another, showcasing the use of digital illustration techniques for a realistic appearance.",,10,1,relation,non-spatial,"relation - non-spatial (mugs' colors, transition, flawless)",Do the mugs' colors transition flawlessly from one to another? +drawtext10,"A complex piece of generative art on a white background, featuring the words ""Time is temporary, everything is temporary"" emerging from a swirl of viscous smoke crafted from an intricate array of dots. It resembles flowing rivers, incorporating elements of graph design that give it an analytical yet abstract aesthetic. The typography has a fluidity that suggests impermanence and the fleeting nature of existence.",,1,0,entity,whole,entity - whole (generative art),Is there a piece of generative art? +drawtext10,"A complex piece of generative art on a white background, featuring the words ""Time is temporary, everything is temporary"" emerging from a swirl of viscous smoke crafted from an intricate array of dots. It resembles flowing rivers, incorporating elements of graph design that give it an analytical yet abstract aesthetic. The typography has a fluidity that suggests impermanence and the fleeting nature of existence.",,2,0,entity,whole,entity - whole (background),Is there a background? +drawtext10,"A complex piece of generative art on a white background, featuring the words ""Time is temporary, everything is temporary"" emerging from a swirl of viscous smoke crafted from an intricate array of dots. It resembles flowing rivers, incorporating elements of graph design that give it an analytical yet abstract aesthetic. The typography has a fluidity that suggests impermanence and the fleeting nature of existence.",,3,0,entity,whole,entity - whole (words),Are there words? +drawtext10,"A complex piece of generative art on a white background, featuring the words ""Time is temporary, everything is temporary"" emerging from a swirl of viscous smoke crafted from an intricate array of dots. It resembles flowing rivers, incorporating elements of graph design that give it an analytical yet abstract aesthetic. The typography has a fluidity that suggests impermanence and the fleeting nature of existence.",,4,1,entity,part,entity - part (swirl of smoke),Is there a swirl of smoke? +drawtext10,"A complex piece of generative art on a white background, featuring the words ""Time is temporary, everything is temporary"" emerging from a swirl of viscous smoke crafted from an intricate array of dots. It resembles flowing rivers, incorporating elements of graph design that give it an analytical yet abstract aesthetic. The typography has a fluidity that suggests impermanence and the fleeting nature of existence.",,5,1,entity,part,entity - part (dots),Are there dots? +drawtext10,"A complex piece of generative art on a white background, featuring the words ""Time is temporary, everything is temporary"" emerging from a swirl of viscous smoke crafted from an intricate array of dots. It resembles flowing rivers, incorporating elements of graph design that give it an analytical yet abstract aesthetic. The typography has a fluidity that suggests impermanence and the fleeting nature of existence.",,6,1,entity,part,entity - part (rivers),Does it resemble flowing rivers? +drawtext10,"A complex piece of generative art on a white background, featuring the words ""Time is temporary, everything is temporary"" emerging from a swirl of viscous smoke crafted from an intricate array of dots. It resembles flowing rivers, incorporating elements of graph design that give it an analytical yet abstract aesthetic. The typography has a fluidity that suggests impermanence and the fleeting nature of existence.",,7,1,entity,part,entity - part (graph design),Does it incorporate elements of graph design? +drawtext10,"A complex piece of generative art on a white background, featuring the words ""Time is temporary, everything is temporary"" emerging from a swirl of viscous smoke crafted from an intricate array of dots. It resembles flowing rivers, incorporating elements of graph design that give it an analytical yet abstract aesthetic. The typography has a fluidity that suggests impermanence and the fleeting nature of existence.",,8,2,attribute,color,"attribute - color (background, white)",Is the background white? +drawtext10,"A complex piece of generative art on a white background, featuring the words ""Time is temporary, everything is temporary"" emerging from a swirl of viscous smoke crafted from an intricate array of dots. It resembles flowing rivers, incorporating elements of graph design that give it an analytical yet abstract aesthetic. The typography has a fluidity that suggests impermanence and the fleeting nature of existence.",,9,3,other,text,"other - text (words, ""Time is temporary, everything is temporary"")","Do the words say ""Time is temporary, everything is temporary""?" +drawtext10,"A complex piece of generative art on a white background, featuring the words ""Time is temporary, everything is temporary"" emerging from a swirl of viscous smoke crafted from an intricate array of dots. It resembles flowing rivers, incorporating elements of graph design that give it an analytical yet abstract aesthetic. The typography has a fluidity that suggests impermanence and the fleeting nature of existence.",,10,3,attribute,other,"attribute - other (typography, fluidity)",Does the typography suggest fluidity? +stanford35,"Two athletes are engaged in a spirited game of tennis on a court with a light brown clay surface. Both are dressed in crisp white tennis uniforms, with the female player sporting a classic white skort. She's in the midst of a powerful swing, her racket slicing through the air with precision. Her male counterpart waits intently across the court, preparing for his return. The white boundary lines of the court are stark against the brown of the clay, emphasizing the competitive space they share.",,1,0,entity,whole,entity - whole (athletes),Are there athletes? +stanford35,"Two athletes are engaged in a spirited game of tennis on a court with a light brown clay surface. Both are dressed in crisp white tennis uniforms, with the female player sporting a classic white skort. She's in the midst of a powerful swing, her racket slicing through the air with precision. Her male counterpart waits intently across the court, preparing for his return. The white boundary lines of the court are stark against the brown of the clay, emphasizing the competitive space they share.",,2,1,other,count,"other - count (athletes, ==2)",Are there two athletes? +stanford35,"Two athletes are engaged in a spirited game of tennis on a court with a light brown clay surface. Both are dressed in crisp white tennis uniforms, with the female player sporting a classic white skort. She's in the midst of a powerful swing, her racket slicing through the air with precision. Her male counterpart waits intently across the court, preparing for his return. The white boundary lines of the court are stark against the brown of the clay, emphasizing the competitive space they share.",,3,0,entity,whole,entity - whole (tennis game),Is there a tennis game happening? +stanford35,"Two athletes are engaged in a spirited game of tennis on a court with a light brown clay surface. Both are dressed in crisp white tennis uniforms, with the female player sporting a classic white skort. She's in the midst of a powerful swing, her racket slicing through the air with precision. Her male counterpart waits intently across the court, preparing for his return. The white boundary lines of the court are stark against the brown of the clay, emphasizing the competitive space they share.",,4,0,entity,whole,entity - whole (tennis court),Is there a tennis court? +stanford35,"Two athletes are engaged in a spirited game of tennis on a court with a light brown clay surface. Both are dressed in crisp white tennis uniforms, with the female player sporting a classic white skort. She's in the midst of a powerful swing, her racket slicing through the air with precision. Her male counterpart waits intently across the court, preparing for his return. The white boundary lines of the court are stark against the brown of the clay, emphasizing the competitive space they share.",,5,0,entity,whole,entity - whole (tennis uniforms),Are there tennis uniforms? +stanford35,"Two athletes are engaged in a spirited game of tennis on a court with a light brown clay surface. Both are dressed in crisp white tennis uniforms, with the female player sporting a classic white skort. She's in the midst of a powerful swing, her racket slicing through the air with precision. Her male counterpart waits intently across the court, preparing for his return. The white boundary lines of the court are stark against the brown of the clay, emphasizing the competitive space they share.",,6,1,entity,part,entity - part (female player's skort),Is the female player wearing a skort? +stanford35,"Two athletes are engaged in a spirited game of tennis on a court with a light brown clay surface. Both are dressed in crisp white tennis uniforms, with the female player sporting a classic white skort. She's in the midst of a powerful swing, her racket slicing through the air with precision. Her male counterpart waits intently across the court, preparing for his return. The white boundary lines of the court are stark against the brown of the clay, emphasizing the competitive space they share.",,7,4,attribute,color,"attribute - color (tennis court, light brown)",Is the tennis court's surface light brown? +stanford35,"Two athletes are engaged in a spirited game of tennis on a court with a light brown clay surface. Both are dressed in crisp white tennis uniforms, with the female player sporting a classic white skort. She's in the midst of a powerful swing, her racket slicing through the air with precision. Her male counterpart waits intently across the court, preparing for his return. The white boundary lines of the court are stark against the brown of the clay, emphasizing the competitive space they share.",,8,5,attribute,color,"attribute - color (tennis uniforms, white)",Are the tennis uniforms white? +stanford35,"Two athletes are engaged in a spirited game of tennis on a court with a light brown clay surface. Both are dressed in crisp white tennis uniforms, with the female player sporting a classic white skort. She's in the midst of a powerful swing, her racket slicing through the air with precision. Her male counterpart waits intently across the court, preparing for his return. The white boundary lines of the court are stark against the brown of the clay, emphasizing the competitive space they share.",,9,6,attribute,color,"attribute - color (female player's skort, white)",Is the female player's skort white? +stanford35,"Two athletes are engaged in a spirited game of tennis on a court with a light brown clay surface. Both are dressed in crisp white tennis uniforms, with the female player sporting a classic white skort. She's in the midst of a powerful swing, her racket slicing through the air with precision. Her male counterpart waits intently across the court, preparing for his return. The white boundary lines of the court are stark against the brown of the clay, emphasizing the competitive space they share.",,10,"1,4",relation,spatial,"relation - spatial (athletes, tennis court, on)",Are the athletes on the tennis court? +countbench14,"A collection of four intricately designed bookmarks, each featuring black and white doodles of various flowers and ornamental patterns. These bookmarks are tailored for adults who enjoy coloring, offering a creative and relaxing activity. The detailed vector illustrations are perfect for bringing to life with a splash of color, and the bookmarks are crafted to be both functional and aesthetically pleasing.",,1,0,entity,whole,entity - whole (bookmarks),Is there a collection of bookmarks? +countbench14,"A collection of four intricately designed bookmarks, each featuring black and white doodles of various flowers and ornamental patterns. These bookmarks are tailored for adults who enjoy coloring, offering a creative and relaxing activity. The detailed vector illustrations are perfect for bringing to life with a splash of color, and the bookmarks are crafted to be both functional and aesthetically pleasing.",,2,1,other,count,"other - count (bookmarks, ==4)",Are there four bookmarks? +countbench14,"A collection of four intricately designed bookmarks, each featuring black and white doodles of various flowers and ornamental patterns. These bookmarks are tailored for adults who enjoy coloring, offering a creative and relaxing activity. The detailed vector illustrations are perfect for bringing to life with a splash of color, and the bookmarks are crafted to be both functional and aesthetically pleasing.",,3,1,attribute,color,"attribute - color (bookmarks, black and white)",Are the bookmarks black and white? +countbench14,"A collection of four intricately designed bookmarks, each featuring black and white doodles of various flowers and ornamental patterns. These bookmarks are tailored for adults who enjoy coloring, offering a creative and relaxing activity. The detailed vector illustrations are perfect for bringing to life with a splash of color, and the bookmarks are crafted to be both functional and aesthetically pleasing.",,4,1,attribute,other,"attribute - other (bookmarks, intricately designed)",Are the bookmarks intricately designed? +countbench14,"A collection of four intricately designed bookmarks, each featuring black and white doodles of various flowers and ornamental patterns. These bookmarks are tailored for adults who enjoy coloring, offering a creative and relaxing activity. The detailed vector illustrations are perfect for bringing to life with a splash of color, and the bookmarks are crafted to be both functional and aesthetically pleasing.",,5,1,attribute,other,"attribute - other (bookmarks, doodles of various flowers and ornamental patterns)",Do the bookmarks feature doodles of various flowers and ornamental patterns? +countbench14,"A collection of four intricately designed bookmarks, each featuring black and white doodles of various flowers and ornamental patterns. These bookmarks are tailored for adults who enjoy coloring, offering a creative and relaxing activity. The detailed vector illustrations are perfect for bringing to life with a splash of color, and the bookmarks are crafted to be both functional and aesthetically pleasing.",,6,1,attribute,other,"attribute - other (bookmarks, tailored for adults who enjoy coloring)",Are the bookmarks tailored for adults who enjoy coloring? +countbench14,"A collection of four intricately designed bookmarks, each featuring black and white doodles of various flowers and ornamental patterns. These bookmarks are tailored for adults who enjoy coloring, offering a creative and relaxing activity. The detailed vector illustrations are perfect for bringing to life with a splash of color, and the bookmarks are crafted to be both functional and aesthetically pleasing.",,7,1,attribute,other,"attribute - other (bookmarks, detailed vector illustrations)",Do the bookmarks have detailed vector illustrations? +countbench14,"A collection of four intricately designed bookmarks, each featuring black and white doodles of various flowers and ornamental patterns. These bookmarks are tailored for adults who enjoy coloring, offering a creative and relaxing activity. The detailed vector illustrations are perfect for bringing to life with a splash of color, and the bookmarks are crafted to be both functional and aesthetically pleasing.",,8,1,attribute,other,"attribute - other (bookmarks, functional and aesthetically pleasing)",Are the bookmarks both functional and aesthetically pleasing? +countbench14,"A collection of four intricately designed bookmarks, each featuring black and white doodles of various flowers and ornamental patterns. These bookmarks are tailored for adults who enjoy coloring, offering a creative and relaxing activity. The detailed vector illustrations are perfect for bringing to life with a splash of color, and the bookmarks are crafted to be both functional and aesthetically pleasing.",,9,1,entity,state,"entity - state (bookmarks, for coloring)",Are the bookmarks intended for coloring? +countbench14,"A collection of four intricately designed bookmarks, each featuring black and white doodles of various flowers and ornamental patterns. These bookmarks are tailored for adults who enjoy coloring, offering a creative and relaxing activity. The detailed vector illustrations are perfect for bringing to life with a splash of color, and the bookmarks are crafted to be both functional and aesthetically pleasing.",,10,1,entity,state,"entity - state (bookmarks, for relaxation activity)",Are the bookmarks intended to provide a relaxing activity? +whoops15,"Rows of seats are occupied by attentive audience members, each holding small containers of assorted vegetables. The theater is semi-lit by the glow of the screen, casting a soft light on the vibrant greens, reds, and yellows of the fresh snacks. No traditional popcorn can be seen; instead, the room is filled with the sound of crisp, healthy bites.",,1,0,entity,whole,entity - whole (seats),Are there rows of seats? +whoops15,"Rows of seats are occupied by attentive audience members, each holding small containers of assorted vegetables. The theater is semi-lit by the glow of the screen, casting a soft light on the vibrant greens, reds, and yellows of the fresh snacks. No traditional popcorn can be seen; instead, the room is filled with the sound of crisp, healthy bites.",,2,0,entity,whole,entity - whole (audience members),Are there audience members? +whoops15,"Rows of seats are occupied by attentive audience members, each holding small containers of assorted vegetables. The theater is semi-lit by the glow of the screen, casting a soft light on the vibrant greens, reds, and yellows of the fresh snacks. No traditional popcorn can be seen; instead, the room is filled with the sound of crisp, healthy bites.",,3,0,entity,whole,entity - whole (containers),Are there containers? +whoops15,"Rows of seats are occupied by attentive audience members, each holding small containers of assorted vegetables. The theater is semi-lit by the glow of the screen, casting a soft light on the vibrant greens, reds, and yellows of the fresh snacks. No traditional popcorn can be seen; instead, the room is filled with the sound of crisp, healthy bites.",,4,0,entity,whole,entity - whole (vegetables),Are there vegetables? +whoops15,"Rows of seats are occupied by attentive audience members, each holding small containers of assorted vegetables. The theater is semi-lit by the glow of the screen, casting a soft light on the vibrant greens, reds, and yellows of the fresh snacks. No traditional popcorn can be seen; instead, the room is filled with the sound of crisp, healthy bites.",,5,0,entity,whole,entity - whole (theater),Is there a theater? +whoops15,"Rows of seats are occupied by attentive audience members, each holding small containers of assorted vegetables. The theater is semi-lit by the glow of the screen, casting a soft light on the vibrant greens, reds, and yellows of the fresh snacks. No traditional popcorn can be seen; instead, the room is filled with the sound of crisp, healthy bites.",,6,0,entity,whole,entity - whole (screen),Is there a screen? +whoops15,"Rows of seats are occupied by attentive audience members, each holding small containers of assorted vegetables. The theater is semi-lit by the glow of the screen, casting a soft light on the vibrant greens, reds, and yellows of the fresh snacks. No traditional popcorn can be seen; instead, the room is filled with the sound of crisp, healthy bites.",,7,4,attribute,color,"attribute - color (vegetables, assorted)",Are the vegetables assorted? +whoops15,"Rows of seats are occupied by attentive audience members, each holding small containers of assorted vegetables. The theater is semi-lit by the glow of the screen, casting a soft light on the vibrant greens, reds, and yellows of the fresh snacks. No traditional popcorn can be seen; instead, the room is filled with the sound of crisp, healthy bites.",,8,4,attribute,color,"attribute - color (vegetables, green)",Are there green vegetables? +whoops15,"Rows of seats are occupied by attentive audience members, each holding small containers of assorted vegetables. The theater is semi-lit by the glow of the screen, casting a soft light on the vibrant greens, reds, and yellows of the fresh snacks. No traditional popcorn can be seen; instead, the room is filled with the sound of crisp, healthy bites.",,9,4,attribute,color,"attribute - color (vegetables, red)",Are there red vegetables? +whoops15,"Rows of seats are occupied by attentive audience members, each holding small containers of assorted vegetables. The theater is semi-lit by the glow of the screen, casting a soft light on the vibrant greens, reds, and yellows of the fresh snacks. No traditional popcorn can be seen; instead, the room is filled with the sound of crisp, healthy bites.",,10,4,attribute,color,"attribute - color (vegetables, yellow)",Are there yellow vegetables? +whoops15,"Rows of seats are occupied by attentive audience members, each holding small containers of assorted vegetables. The theater is semi-lit by the glow of the screen, casting a soft light on the vibrant greens, reds, and yellows of the fresh snacks. No traditional popcorn can be seen; instead, the room is filled with the sound of crisp, healthy bites.",,11,2,entity,state,"entity - state (audience members, attentive)",Are the audience members attentive? +whoops15,"Rows of seats are occupied by attentive audience members, each holding small containers of assorted vegetables. The theater is semi-lit by the glow of the screen, casting a soft light on the vibrant greens, reds, and yellows of the fresh snacks. No traditional popcorn can be seen; instead, the room is filled with the sound of crisp, healthy bites.",,12,"2,3",entity,state,"entity - state (audience members, holding)",Are the audience members holding something? +whoops15,"Rows of seats are occupied by attentive audience members, each holding small containers of assorted vegetables. The theater is semi-lit by the glow of the screen, casting a soft light on the vibrant greens, reds, and yellows of the fresh snacks. No traditional popcorn can be seen; instead, the room is filled with the sound of crisp, healthy bites.",,13,"1,2",relation,spatial,"relation - spatial (seats, audience members, occupied by)",Are the seats occupied by audience members? +whoops15,"Rows of seats are occupied by attentive audience members, each holding small containers of assorted vegetables. The theater is semi-lit by the glow of the screen, casting a soft light on the vibrant greens, reds, and yellows of the fresh snacks. No traditional popcorn can be seen; instead, the room is filled with the sound of crisp, healthy bites.",,14,"5,6",relation,non-spatial,"relation - non-spatial (theater, screen, semi-lit by)",Is the theater semi-lit by the glow of the screen? +COCOval2014000000276149,"A snowy landscape bustling with activity as numerous individuals are scattered throughout the area. People are dressed in warm winter clothing, some are engaged in building a snowman, while others are enjoying a snowball fight. The ground is covered in a thick blanket of fresh snow that crunches underfoot, with footprints crisscrossing in various directions.",,1,0,global,,global - (snowy landscape),Is it a snowy landscape? +COCOval2014000000276149,"A snowy landscape bustling with activity as numerous individuals are scattered throughout the area. People are dressed in warm winter clothing, some are engaged in building a snowman, while others are enjoying a snowball fight. The ground is covered in a thick blanket of fresh snow that crunches underfoot, with footprints crisscrossing in various directions.",,2,1,entity,whole,entity - whole (individuals),Are there individuals? +COCOval2014000000276149,"A snowy landscape bustling with activity as numerous individuals are scattered throughout the area. People are dressed in warm winter clothing, some are engaged in building a snowman, while others are enjoying a snowball fight. The ground is covered in a thick blanket of fresh snow that crunches underfoot, with footprints crisscrossing in various directions.",,3,2,entity,whole,entity - whole (people),Are there people? +COCOval2014000000276149,"A snowy landscape bustling with activity as numerous individuals are scattered throughout the area. People are dressed in warm winter clothing, some are engaged in building a snowman, while others are enjoying a snowball fight. The ground is covered in a thick blanket of fresh snow that crunches underfoot, with footprints crisscrossing in various directions.",,4,3,entity,whole,entity - whole (snowman),Is there a snowman? +COCOval2014000000276149,"A snowy landscape bustling with activity as numerous individuals are scattered throughout the area. People are dressed in warm winter clothing, some are engaged in building a snowman, while others are enjoying a snowball fight. The ground is covered in a thick blanket of fresh snow that crunches underfoot, with footprints crisscrossing in various directions.",,5,3,entity,whole,entity - whole (snowball),Is there a snowball? +COCOval2014000000276149,"A snowy landscape bustling with activity as numerous individuals are scattered throughout the area. People are dressed in warm winter clothing, some are engaged in building a snowman, while others are enjoying a snowball fight. The ground is covered in a thick blanket of fresh snow that crunches underfoot, with footprints crisscrossing in various directions.",,6,1,attribute,texture,"attribute - texture (ground, snowy)",Is the ground snowy? +COCOval2014000000276149,"A snowy landscape bustling with activity as numerous individuals are scattered throughout the area. People are dressed in warm winter clothing, some are engaged in building a snowman, while others are enjoying a snowball fight. The ground is covered in a thick blanket of fresh snow that crunches underfoot, with footprints crisscrossing in various directions.",,7,5,attribute,texture,"attribute - texture (snow, fresh)",Is the snow fresh? +COCOval2014000000276149,"A snowy landscape bustling with activity as numerous individuals are scattered throughout the area. People are dressed in warm winter clothing, some are engaged in building a snowman, while others are enjoying a snowball fight. The ground is covered in a thick blanket of fresh snow that crunches underfoot, with footprints crisscrossing in various directions.",,8,5,attribute,texture,"attribute - texture (snow, crunchy)",Is the snow crunchy? +COCOval2014000000276149,"A snowy landscape bustling with activity as numerous individuals are scattered throughout the area. People are dressed in warm winter clothing, some are engaged in building a snowman, while others are enjoying a snowball fight. The ground is covered in a thick blanket of fresh snow that crunches underfoot, with footprints crisscrossing in various directions.",,9,"1,6",relation,spatial,"relation - spatial (individuals, area, scattered throughout)",Are the individuals scattered throughout the area? +COCOval2014000000276149,"A snowy landscape bustling with activity as numerous individuals are scattered throughout the area. People are dressed in warm winter clothing, some are engaged in building a snowman, while others are enjoying a snowball fight. The ground is covered in a thick blanket of fresh snow that crunches underfoot, with footprints crisscrossing in various directions.",,10,"3,6",relation,non-spatial,"relation - non-spatial (people, clothing, warm)",Are the people dressed in warm winter clothing? +COCOval2014000000276149,"A snowy landscape bustling with activity as numerous individuals are scattered throughout the area. People are dressed in warm winter clothing, some are engaged in building a snowman, while others are enjoying a snowball fight. The ground is covered in a thick blanket of fresh snow that crunches underfoot, with footprints crisscrossing in various directions.",,11,"3,4",relation,non-spatial,"relation - non-spatial (people, snowman, building)",Are some people building a snowman? +COCOval2014000000276149,"A snowy landscape bustling with activity as numerous individuals are scattered throughout the area. People are dressed in warm winter clothing, some are engaged in building a snowman, while others are enjoying a snowball fight. The ground is covered in a thick blanket of fresh snow that crunches underfoot, with footprints crisscrossing in various directions.",,12,"6,7",relation,spatial,"relation - spatial (ground, snow, covered in)",Is the ground covered in a thick blanket of fresh snow? +COCOval2014000000276149,"A snowy landscape bustling with activity as numerous individuals are scattered throughout the area. People are dressed in warm winter clothing, some are engaged in building a snowman, while others are enjoying a snowball fight. The ground is covered in a thick blanket of fresh snow that crunches underfoot, with footprints crisscrossing in various directions.",,13,7,relation,spatial,"relation - spatial (snow, footprints, crisscrossing)",Are there footprints crisscrossing in various directions on the snow? +COCOval2014000000164121,"A spacious kitchen featuring natural wooden cabinets that show signs of frequent use. The countertop is cluttered with an assortment of kitchen gadgets, utensils, and a bowl of fresh fruit. Sunlight streams in, illuminating the space and highlighting the details of the cluttered surface.",,1,0,entity,whole,entity - whole (kitchen),Is there a kitchen? +COCOval2014000000164121,"A spacious kitchen featuring natural wooden cabinets that show signs of frequent use. The countertop is cluttered with an assortment of kitchen gadgets, utensils, and a bowl of fresh fruit. Sunlight streams in, illuminating the space and highlighting the details of the cluttered surface.",,2,1,entity,whole,entity - whole (cabinets),Are there cabinets? +COCOval2014000000164121,"A spacious kitchen featuring natural wooden cabinets that show signs of frequent use. The countertop is cluttered with an assortment of kitchen gadgets, utensils, and a bowl of fresh fruit. Sunlight streams in, illuminating the space and highlighting the details of the cluttered surface.",,3,1,entity,whole,entity - whole (countertop),Is there a countertop? +COCOval2014000000164121,"A spacious kitchen featuring natural wooden cabinets that show signs of frequent use. The countertop is cluttered with an assortment of kitchen gadgets, utensils, and a bowl of fresh fruit. Sunlight streams in, illuminating the space and highlighting the details of the cluttered surface.",,4,1,entity,whole,entity - whole (kitchen gadgets),Are there kitchen gadgets? +COCOval2014000000164121,"A spacious kitchen featuring natural wooden cabinets that show signs of frequent use. The countertop is cluttered with an assortment of kitchen gadgets, utensils, and a bowl of fresh fruit. Sunlight streams in, illuminating the space and highlighting the details of the cluttered surface.",,5,1,entity,whole,entity - whole (utensils),Are there utensils? +COCOval2014000000164121,"A spacious kitchen featuring natural wooden cabinets that show signs of frequent use. The countertop is cluttered with an assortment of kitchen gadgets, utensils, and a bowl of fresh fruit. Sunlight streams in, illuminating the space and highlighting the details of the cluttered surface.",,6,1,entity,whole,entity - whole (bowl),Is there a bowl? +COCOval2014000000164121,"A spacious kitchen featuring natural wooden cabinets that show signs of frequent use. The countertop is cluttered with an assortment of kitchen gadgets, utensils, and a bowl of fresh fruit. Sunlight streams in, illuminating the space and highlighting the details of the cluttered surface.",,7,1,entity,whole,entity - whole (fruit),Is there fruit? +COCOval2014000000164121,"A spacious kitchen featuring natural wooden cabinets that show signs of frequent use. The countertop is cluttered with an assortment of kitchen gadgets, utensils, and a bowl of fresh fruit. Sunlight streams in, illuminating the space and highlighting the details of the cluttered surface.",,8,2,attribute,texture,"attribute - texture (cabinets, natural wooden)",Are the cabinets made of natural wood? +COCOval2014000000164121,"A spacious kitchen featuring natural wooden cabinets that show signs of frequent use. The countertop is cluttered with an assortment of kitchen gadgets, utensils, and a bowl of fresh fruit. Sunlight streams in, illuminating the space and highlighting the details of the cluttered surface.",,9,3,attribute,texture,"attribute - texture (countertop, cluttered)",Is the countertop cluttered? +COCOval2014000000164121,"A spacious kitchen featuring natural wooden cabinets that show signs of frequent use. The countertop is cluttered with an assortment of kitchen gadgets, utensils, and a bowl of fresh fruit. Sunlight streams in, illuminating the space and highlighting the details of the cluttered surface.",,10,7,attribute,texture,"attribute - texture (fruit, fresh)",Is the fruit fresh? +COCOval2014000000164121,"A spacious kitchen featuring natural wooden cabinets that show signs of frequent use. The countertop is cluttered with an assortment of kitchen gadgets, utensils, and a bowl of fresh fruit. Sunlight streams in, illuminating the space and highlighting the details of the cluttered surface.",,11,2,attribute,other,"attribute - other (cabinets, frequent use)",Do the cabinets show signs of frequent use? +COCOval2014000000164121,"A spacious kitchen featuring natural wooden cabinets that show signs of frequent use. The countertop is cluttered with an assortment of kitchen gadgets, utensils, and a bowl of fresh fruit. Sunlight streams in, illuminating the space and highlighting the details of the cluttered surface.",,12,3,attribute,other,"attribute - other (countertop, cluttered)",Is the countertop cluttered? +COCOval2014000000164121,"A spacious kitchen featuring natural wooden cabinets that show signs of frequent use. The countertop is cluttered with an assortment of kitchen gadgets, utensils, and a bowl of fresh fruit. Sunlight streams in, illuminating the space and highlighting the details of the cluttered surface.",,13,1,attribute,other,"attribute - other (sunlight, illuminating)",Is the sunlight illuminating the space? +COCOval2014000000164121,"A spacious kitchen featuring natural wooden cabinets that show signs of frequent use. The countertop is cluttered with an assortment of kitchen gadgets, utensils, and a bowl of fresh fruit. Sunlight streams in, illuminating the space and highlighting the details of the cluttered surface.",,14,13,relation,spatial,"relation - spatial (kitchen, sunlight, in)",Is the kitchen in sunlight? +COCOval2014000000164121,"A spacious kitchen featuring natural wooden cabinets that show signs of frequent use. The countertop is cluttered with an assortment of kitchen gadgets, utensils, and a bowl of fresh fruit. Sunlight streams in, illuminating the space and highlighting the details of the cluttered surface.",,15,13,relation,non-spatial,"relation - non-spatial (sunlight, space, illuminating)",Is the sunlight highlighting the details of the cluttered surface? +COCOval2014000000164121,"A spacious kitchen featuring natural wooden cabinets that show signs of frequent use. The countertop is cluttered with an assortment of kitchen gadgets, utensils, and a bowl of fresh fruit. Sunlight streams in, illuminating the space and highlighting the details of the cluttered surface.",,16,"3,10",relation,spatial,"relation - spatial (countertop, cluttered, with)",Is the countertop cluttered with kitchen gadgets and utensils? +COCOval2014000000509270,"A vibrant yellow kite soars high in the sky, its long tail fluttering in the wind. Below it, a diverse array of other kites of various shapes and sizes fill the air, creating a colorful spectacle. The kites dance and dip against the backdrop of a clear blue sky, occasionally crossing paths as they ride the gentle breeze.",,1,0,entity,whole,entity - whole (yellow kite),Is there a yellow kite? +COCOval2014000000509270,"A vibrant yellow kite soars high in the sky, its long tail fluttering in the wind. Below it, a diverse array of other kites of various shapes and sizes fill the air, creating a colorful spectacle. The kites dance and dip against the backdrop of a clear blue sky, occasionally crossing paths as they ride the gentle breeze.",,2,1,attribute,color,"attribute - color (kite, vibrant yellow)",Is the kite vibrant yellow? +COCOval2014000000509270,"A vibrant yellow kite soars high in the sky, its long tail fluttering in the wind. Below it, a diverse array of other kites of various shapes and sizes fill the air, creating a colorful spectacle. The kites dance and dip against the backdrop of a clear blue sky, occasionally crossing paths as they ride the gentle breeze.",,3,1,attribute,size,"attribute - size (kite, high)",Is the kite flying high? +COCOval2014000000509270,"A vibrant yellow kite soars high in the sky, its long tail fluttering in the wind. Below it, a diverse array of other kites of various shapes and sizes fill the air, creating a colorful spectacle. The kites dance and dip against the backdrop of a clear blue sky, occasionally crossing paths as they ride the gentle breeze.",,4,1,attribute,other,"attribute - other (kite's tail, long)",Is the kite's tail long? +COCOval2014000000509270,"A vibrant yellow kite soars high in the sky, its long tail fluttering in the wind. Below it, a diverse array of other kites of various shapes and sizes fill the air, creating a colorful spectacle. The kites dance and dip against the backdrop of a clear blue sky, occasionally crossing paths as they ride the gentle breeze.",,5,4,attribute,texture,"attribute - texture (kite's tail, fluttering)",Is the kite's tail fluttering? +COCOval2014000000509270,"A vibrant yellow kite soars high in the sky, its long tail fluttering in the wind. Below it, a diverse array of other kites of various shapes and sizes fill the air, creating a colorful spectacle. The kites dance and dip against the backdrop of a clear blue sky, occasionally crossing paths as they ride the gentle breeze.",,6,0,entity,whole,entity - whole (other kites),Are there other kites? +COCOval2014000000509270,"A vibrant yellow kite soars high in the sky, its long tail fluttering in the wind. Below it, a diverse array of other kites of various shapes and sizes fill the air, creating a colorful spectacle. The kites dance and dip against the backdrop of a clear blue sky, occasionally crossing paths as they ride the gentle breeze.",,7,6,attribute,other,"attribute - other (other kites, diverse array)",Are the other kites a diverse array? +COCOval2014000000509270,"A vibrant yellow kite soars high in the sky, its long tail fluttering in the wind. Below it, a diverse array of other kites of various shapes and sizes fill the air, creating a colorful spectacle. The kites dance and dip against the backdrop of a clear blue sky, occasionally crossing paths as they ride the gentle breeze.",,8,6,attribute,size,"attribute - size (other kites, various shapes and sizes)",Are the other kites of various shapes and sizes? +COCOval2014000000509270,"A vibrant yellow kite soars high in the sky, its long tail fluttering in the wind. Below it, a diverse array of other kites of various shapes and sizes fill the air, creating a colorful spectacle. The kites dance and dip against the backdrop of a clear blue sky, occasionally crossing paths as they ride the gentle breeze.",,9,6,attribute,color,"attribute - color (other kites, colorful)",Are the other kites colorful? +COCOval2014000000509270,"A vibrant yellow kite soars high in the sky, its long tail fluttering in the wind. Below it, a diverse array of other kites of various shapes and sizes fill the air, creating a colorful spectacle. The kites dance and dip against the backdrop of a clear blue sky, occasionally crossing paths as they ride the gentle breeze.",,10,"6,1",relation,spatial,"relation - spatial (kites, sky, fill)",Are the kites filling the sky? +COCOval2014000000509270,"A vibrant yellow kite soars high in the sky, its long tail fluttering in the wind. Below it, a diverse array of other kites of various shapes and sizes fill the air, creating a colorful spectacle. The kites dance and dip against the backdrop of a clear blue sky, occasionally crossing paths as they ride the gentle breeze.",,11,"6,1",relation,spatial,"relation - spatial (kites, sky, dance and dip)",Are the kites dancing and dipping in the sky? +COCOval2014000000509270,"A vibrant yellow kite soars high in the sky, its long tail fluttering in the wind. Below it, a diverse array of other kites of various shapes and sizes fill the air, creating a colorful spectacle. The kites dance and dip against the backdrop of a clear blue sky, occasionally crossing paths as they ride the gentle breeze.",,12,"6,1",relation,spatial,"relation - spatial (kites, sky, occasionally cross paths)",Are the kites occasionally crossing paths in the sky? +COCOval2014000000410889,"A freshly baked pizza sits on a wooden table, its crust golden and edges slightly charred. The top is generously adorned with a variety of colorful toppings, including slices of pepperoni, chunks of bell pepper, and melted cheese. A sprinkling of fresh basil leaves adds a touch of green to the vibrant dish.",,1,0,entity,whole,entity - whole (pizza),Is there a pizza? +COCOval2014000000410889,"A freshly baked pizza sits on a wooden table, its crust golden and edges slightly charred. The top is generously adorned with a variety of colorful toppings, including slices of pepperoni, chunks of bell pepper, and melted cheese. A sprinkling of fresh basil leaves adds a touch of green to the vibrant dish.",,2,0,entity,whole,entity - whole (table),Is there a table? +COCOval2014000000410889,"A freshly baked pizza sits on a wooden table, its crust golden and edges slightly charred. The top is generously adorned with a variety of colorful toppings, including slices of pepperoni, chunks of bell pepper, and melted cheese. A sprinkling of fresh basil leaves adds a touch of green to the vibrant dish.",,3,1,attribute,texture,"attribute - texture (pizza crust, golden)",Is the pizza crust golden? +COCOval2014000000410889,"A freshly baked pizza sits on a wooden table, its crust golden and edges slightly charred. The top is generously adorned with a variety of colorful toppings, including slices of pepperoni, chunks of bell pepper, and melted cheese. A sprinkling of fresh basil leaves adds a touch of green to the vibrant dish.",,4,1,attribute,texture,"attribute - texture (pizza crust edges, slightly charred)",Are the pizza crust edges slightly charred? +COCOval2014000000410889,"A freshly baked pizza sits on a wooden table, its crust golden and edges slightly charred. The top is generously adorned with a variety of colorful toppings, including slices of pepperoni, chunks of bell pepper, and melted cheese. A sprinkling of fresh basil leaves adds a touch of green to the vibrant dish.",,5,1,attribute,texture,"attribute - texture (toppings, colorful)",Are the toppings colorful? +COCOval2014000000410889,"A freshly baked pizza sits on a wooden table, its crust golden and edges slightly charred. The top is generously adorned with a variety of colorful toppings, including slices of pepperoni, chunks of bell pepper, and melted cheese. A sprinkling of fresh basil leaves adds a touch of green to the vibrant dish.",,6,1,attribute,texture,"attribute - texture (basil leaves, fresh)",Are the basil leaves fresh? +COCOval2014000000410889,"A freshly baked pizza sits on a wooden table, its crust golden and edges slightly charred. The top is generously adorned with a variety of colorful toppings, including slices of pepperoni, chunks of bell pepper, and melted cheese. A sprinkling of fresh basil leaves adds a touch of green to the vibrant dish.",,7,1,attribute,color,"attribute - color (toppings, variety of colors)",Are the toppings a variety of colors? +COCOval2014000000410889,"A freshly baked pizza sits on a wooden table, its crust golden and edges slightly charred. The top is generously adorned with a variety of colorful toppings, including slices of pepperoni, chunks of bell pepper, and melted cheese. A sprinkling of fresh basil leaves adds a touch of green to the vibrant dish.",,8,1,entity,part,"entity - part (toppings, slices of pepperoni)",Are there slices of pepperoni as toppings? +COCOval2014000000410889,"A freshly baked pizza sits on a wooden table, its crust golden and edges slightly charred. The top is generously adorned with a variety of colorful toppings, including slices of pepperoni, chunks of bell pepper, and melted cheese. A sprinkling of fresh basil leaves adds a touch of green to the vibrant dish.",,9,1,entity,part,"entity - part (toppings, chunks of bell pepper)",Are there chunks of bell pepper as toppings? +COCOval2014000000410889,"A freshly baked pizza sits on a wooden table, its crust golden and edges slightly charred. The top is generously adorned with a variety of colorful toppings, including slices of pepperoni, chunks of bell pepper, and melted cheese. A sprinkling of fresh basil leaves adds a touch of green to the vibrant dish.",,10,1,entity,part,"entity - part (toppings, melted cheese)",Is there melted cheese as toppings? +COCOval2014000000100343,"A cozy kitchen scene where a plush teddy bear is seated amongst a bunch of ripe bananas. The bananas are resting on a wooden countertop, which also features a variety of other groceries and kitchen utensils. In the background, a window allows natural light to illuminate the teddy bear's soft fur and the vibrant yellow of the bananas.",,1,0,entity,whole,entity - whole (kitchen scene),Is there a kitchen scene? +COCOval2014000000100343,"A cozy kitchen scene where a plush teddy bear is seated amongst a bunch of ripe bananas. The bananas are resting on a wooden countertop, which also features a variety of other groceries and kitchen utensils. In the background, a window allows natural light to illuminate the teddy bear's soft fur and the vibrant yellow of the bananas.",,2,1,entity,whole,entity - whole (teddy bear),Is there a teddy bear? +COCOval2014000000100343,"A cozy kitchen scene where a plush teddy bear is seated amongst a bunch of ripe bananas. The bananas are resting on a wooden countertop, which also features a variety of other groceries and kitchen utensils. In the background, a window allows natural light to illuminate the teddy bear's soft fur and the vibrant yellow of the bananas.",,3,1,entity,whole,entity - whole (bananas),Are there bananas? +COCOval2014000000100343,"A cozy kitchen scene where a plush teddy bear is seated amongst a bunch of ripe bananas. The bananas are resting on a wooden countertop, which also features a variety of other groceries and kitchen utensils. In the background, a window allows natural light to illuminate the teddy bear's soft fur and the vibrant yellow of the bananas.",,4,1,entity,whole,entity - whole (countertop),Is there a countertop? +COCOval2014000000100343,"A cozy kitchen scene where a plush teddy bear is seated amongst a bunch of ripe bananas. The bananas are resting on a wooden countertop, which also features a variety of other groceries and kitchen utensils. In the background, a window allows natural light to illuminate the teddy bear's soft fur and the vibrant yellow of the bananas.",,5,1,entity,whole,entity - whole (groceries),Are there groceries? +COCOval2014000000100343,"A cozy kitchen scene where a plush teddy bear is seated amongst a bunch of ripe bananas. The bananas are resting on a wooden countertop, which also features a variety of other groceries and kitchen utensils. In the background, a window allows natural light to illuminate the teddy bear's soft fur and the vibrant yellow of the bananas.",,6,1,entity,whole,entity - whole (kitchen utensils),Are there kitchen utensils? +COCOval2014000000100343,"A cozy kitchen scene where a plush teddy bear is seated amongst a bunch of ripe bananas. The bananas are resting on a wooden countertop, which also features a variety of other groceries and kitchen utensils. In the background, a window allows natural light to illuminate the teddy bear's soft fur and the vibrant yellow of the bananas.",,7,1,entity,whole,entity - whole (window),Is there a window? +COCOval2014000000100343,"A cozy kitchen scene where a plush teddy bear is seated amongst a bunch of ripe bananas. The bananas are resting on a wooden countertop, which also features a variety of other groceries and kitchen utensils. In the background, a window allows natural light to illuminate the teddy bear's soft fur and the vibrant yellow of the bananas.",,8,2,attribute,texture,"attribute - texture (teddy bear, plush)",Is the teddy bear plush? +COCOval2014000000100343,"A cozy kitchen scene where a plush teddy bear is seated amongst a bunch of ripe bananas. The bananas are resting on a wooden countertop, which also features a variety of other groceries and kitchen utensils. In the background, a window allows natural light to illuminate the teddy bear's soft fur and the vibrant yellow of the bananas.",,9,3,attribute,color,"attribute - color (bananas, ripe)",Are the bananas ripe? +COCOval2014000000100343,"A cozy kitchen scene where a plush teddy bear is seated amongst a bunch of ripe bananas. The bananas are resting on a wooden countertop, which also features a variety of other groceries and kitchen utensils. In the background, a window allows natural light to illuminate the teddy bear's soft fur and the vibrant yellow of the bananas.",,10,4,attribute,texture,"attribute - texture (countertop, wooden)",Is the countertop wooden? +COCOval2014000000100343,"A cozy kitchen scene where a plush teddy bear is seated amongst a bunch of ripe bananas. The bananas are resting on a wooden countertop, which also features a variety of other groceries and kitchen utensils. In the background, a window allows natural light to illuminate the teddy bear's soft fur and the vibrant yellow of the bananas.",,11,3,relation,spatial,"relation - spatial (bananas, countertop, on)",Are the bananas on the countertop? +COCOval2014000000100343,"A cozy kitchen scene where a plush teddy bear is seated amongst a bunch of ripe bananas. The bananas are resting on a wooden countertop, which also features a variety of other groceries and kitchen utensils. In the background, a window allows natural light to illuminate the teddy bear's soft fur and the vibrant yellow of the bananas.",,12,5,relation,spatial,"relation - spatial (groceries, countertop, on)",Are the groceries on the countertop? +COCOval2014000000100343,"A cozy kitchen scene where a plush teddy bear is seated amongst a bunch of ripe bananas. The bananas are resting on a wooden countertop, which also features a variety of other groceries and kitchen utensils. In the background, a window allows natural light to illuminate the teddy bear's soft fur and the vibrant yellow of the bananas.",,13,6,relation,spatial,"relation - spatial (kitchen utensils, countertop, on)",Are the kitchen utensils on the countertop? +COCOval2014000000100343,"A cozy kitchen scene where a plush teddy bear is seated amongst a bunch of ripe bananas. The bananas are resting on a wooden countertop, which also features a variety of other groceries and kitchen utensils. In the background, a window allows natural light to illuminate the teddy bear's soft fur and the vibrant yellow of the bananas.",,14,"2,7",relation,non-spatial,"relation - non-spatial (teddy bear, window, illuminate)",Is the teddy bear illuminated by the window? +COCOval2014000000100343,"A cozy kitchen scene where a plush teddy bear is seated amongst a bunch of ripe bananas. The bananas are resting on a wooden countertop, which also features a variety of other groceries and kitchen utensils. In the background, a window allows natural light to illuminate the teddy bear's soft fur and the vibrant yellow of the bananas.",,15,"3,7",relation,non-spatial,"relation - non-spatial (bananas, window, illuminate)",Are the bananas illuminated by the window? +COCOval2014000000465130,"The room features a neatly made bed with a plush comforter, positioned against a soft-colored wall. Adjacent to it, a cozy chair and a couch offer additional seating options, while a sleek TV stand and a sturdy desk complete the room's furnishings. The desk is set up with a lamp and some stationery, ready for work or study.",,1,0,entity,whole,entity - whole (room),Is there a room? +COCOval2014000000465130,"The room features a neatly made bed with a plush comforter, positioned against a soft-colored wall. Adjacent to it, a cozy chair and a couch offer additional seating options, while a sleek TV stand and a sturdy desk complete the room's furnishings. The desk is set up with a lamp and some stationery, ready for work or study.",,2,1,entity,whole,entity - whole (bed),Is there a bed? +COCOval2014000000465130,"The room features a neatly made bed with a plush comforter, positioned against a soft-colored wall. Adjacent to it, a cozy chair and a couch offer additional seating options, while a sleek TV stand and a sturdy desk complete the room's furnishings. The desk is set up with a lamp and some stationery, ready for work or study.",,3,2,entity,whole,entity - whole (comforter),Is there a comforter? +COCOval2014000000465130,"The room features a neatly made bed with a plush comforter, positioned against a soft-colored wall. Adjacent to it, a cozy chair and a couch offer additional seating options, while a sleek TV stand and a sturdy desk complete the room's furnishings. The desk is set up with a lamp and some stationery, ready for work or study.",,4,1,entity,whole,entity - whole (wall),Is there a wall? +COCOval2014000000465130,"The room features a neatly made bed with a plush comforter, positioned against a soft-colored wall. Adjacent to it, a cozy chair and a couch offer additional seating options, while a sleek TV stand and a sturdy desk complete the room's furnishings. The desk is set up with a lamp and some stationery, ready for work or study.",,5,1,entity,whole,entity - whole (chair),Is there a chair? +COCOval2014000000465130,"The room features a neatly made bed with a plush comforter, positioned against a soft-colored wall. Adjacent to it, a cozy chair and a couch offer additional seating options, while a sleek TV stand and a sturdy desk complete the room's furnishings. The desk is set up with a lamp and some stationery, ready for work or study.",,6,1,entity,whole,entity - whole (couch),Is there a couch? +COCOval2014000000465130,"The room features a neatly made bed with a plush comforter, positioned against a soft-colored wall. Adjacent to it, a cozy chair and a couch offer additional seating options, while a sleek TV stand and a sturdy desk complete the room's furnishings. The desk is set up with a lamp and some stationery, ready for work or study.",,7,1,entity,whole,entity - whole (TV stand),Is there a TV stand? +COCOval2014000000465130,"The room features a neatly made bed with a plush comforter, positioned against a soft-colored wall. Adjacent to it, a cozy chair and a couch offer additional seating options, while a sleek TV stand and a sturdy desk complete the room's furnishings. The desk is set up with a lamp and some stationery, ready for work or study.",,8,1,entity,whole,entity - whole (desk),Is there a desk? +COCOval2014000000465130,"The room features a neatly made bed with a plush comforter, positioned against a soft-colored wall. Adjacent to it, a cozy chair and a couch offer additional seating options, while a sleek TV stand and a sturdy desk complete the room's furnishings. The desk is set up with a lamp and some stationery, ready for work or study.",,9,8,entity,whole,entity - whole (lamp),Is there a lamp? +COCOval2014000000465130,"The room features a neatly made bed with a plush comforter, positioned against a soft-colored wall. Adjacent to it, a cozy chair and a couch offer additional seating options, while a sleek TV stand and a sturdy desk complete the room's furnishings. The desk is set up with a lamp and some stationery, ready for work or study.",,10,8,entity,whole,entity - whole (stationery),Is there stationery? +COCOval2014000000465130,"The room features a neatly made bed with a plush comforter, positioned against a soft-colored wall. Adjacent to it, a cozy chair and a couch offer additional seating options, while a sleek TV stand and a sturdy desk complete the room's furnishings. The desk is set up with a lamp and some stationery, ready for work or study.",,11,4,attribute,other,"attribute - other (wall, soft-colored)",Is the wall soft-colored? +COCOval2014000000465130,"The room features a neatly made bed with a plush comforter, positioned against a soft-colored wall. Adjacent to it, a cozy chair and a couch offer additional seating options, while a sleek TV stand and a sturdy desk complete the room's furnishings. The desk is set up with a lamp and some stationery, ready for work or study.",,12,3,attribute,other,"attribute - other (comforter, plush)",Is the comforter plush? +COCOval2014000000465130,"The room features a neatly made bed with a plush comforter, positioned against a soft-colored wall. Adjacent to it, a cozy chair and a couch offer additional seating options, while a sleek TV stand and a sturdy desk complete the room's furnishings. The desk is set up with a lamp and some stationery, ready for work or study.",,13,5,attribute,other,"attribute - other (chair, cozy)",Is the chair cozy? +COCOval2014000000465130,"The room features a neatly made bed with a plush comforter, positioned against a soft-colored wall. Adjacent to it, a cozy chair and a couch offer additional seating options, while a sleek TV stand and a sturdy desk complete the room's furnishings. The desk is set up with a lamp and some stationery, ready for work or study.",,14,6,attribute,other,"attribute - other (couch, additional seating)",Does the couch offer additional seating? +COCOval2014000000465130,"The room features a neatly made bed with a plush comforter, positioned against a soft-colored wall. Adjacent to it, a cozy chair and a couch offer additional seating options, while a sleek TV stand and a sturdy desk complete the room's furnishings. The desk is set up with a lamp and some stationery, ready for work or study.",,15,7,attribute,other,"attribute - other (TV stand, sleek)",Is the TV stand sleek? +COCOval2014000000465130,"The room features a neatly made bed with a plush comforter, positioned against a soft-colored wall. Adjacent to it, a cozy chair and a couch offer additional seating options, while a sleek TV stand and a sturdy desk complete the room's furnishings. The desk is set up with a lamp and some stationery, ready for work or study.",,16,8,attribute,other,"attribute - other (desk, sturdy)",Is the desk sturdy? +COCOval2014000000465130,"The room features a neatly made bed with a plush comforter, positioned against a soft-colored wall. Adjacent to it, a cozy chair and a couch offer additional seating options, while a sleek TV stand and a sturdy desk complete the room's furnishings. The desk is set up with a lamp and some stationery, ready for work or study.",,17,9,attribute,other,"attribute - other (lamp, ready for work)",Is the lamp ready for work? +COCOval2014000000465130,"The room features a neatly made bed with a plush comforter, positioned against a soft-colored wall. Adjacent to it, a cozy chair and a couch offer additional seating options, while a sleek TV stand and a sturdy desk complete the room's furnishings. The desk is set up with a lamp and some stationery, ready for work or study.",,18,10,attribute,other,"attribute - other (stationery, ready for study)",Is the stationery ready for study? +COCOval2014000000465130,"The room features a neatly made bed with a plush comforter, positioned against a soft-colored wall. Adjacent to it, a cozy chair and a couch offer additional seating options, while a sleek TV stand and a sturdy desk complete the room's furnishings. The desk is set up with a lamp and some stationery, ready for work or study.",,19,"4,2",relation,spatial,"relation - spatial (bed, wall, against)",Is the bed against the wall? +COCOval2014000000465130,"The room features a neatly made bed with a plush comforter, positioned against a soft-colored wall. Adjacent to it, a cozy chair and a couch offer additional seating options, while a sleek TV stand and a sturdy desk complete the room's furnishings. The desk is set up with a lamp and some stationery, ready for work or study.",,20,"5,6",relation,spatial,"relation - spatial (chair, couch, adjacent)",Are the chair and couch adjacent? +COCOval2014000000465130,"The room features a neatly made bed with a plush comforter, positioned against a soft-colored wall. Adjacent to it, a cozy chair and a couch offer additional seating options, while a sleek TV stand and a sturdy desk complete the room's furnishings. The desk is set up with a lamp and some stationery, ready for work or study.",,21,"6,7",relation,spatial,"relation - spatial (couch, TV stand, adjacent)",Is the couch adjacent to the TV stand? +COCOval2014000000465130,"The room features a neatly made bed with a plush comforter, positioned against a soft-colored wall. Adjacent to it, a cozy chair and a couch offer additional seating options, while a sleek TV stand and a sturdy desk complete the room's furnishings. The desk is set up with a lamp and some stationery, ready for work or study.",,22,"7,8",relation,spatial,"relation - spatial (TV stand, desk, adjacent)",Is the TV stand adjacent to the desk? +COCOval2014000000465130,"The room features a neatly made bed with a plush comforter, positioned against a soft-colored wall. Adjacent to it, a cozy chair and a couch offer additional seating options, while a sleek TV stand and a sturdy desk complete the room's furnishings. The desk is set up with a lamp and some stationery, ready for work or study.",,23,"8,9",relation,spatial,"relation - spatial (desk, lamp, on)",Is the lamp on the desk? +COCOval2014000000465130,"The room features a neatly made bed with a plush comforter, positioned against a soft-colored wall. Adjacent to it, a cozy chair and a couch offer additional seating options, while a sleek TV stand and a sturdy desk complete the room's furnishings. The desk is set up with a lamp and some stationery, ready for work or study.",,24,"8,10",relation,spatial,"relation - spatial (desk, stationery, on)",Is the stationery on the desk? +COCOval2014000000214123,two women are seated at a modern kitchen island with sleek countertops. they appear to be engaged in a casual conversation over cups of coffee. the kitchen is equipped with contemporary appliances and a vase of fresh flowers adds a touch of color to the space.,,1,0,entity,whole,entity - whole (women),Are there women? +COCOval2014000000214123,two women are seated at a modern kitchen island with sleek countertops. they appear to be engaged in a casual conversation over cups of coffee. the kitchen is equipped with contemporary appliances and a vase of fresh flowers adds a touch of color to the space.,,2,1,other,count,"other - count (women, ==2)",Are there two women? +COCOval2014000000214123,two women are seated at a modern kitchen island with sleek countertops. they appear to be engaged in a casual conversation over cups of coffee. the kitchen is equipped with contemporary appliances and a vase of fresh flowers adds a touch of color to the space.,,3,0,entity,whole,entity - whole (kitchen island),Is there a kitchen island? +COCOval2014000000214123,two women are seated at a modern kitchen island with sleek countertops. they appear to be engaged in a casual conversation over cups of coffee. the kitchen is equipped with contemporary appliances and a vase of fresh flowers adds a touch of color to the space.,,4,0,entity,whole,entity - whole (countertops),Are there countertops? +COCOval2014000000214123,two women are seated at a modern kitchen island with sleek countertops. they appear to be engaged in a casual conversation over cups of coffee. the kitchen is equipped with contemporary appliances and a vase of fresh flowers adds a touch of color to the space.,,5,0,entity,whole,entity - whole (cups of coffee),Are there cups of coffee? +COCOval2014000000214123,two women are seated at a modern kitchen island with sleek countertops. they appear to be engaged in a casual conversation over cups of coffee. the kitchen is equipped with contemporary appliances and a vase of fresh flowers adds a touch of color to the space.,,6,0,entity,whole,entity - whole (kitchen),Is there a kitchen? +COCOval2014000000214123,two women are seated at a modern kitchen island with sleek countertops. they appear to be engaged in a casual conversation over cups of coffee. the kitchen is equipped with contemporary appliances and a vase of fresh flowers adds a touch of color to the space.,,7,0,entity,whole,entity - whole (appliances),Are there appliances? +COCOval2014000000214123,two women are seated at a modern kitchen island with sleek countertops. they appear to be engaged in a casual conversation over cups of coffee. the kitchen is equipped with contemporary appliances and a vase of fresh flowers adds a touch of color to the space.,,8,0,entity,whole,entity - whole (vase),Is there a vase? +COCOval2014000000214123,two women are seated at a modern kitchen island with sleek countertops. they appear to be engaged in a casual conversation over cups of coffee. the kitchen is equipped with contemporary appliances and a vase of fresh flowers adds a touch of color to the space.,,9,0,entity,whole,entity - whole (flowers),Are there flowers? +COCOval2014000000214123,two women are seated at a modern kitchen island with sleek countertops. they appear to be engaged in a casual conversation over cups of coffee. the kitchen is equipped with contemporary appliances and a vase of fresh flowers adds a touch of color to the space.,,10,3,attribute,other,"attribute - other (kitchen island, modern)",Is the kitchen island modern? +COCOval2014000000214123,two women are seated at a modern kitchen island with sleek countertops. they appear to be engaged in a casual conversation over cups of coffee. the kitchen is equipped with contemporary appliances and a vase of fresh flowers adds a touch of color to the space.,,11,4,attribute,other,"attribute - other (countertops, sleek)",Are the countertops sleek? +COCOval2014000000214123,two women are seated at a modern kitchen island with sleek countertops. they appear to be engaged in a casual conversation over cups of coffee. the kitchen is equipped with contemporary appliances and a vase of fresh flowers adds a touch of color to the space.,,12,6,attribute,other,"attribute - other (appliances, contemporary)",Are the appliances contemporary? +COCOval2014000000214123,two women are seated at a modern kitchen island with sleek countertops. they appear to be engaged in a casual conversation over cups of coffee. the kitchen is equipped with contemporary appliances and a vase of fresh flowers adds a touch of color to the space.,,13,9,attribute,other,"attribute - other (flowers, fresh)",Are the flowers fresh? +COCOval2014000000214123,two women are seated at a modern kitchen island with sleek countertops. they appear to be engaged in a casual conversation over cups of coffee. the kitchen is equipped with contemporary appliances and a vase of fresh flowers adds a touch of color to the space.,,14,3,relation,spatial,"relation - spatial (women, kitchen island, seated at)",Are the women seated at the kitchen island? +COCOval2014000000214123,two women are seated at a modern kitchen island with sleek countertops. they appear to be engaged in a casual conversation over cups of coffee. the kitchen is equipped with contemporary appliances and a vase of fresh flowers adds a touch of color to the space.,,15,"3,5",relation,spatial,"relation - spatial (women, cups of coffee, engaged in conversation over)",Are the women engaged in a casual conversation over cups of coffee? +COCOval2014000000214123,two women are seated at a modern kitchen island with sleek countertops. they appear to be engaged in a casual conversation over cups of coffee. the kitchen is equipped with contemporary appliances and a vase of fresh flowers adds a touch of color to the space.,,16,"3,4",relation,spatial,"relation - spatial (kitchen island, countertops, sleek)",Are the kitchen island countertops sleek? +COCOval2014000000214123,two women are seated at a modern kitchen island with sleek countertops. they appear to be engaged in a casual conversation over cups of coffee. the kitchen is equipped with contemporary appliances and a vase of fresh flowers adds a touch of color to the space.,,17,"6,7",relation,spatial,"relation - spatial (kitchen, appliances, equipped with)",Are the kitchen appliances equipped with contemporary appliances? +COCOval2014000000214123,two women are seated at a modern kitchen island with sleek countertops. they appear to be engaged in a casual conversation over cups of coffee. the kitchen is equipped with contemporary appliances and a vase of fresh flowers adds a touch of color to the space.,,18,"6,8",relation,spatial,"relation - spatial (kitchen, vase, adds touch of color)",Does the vase of fresh flowers add a touch of color to the space? +COCOval2014000000360132,"a tall giraffe standing next to a water hole, its long neck extended towards the lush leaves of an acacia tree. the tree's branches are just within reach of the giraffe's curious gaze. the scene is set in a sunlit savannah with the water hole reflecting the clear blue sky.",,1,0,entity,whole,entity - whole (giraffe),Is there a giraffe? +COCOval2014000000360132,"a tall giraffe standing next to a water hole, its long neck extended towards the lush leaves of an acacia tree. the tree's branches are just within reach of the giraffe's curious gaze. the scene is set in a sunlit savannah with the water hole reflecting the clear blue sky.",,2,0,entity,whole,entity - whole (water hole),Is there a water hole? +COCOval2014000000360132,"a tall giraffe standing next to a water hole, its long neck extended towards the lush leaves of an acacia tree. the tree's branches are just within reach of the giraffe's curious gaze. the scene is set in a sunlit savannah with the water hole reflecting the clear blue sky.",,3,0,entity,whole,entity - whole (acacia tree),Is there an acacia tree? +COCOval2014000000360132,"a tall giraffe standing next to a water hole, its long neck extended towards the lush leaves of an acacia tree. the tree's branches are just within reach of the giraffe's curious gaze. the scene is set in a sunlit savannah with the water hole reflecting the clear blue sky.",,4,0,entity,whole,entity - whole (branches),Are there branches? +COCOval2014000000360132,"a tall giraffe standing next to a water hole, its long neck extended towards the lush leaves of an acacia tree. the tree's branches are just within reach of the giraffe's curious gaze. the scene is set in a sunlit savannah with the water hole reflecting the clear blue sky.",,5,0,entity,whole,entity - whole (savannah),Is there a savannah? +COCOval2014000000360132,"a tall giraffe standing next to a water hole, its long neck extended towards the lush leaves of an acacia tree. the tree's branches are just within reach of the giraffe's curious gaze. the scene is set in a sunlit savannah with the water hole reflecting the clear blue sky.",,6,1,attribute,size,"attribute - size (giraffe, tall)",Is the giraffe tall? +COCOval2014000000360132,"a tall giraffe standing next to a water hole, its long neck extended towards the lush leaves of an acacia tree. the tree's branches are just within reach of the giraffe's curious gaze. the scene is set in a sunlit savannah with the water hole reflecting the clear blue sky.",,7,1,attribute,size,"attribute - size (neck, long)",Is the giraffe's neck long? +COCOval2014000000360132,"a tall giraffe standing next to a water hole, its long neck extended towards the lush leaves of an acacia tree. the tree's branches are just within reach of the giraffe's curious gaze. the scene is set in a sunlit savannah with the water hole reflecting the clear blue sky.",,8,4,attribute,size,"attribute - size (branches, lush)",Are the branches lush? +COCOval2014000000360132,"a tall giraffe standing next to a water hole, its long neck extended towards the lush leaves of an acacia tree. the tree's branches are just within reach of the giraffe's curious gaze. the scene is set in a sunlit savannah with the water hole reflecting the clear blue sky.",,9,3,attribute,texture,"attribute - texture (leaves, acacia)",Are the leaves of the acacia tree textured? +COCOval2014000000360132,"a tall giraffe standing next to a water hole, its long neck extended towards the lush leaves of an acacia tree. the tree's branches are just within reach of the giraffe's curious gaze. the scene is set in a sunlit savannah with the water hole reflecting the clear blue sky.",,10,2,attribute,texture,"attribute - texture (water hole, reflecting)",Is the water hole reflecting? +COCOval2014000000360132,"a tall giraffe standing next to a water hole, its long neck extended towards the lush leaves of an acacia tree. the tree's branches are just within reach of the giraffe's curious gaze. the scene is set in a sunlit savannah with the water hole reflecting the clear blue sky.",,11,10,attribute,color,"attribute - color (sky, clear blue)",Is the sky clear blue? +COCOval2014000000360132,"a tall giraffe standing next to a water hole, its long neck extended towards the lush leaves of an acacia tree. the tree's branches are just within reach of the giraffe's curious gaze. the scene is set in a sunlit savannah with the water hole reflecting the clear blue sky.",,12,"1,2",relation,spatial,"relation - spatial (giraffe, water hole, next to)",Is the giraffe next to the water hole? +COCOval2014000000360132,"a tall giraffe standing next to a water hole, its long neck extended towards the lush leaves of an acacia tree. the tree's branches are just within reach of the giraffe's curious gaze. the scene is set in a sunlit savannah with the water hole reflecting the clear blue sky.",,13,"1,3",relation,spatial,"relation - spatial (giraffe, acacia tree, towards)",Is the giraffe's neck extended towards the acacia tree? +COCOval2014000000360132,"a tall giraffe standing next to a water hole, its long neck extended towards the lush leaves of an acacia tree. the tree's branches are just within reach of the giraffe's curious gaze. the scene is set in a sunlit savannah with the water hole reflecting the clear blue sky.",,14,"4,1",relation,spatial,"relation - spatial (branches, giraffe, within reach)",Are the branches just within reach of the giraffe? +COCOval2014000000360132,"a tall giraffe standing next to a water hole, its long neck extended towards the lush leaves of an acacia tree. the tree's branches are just within reach of the giraffe's curious gaze. the scene is set in a sunlit savannah with the water hole reflecting the clear blue sky.",,15,"2,11",relation,non-spatial,"relation - non-spatial (water hole, sky, reflecting)",Is the water hole reflecting the clear blue sky? +COCOval2014000000084701,"A spacious living room featuring a large, comfortable couch facing a modern coffee table. Alongside the main furniture, there's a stack of suitcases and travel bags, hinting at recent travels or an upcoming trip. The room is completed with tasteful decor and a large window allowing natural light to fill the space.",,1,0,entity,whole,entity - whole (living room),Is there a living room? +COCOval2014000000084701,"A spacious living room featuring a large, comfortable couch facing a modern coffee table. Alongside the main furniture, there's a stack of suitcases and travel bags, hinting at recent travels or an upcoming trip. The room is completed with tasteful decor and a large window allowing natural light to fill the space.",,2,1,entity,whole,entity - whole (couch),Is there a couch? +COCOval2014000000084701,"A spacious living room featuring a large, comfortable couch facing a modern coffee table. Alongside the main furniture, there's a stack of suitcases and travel bags, hinting at recent travels or an upcoming trip. The room is completed with tasteful decor and a large window allowing natural light to fill the space.",,3,1,entity,whole,entity - whole (coffee table),Is there a coffee table? +COCOval2014000000084701,"A spacious living room featuring a large, comfortable couch facing a modern coffee table. Alongside the main furniture, there's a stack of suitcases and travel bags, hinting at recent travels or an upcoming trip. The room is completed with tasteful decor and a large window allowing natural light to fill the space.",,4,1,entity,whole,entity - whole (suitcases),Are there suitcases? +COCOval2014000000084701,"A spacious living room featuring a large, comfortable couch facing a modern coffee table. Alongside the main furniture, there's a stack of suitcases and travel bags, hinting at recent travels or an upcoming trip. The room is completed with tasteful decor and a large window allowing natural light to fill the space.",,5,1,entity,whole,entity - whole (travel bags),Are there travel bags? +COCOval2014000000084701,"A spacious living room featuring a large, comfortable couch facing a modern coffee table. Alongside the main furniture, there's a stack of suitcases and travel bags, hinting at recent travels or an upcoming trip. The room is completed with tasteful decor and a large window allowing natural light to fill the space.",,6,1,attribute,size,"attribute - size (living room, spacious)",Is the living room spacious? +COCOval2014000000084701,"A spacious living room featuring a large, comfortable couch facing a modern coffee table. Alongside the main furniture, there's a stack of suitcases and travel bags, hinting at recent travels or an upcoming trip. The room is completed with tasteful decor and a large window allowing natural light to fill the space.",,7,1,attribute,size,"attribute - size (couch, large)",Is the couch large? +COCOval2014000000084701,"A spacious living room featuring a large, comfortable couch facing a modern coffee table. Alongside the main furniture, there's a stack of suitcases and travel bags, hinting at recent travels or an upcoming trip. The room is completed with tasteful decor and a large window allowing natural light to fill the space.",,8,4,attribute,other,"attribute - other (suitcases, stack)",Are the suitcases stacked? +COCOval2014000000084701,"A spacious living room featuring a large, comfortable couch facing a modern coffee table. Alongside the main furniture, there's a stack of suitcases and travel bags, hinting at recent travels or an upcoming trip. The room is completed with tasteful decor and a large window allowing natural light to fill the space.",,9,5,attribute,other,"attribute - other (travel bags, stack)",Are the travel bags stacked? +COCOval2014000000084701,"A spacious living room featuring a large, comfortable couch facing a modern coffee table. Alongside the main furniture, there's a stack of suitcases and travel bags, hinting at recent travels or an upcoming trip. The room is completed with tasteful decor and a large window allowing natural light to fill the space.",,10,"2,3",relation,spatial,"relation - spatial (couch, coffee table, facing)",Is the couch facing the coffee table? +COCOval2014000000084701,"A spacious living room featuring a large, comfortable couch facing a modern coffee table. Alongside the main furniture, there's a stack of suitcases and travel bags, hinting at recent travels or an upcoming trip. The room is completed with tasteful decor and a large window allowing natural light to fill the space.",,11,"4,1",relation,spatial,"relation - spatial (suitcases, living room, alongside)",Are the suitcases alongside the living room? +COCOval2014000000084701,"A spacious living room featuring a large, comfortable couch facing a modern coffee table. Alongside the main furniture, there's a stack of suitcases and travel bags, hinting at recent travels or an upcoming trip. The room is completed with tasteful decor and a large window allowing natural light to fill the space.",,12,"5,1",relation,spatial,"relation - spatial (travel bags, living room, alongside)",Are the travel bags alongside the living room? +COCOval2014000000084701,"A spacious living room featuring a large, comfortable couch facing a modern coffee table. Alongside the main furniture, there's a stack of suitcases and travel bags, hinting at recent travels or an upcoming trip. The room is completed with tasteful decor and a large window allowing natural light to fill the space.",,13,1,relation,spatial,"relation - spatial (window, living room, allowing)",Does the window allow natural light to fill the space in the living room? +COCOval2014000000063595,"A tennis court with a player dressed in a vibrant red shirt preparing for a serve. The player is positioned at the baseline, racket in hand, focused on the upcoming play. The court is marked with white lines, and a net stretches across the center, dividing the playing field.",,1,0,entity,whole,entity - whole (tennis court),Is there a tennis court? +COCOval2014000000063595,"A tennis court with a player dressed in a vibrant red shirt preparing for a serve. The player is positioned at the baseline, racket in hand, focused on the upcoming play. The court is marked with white lines, and a net stretches across the center, dividing the playing field.",,2,0,entity,whole,entity - whole (player),Is there a player? +COCOval2014000000063595,"A tennis court with a player dressed in a vibrant red shirt preparing for a serve. The player is positioned at the baseline, racket in hand, focused on the upcoming play. The court is marked with white lines, and a net stretches across the center, dividing the playing field.",,3,0,entity,whole,entity - whole (shirt),Is the player wearing a shirt? +COCOval2014000000063595,"A tennis court with a player dressed in a vibrant red shirt preparing for a serve. The player is positioned at the baseline, racket in hand, focused on the upcoming play. The court is marked with white lines, and a net stretches across the center, dividing the playing field.",,4,0,entity,whole,entity - whole (baseline),Is there a baseline? +COCOval2014000000063595,"A tennis court with a player dressed in a vibrant red shirt preparing for a serve. The player is positioned at the baseline, racket in hand, focused on the upcoming play. The court is marked with white lines, and a net stretches across the center, dividing the playing field.",,5,0,entity,whole,entity - whole (racket),Is there a racket? +COCOval2014000000063595,"A tennis court with a player dressed in a vibrant red shirt preparing for a serve. The player is positioned at the baseline, racket in hand, focused on the upcoming play. The court is marked with white lines, and a net stretches across the center, dividing the playing field.",,6,0,entity,whole,entity - whole (lines),Are there lines? +COCOval2014000000063595,"A tennis court with a player dressed in a vibrant red shirt preparing for a serve. The player is positioned at the baseline, racket in hand, focused on the upcoming play. The court is marked with white lines, and a net stretches across the center, dividing the playing field.",,7,0,entity,whole,entity - whole (net),Is there a net? +COCOval2014000000063595,"A tennis court with a player dressed in a vibrant red shirt preparing for a serve. The player is positioned at the baseline, racket in hand, focused on the upcoming play. The court is marked with white lines, and a net stretches across the center, dividing the playing field.",,8,3,attribute,color,"attribute - color (shirt, vibrant red)",Is the shirt vibrant red? +COCOval2014000000063595,"A tennis court with a player dressed in a vibrant red shirt preparing for a serve. The player is positioned at the baseline, racket in hand, focused on the upcoming play. The court is marked with white lines, and a net stretches across the center, dividing the playing field.",,9,6,attribute,color,"attribute - color (lines, white)",Are the lines white? +COCOval2014000000063595,"A tennis court with a player dressed in a vibrant red shirt preparing for a serve. The player is positioned at the baseline, racket in hand, focused on the upcoming play. The court is marked with white lines, and a net stretches across the center, dividing the playing field.",,10,"2,4",relation,spatial,"relation - spatial (player, baseline, at)",Is the player at the baseline? +COCOval2014000000063595,"A tennis court with a player dressed in a vibrant red shirt preparing for a serve. The player is positioned at the baseline, racket in hand, focused on the upcoming play. The court is marked with white lines, and a net stretches across the center, dividing the playing field.",,11,"2,5",relation,non-spatial,"relation - non-spatial (player, racket, in hand)",Is the player holding a racket? +COCOval2014000000063595,"A tennis court with a player dressed in a vibrant red shirt preparing for a serve. The player is positioned at the baseline, racket in hand, focused on the upcoming play. The court is marked with white lines, and a net stretches across the center, dividing the playing field.",,12,"1,6",relation,spatial,"relation - spatial (court, lines, marked with)",Are the lines marked on the court? +COCOval2014000000063595,"A tennis court with a player dressed in a vibrant red shirt preparing for a serve. The player is positioned at the baseline, racket in hand, focused on the upcoming play. The court is marked with white lines, and a net stretches across the center, dividing the playing field.",,13,"1,7",relation,spatial,"relation - spatial (court, net, stretches across)",Does the net stretch across the court? +COCOval2014000000447553,"A serene beach scene with a vast expanse of sand stretching out towards the horizon. In the distance, a couple is seen with a colorful kite soaring high in the sky above them. The beach is devoid of other visitors, giving the couple a private moment with the gentle sea breeze.",,1,0,global,,global - (beach scene),Is this a beach scene? +COCOval2014000000447553,"A serene beach scene with a vast expanse of sand stretching out towards the horizon. In the distance, a couple is seen with a colorful kite soaring high in the sky above them. The beach is devoid of other visitors, giving the couple a private moment with the gentle sea breeze.",,2,0,entity,whole,entity - whole (sand),Is there sand? +COCOval2014000000447553,"A serene beach scene with a vast expanse of sand stretching out towards the horizon. In the distance, a couple is seen with a colorful kite soaring high in the sky above them. The beach is devoid of other visitors, giving the couple a private moment with the gentle sea breeze.",,3,0,entity,whole,entity - whole (horizon),Is there a horizon? +COCOval2014000000447553,"A serene beach scene with a vast expanse of sand stretching out towards the horizon. In the distance, a couple is seen with a colorful kite soaring high in the sky above them. The beach is devoid of other visitors, giving the couple a private moment with the gentle sea breeze.",,4,0,entity,whole,entity - whole (couple),Is there a couple? +COCOval2014000000447553,"A serene beach scene with a vast expanse of sand stretching out towards the horizon. In the distance, a couple is seen with a colorful kite soaring high in the sky above them. The beach is devoid of other visitors, giving the couple a private moment with the gentle sea breeze.",,5,0,entity,whole,entity - whole (kite),Is there a kite? +COCOval2014000000447553,"A serene beach scene with a vast expanse of sand stretching out towards the horizon. In the distance, a couple is seen with a colorful kite soaring high in the sky above them. The beach is devoid of other visitors, giving the couple a private moment with the gentle sea breeze.",,6,5,attribute,other,"attribute - other (kite, colorful)",Is the kite colorful? +COCOval2014000000447553,"A serene beach scene with a vast expanse of sand stretching out towards the horizon. In the distance, a couple is seen with a colorful kite soaring high in the sky above them. The beach is devoid of other visitors, giving the couple a private moment with the gentle sea breeze.",,7,1,attribute,other,"attribute - other (beach, serene)",Is the beach serene? +COCOval2014000000447553,"A serene beach scene with a vast expanse of sand stretching out towards the horizon. In the distance, a couple is seen with a colorful kite soaring high in the sky above them. The beach is devoid of other visitors, giving the couple a private moment with the gentle sea breeze.",,8,1,attribute,other,"attribute - other (sea breeze, gentle)",Is the sea breeze gentle? +COCOval2014000000447553,"A serene beach scene with a vast expanse of sand stretching out towards the horizon. In the distance, a couple is seen with a colorful kite soaring high in the sky above them. The beach is devoid of other visitors, giving the couple a private moment with the gentle sea breeze.",,9,4,entity,state,"entity - state (couple, private moment)",Are the couple having a private moment? +COCOval2014000000447553,"A serene beach scene with a vast expanse of sand stretching out towards the horizon. In the distance, a couple is seen with a colorful kite soaring high in the sky above them. The beach is devoid of other visitors, giving the couple a private moment with the gentle sea breeze.",,10,2,relation,spatial,"relation - spatial (sand, horizon, stretch out)",Does the sand stretch out towards the horizon? +COCOval2014000000447553,"A serene beach scene with a vast expanse of sand stretching out towards the horizon. In the distance, a couple is seen with a colorful kite soaring high in the sky above them. The beach is devoid of other visitors, giving the couple a private moment with the gentle sea breeze.",,11,4,relation,spatial,"relation - spatial (couple, kite, under)",Is the couple under the kite? +COCOval2014000000447553,"A serene beach scene with a vast expanse of sand stretching out towards the horizon. In the distance, a couple is seen with a colorful kite soaring high in the sky above them. The beach is devoid of other visitors, giving the couple a private moment with the gentle sea breeze.",,12,"4,8",relation,non-spatial,"relation - non-spatial (couple, sea breeze, with)",Is the couple with the gentle sea breeze? +COCOval2014000000103161,"a white ceramic plate holding a simple meal consisting of a few roasted potatoes and an egg sandwich with a golden yolk peeking out. The plate is set upon a wooden dining table, accompanied by a fork and a knife lying beside it. The sandwich is made with toasted bread, adding a crunchy texture to the dish.",,1,0,entity,whole,entity - whole (plate),Is there a plate? +COCOval2014000000103161,"a white ceramic plate holding a simple meal consisting of a few roasted potatoes and an egg sandwich with a golden yolk peeking out. The plate is set upon a wooden dining table, accompanied by a fork and a knife lying beside it. The sandwich is made with toasted bread, adding a crunchy texture to the dish.",,2,0,entity,whole,entity - whole (meal),Is there a meal? +COCOval2014000000103161,"a white ceramic plate holding a simple meal consisting of a few roasted potatoes and an egg sandwich with a golden yolk peeking out. The plate is set upon a wooden dining table, accompanied by a fork and a knife lying beside it. The sandwich is made with toasted bread, adding a crunchy texture to the dish.",,3,2,entity,whole,entity - whole (potatoes),Are there potatoes? +COCOval2014000000103161,"a white ceramic plate holding a simple meal consisting of a few roasted potatoes and an egg sandwich with a golden yolk peeking out. The plate is set upon a wooden dining table, accompanied by a fork and a knife lying beside it. The sandwich is made with toasted bread, adding a crunchy texture to the dish.",,4,2,entity,whole,entity - whole (egg sandwich),Is there an egg sandwich? +COCOval2014000000103161,"a white ceramic plate holding a simple meal consisting of a few roasted potatoes and an egg sandwich with a golden yolk peeking out. The plate is set upon a wooden dining table, accompanied by a fork and a knife lying beside it. The sandwich is made with toasted bread, adding a crunchy texture to the dish.",,5,4,entity,whole,entity - whole (yolk),Is there a yolk? +COCOval2014000000103161,"a white ceramic plate holding a simple meal consisting of a few roasted potatoes and an egg sandwich with a golden yolk peeking out. The plate is set upon a wooden dining table, accompanied by a fork and a knife lying beside it. The sandwich is made with toasted bread, adding a crunchy texture to the dish.",,6,0,entity,whole,entity - whole (table),Is there a table? +COCOval2014000000103161,"a white ceramic plate holding a simple meal consisting of a few roasted potatoes and an egg sandwich with a golden yolk peeking out. The plate is set upon a wooden dining table, accompanied by a fork and a knife lying beside it. The sandwich is made with toasted bread, adding a crunchy texture to the dish.",,7,1,entity,whole,entity - whole (fork),Is there a fork? +COCOval2014000000103161,"a white ceramic plate holding a simple meal consisting of a few roasted potatoes and an egg sandwich with a golden yolk peeking out. The plate is set upon a wooden dining table, accompanied by a fork and a knife lying beside it. The sandwich is made with toasted bread, adding a crunchy texture to the dish.",,8,1,entity,whole,entity - whole (knife),Is there a knife? +COCOval2014000000103161,"a white ceramic plate holding a simple meal consisting of a few roasted potatoes and an egg sandwich with a golden yolk peeking out. The plate is set upon a wooden dining table, accompanied by a fork and a knife lying beside it. The sandwich is made with toasted bread, adding a crunchy texture to the dish.",,9,1,attribute,color,"attribute - color (plate, white)",Is the plate white? +COCOval2014000000103161,"a white ceramic plate holding a simple meal consisting of a few roasted potatoes and an egg sandwich with a golden yolk peeking out. The plate is set upon a wooden dining table, accompanied by a fork and a knife lying beside it. The sandwich is made with toasted bread, adding a crunchy texture to the dish.",,10,4,attribute,texture,"attribute - texture (bread, toasted)",Is the bread toasted? +COCOval2014000000103161,"a white ceramic plate holding a simple meal consisting of a few roasted potatoes and an egg sandwich with a golden yolk peeking out. The plate is set upon a wooden dining table, accompanied by a fork and a knife lying beside it. The sandwich is made with toasted bread, adding a crunchy texture to the dish.",,11,"1,6",relation,spatial,"relation - spatial (plate, table, upon)",Is the plate upon the table? +COCOval2014000000103161,"a white ceramic plate holding a simple meal consisting of a few roasted potatoes and an egg sandwich with a golden yolk peeking out. The plate is set upon a wooden dining table, accompanied by a fork and a knife lying beside it. The sandwich is made with toasted bread, adding a crunchy texture to the dish.",,12,"1,7",relation,spatial,"relation - spatial (fork, plate, beside)",Is the fork beside the plate? +COCOval2014000000103161,"a white ceramic plate holding a simple meal consisting of a few roasted potatoes and an egg sandwich with a golden yolk peeking out. The plate is set upon a wooden dining table, accompanied by a fork and a knife lying beside it. The sandwich is made with toasted bread, adding a crunchy texture to the dish.",,13,"1,8",relation,spatial,"relation - spatial (knife, plate, beside)",Is the knife beside the plate? +COCOval2014000000411953,"A man dressed in a crisp white shirt and sleek black tie is seated with a guitar in his hands. He is focused intently on the strings, fingers positioned to strum a chord. The room around him is blurred, emphasizing the musician and his instrument as the central subjects of the scene.",,1,0,entity,whole,entity - whole (man),Is there a man? +COCOval2014000000411953,"A man dressed in a crisp white shirt and sleek black tie is seated with a guitar in his hands. He is focused intently on the strings, fingers positioned to strum a chord. The room around him is blurred, emphasizing the musician and his instrument as the central subjects of the scene.",,2,1,entity,whole,entity - whole (shirt),Is the man wearing a shirt? +COCOval2014000000411953,"A man dressed in a crisp white shirt and sleek black tie is seated with a guitar in his hands. He is focused intently on the strings, fingers positioned to strum a chord. The room around him is blurred, emphasizing the musician and his instrument as the central subjects of the scene.",,3,1,entity,whole,entity - whole (tie),Is the man wearing a tie? +COCOval2014000000411953,"A man dressed in a crisp white shirt and sleek black tie is seated with a guitar in his hands. He is focused intently on the strings, fingers positioned to strum a chord. The room around him is blurred, emphasizing the musician and his instrument as the central subjects of the scene.",,4,1,entity,whole,entity - whole (guitar),Is there a guitar? +COCOval2014000000411953,"A man dressed in a crisp white shirt and sleek black tie is seated with a guitar in his hands. He is focused intently on the strings, fingers positioned to strum a chord. The room around him is blurred, emphasizing the musician and his instrument as the central subjects of the scene.",,5,"1,4",entity,part,entity - part (man's hands),Does the man have hands? +COCOval2014000000411953,"A man dressed in a crisp white shirt and sleek black tie is seated with a guitar in his hands. He is focused intently on the strings, fingers positioned to strum a chord. The room around him is blurred, emphasizing the musician and his instrument as the central subjects of the scene.",,6,4,entity,part,entity - part (guitar's strings),Does the guitar have strings? +COCOval2014000000411953,"A man dressed in a crisp white shirt and sleek black tie is seated with a guitar in his hands. He is focused intently on the strings, fingers positioned to strum a chord. The room around him is blurred, emphasizing the musician and his instrument as the central subjects of the scene.",,7,2,attribute,color,"attribute - color (shirt, white)",Is the shirt white? +COCOval2014000000411953,"A man dressed in a crisp white shirt and sleek black tie is seated with a guitar in his hands. He is focused intently on the strings, fingers positioned to strum a chord. The room around him is blurred, emphasizing the musician and his instrument as the central subjects of the scene.",,8,3,attribute,color,"attribute - color (tie, black)",Is the tie black? +COCOval2014000000411953,"A man dressed in a crisp white shirt and sleek black tie is seated with a guitar in his hands. He is focused intently on the strings, fingers positioned to strum a chord. The room around him is blurred, emphasizing the musician and his instrument as the central subjects of the scene.",,9,1,entity,state,"entity - state (man, sit)",Is the man seated? +COCOval2014000000411953,"A man dressed in a crisp white shirt and sleek black tie is seated with a guitar in his hands. He is focused intently on the strings, fingers positioned to strum a chord. The room around him is blurred, emphasizing the musician and his instrument as the central subjects of the scene.",,10,1,entity,state,"entity - state (man, focus intently)",Is the man focused intently? +COCOval2014000000411953,"A man dressed in a crisp white shirt and sleek black tie is seated with a guitar in his hands. He is focused intently on the strings, fingers positioned to strum a chord. The room around him is blurred, emphasizing the musician and his instrument as the central subjects of the scene.",,11,1,entity,state,"entity - state (man, play guitar)",Is the man playing the guitar? +COCOval2014000000411953,"A man dressed in a crisp white shirt and sleek black tie is seated with a guitar in his hands. He is focused intently on the strings, fingers positioned to strum a chord. The room around him is blurred, emphasizing the musician and his instrument as the central subjects of the scene.",,12,1,attribute,texture,"attribute - texture (room, blurred)",Is the room blurred? +COCOval2014000000411953,"A man dressed in a crisp white shirt and sleek black tie is seated with a guitar in his hands. He is focused intently on the strings, fingers positioned to strum a chord. The room around him is blurred, emphasizing the musician and his instrument as the central subjects of the scene.",,13,"1,4",relation,non-spatial,"relation - non-spatial (man, guitar, with)",Is the man with the guitar? +COCOval2014000000411953,"A man dressed in a crisp white shirt and sleek black tie is seated with a guitar in his hands. He is focused intently on the strings, fingers positioned to strum a chord. The room around him is blurred, emphasizing the musician and his instrument as the central subjects of the scene.",,14,1,relation,spatial,"relation - spatial (man, room, in)",Is the man in the room? +COCOval2014000000411953,"A man dressed in a crisp white shirt and sleek black tie is seated with a guitar in his hands. He is focused intently on the strings, fingers positioned to strum a chord. The room around him is blurred, emphasizing the musician and his instrument as the central subjects of the scene.",,15,"4,1",relation,spatial,"relation - spatial (guitar, man, in)",Is the guitar in the man? +COCOval2014000000095297,"a man is seated at a rustic wooden table, holding an oversized slice of pizza in his hands. the pizza is loaded with an array of colorful toppings, and strings of melted cheese stretch with each bite he takes. the table also has a few scattered napkins and a half-empty soda glass beside a pizza box with the lid ajar.",,1,0,entity,whole,entity - whole (man),Is there a man? +COCOval2014000000095297,"a man is seated at a rustic wooden table, holding an oversized slice of pizza in his hands. the pizza is loaded with an array of colorful toppings, and strings of melted cheese stretch with each bite he takes. the table also has a few scattered napkins and a half-empty soda glass beside a pizza box with the lid ajar.",,2,0,entity,whole,entity - whole (table),Is there a table? +COCOval2014000000095297,"a man is seated at a rustic wooden table, holding an oversized slice of pizza in his hands. the pizza is loaded with an array of colorful toppings, and strings of melted cheese stretch with each bite he takes. the table also has a few scattered napkins and a half-empty soda glass beside a pizza box with the lid ajar.",,3,0,entity,whole,entity - whole (slice of pizza),Is there a slice of pizza? +COCOval2014000000095297,"a man is seated at a rustic wooden table, holding an oversized slice of pizza in his hands. the pizza is loaded with an array of colorful toppings, and strings of melted cheese stretch with each bite he takes. the table also has a few scattered napkins and a half-empty soda glass beside a pizza box with the lid ajar.",,4,3,entity,whole,entity - whole (toppings),Are there toppings? +COCOval2014000000095297,"a man is seated at a rustic wooden table, holding an oversized slice of pizza in his hands. the pizza is loaded with an array of colorful toppings, and strings of melted cheese stretch with each bite he takes. the table also has a few scattered napkins and a half-empty soda glass beside a pizza box with the lid ajar.",,5,0,entity,whole,entity - whole (strings of melted cheese),Are there strings of melted cheese? +COCOval2014000000095297,"a man is seated at a rustic wooden table, holding an oversized slice of pizza in his hands. the pizza is loaded with an array of colorful toppings, and strings of melted cheese stretch with each bite he takes. the table also has a few scattered napkins and a half-empty soda glass beside a pizza box with the lid ajar.",,6,2,entity,whole,entity - whole (napkins),Are there napkins? +COCOval2014000000095297,"a man is seated at a rustic wooden table, holding an oversized slice of pizza in his hands. the pizza is loaded with an array of colorful toppings, and strings of melted cheese stretch with each bite he takes. the table also has a few scattered napkins and a half-empty soda glass beside a pizza box with the lid ajar.",,7,2,entity,whole,entity - whole (soda glass),Is there a soda glass? +COCOval2014000000095297,"a man is seated at a rustic wooden table, holding an oversized slice of pizza in his hands. the pizza is loaded with an array of colorful toppings, and strings of melted cheese stretch with each bite he takes. the table also has a few scattered napkins and a half-empty soda glass beside a pizza box with the lid ajar.",,8,2,entity,whole,entity - whole (pizza box),Is there a pizza box? +COCOval2014000000095297,"a man is seated at a rustic wooden table, holding an oversized slice of pizza in his hands. the pizza is loaded with an array of colorful toppings, and strings of melted cheese stretch with each bite he takes. the table also has a few scattered napkins and a half-empty soda glass beside a pizza box with the lid ajar.",,9,2,attribute,texture,"attribute - texture (table, rustic wooden)",Is the table made of rustic wooden material? +COCOval2014000000095297,"a man is seated at a rustic wooden table, holding an oversized slice of pizza in his hands. the pizza is loaded with an array of colorful toppings, and strings of melted cheese stretch with each bite he takes. the table also has a few scattered napkins and a half-empty soda glass beside a pizza box with the lid ajar.",,10,3,attribute,size,"attribute - size (slice of pizza, oversized)",Is the slice of pizza oversized? +COCOval2014000000095297,"a man is seated at a rustic wooden table, holding an oversized slice of pizza in his hands. the pizza is loaded with an array of colorful toppings, and strings of melted cheese stretch with each bite he takes. the table also has a few scattered napkins and a half-empty soda glass beside a pizza box with the lid ajar.",,11,4,attribute,color,"attribute - color (toppings, colorful)",Are the toppings colorful? +COCOval2014000000095297,"a man is seated at a rustic wooden table, holding an oversized slice of pizza in his hands. the pizza is loaded with an array of colorful toppings, and strings of melted cheese stretch with each bite he takes. the table also has a few scattered napkins and a half-empty soda glass beside a pizza box with the lid ajar.",,12,5,attribute,color,"attribute - color (cheese, melted)",Is the cheese melted? +COCOval2014000000095297,"a man is seated at a rustic wooden table, holding an oversized slice of pizza in his hands. the pizza is loaded with an array of colorful toppings, and strings of melted cheese stretch with each bite he takes. the table also has a few scattered napkins and a half-empty soda glass beside a pizza box with the lid ajar.",,13,"1,2",relation,spatial,"relation - spatial (man, table, seated at)",Is the man seated at the table? +COCOval2014000000095297,"a man is seated at a rustic wooden table, holding an oversized slice of pizza in his hands. the pizza is loaded with an array of colorful toppings, and strings of melted cheese stretch with each bite he takes. the table also has a few scattered napkins and a half-empty soda glass beside a pizza box with the lid ajar.",,14,"1,3",relation,non-spatial,"relation - non-spatial (man, slice of pizza, holding)",Is the man holding the slice of pizza? +COCOval2014000000095297,"a man is seated at a rustic wooden table, holding an oversized slice of pizza in his hands. the pizza is loaded with an array of colorful toppings, and strings of melted cheese stretch with each bite he takes. the table also has a few scattered napkins and a half-empty soda glass beside a pizza box with the lid ajar.",,15,"3,4",relation,spatial,"relation - spatial (pizza, toppings, loaded with)",Is the pizza loaded with toppings? +COCOval2014000000095297,"a man is seated at a rustic wooden table, holding an oversized slice of pizza in his hands. the pizza is loaded with an array of colorful toppings, and strings of melted cheese stretch with each bite he takes. the table also has a few scattered napkins and a half-empty soda glass beside a pizza box with the lid ajar.",,16,"5,3",relation,spatial,"relation - spatial (cheese, pizza, stretch with each bite)",Do the strings of melted cheese stretch with each bite? +COCOval2014000000095297,"a man is seated at a rustic wooden table, holding an oversized slice of pizza in his hands. the pizza is loaded with an array of colorful toppings, and strings of melted cheese stretch with each bite he takes. the table also has a few scattered napkins and a half-empty soda glass beside a pizza box with the lid ajar.",,17,"2,6",relation,spatial,"relation - spatial (table, napkins, scattered)",Are the napkins scattered on the table? +COCOval2014000000095297,"a man is seated at a rustic wooden table, holding an oversized slice of pizza in his hands. the pizza is loaded with an array of colorful toppings, and strings of melted cheese stretch with each bite he takes. the table also has a few scattered napkins and a half-empty soda glass beside a pizza box with the lid ajar.",,18,"2,7",relation,spatial,"relation - spatial (table, soda glass, beside)",Is the soda glass beside the table? +COCOval2014000000095297,"a man is seated at a rustic wooden table, holding an oversized slice of pizza in his hands. the pizza is loaded with an array of colorful toppings, and strings of melted cheese stretch with each bite he takes. the table also has a few scattered napkins and a half-empty soda glass beside a pizza box with the lid ajar.",,19,"2,8",relation,spatial,"relation - spatial (table, pizza box, beside)",Is the pizza box beside the table? +COCOval2014000000095297,"a man is seated at a rustic wooden table, holding an oversized slice of pizza in his hands. the pizza is loaded with an array of colorful toppings, and strings of melted cheese stretch with each bite he takes. the table also has a few scattered napkins and a half-empty soda glass beside a pizza box with the lid ajar.",,20,8,attribute,other,"attribute - other (pizza box, lid ajar)",Is the lid of the pizza box ajar? +COCOval2014000000055053,"A small town road lined with quaint houses and a smattering of trees on either side. In the middle of the road, a trio of white sheep ambles along, seemingly at ease amidst the quiet neighborhood. The road stretches out ahead, curving slightly as it disappears into the distance.",,1,0,entity,whole,entity - whole (road),Is there a road? +COCOval2014000000055053,"A small town road lined with quaint houses and a smattering of trees on either side. In the middle of the road, a trio of white sheep ambles along, seemingly at ease amidst the quiet neighborhood. The road stretches out ahead, curving slightly as it disappears into the distance.",,2,1,entity,whole,entity - whole (houses),Are there houses? +COCOval2014000000055053,"A small town road lined with quaint houses and a smattering of trees on either side. In the middle of the road, a trio of white sheep ambles along, seemingly at ease amidst the quiet neighborhood. The road stretches out ahead, curving slightly as it disappears into the distance.",,3,1,entity,whole,entity - whole (trees),Are there trees? +COCOval2014000000055053,"A small town road lined with quaint houses and a smattering of trees on either side. In the middle of the road, a trio of white sheep ambles along, seemingly at ease amidst the quiet neighborhood. The road stretches out ahead, curving slightly as it disappears into the distance.",,4,0,entity,whole,entity - whole (sheep),Are there sheep? +COCOval2014000000055053,"A small town road lined with quaint houses and a smattering of trees on either side. In the middle of the road, a trio of white sheep ambles along, seemingly at ease amidst the quiet neighborhood. The road stretches out ahead, curving slightly as it disappears into the distance.",,5,1,attribute,size,"attribute - size (town, small)",Is the town small? +COCOval2014000000055053,"A small town road lined with quaint houses and a smattering of trees on either side. In the middle of the road, a trio of white sheep ambles along, seemingly at ease amidst the quiet neighborhood. The road stretches out ahead, curving slightly as it disappears into the distance.",,6,2,attribute,other,"attribute - other (houses, quaint)",Are the houses quaint? +COCOval2014000000055053,"A small town road lined with quaint houses and a smattering of trees on either side. In the middle of the road, a trio of white sheep ambles along, seemingly at ease amidst the quiet neighborhood. The road stretches out ahead, curving slightly as it disappears into the distance.",,7,4,attribute,color,"attribute - color (sheep, white)",Are the sheep white? +COCOval2014000000055053,"A small town road lined with quaint houses and a smattering of trees on either side. In the middle of the road, a trio of white sheep ambles along, seemingly at ease amidst the quiet neighborhood. The road stretches out ahead, curving slightly as it disappears into the distance.",,8,4,entity,state,"entity - state (sheep, amble)",Are the sheep ambling? +COCOval2014000000055053,"A small town road lined with quaint houses and a smattering of trees on either side. In the middle of the road, a trio of white sheep ambles along, seemingly at ease amidst the quiet neighborhood. The road stretches out ahead, curving slightly as it disappears into the distance.",,9,"1,2",relation,spatial,"relation - spatial (road, houses, lined with)",Is the road lined with houses? +COCOval2014000000055053,"A small town road lined with quaint houses and a smattering of trees on either side. In the middle of the road, a trio of white sheep ambles along, seemingly at ease amidst the quiet neighborhood. The road stretches out ahead, curving slightly as it disappears into the distance.",,10,"1,3",relation,spatial,"relation - spatial (road, trees, lined with)",Is the road lined with trees? +COCOval2014000000055053,"A small town road lined with quaint houses and a smattering of trees on either side. In the middle of the road, a trio of white sheep ambles along, seemingly at ease amidst the quiet neighborhood. The road stretches out ahead, curving slightly as it disappears into the distance.",,11,"4,1",relation,spatial,"relation - spatial (sheep, road, in)",Are the sheep on the road? +COCOval2014000000055053,"A small town road lined with quaint houses and a smattering of trees on either side. In the middle of the road, a trio of white sheep ambles along, seemingly at ease amidst the quiet neighborhood. The road stretches out ahead, curving slightly as it disappears into the distance.",,12,1,entity,state,"entity - state (road, neighborhood, quiet)",Is the neighborhood quiet? +COCOval2014000000055053,"A small town road lined with quaint houses and a smattering of trees on either side. In the middle of the road, a trio of white sheep ambles along, seemingly at ease amidst the quiet neighborhood. The road stretches out ahead, curving slightly as it disappears into the distance.",,13,1,relation,spatial,"relation - spatial (road, ahead, stretch out)",Does the road stretch out ahead? +COCOval2014000000055053,"A small town road lined with quaint houses and a smattering of trees on either side. In the middle of the road, a trio of white sheep ambles along, seemingly at ease amidst the quiet neighborhood. The road stretches out ahead, curving slightly as it disappears into the distance.",,14,1,relation,spatial,"relation - spatial (road, ahead, curve slightly)",Does the road curve slightly ahead? +COCOval2014000000055053,"A small town road lined with quaint houses and a smattering of trees on either side. In the middle of the road, a trio of white sheep ambles along, seemingly at ease amidst the quiet neighborhood. The road stretches out ahead, curving slightly as it disappears into the distance.",,15,1,relation,non-spatial,"relation - non-spatial (road, distance, disappear into)",Does the road disappear into the distance? +COCOval2014000000023272,"A calico cat, sporting a patchwork of orange, black, and white fur, is comfortably nestled on top of a sleek Mercedes Benz. The luxury vehicle, with its emblem glinting in the light, is stationary, possibly in a quiet residential area. The cat, with its eyes gently shut, appears to be in a state of serene repose, oblivious to the world around it.",,1,0,entity,whole,entity - whole (cat),Is there a cat? +COCOval2014000000023272,"A calico cat, sporting a patchwork of orange, black, and white fur, is comfortably nestled on top of a sleek Mercedes Benz. The luxury vehicle, with its emblem glinting in the light, is stationary, possibly in a quiet residential area. The cat, with its eyes gently shut, appears to be in a state of serene repose, oblivious to the world around it.",,2,1,entity,whole,entity - whole (fur),Is there fur? +COCOval2014000000023272,"A calico cat, sporting a patchwork of orange, black, and white fur, is comfortably nestled on top of a sleek Mercedes Benz. The luxury vehicle, with its emblem glinting in the light, is stationary, possibly in a quiet residential area. The cat, with its eyes gently shut, appears to be in a state of serene repose, oblivious to the world around it.",,3,0,entity,whole,entity - whole (Mercedes Benz),Is there a Mercedes Benz? +COCOval2014000000023272,"A calico cat, sporting a patchwork of orange, black, and white fur, is comfortably nestled on top of a sleek Mercedes Benz. The luxury vehicle, with its emblem glinting in the light, is stationary, possibly in a quiet residential area. The cat, with its eyes gently shut, appears to be in a state of serene repose, oblivious to the world around it.",,4,0,entity,whole,entity - whole (vehicle),Is there a vehicle? +COCOval2014000000023272,"A calico cat, sporting a patchwork of orange, black, and white fur, is comfortably nestled on top of a sleek Mercedes Benz. The luxury vehicle, with its emblem glinting in the light, is stationary, possibly in a quiet residential area. The cat, with its eyes gently shut, appears to be in a state of serene repose, oblivious to the world around it.",,5,1,attribute,color,"attribute - color (cat, calico)",Is the cat calico? +COCOval2014000000023272,"A calico cat, sporting a patchwork of orange, black, and white fur, is comfortably nestled on top of a sleek Mercedes Benz. The luxury vehicle, with its emblem glinting in the light, is stationary, possibly in a quiet residential area. The cat, with its eyes gently shut, appears to be in a state of serene repose, oblivious to the world around it.",,6,2,attribute,color,"attribute - color (fur, orange, black, white)","Is the fur a patchwork of orange, black, and white?" +COCOval2014000000023272,"A calico cat, sporting a patchwork of orange, black, and white fur, is comfortably nestled on top of a sleek Mercedes Benz. The luxury vehicle, with its emblem glinting in the light, is stationary, possibly in a quiet residential area. The cat, with its eyes gently shut, appears to be in a state of serene repose, oblivious to the world around it.",,7,4,attribute,texture,"attribute - texture (vehicle, sleek)",Is the vehicle sleek? +COCOval2014000000023272,"A calico cat, sporting a patchwork of orange, black, and white fur, is comfortably nestled on top of a sleek Mercedes Benz. The luxury vehicle, with its emblem glinting in the light, is stationary, possibly in a quiet residential area. The cat, with its eyes gently shut, appears to be in a state of serene repose, oblivious to the world around it.",,8,4,attribute,other,"attribute - other (vehicle, luxury)",Is the vehicle luxurious? +COCOval2014000000023272,"A calico cat, sporting a patchwork of orange, black, and white fur, is comfortably nestled on top of a sleek Mercedes Benz. The luxury vehicle, with its emblem glinting in the light, is stationary, possibly in a quiet residential area. The cat, with its eyes gently shut, appears to be in a state of serene repose, oblivious to the world around it.",,9,4,attribute,other,"attribute - other (vehicle, glinting emblem)",Is the vehicle emblem glinting? +COCOval2014000000023272,"A calico cat, sporting a patchwork of orange, black, and white fur, is comfortably nestled on top of a sleek Mercedes Benz. The luxury vehicle, with its emblem glinting in the light, is stationary, possibly in a quiet residential area. The cat, with its eyes gently shut, appears to be in a state of serene repose, oblivious to the world around it.",,10,4,entity,state,"entity - state (vehicle, stationary)",Is the vehicle stationary? +COCOval2014000000023272,"A calico cat, sporting a patchwork of orange, black, and white fur, is comfortably nestled on top of a sleek Mercedes Benz. The luxury vehicle, with its emblem glinting in the light, is stationary, possibly in a quiet residential area. The cat, with its eyes gently shut, appears to be in a state of serene repose, oblivious to the world around it.",,11,1,entity,state,"entity - state (cat, serene repose)",Is the cat in a state of serene repose? +COCOval2014000000023272,"A calico cat, sporting a patchwork of orange, black, and white fur, is comfortably nestled on top of a sleek Mercedes Benz. The luxury vehicle, with its emblem glinting in the light, is stationary, possibly in a quiet residential area. The cat, with its eyes gently shut, appears to be in a state of serene repose, oblivious to the world around it.",,12,1,entity,state,"entity - state (cat, eyes shut)",Are the cat's eyes shut? +COCOval2014000000023272,"A calico cat, sporting a patchwork of orange, black, and white fur, is comfortably nestled on top of a sleek Mercedes Benz. The luxury vehicle, with its emblem glinting in the light, is stationary, possibly in a quiet residential area. The cat, with its eyes gently shut, appears to be in a state of serene repose, oblivious to the world around it.",,13,"1,3",relation,spatial,"relation - spatial (cat, vehicle, on)",Is the cat on the vehicle? +COCOval2014000000023272,"A calico cat, sporting a patchwork of orange, black, and white fur, is comfortably nestled on top of a sleek Mercedes Benz. The luxury vehicle, with its emblem glinting in the light, is stationary, possibly in a quiet residential area. The cat, with its eyes gently shut, appears to be in a state of serene repose, oblivious to the world around it.",,14,4,relation,spatial,"relation - spatial (vehicle, quiet residential area)",Is the vehicle in a quiet residential area? +COCOval2014000000166358,"A sprawling snow resort bustling with activity, with skiers and snowboarders dotting the slopes. Multiple ski lifts are in operation, carrying guests to the top of the white, powdery hills. The resort features a large lodge at the base, where more people can be seen enjoying the amenities.",,1,0,entity,whole,entity - whole (snow resort),Is there a snow resort? +COCOval2014000000166358,"A sprawling snow resort bustling with activity, with skiers and snowboarders dotting the slopes. Multiple ski lifts are in operation, carrying guests to the top of the white, powdery hills. The resort features a large lodge at the base, where more people can be seen enjoying the amenities.",,2,1,entity,whole,entity - whole (skiers),Are there skiers? +COCOval2014000000166358,"A sprawling snow resort bustling with activity, with skiers and snowboarders dotting the slopes. Multiple ski lifts are in operation, carrying guests to the top of the white, powdery hills. The resort features a large lodge at the base, where more people can be seen enjoying the amenities.",,3,1,entity,whole,entity - whole (snowboarders),Are there snowboarders? +COCOval2014000000166358,"A sprawling snow resort bustling with activity, with skiers and snowboarders dotting the slopes. Multiple ski lifts are in operation, carrying guests to the top of the white, powdery hills. The resort features a large lodge at the base, where more people can be seen enjoying the amenities.",,4,0,entity,whole,entity - whole (slopes),Are there slopes? +COCOval2014000000166358,"A sprawling snow resort bustling with activity, with skiers and snowboarders dotting the slopes. Multiple ski lifts are in operation, carrying guests to the top of the white, powdery hills. The resort features a large lodge at the base, where more people can be seen enjoying the amenities.",,5,0,entity,whole,entity - whole (ski lifts),Are there ski lifts? +COCOval2014000000166358,"A sprawling snow resort bustling with activity, with skiers and snowboarders dotting the slopes. Multiple ski lifts are in operation, carrying guests to the top of the white, powdery hills. The resort features a large lodge at the base, where more people can be seen enjoying the amenities.",,6,0,entity,whole,entity - whole (guests),Are there guests? +COCOval2014000000166358,"A sprawling snow resort bustling with activity, with skiers and snowboarders dotting the slopes. Multiple ski lifts are in operation, carrying guests to the top of the white, powdery hills. The resort features a large lodge at the base, where more people can be seen enjoying the amenities.",,7,0,entity,whole,entity - whole (hills),Are there hills? +COCOval2014000000166358,"A sprawling snow resort bustling with activity, with skiers and snowboarders dotting the slopes. Multiple ski lifts are in operation, carrying guests to the top of the white, powdery hills. The resort features a large lodge at the base, where more people can be seen enjoying the amenities.",,8,0,entity,whole,entity - whole (lodge),Is there a lodge? +COCOval2014000000166358,"A sprawling snow resort bustling with activity, with skiers and snowboarders dotting the slopes. Multiple ski lifts are in operation, carrying guests to the top of the white, powdery hills. The resort features a large lodge at the base, where more people can be seen enjoying the amenities.",,9,0,entity,whole,entity - whole (people),Are there people? +COCOval2014000000166358,"A sprawling snow resort bustling with activity, with skiers and snowboarders dotting the slopes. Multiple ski lifts are in operation, carrying guests to the top of the white, powdery hills. The resort features a large lodge at the base, where more people can be seen enjoying the amenities.",,10,7,attribute,texture,"attribute - texture (hills, white, powdery)",Are the hills white and powdery? +COCOval2014000000166358,"A sprawling snow resort bustling with activity, with skiers and snowboarders dotting the slopes. Multiple ski lifts are in operation, carrying guests to the top of the white, powdery hills. The resort features a large lodge at the base, where more people can be seen enjoying the amenities.",,11,"2,4",relation,non-spatial,"relation - non-spatial (skiers, slopes, dotting)",Are the skiers dotting the slopes? +COCOval2014000000166358,"A sprawling snow resort bustling with activity, with skiers and snowboarders dotting the slopes. Multiple ski lifts are in operation, carrying guests to the top of the white, powdery hills. The resort features a large lodge at the base, where more people can be seen enjoying the amenities.",,12,"3,4",relation,non-spatial,"relation - non-spatial (snowboarders, slopes, dotting)",Are the snowboarders dotting the slopes? +COCOval2014000000166358,"A sprawling snow resort bustling with activity, with skiers and snowboarders dotting the slopes. Multiple ski lifts are in operation, carrying guests to the top of the white, powdery hills. The resort features a large lodge at the base, where more people can be seen enjoying the amenities.",,13,"5,4",relation,non-spatial,"relation - non-spatial (ski lifts, slopes, in operation)",Are the ski lifts in operation? +COCOval2014000000166358,"A sprawling snow resort bustling with activity, with skiers and snowboarders dotting the slopes. Multiple ski lifts are in operation, carrying guests to the top of the white, powdery hills. The resort features a large lodge at the base, where more people can be seen enjoying the amenities.",,14,"5,6",relation,non-spatial,"relation - non-spatial (ski lifts, guests, carrying)",Are the ski lifts carrying guests? +COCOval2014000000166358,"A sprawling snow resort bustling with activity, with skiers and snowboarders dotting the slopes. Multiple ski lifts are in operation, carrying guests to the top of the white, powdery hills. The resort features a large lodge at the base, where more people can be seen enjoying the amenities.",,15,"8,4",relation,spatial,"relation - spatial (lodge, base, at)",Is the lodge at the base? +COCOval2014000000166358,"A sprawling snow resort bustling with activity, with skiers and snowboarders dotting the slopes. Multiple ski lifts are in operation, carrying guests to the top of the white, powdery hills. The resort features a large lodge at the base, where more people can be seen enjoying the amenities.",,16,"9,8",relation,non-spatial,"relation - non-spatial (people, lodge, enjoying)",Are people enjoying the lodge amenities? +COCOval2014000000085298,"A young girl with her hair tied back stands in the middle of a tennis court, gripping a tennis racket with determination. The court is marked with white lines, indicating the boundaries for the game. Around the court, a tall fence can be seen, enclosing the area for players and spectators alike.",,1,0,entity,whole,entity - whole (girl),Is there a young girl? +COCOval2014000000085298,"A young girl with her hair tied back stands in the middle of a tennis court, gripping a tennis racket with determination. The court is marked with white lines, indicating the boundaries for the game. Around the court, a tall fence can be seen, enclosing the area for players and spectators alike.",,2,1,entity,part,entity - part (girl's hair),Does the girl have hair? +COCOval2014000000085298,"A young girl with her hair tied back stands in the middle of a tennis court, gripping a tennis racket with determination. The court is marked with white lines, indicating the boundaries for the game. Around the court, a tall fence can be seen, enclosing the area for players and spectators alike.",,3,0,entity,whole,entity - whole (tennis court),Is there a tennis court? +COCOval2014000000085298,"A young girl with her hair tied back stands in the middle of a tennis court, gripping a tennis racket with determination. The court is marked with white lines, indicating the boundaries for the game. Around the court, a tall fence can be seen, enclosing the area for players and spectators alike.",,4,0,entity,whole,entity - whole (tennis racket),Is there a tennis racket? +COCOval2014000000085298,"A young girl with her hair tied back stands in the middle of a tennis court, gripping a tennis racket with determination. The court is marked with white lines, indicating the boundaries for the game. Around the court, a tall fence can be seen, enclosing the area for players and spectators alike.",,5,1,attribute,other,"attribute - other (girl, young)",Is the girl young? +COCOval2014000000085298,"A young girl with her hair tied back stands in the middle of a tennis court, gripping a tennis racket with determination. The court is marked with white lines, indicating the boundaries for the game. Around the court, a tall fence can be seen, enclosing the area for players and spectators alike.",,6,2,attribute,other,"attribute - other (girl's hair, tied back)",Is the girl's hair tied back? +COCOval2014000000085298,"A young girl with her hair tied back stands in the middle of a tennis court, gripping a tennis racket with determination. The court is marked with white lines, indicating the boundaries for the game. Around the court, a tall fence can be seen, enclosing the area for players and spectators alike.",,7,1,entity,state,"entity - state (girl, stand)",Is the girl standing? +COCOval2014000000085298,"A young girl with her hair tied back stands in the middle of a tennis court, gripping a tennis racket with determination. The court is marked with white lines, indicating the boundaries for the game. Around the court, a tall fence can be seen, enclosing the area for players and spectators alike.",,8,1,entity,state,"entity - state (girl, grip tennis racket)",Is the girl gripping the tennis racket? +COCOval2014000000085298,"A young girl with her hair tied back stands in the middle of a tennis court, gripping a tennis racket with determination. The court is marked with white lines, indicating the boundaries for the game. Around the court, a tall fence can be seen, enclosing the area for players and spectators alike.",,9,3,attribute,other,"attribute - other (court, marked with white lines)",Is the court marked with white lines? +COCOval2014000000085298,"A young girl with her hair tied back stands in the middle of a tennis court, gripping a tennis racket with determination. The court is marked with white lines, indicating the boundaries for the game. Around the court, a tall fence can be seen, enclosing the area for players and spectators alike.",,10,0,entity,whole,entity - whole (fence),Is there a fence? +COCOval2014000000085298,"A young girl with her hair tied back stands in the middle of a tennis court, gripping a tennis racket with determination. The court is marked with white lines, indicating the boundaries for the game. Around the court, a tall fence can be seen, enclosing the area for players and spectators alike.",,11,10,attribute,size,"attribute - size (fence, tall)",Is the fence tall? +COCOval2014000000085298,"A young girl with her hair tied back stands in the middle of a tennis court, gripping a tennis racket with determination. The court is marked with white lines, indicating the boundaries for the game. Around the court, a tall fence can be seen, enclosing the area for players and spectators alike.",,12,"1,3",relation,spatial,"relation - spatial (girl, tennis court, in)",Is the girl in the tennis court? +COCOval2014000000085298,"A young girl with her hair tied back stands in the middle of a tennis court, gripping a tennis racket with determination. The court is marked with white lines, indicating the boundaries for the game. Around the court, a tall fence can be seen, enclosing the area for players and spectators alike.",,13,"1,3",relation,spatial,"relation - spatial (girl, tennis court, middle)",Is the girl in the middle of the tennis court? +COCOval2014000000085298,"A young girl with her hair tied back stands in the middle of a tennis court, gripping a tennis racket with determination. The court is marked with white lines, indicating the boundaries for the game. Around the court, a tall fence can be seen, enclosing the area for players and spectators alike.",,14,"3,10",relation,spatial,"relation - spatial (court, fence, around)",Is the fence around the court? +COCOval2014000000053916,"A serene grassland dotted with acacia trees under a clear sky. Two zebras stand side by side on the green grass, their stripes contrasting with the surrounding foliage. The shade from a large tree offers them a cool respite from the sun's warmth.",,1,0,entity,whole,entity - whole (grassland),Is there a grassland? +COCOval2014000000053916,"A serene grassland dotted with acacia trees under a clear sky. Two zebras stand side by side on the green grass, their stripes contrasting with the surrounding foliage. The shade from a large tree offers them a cool respite from the sun's warmth.",,2,1,entity,whole,entity - whole (acacia trees),Are there acacia trees? +COCOval2014000000053916,"A serene grassland dotted with acacia trees under a clear sky. Two zebras stand side by side on the green grass, their stripes contrasting with the surrounding foliage. The shade from a large tree offers them a cool respite from the sun's warmth.",,3,0,entity,whole,entity - whole (sky),Is the sky clear? +COCOval2014000000053916,"A serene grassland dotted with acacia trees under a clear sky. Two zebras stand side by side on the green grass, their stripes contrasting with the surrounding foliage. The shade from a large tree offers them a cool respite from the sun's warmth.",,4,0,entity,whole,entity - whole (zebras),Are there zebras? +COCOval2014000000053916,"A serene grassland dotted with acacia trees under a clear sky. Two zebras stand side by side on the green grass, their stripes contrasting with the surrounding foliage. The shade from a large tree offers them a cool respite from the sun's warmth.",,5,0,entity,whole,entity - whole (foliage),Is there foliage? +COCOval2014000000053916,"A serene grassland dotted with acacia trees under a clear sky. Two zebras stand side by side on the green grass, their stripes contrasting with the surrounding foliage. The shade from a large tree offers them a cool respite from the sun's warmth.",,6,0,entity,whole,entity - whole (shade),Is there shade? +COCOval2014000000053916,"A serene grassland dotted with acacia trees under a clear sky. Two zebras stand side by side on the green grass, their stripes contrasting with the surrounding foliage. The shade from a large tree offers them a cool respite from the sun's warmth.",,7,0,entity,whole,entity - whole (tree),Is there a tree? +COCOval2014000000053916,"A serene grassland dotted with acacia trees under a clear sky. Two zebras stand side by side on the green grass, their stripes contrasting with the surrounding foliage. The shade from a large tree offers them a cool respite from the sun's warmth.",,8,1,attribute,texture,"attribute - texture (grassland, serene)",Is the grassland serene? +COCOval2014000000053916,"A serene grassland dotted with acacia trees under a clear sky. Two zebras stand side by side on the green grass, their stripes contrasting with the surrounding foliage. The shade from a large tree offers them a cool respite from the sun's warmth.",,9,3,attribute,texture,"attribute - texture (sky, clear)",Is the sky clear? +COCOval2014000000053916,"A serene grassland dotted with acacia trees under a clear sky. Two zebras stand side by side on the green grass, their stripes contrasting with the surrounding foliage. The shade from a large tree offers them a cool respite from the sun's warmth.",,10,4,attribute,texture,"attribute - texture (zebras, striped)",Are the zebras striped? +COCOval2014000000053916,"A serene grassland dotted with acacia trees under a clear sky. Two zebras stand side by side on the green grass, their stripes contrasting with the surrounding foliage. The shade from a large tree offers them a cool respite from the sun's warmth.",,11,1,relation,spatial,"relation - spatial (acacia trees, grassland, dotted with)",Are the acacia trees dotted on the grassland? +COCOval2014000000053916,"A serene grassland dotted with acacia trees under a clear sky. Two zebras stand side by side on the green grass, their stripes contrasting with the surrounding foliage. The shade from a large tree offers them a cool respite from the sun's warmth.",,12,"4,1",relation,spatial,"relation - spatial (zebras, grassland, on)",Are the zebras on the grassland? +COCOval2014000000053916,"A serene grassland dotted with acacia trees under a clear sky. Two zebras stand side by side on the green grass, their stripes contrasting with the surrounding foliage. The shade from a large tree offers them a cool respite from the sun's warmth.",,13,"4,5",relation,spatial,"relation - spatial (zebras, foliage, contrasting with)",Do the zebras' stripes contrast with the foliage? +COCOval2014000000053916,"A serene grassland dotted with acacia trees under a clear sky. Two zebras stand side by side on the green grass, their stripes contrasting with the surrounding foliage. The shade from a large tree offers them a cool respite from the sun's warmth.",,14,"6,7",relation,spatial,"relation - spatial (shade, tree, from)",Does the shade come from the tree? +COCOval2014000000053916,"A serene grassland dotted with acacia trees under a clear sky. Two zebras stand side by side on the green grass, their stripes contrasting with the surrounding foliage. The shade from a large tree offers them a cool respite from the sun's warmth.",,15,"4,6",relation,spatial,"relation - spatial (zebras, shade, under)",Are the zebras under the shade? +COCOval2014000000042810,"A woman dressed in athletic attire, featuring a crisp white top and a vibrant pink skirt, is poised on a tennis court. She is in the midst of a serve, with the tennis ball held aloft in one hand and her racket ready in the other. The court is marked with white lines and surrounded by a high fence, indicating a dedicated space for the sport.",,1,0,entity,whole,entity - whole (woman),Is there a woman? +COCOval2014000000042810,"A woman dressed in athletic attire, featuring a crisp white top and a vibrant pink skirt, is poised on a tennis court. She is in the midst of a serve, with the tennis ball held aloft in one hand and her racket ready in the other. The court is marked with white lines and surrounded by a high fence, indicating a dedicated space for the sport.",,2,1,entity,whole,entity - whole (athletic attire),Is she wearing athletic attire? +COCOval2014000000042810,"A woman dressed in athletic attire, featuring a crisp white top and a vibrant pink skirt, is poised on a tennis court. She is in the midst of a serve, with the tennis ball held aloft in one hand and her racket ready in the other. The court is marked with white lines and surrounded by a high fence, indicating a dedicated space for the sport.",,3,2,entity,whole,entity - whole (top),Is she wearing a white top? +COCOval2014000000042810,"A woman dressed in athletic attire, featuring a crisp white top and a vibrant pink skirt, is poised on a tennis court. She is in the midst of a serve, with the tennis ball held aloft in one hand and her racket ready in the other. The court is marked with white lines and surrounded by a high fence, indicating a dedicated space for the sport.",,4,2,entity,whole,entity - whole (skirt),Is she wearing a vibrant pink skirt? +COCOval2014000000042810,"A woman dressed in athletic attire, featuring a crisp white top and a vibrant pink skirt, is poised on a tennis court. She is in the midst of a serve, with the tennis ball held aloft in one hand and her racket ready in the other. The court is marked with white lines and surrounded by a high fence, indicating a dedicated space for the sport.",,5,0,entity,whole,entity - whole (tennis court),Is she on a tennis court? +COCOval2014000000042810,"A woman dressed in athletic attire, featuring a crisp white top and a vibrant pink skirt, is poised on a tennis court. She is in the midst of a serve, with the tennis ball held aloft in one hand and her racket ready in the other. The court is marked with white lines and surrounded by a high fence, indicating a dedicated space for the sport.",,6,0,entity,whole,entity - whole (serve),Is she in the midst of a serve? +COCOval2014000000042810,"A woman dressed in athletic attire, featuring a crisp white top and a vibrant pink skirt, is poised on a tennis court. She is in the midst of a serve, with the tennis ball held aloft in one hand and her racket ready in the other. The court is marked with white lines and surrounded by a high fence, indicating a dedicated space for the sport.",,7,0,entity,whole,entity - whole (tennis ball),Is she holding a tennis ball aloft? +COCOval2014000000042810,"A woman dressed in athletic attire, featuring a crisp white top and a vibrant pink skirt, is poised on a tennis court. She is in the midst of a serve, with the tennis ball held aloft in one hand and her racket ready in the other. The court is marked with white lines and surrounded by a high fence, indicating a dedicated space for the sport.",,8,0,entity,whole,entity - whole (racket),Is she ready with a racket? +COCOval2014000000042810,"A woman dressed in athletic attire, featuring a crisp white top and a vibrant pink skirt, is poised on a tennis court. She is in the midst of a serve, with the tennis ball held aloft in one hand and her racket ready in the other. The court is marked with white lines and surrounded by a high fence, indicating a dedicated space for the sport.",,9,0,entity,whole,entity - whole (court),Is there a court? +COCOval2014000000042810,"A woman dressed in athletic attire, featuring a crisp white top and a vibrant pink skirt, is poised on a tennis court. She is in the midst of a serve, with the tennis ball held aloft in one hand and her racket ready in the other. The court is marked with white lines and surrounded by a high fence, indicating a dedicated space for the sport.",,10,9,entity,whole,entity - whole (lines),Are there lines on the court? +COCOval2014000000042810,"A woman dressed in athletic attire, featuring a crisp white top and a vibrant pink skirt, is poised on a tennis court. She is in the midst of a serve, with the tennis ball held aloft in one hand and her racket ready in the other. The court is marked with white lines and surrounded by a high fence, indicating a dedicated space for the sport.",,11,9,entity,whole,entity - whole (fence),Is there a fence around the court? +COCOval2014000000042810,"A woman dressed in athletic attire, featuring a crisp white top and a vibrant pink skirt, is poised on a tennis court. She is in the midst of a serve, with the tennis ball held aloft in one hand and her racket ready in the other. The court is marked with white lines and surrounded by a high fence, indicating a dedicated space for the sport.",,12,3,attribute,color,"attribute - color (top, white)",Is the top white? +COCOval2014000000042810,"A woman dressed in athletic attire, featuring a crisp white top and a vibrant pink skirt, is poised on a tennis court. She is in the midst of a serve, with the tennis ball held aloft in one hand and her racket ready in the other. The court is marked with white lines and surrounded by a high fence, indicating a dedicated space for the sport.",,13,4,attribute,color,"attribute - color (skirt, vibrant pink)",Is the skirt vibrant pink? +COCOval2014000000042810,"A woman dressed in athletic attire, featuring a crisp white top and a vibrant pink skirt, is poised on a tennis court. She is in the midst of a serve, with the tennis ball held aloft in one hand and her racket ready in the other. The court is marked with white lines and surrounded by a high fence, indicating a dedicated space for the sport.",,14,10,attribute,color,"attribute - color (lines, white)",Are the lines white? +COCOval2014000000042810,"A woman dressed in athletic attire, featuring a crisp white top and a vibrant pink skirt, is poised on a tennis court. She is in the midst of a serve, with the tennis ball held aloft in one hand and her racket ready in the other. The court is marked with white lines and surrounded by a high fence, indicating a dedicated space for the sport.",,15,6,attribute,other,"attribute - other (serve, midst)",Is she in the midst of a serve? +COCOval2014000000042810,"A woman dressed in athletic attire, featuring a crisp white top and a vibrant pink skirt, is poised on a tennis court. She is in the midst of a serve, with the tennis ball held aloft in one hand and her racket ready in the other. The court is marked with white lines and surrounded by a high fence, indicating a dedicated space for the sport.",,16,"1,5",relation,spatial,"relation - spatial (woman, tennis court, on)",Is the woman on the tennis court? +COCOval2014000000042810,"A woman dressed in athletic attire, featuring a crisp white top and a vibrant pink skirt, is poised on a tennis court. She is in the midst of a serve, with the tennis ball held aloft in one hand and her racket ready in the other. The court is marked with white lines and surrounded by a high fence, indicating a dedicated space for the sport.",,17,"7,1",relation,spatial,"relation - spatial (tennis ball, woman, held aloft)",Is the tennis ball held aloft by the woman? +COCOval2014000000042810,"A woman dressed in athletic attire, featuring a crisp white top and a vibrant pink skirt, is poised on a tennis court. She is in the midst of a serve, with the tennis ball held aloft in one hand and her racket ready in the other. The court is marked with white lines and surrounded by a high fence, indicating a dedicated space for the sport.",,18,"8,1",relation,spatial,"relation - spatial (racket, woman, ready)",Is the racket ready in the woman's hand? +COCOval2014000000042810,"A woman dressed in athletic attire, featuring a crisp white top and a vibrant pink skirt, is poised on a tennis court. She is in the midst of a serve, with the tennis ball held aloft in one hand and her racket ready in the other. The court is marked with white lines and surrounded by a high fence, indicating a dedicated space for the sport.",,19,"9,10",relation,spatial,"relation - spatial (court, lines, marked with)",Are the court lines marked with white? +COCOval2014000000042810,"A woman dressed in athletic attire, featuring a crisp white top and a vibrant pink skirt, is poised on a tennis court. She is in the midst of a serve, with the tennis ball held aloft in one hand and her racket ready in the other. The court is marked with white lines and surrounded by a high fence, indicating a dedicated space for the sport.",,20,"9,11",relation,spatial,"relation - spatial (court, fence, surrounded by)",Is the court surrounded by a high fence? +COCOval2014000000580698,"A large brown bear is partially submerged in a clear, tranquil body of water. The sun casts a warm glow on the bear's fur, highlighting its texture and creating a serene scene. The water ripples gently around the bear as it sits calmly, enjoying the warmth of the sunlight.",,1,0,entity,whole,entity - whole (bear),Is there a bear? +COCOval2014000000580698,"A large brown bear is partially submerged in a clear, tranquil body of water. The sun casts a warm glow on the bear's fur, highlighting its texture and creating a serene scene. The water ripples gently around the bear as it sits calmly, enjoying the warmth of the sunlight.",,2,1,attribute,size,"attribute - size (bear, large)",Is the bear large? +COCOval2014000000580698,"A large brown bear is partially submerged in a clear, tranquil body of water. The sun casts a warm glow on the bear's fur, highlighting its texture and creating a serene scene. The water ripples gently around the bear as it sits calmly, enjoying the warmth of the sunlight.",,3,1,attribute,color,"attribute - color (bear, brown)",Is the bear brown? +COCOval2014000000580698,"A large brown bear is partially submerged in a clear, tranquil body of water. The sun casts a warm glow on the bear's fur, highlighting its texture and creating a serene scene. The water ripples gently around the bear as it sits calmly, enjoying the warmth of the sunlight.",,4,1,entity,state,"entity - state (bear, partially submerged)",Is the bear partially submerged? +COCOval2014000000580698,"A large brown bear is partially submerged in a clear, tranquil body of water. The sun casts a warm glow on the bear's fur, highlighting its texture and creating a serene scene. The water ripples gently around the bear as it sits calmly, enjoying the warmth of the sunlight.",,5,0,entity,whole,entity - whole (body of water),Is there a body of water? +COCOval2014000000580698,"A large brown bear is partially submerged in a clear, tranquil body of water. The sun casts a warm glow on the bear's fur, highlighting its texture and creating a serene scene. The water ripples gently around the bear as it sits calmly, enjoying the warmth of the sunlight.",,6,5,attribute,texture,"attribute - texture (water, clear)",Is the water clear? +COCOval2014000000580698,"A large brown bear is partially submerged in a clear, tranquil body of water. The sun casts a warm glow on the bear's fur, highlighting its texture and creating a serene scene. The water ripples gently around the bear as it sits calmly, enjoying the warmth of the sunlight.",,7,1,attribute,texture,"attribute - texture (bear's fur, highlighted)",Is the bear's fur highlighted? +COCOval2014000000580698,"A large brown bear is partially submerged in a clear, tranquil body of water. The sun casts a warm glow on the bear's fur, highlighting its texture and creating a serene scene. The water ripples gently around the bear as it sits calmly, enjoying the warmth of the sunlight.",,8,5,entity,state,"entity - state (water, tranquil)",Is the water tranquil? +COCOval2014000000580698,"A large brown bear is partially submerged in a clear, tranquil body of water. The sun casts a warm glow on the bear's fur, highlighting its texture and creating a serene scene. The water ripples gently around the bear as it sits calmly, enjoying the warmth of the sunlight.",,9,1,entity,state,"entity - state (bear, sit calmly)",Is the bear sitting calmly? +COCOval2014000000580698,"A large brown bear is partially submerged in a clear, tranquil body of water. The sun casts a warm glow on the bear's fur, highlighting its texture and creating a serene scene. The water ripples gently around the bear as it sits calmly, enjoying the warmth of the sunlight.",,10,1,entity,state,"entity - state (bear, enjoy warmth of sunlight)",Is the bear enjoying the warmth of the sunlight? +COCOval2014000000187240,"A vibrant red bus is parked on a bustling city street, its size overshadowing the adjacent white van. The street is lined with a mix of small shops and residential buildings, each with their own unique facades. The vehicles are positioned parallel to the curb, with the bus's destination sign clearly visible above its windshield.",,1,0,entity,whole,entity - whole (bus),Is there a bus? +COCOval2014000000187240,"A vibrant red bus is parked on a bustling city street, its size overshadowing the adjacent white van. The street is lined with a mix of small shops and residential buildings, each with their own unique facades. The vehicles are positioned parallel to the curb, with the bus's destination sign clearly visible above its windshield.",,2,0,entity,whole,entity - whole (street),Is there a street? +COCOval2014000000187240,"A vibrant red bus is parked on a bustling city street, its size overshadowing the adjacent white van. The street is lined with a mix of small shops and residential buildings, each with their own unique facades. The vehicles are positioned parallel to the curb, with the bus's destination sign clearly visible above its windshield.",,3,0,entity,whole,entity - whole (van),Is there a van? +COCOval2014000000187240,"A vibrant red bus is parked on a bustling city street, its size overshadowing the adjacent white van. The street is lined with a mix of small shops and residential buildings, each with their own unique facades. The vehicles are positioned parallel to the curb, with the bus's destination sign clearly visible above its windshield.",,4,2,entity,whole,entity - whole (shops),Are there shops? +COCOval2014000000187240,"A vibrant red bus is parked on a bustling city street, its size overshadowing the adjacent white van. The street is lined with a mix of small shops and residential buildings, each with their own unique facades. The vehicles are positioned parallel to the curb, with the bus's destination sign clearly visible above its windshield.",,5,2,entity,whole,entity - whole (residential buildings),Are there residential buildings? +COCOval2014000000187240,"A vibrant red bus is parked on a bustling city street, its size overshadowing the adjacent white van. The street is lined with a mix of small shops and residential buildings, each with their own unique facades. The vehicles are positioned parallel to the curb, with the bus's destination sign clearly visible above its windshield.",,6,1,attribute,color,"attribute - color (bus, vibrant red)",Is the bus vibrant red? +COCOval2014000000187240,"A vibrant red bus is parked on a bustling city street, its size overshadowing the adjacent white van. The street is lined with a mix of small shops and residential buildings, each with their own unique facades. The vehicles are positioned parallel to the curb, with the bus's destination sign clearly visible above its windshield.",,7,3,attribute,color,"attribute - color (van, white)",Is the van white? +COCOval2014000000187240,"A vibrant red bus is parked on a bustling city street, its size overshadowing the adjacent white van. The street is lined with a mix of small shops and residential buildings, each with their own unique facades. The vehicles are positioned parallel to the curb, with the bus's destination sign clearly visible above its windshield.",,8,1,attribute,size,"attribute - size (bus, overshadowing)",Is the bus size overshadowing? +COCOval2014000000187240,"A vibrant red bus is parked on a bustling city street, its size overshadowing the adjacent white van. The street is lined with a mix of small shops and residential buildings, each with their own unique facades. The vehicles are positioned parallel to the curb, with the bus's destination sign clearly visible above its windshield.",,9,"1,2",relation,spatial,"relation - spatial (bus, street, parked on)",Is the bus parked on the street? +COCOval2014000000187240,"A vibrant red bus is parked on a bustling city street, its size overshadowing the adjacent white van. The street is lined with a mix of small shops and residential buildings, each with their own unique facades. The vehicles are positioned parallel to the curb, with the bus's destination sign clearly visible above its windshield.",,10,"1,3",relation,spatial,"relation - spatial (van, street, adjacent to)",Is the van adjacent to the street? +COCOval2014000000187240,"A vibrant red bus is parked on a bustling city street, its size overshadowing the adjacent white van. The street is lined with a mix of small shops and residential buildings, each with their own unique facades. The vehicles are positioned parallel to the curb, with the bus's destination sign clearly visible above its windshield.",,11,1,relation,spatial,"relation - spatial (vehicles, curb, parallel to)",Are the vehicles parallel to the curb? +COCOval2014000000187240,"A vibrant red bus is parked on a bustling city street, its size overshadowing the adjacent white van. The street is lined with a mix of small shops and residential buildings, each with their own unique facades. The vehicles are positioned parallel to the curb, with the bus's destination sign clearly visible above its windshield.",,12,1,entity,state,"entity - state (bus, destination sign, visible)",Is the bus's destination sign visible above its windshield? +COCOval2014000000479732,"A hefty sandwich filled with an assortment of meats and vegetables is nestled within a white Styrofoam container. The container sits on a plain surface, with a few crumbs scattered around it. The sandwich appears to be freshly made, with the contents slightly spilling out the sides due to its generous fillings.",,1,0,entity,whole,entity - whole (sandwich),Is there a sandwich? +COCOval2014000000479732,"A hefty sandwich filled with an assortment of meats and vegetables is nestled within a white Styrofoam container. The container sits on a plain surface, with a few crumbs scattered around it. The sandwich appears to be freshly made, with the contents slightly spilling out the sides due to its generous fillings.",,2,1,entity,whole,entity - whole (assortment of meats),Is there an assortment of meats? +COCOval2014000000479732,"A hefty sandwich filled with an assortment of meats and vegetables is nestled within a white Styrofoam container. The container sits on a plain surface, with a few crumbs scattered around it. The sandwich appears to be freshly made, with the contents slightly spilling out the sides due to its generous fillings.",,3,1,entity,whole,entity - whole (vegetables),Are there vegetables? +COCOval2014000000479732,"A hefty sandwich filled with an assortment of meats and vegetables is nestled within a white Styrofoam container. The container sits on a plain surface, with a few crumbs scattered around it. The sandwich appears to be freshly made, with the contents slightly spilling out the sides due to its generous fillings.",,4,1,entity,whole,entity - whole (Styrofoam container),Is there a Styrofoam container? +COCOval2014000000479732,"A hefty sandwich filled with an assortment of meats and vegetables is nestled within a white Styrofoam container. The container sits on a plain surface, with a few crumbs scattered around it. The sandwich appears to be freshly made, with the contents slightly spilling out the sides due to its generous fillings.",,5,1,entity,whole,entity - whole (surface),Is there a surface? +COCOval2014000000479732,"A hefty sandwich filled with an assortment of meats and vegetables is nestled within a white Styrofoam container. The container sits on a plain surface, with a few crumbs scattered around it. The sandwich appears to be freshly made, with the contents slightly spilling out the sides due to its generous fillings.",,6,1,other,count,"other - count (crumbs, few)",Are there a few crumbs? +COCOval2014000000479732,"A hefty sandwich filled with an assortment of meats and vegetables is nestled within a white Styrofoam container. The container sits on a plain surface, with a few crumbs scattered around it. The sandwich appears to be freshly made, with the contents slightly spilling out the sides due to its generous fillings.",,7,4,attribute,texture,"attribute - texture (container, white Styrofoam)",Is the container made of white Styrofoam? +COCOval2014000000479732,"A hefty sandwich filled with an assortment of meats and vegetables is nestled within a white Styrofoam container. The container sits on a plain surface, with a few crumbs scattered around it. The sandwich appears to be freshly made, with the contents slightly spilling out the sides due to its generous fillings.",,8,5,attribute,texture,"attribute - texture (surface, plain)",Is the surface plain? +COCOval2014000000479732,"A hefty sandwich filled with an assortment of meats and vegetables is nestled within a white Styrofoam container. The container sits on a plain surface, with a few crumbs scattered around it. The sandwich appears to be freshly made, with the contents slightly spilling out the sides due to its generous fillings.",,9,1,attribute,texture,"attribute - texture (sandwich, freshly made)",Is the sandwich freshly made? +COCOval2014000000479732,"A hefty sandwich filled with an assortment of meats and vegetables is nestled within a white Styrofoam container. The container sits on a plain surface, with a few crumbs scattered around it. The sandwich appears to be freshly made, with the contents slightly spilling out the sides due to its generous fillings.",,10,1,entity,state,"entity - state (sandwich, spill out)",Is the sandwich spilling out its contents? +COCOval2014000000566470,"Two wooden rowboats with a weathered finish are resting side by side on the sandy shore. The boats are empty, with their oars tucked neatly inside, hinting at a recent return from a journey on the water. In the background, the gentle waves of the sea can be seen, with the horizon stretching wide beyond them.",,1,0,entity,whole,entity - whole (rowboats),Are there rowboats? +COCOval2014000000566470,"Two wooden rowboats with a weathered finish are resting side by side on the sandy shore. The boats are empty, with their oars tucked neatly inside, hinting at a recent return from a journey on the water. In the background, the gentle waves of the sea can be seen, with the horizon stretching wide beyond them.",,2,1,other,count,"other - count (rowboats, ==2)",Are there two rowboats? +COCOval2014000000566470,"Two wooden rowboats with a weathered finish are resting side by side on the sandy shore. The boats are empty, with their oars tucked neatly inside, hinting at a recent return from a journey on the water. In the background, the gentle waves of the sea can be seen, with the horizon stretching wide beyond them.",,3,1,attribute,texture,"attribute - texture (rowboats, wooden)",Are the rowboats made of wood? +COCOval2014000000566470,"Two wooden rowboats with a weathered finish are resting side by side on the sandy shore. The boats are empty, with their oars tucked neatly inside, hinting at a recent return from a journey on the water. In the background, the gentle waves of the sea can be seen, with the horizon stretching wide beyond them.",,4,1,attribute,texture,"attribute - texture (rowboats, weathered finish)",Do the rowboats have a weathered finish? +COCOval2014000000566470,"Two wooden rowboats with a weathered finish are resting side by side on the sandy shore. The boats are empty, with their oars tucked neatly inside, hinting at a recent return from a journey on the water. In the background, the gentle waves of the sea can be seen, with the horizon stretching wide beyond them.",,5,1,attribute,texture,"attribute - texture (shore, sandy)",Is the shore sandy? +COCOval2014000000566470,"Two wooden rowboats with a weathered finish are resting side by side on the sandy shore. The boats are empty, with their oars tucked neatly inside, hinting at a recent return from a journey on the water. In the background, the gentle waves of the sea can be seen, with the horizon stretching wide beyond them.",,6,"1,2",entity,state,"entity - state (boats, empty)",Are the boats empty? +COCOval2014000000566470,"Two wooden rowboats with a weathered finish are resting side by side on the sandy shore. The boats are empty, with their oars tucked neatly inside, hinting at a recent return from a journey on the water. In the background, the gentle waves of the sea can be seen, with the horizon stretching wide beyond them.",,7,"1,2",entity,part,entity - part (boats' oars),Do the boats have oars? +COCOval2014000000566470,"Two wooden rowboats with a weathered finish are resting side by side on the sandy shore. The boats are empty, with their oars tucked neatly inside, hinting at a recent return from a journey on the water. In the background, the gentle waves of the sea can be seen, with the horizon stretching wide beyond them.",,8,"1,7",relation,spatial,"relation - spatial (rowboats, shore, on)",Are the oars inside the boats? +COCOval2014000000566470,"Two wooden rowboats with a weathered finish are resting side by side on the sandy shore. The boats are empty, with their oars tucked neatly inside, hinting at a recent return from a journey on the water. In the background, the gentle waves of the sea can be seen, with the horizon stretching wide beyond them.",,9,"1,7",relation,spatial,"relation - spatial (oars, boats, inside)",Are the rowboats resting on the sandy shore? +COCOval2014000000566470,"Two wooden rowboats with a weathered finish are resting side by side on the sandy shore. The boats are empty, with their oars tucked neatly inside, hinting at a recent return from a journey on the water. In the background, the gentle waves of the sea can be seen, with the horizon stretching wide beyond them.",,10,"1,10",entity,state,"entity - state (waves, sea, gentle)",Are the waves of the sea gentle? +COCOval2014000000566470,"Two wooden rowboats with a weathered finish are resting side by side on the sandy shore. The boats are empty, with their oars tucked neatly inside, hinting at a recent return from a journey on the water. In the background, the gentle waves of the sea can be seen, with the horizon stretching wide beyond them.",,11,10,relation,spatial,"relation - spatial (sea, horizon, beyond)",Is the horizon beyond the sea? +COCOval2014000000284772,"A brown dog paddles through the clear blue water, its eyes focused ahead. In its mouth, it firmly holds a brightly colored Frisbee, seemingly proud of its retrieval. The sun reflects off the water's surface, creating a sparkling effect around the swimming canine.",,1,0,entity,whole,entity - whole (dog),Is there a dog? +COCOval2014000000284772,"A brown dog paddles through the clear blue water, its eyes focused ahead. In its mouth, it firmly holds a brightly colored Frisbee, seemingly proud of its retrieval. The sun reflects off the water's surface, creating a sparkling effect around the swimming canine.",,2,1,attribute,color,"attribute - color (dog, brown)",Is the dog brown? +COCOval2014000000284772,"A brown dog paddles through the clear blue water, its eyes focused ahead. In its mouth, it firmly holds a brightly colored Frisbee, seemingly proud of its retrieval. The sun reflects off the water's surface, creating a sparkling effect around the swimming canine.",,3,1,entity,state,"entity - state (dog, paddle)",Is the dog paddling? +COCOval2014000000284772,"A brown dog paddles through the clear blue water, its eyes focused ahead. In its mouth, it firmly holds a brightly colored Frisbee, seemingly proud of its retrieval. The sun reflects off the water's surface, creating a sparkling effect around the swimming canine.",,4,1,attribute,color,"attribute - color (water, clear blue)",Is the water clear blue? +COCOval2014000000284772,"A brown dog paddles through the clear blue water, its eyes focused ahead. In its mouth, it firmly holds a brightly colored Frisbee, seemingly proud of its retrieval. The sun reflects off the water's surface, creating a sparkling effect around the swimming canine.",,5,1,entity,state,"entity - state (dog's eyes, focus ahead)",Are the dog's eyes focused ahead? +COCOval2014000000284772,"A brown dog paddles through the clear blue water, its eyes focused ahead. In its mouth, it firmly holds a brightly colored Frisbee, seemingly proud of its retrieval. The sun reflects off the water's surface, creating a sparkling effect around the swimming canine.",,6,1,entity,part,entity - part (dog's mouth),Does the dog have a mouth? +COCOval2014000000284772,"A brown dog paddles through the clear blue water, its eyes focused ahead. In its mouth, it firmly holds a brightly colored Frisbee, seemingly proud of its retrieval. The sun reflects off the water's surface, creating a sparkling effect around the swimming canine.",,7,1,attribute,color,"attribute - color (frisbee, brightly colored)",Is the Frisbee brightly colored? +COCOval2014000000284772,"A brown dog paddles through the clear blue water, its eyes focused ahead. In its mouth, it firmly holds a brightly colored Frisbee, seemingly proud of its retrieval. The sun reflects off the water's surface, creating a sparkling effect around the swimming canine.",,8,"1,7",entity,state,"entity - state (dog, hold)",Is the dog holding the Frisbee? +COCOval2014000000284772,"A brown dog paddles through the clear blue water, its eyes focused ahead. In its mouth, it firmly holds a brightly colored Frisbee, seemingly proud of its retrieval. The sun reflects off the water's surface, creating a sparkling effect around the swimming canine.",,9,1,entity,state,"entity - state (dog, proud)",Is the dog proud? +COCOval2014000000284772,"A brown dog paddles through the clear blue water, its eyes focused ahead. In its mouth, it firmly holds a brightly colored Frisbee, seemingly proud of its retrieval. The sun reflects off the water's surface, creating a sparkling effect around the swimming canine.",,10,1,entity,state,"entity - state (sun, reflect)",Is the sun reflecting? +COCOval2014000000284772,"A brown dog paddles through the clear blue water, its eyes focused ahead. In its mouth, it firmly holds a brightly colored Frisbee, seemingly proud of its retrieval. The sun reflects off the water's surface, creating a sparkling effect around the swimming canine.",,11,4,attribute,texture,"attribute - texture (water's surface, sparkling)",Is the water's surface sparkling? +COCOval2014000000284772,"A brown dog paddles through the clear blue water, its eyes focused ahead. In its mouth, it firmly holds a brightly colored Frisbee, seemingly proud of its retrieval. The sun reflects off the water's surface, creating a sparkling effect around the swimming canine.",,12,"1,4",relation,spatial,"relation - spatial (dog, water, through)",Is the dog moving through the water? +COCOval2014000000284772,"A brown dog paddles through the clear blue water, its eyes focused ahead. In its mouth, it firmly holds a brightly colored Frisbee, seemingly proud of its retrieval. The sun reflects off the water's surface, creating a sparkling effect around the swimming canine.",,13,"1,4",relation,spatial,"relation - spatial (sun, water's surface, off)",Is the sun reflecting off the water's surface? +COCOval2014000000212403,"A rider atop a chestnut horse in the middle of a spacious pasture enclosed by a wooden fence. The pasture is dotted with patches of green grass and the occasional tree, providing a serene setting for the horse and rider. In the distance, a barn can be seen, completing the pastoral scene.",,1,0,entity,whole,entity - whole (rider),Is there a rider? +COCOval2014000000212403,"A rider atop a chestnut horse in the middle of a spacious pasture enclosed by a wooden fence. The pasture is dotted with patches of green grass and the occasional tree, providing a serene setting for the horse and rider. In the distance, a barn can be seen, completing the pastoral scene.",,2,0,entity,whole,entity - whole (horse),Is there a horse? +COCOval2014000000212403,"A rider atop a chestnut horse in the middle of a spacious pasture enclosed by a wooden fence. The pasture is dotted with patches of green grass and the occasional tree, providing a serene setting for the horse and rider. In the distance, a barn can be seen, completing the pastoral scene.",,3,0,entity,whole,entity - whole (pasture),Is there a pasture? +COCOval2014000000212403,"A rider atop a chestnut horse in the middle of a spacious pasture enclosed by a wooden fence. The pasture is dotted with patches of green grass and the occasional tree, providing a serene setting for the horse and rider. In the distance, a barn can be seen, completing the pastoral scene.",,4,0,entity,whole,entity - whole (fence),Is there a fence? +COCOval2014000000212403,"A rider atop a chestnut horse in the middle of a spacious pasture enclosed by a wooden fence. The pasture is dotted with patches of green grass and the occasional tree, providing a serene setting for the horse and rider. In the distance, a barn can be seen, completing the pastoral scene.",,5,0,entity,whole,entity - whole (grass),Is there grass? +COCOval2014000000212403,"A rider atop a chestnut horse in the middle of a spacious pasture enclosed by a wooden fence. The pasture is dotted with patches of green grass and the occasional tree, providing a serene setting for the horse and rider. In the distance, a barn can be seen, completing the pastoral scene.",,6,0,entity,whole,entity - whole (tree),Is there a tree? +COCOval2014000000212403,"A rider atop a chestnut horse in the middle of a spacious pasture enclosed by a wooden fence. The pasture is dotted with patches of green grass and the occasional tree, providing a serene setting for the horse and rider. In the distance, a barn can be seen, completing the pastoral scene.",,7,0,entity,whole,entity - whole (barn),Is there a barn? +COCOval2014000000212403,"A rider atop a chestnut horse in the middle of a spacious pasture enclosed by a wooden fence. The pasture is dotted with patches of green grass and the occasional tree, providing a serene setting for the horse and rider. In the distance, a barn can be seen, completing the pastoral scene.",,8,2,attribute,color,"attribute - color (horse, chestnut)",Is the horse chestnut in color? +COCOval2014000000212403,"A rider atop a chestnut horse in the middle of a spacious pasture enclosed by a wooden fence. The pasture is dotted with patches of green grass and the occasional tree, providing a serene setting for the horse and rider. In the distance, a barn can be seen, completing the pastoral scene.",,9,4,attribute,texture,"attribute - texture (fence, wooden)",Is the fence wooden in texture? +COCOval2014000000212403,"A rider atop a chestnut horse in the middle of a spacious pasture enclosed by a wooden fence. The pasture is dotted with patches of green grass and the occasional tree, providing a serene setting for the horse and rider. In the distance, a barn can be seen, completing the pastoral scene.",,10,5,attribute,texture,"attribute - texture (grass, green)",Is the grass green in texture? +COCOval2014000000212403,"A rider atop a chestnut horse in the middle of a spacious pasture enclosed by a wooden fence. The pasture is dotted with patches of green grass and the occasional tree, providing a serene setting for the horse and rider. In the distance, a barn can be seen, completing the pastoral scene.",,11,3,attribute,other,"attribute - other (pasture, spacious)",Is the pasture spacious? +COCOval2014000000212403,"A rider atop a chestnut horse in the middle of a spacious pasture enclosed by a wooden fence. The pasture is dotted with patches of green grass and the occasional tree, providing a serene setting for the horse and rider. In the distance, a barn can be seen, completing the pastoral scene.",,12,"1,2",relation,spatial,"relation - spatial (rider, horse, atop)",Is the rider atop the horse? +COCOval2014000000212403,"A rider atop a chestnut horse in the middle of a spacious pasture enclosed by a wooden fence. The pasture is dotted with patches of green grass and the occasional tree, providing a serene setting for the horse and rider. In the distance, a barn can be seen, completing the pastoral scene.",,13,"1,3",relation,spatial,"relation - spatial (rider, pasture, in)",Is the rider in the pasture? +COCOval2014000000212403,"A rider atop a chestnut horse in the middle of a spacious pasture enclosed by a wooden fence. The pasture is dotted with patches of green grass and the occasional tree, providing a serene setting for the horse and rider. In the distance, a barn can be seen, completing the pastoral scene.",,14,"3,4",relation,spatial,"relation - spatial (pasture, fence, enclosed by)",Is the pasture enclosed by the fence? +COCOval2014000000212403,"A rider atop a chestnut horse in the middle of a spacious pasture enclosed by a wooden fence. The pasture is dotted with patches of green grass and the occasional tree, providing a serene setting for the horse and rider. In the distance, a barn can be seen, completing the pastoral scene.",,15,"3,5",relation,spatial,"relation - spatial (pasture, grass, dotted with)",Is the pasture dotted with patches of grass? +COCOval2014000000212403,"A rider atop a chestnut horse in the middle of a spacious pasture enclosed by a wooden fence. The pasture is dotted with patches of green grass and the occasional tree, providing a serene setting for the horse and rider. In the distance, a barn can be seen, completing the pastoral scene.",,16,"3,6",relation,spatial,"relation - spatial (pasture, tree, occasional)",Are there occasional trees in the pasture? +COCOval2014000000212403,"A rider atop a chestnut horse in the middle of a spacious pasture enclosed by a wooden fence. The pasture is dotted with patches of green grass and the occasional tree, providing a serene setting for the horse and rider. In the distance, a barn can be seen, completing the pastoral scene.",,17,"3,7",relation,spatial,"relation - spatial (pasture, barn, in the distance)",Is the barn in the distance from the pasture? +COCOval2014000000206496,"A group of tourists is seated atop a large elephant, which is part of a caravan of elephants walking in a line. Each elephant carries passengers securely fastened in a howdah, and they are led by guides walking alongside them. The procession of elephants moves through a natural trail surrounded by dense foliage.",,1,0,entity,whole,entity - whole (tourists),Are there tourists? +COCOval2014000000206496,"A group of tourists is seated atop a large elephant, which is part of a caravan of elephants walking in a line. Each elephant carries passengers securely fastened in a howdah, and they are led by guides walking alongside them. The procession of elephants moves through a natural trail surrounded by dense foliage.",,2,0,entity,whole,entity - whole (elephant),Is there an elephant? +COCOval2014000000206496,"A group of tourists is seated atop a large elephant, which is part of a caravan of elephants walking in a line. Each elephant carries passengers securely fastened in a howdah, and they are led by guides walking alongside them. The procession of elephants moves through a natural trail surrounded by dense foliage.",,3,0,entity,whole,entity - whole (caravan),Is there a caravan? +COCOval2014000000206496,"A group of tourists is seated atop a large elephant, which is part of a caravan of elephants walking in a line. Each elephant carries passengers securely fastened in a howdah, and they are led by guides walking alongside them. The procession of elephants moves through a natural trail surrounded by dense foliage.",,4,0,entity,whole,entity - whole (passengers),Are there passengers? +COCOval2014000000206496,"A group of tourists is seated atop a large elephant, which is part of a caravan of elephants walking in a line. Each elephant carries passengers securely fastened in a howdah, and they are led by guides walking alongside them. The procession of elephants moves through a natural trail surrounded by dense foliage.",,5,0,entity,whole,entity - whole (guides),Are there guides? +COCOval2014000000206496,"A group of tourists is seated atop a large elephant, which is part of a caravan of elephants walking in a line. Each elephant carries passengers securely fastened in a howdah, and they are led by guides walking alongside them. The procession of elephants moves through a natural trail surrounded by dense foliage.",,6,0,entity,whole,entity - whole (trail),Is there a trail? +COCOval2014000000206496,"A group of tourists is seated atop a large elephant, which is part of a caravan of elephants walking in a line. Each elephant carries passengers securely fastened in a howdah, and they are led by guides walking alongside them. The procession of elephants moves through a natural trail surrounded by dense foliage.",,7,0,entity,whole,entity - whole (foliage),Is there foliage? +COCOval2014000000206496,"A group of tourists is seated atop a large elephant, which is part of a caravan of elephants walking in a line. Each elephant carries passengers securely fastened in a howdah, and they are led by guides walking alongside them. The procession of elephants moves through a natural trail surrounded by dense foliage.",,8,2,attribute,size,"attribute - size (elephant, large)",Is the elephant large? +COCOval2014000000206496,"A group of tourists is seated atop a large elephant, which is part of a caravan of elephants walking in a line. Each elephant carries passengers securely fastened in a howdah, and they are led by guides walking alongside them. The procession of elephants moves through a natural trail surrounded by dense foliage.",,9,4,attribute,other,"attribute - other (passengers, securely fastened)",Are the passengers securely fastened? +COCOval2014000000206496,"A group of tourists is seated atop a large elephant, which is part of a caravan of elephants walking in a line. Each elephant carries passengers securely fastened in a howdah, and they are led by guides walking alongside them. The procession of elephants moves through a natural trail surrounded by dense foliage.",,10,"1,2",relation,spatial,"relation - spatial (tourists, elephant, atop)",Are the tourists seated atop the elephant? +COCOval2014000000206496,"A group of tourists is seated atop a large elephant, which is part of a caravan of elephants walking in a line. Each elephant carries passengers securely fastened in a howdah, and they are led by guides walking alongside them. The procession of elephants moves through a natural trail surrounded by dense foliage.",,11,"2,3",relation,spatial,"relation - spatial (elephant, caravan, part of)",Is the elephant part of the caravan? +COCOval2014000000206496,"A group of tourists is seated atop a large elephant, which is part of a caravan of elephants walking in a line. Each elephant carries passengers securely fastened in a howdah, and they are led by guides walking alongside them. The procession of elephants moves through a natural trail surrounded by dense foliage.",,12,"2,3",relation,spatial,"relation - spatial (elephant, caravan, walk in a line)",Are the elephants walking in a line in the caravan? +COCOval2014000000206496,"A group of tourists is seated atop a large elephant, which is part of a caravan of elephants walking in a line. Each elephant carries passengers securely fastened in a howdah, and they are led by guides walking alongside them. The procession of elephants moves through a natural trail surrounded by dense foliage.",,13,"2,4",relation,non-spatial,"relation - non-spatial (elephant, passengers, carry)",Are the elephants carrying passengers? +COCOval2014000000206496,"A group of tourists is seated atop a large elephant, which is part of a caravan of elephants walking in a line. Each elephant carries passengers securely fastened in a howdah, and they are led by guides walking alongside them. The procession of elephants moves through a natural trail surrounded by dense foliage.",,14,"2,5",relation,non-spatial,"relation - non-spatial (elephant, guides, led by)",Are the guides leading the elephants? +COCOval2014000000206496,"A group of tourists is seated atop a large elephant, which is part of a caravan of elephants walking in a line. Each elephant carries passengers securely fastened in a howdah, and they are led by guides walking alongside them. The procession of elephants moves through a natural trail surrounded by dense foliage.",,15,"6,7",relation,spatial,"relation - spatial (elephant, trail, move through)",Are the elephants moving through the trail? +COCOval2014000000206496,"A group of tourists is seated atop a large elephant, which is part of a caravan of elephants walking in a line. Each elephant carries passengers securely fastened in a howdah, and they are led by guides walking alongside them. The procession of elephants moves through a natural trail surrounded by dense foliage.",,16,"6,7",relation,spatial,"relation - spatial (trail, foliage, surrounded by)",Is the trail surrounded by dense foliage? +COCOval2014000000321522,"The kitchen boasts a vintage aesthetic, complete with classic appliances that hark back to a bygone era. Retro pictures adorn the walls, adding to the nostalgic charm of the space. The countertops are lined with period-appropriate gadgets and decorative items, complementing the overall old-fashioned theme.",,1,0,entity,whole,entity - whole (kitchen),Is there a kitchen? +COCOval2014000000321522,"The kitchen boasts a vintage aesthetic, complete with classic appliances that hark back to a bygone era. Retro pictures adorn the walls, adding to the nostalgic charm of the space. The countertops are lined with period-appropriate gadgets and decorative items, complementing the overall old-fashioned theme.",,2,1,attribute,other,"attribute - other (kitchen, vintage aesthetic)",Does the kitchen have a vintage aesthetic? +COCOval2014000000321522,"The kitchen boasts a vintage aesthetic, complete with classic appliances that hark back to a bygone era. Retro pictures adorn the walls, adding to the nostalgic charm of the space. The countertops are lined with period-appropriate gadgets and decorative items, complementing the overall old-fashioned theme.",,3,1,attribute,other,"attribute - other (appliances, classic)",Are the appliances classic? +COCOval2014000000321522,"The kitchen boasts a vintage aesthetic, complete with classic appliances that hark back to a bygone era. Retro pictures adorn the walls, adding to the nostalgic charm of the space. The countertops are lined with period-appropriate gadgets and decorative items, complementing the overall old-fashioned theme.",,4,1,attribute,other,"attribute - other (pictures, retro)",Are there retro pictures on the walls? +COCOval2014000000321522,"The kitchen boasts a vintage aesthetic, complete with classic appliances that hark back to a bygone era. Retro pictures adorn the walls, adding to the nostalgic charm of the space. The countertops are lined with period-appropriate gadgets and decorative items, complementing the overall old-fashioned theme.",,5,1,attribute,other,"attribute - other (countertops, period-appropriate)",Are the countertops lined with period-appropriate gadgets? +COCOval2014000000321522,"The kitchen boasts a vintage aesthetic, complete with classic appliances that hark back to a bygone era. Retro pictures adorn the walls, adding to the nostalgic charm of the space. The countertops are lined with period-appropriate gadgets and decorative items, complementing the overall old-fashioned theme.",,6,1,attribute,other,"attribute - other (gadgets, decorative)",Are the countertops lined with decorative items? +COCOval2014000000321522,"The kitchen boasts a vintage aesthetic, complete with classic appliances that hark back to a bygone era. Retro pictures adorn the walls, adding to the nostalgic charm of the space. The countertops are lined with period-appropriate gadgets and decorative items, complementing the overall old-fashioned theme.",,7,"1,2",relation,spatial,"relation - spatial (pictures, walls, adorn)",Are the pictures adorning the walls? +COCOval2014000000321522,"The kitchen boasts a vintage aesthetic, complete with classic appliances that hark back to a bygone era. Retro pictures adorn the walls, adding to the nostalgic charm of the space. The countertops are lined with period-appropriate gadgets and decorative items, complementing the overall old-fashioned theme.",,8,5,relation,spatial,"relation - spatial (countertops, gadgets, lined with)",Are the countertops lined with gadgets? +COCOval2014000000321522,"The kitchen boasts a vintage aesthetic, complete with classic appliances that hark back to a bygone era. Retro pictures adorn the walls, adding to the nostalgic charm of the space. The countertops are lined with period-appropriate gadgets and decorative items, complementing the overall old-fashioned theme.",,9,5,relation,spatial,"relation - spatial (countertops, decorative items, lined with)",Are the countertops lined with decorative items? +COCOval2014000000441411,"A domestic cat with a sleek coat stands alert next to a plush brown teddy bear. The teddy bear is seated on a hardwood floor, its size comparable to the feline companion beside it. Both the cat and the teddy bear are positioned near a light-colored wall, with a hint of a houseplant's green leaves in the corner of the scene.",,1,0,entity,whole,entity - whole (cat),Is there a cat? +COCOval2014000000441411,"A domestic cat with a sleek coat stands alert next to a plush brown teddy bear. The teddy bear is seated on a hardwood floor, its size comparable to the feline companion beside it. Both the cat and the teddy bear are positioned near a light-colored wall, with a hint of a houseplant's green leaves in the corner of the scene.",,2,1,entity,whole,entity - whole (coat),Is there a coat? +COCOval2014000000441411,"A domestic cat with a sleek coat stands alert next to a plush brown teddy bear. The teddy bear is seated on a hardwood floor, its size comparable to the feline companion beside it. Both the cat and the teddy bear are positioned near a light-colored wall, with a hint of a houseplant's green leaves in the corner of the scene.",,3,0,entity,whole,entity - whole (teddy bear),Is there a teddy bear? +COCOval2014000000441411,"A domestic cat with a sleek coat stands alert next to a plush brown teddy bear. The teddy bear is seated on a hardwood floor, its size comparable to the feline companion beside it. Both the cat and the teddy bear are positioned near a light-colored wall, with a hint of a houseplant's green leaves in the corner of the scene.",,4,0,entity,whole,entity - whole (hardwood floor),Is there a hardwood floor? +COCOval2014000000441411,"A domestic cat with a sleek coat stands alert next to a plush brown teddy bear. The teddy bear is seated on a hardwood floor, its size comparable to the feline companion beside it. Both the cat and the teddy bear are positioned near a light-colored wall, with a hint of a houseplant's green leaves in the corner of the scene.",,5,0,entity,whole,entity - whole (wall),Is there a wall? +COCOval2014000000441411,"A domestic cat with a sleek coat stands alert next to a plush brown teddy bear. The teddy bear is seated on a hardwood floor, its size comparable to the feline companion beside it. Both the cat and the teddy bear are positioned near a light-colored wall, with a hint of a houseplant's green leaves in the corner of the scene.",,6,0,entity,whole,entity - whole (houseplant),Is there a houseplant? +COCOval2014000000441411,"A domestic cat with a sleek coat stands alert next to a plush brown teddy bear. The teddy bear is seated on a hardwood floor, its size comparable to the feline companion beside it. Both the cat and the teddy bear are positioned near a light-colored wall, with a hint of a houseplant's green leaves in the corner of the scene.",,7,1,attribute,other,"attribute - other (cat, domestic)",Is the cat domestic? +COCOval2014000000441411,"A domestic cat with a sleek coat stands alert next to a plush brown teddy bear. The teddy bear is seated on a hardwood floor, its size comparable to the feline companion beside it. Both the cat and the teddy bear are positioned near a light-colored wall, with a hint of a houseplant's green leaves in the corner of the scene.",,8,2,attribute,texture,"attribute - texture (coat, sleek)",Is the coat sleek? +COCOval2014000000441411,"A domestic cat with a sleek coat stands alert next to a plush brown teddy bear. The teddy bear is seated on a hardwood floor, its size comparable to the feline companion beside it. Both the cat and the teddy bear are positioned near a light-colored wall, with a hint of a houseplant's green leaves in the corner of the scene.",,9,3,attribute,texture,"attribute - texture (teddy bear, plush)",Is the teddy bear plush? +COCOval2014000000441411,"A domestic cat with a sleek coat stands alert next to a plush brown teddy bear. The teddy bear is seated on a hardwood floor, its size comparable to the feline companion beside it. Both the cat and the teddy bear are positioned near a light-colored wall, with a hint of a houseplant's green leaves in the corner of the scene.",,10,3,attribute,color,"attribute - color (teddy bear, brown)",Is the teddy bear brown? +COCOval2014000000441411,"A domestic cat with a sleek coat stands alert next to a plush brown teddy bear. The teddy bear is seated on a hardwood floor, its size comparable to the feline companion beside it. Both the cat and the teddy bear are positioned near a light-colored wall, with a hint of a houseplant's green leaves in the corner of the scene.",,11,3,attribute,size,"attribute - size (teddy bear, comparable)",Is the teddy bear's size comparable to the cat? +COCOval2014000000441411,"A domestic cat with a sleek coat stands alert next to a plush brown teddy bear. The teddy bear is seated on a hardwood floor, its size comparable to the feline companion beside it. Both the cat and the teddy bear are positioned near a light-colored wall, with a hint of a houseplant's green leaves in the corner of the scene.",,12,"1,3",relation,spatial,"relation - spatial (cat, teddy bear, next to)",Is the cat next to the teddy bear? +COCOval2014000000441411,"A domestic cat with a sleek coat stands alert next to a plush brown teddy bear. The teddy bear is seated on a hardwood floor, its size comparable to the feline companion beside it. Both the cat and the teddy bear are positioned near a light-colored wall, with a hint of a houseplant's green leaves in the corner of the scene.",,13,"3,4",relation,spatial,"relation - spatial (teddy bear, hardwood floor, on)",Is the teddy bear on the hardwood floor? +COCOval2014000000441411,"A domestic cat with a sleek coat stands alert next to a plush brown teddy bear. The teddy bear is seated on a hardwood floor, its size comparable to the feline companion beside it. Both the cat and the teddy bear are positioned near a light-colored wall, with a hint of a houseplant's green leaves in the corner of the scene.",,14,"1,5",relation,spatial,"relation - spatial (cat, wall, near)",Is the cat near the wall? +COCOval2014000000441411,"A domestic cat with a sleek coat stands alert next to a plush brown teddy bear. The teddy bear is seated on a hardwood floor, its size comparable to the feline companion beside it. Both the cat and the teddy bear are positioned near a light-colored wall, with a hint of a houseplant's green leaves in the corner of the scene.",,15,"3,5",relation,spatial,"relation - spatial (teddy bear, wall, near)",Is the teddy bear near the wall? +COCOval2014000000441411,"A domestic cat with a sleek coat stands alert next to a plush brown teddy bear. The teddy bear is seated on a hardwood floor, its size comparable to the feline companion beside it. Both the cat and the teddy bear are positioned near a light-colored wall, with a hint of a houseplant's green leaves in the corner of the scene.",,16,5,relation,spatial,"relation - spatial (houseplant, wall, in the corner)",Is there a hint of a houseplant's green leaves in the corner of the scene? +COCOval2014000000417946,"A scenic outdoor area captured in a photograph, featuring a lush green lawn with a variety of plants and trees. In the background, there's a clear blue sky with a few scattered clouds. The image conveys a sense of openness and natural beauty.",,1,0,global,,global - (scenic outdoor area),Is this a scenic outdoor area? +COCOval2014000000417946,"A scenic outdoor area captured in a photograph, featuring a lush green lawn with a variety of plants and trees. In the background, there's a clear blue sky with a few scattered clouds. The image conveys a sense of openness and natural beauty.",,2,0,global,,global - (photograph),Is this a photograph? +COCOval2014000000417946,"A scenic outdoor area captured in a photograph, featuring a lush green lawn with a variety of plants and trees. In the background, there's a clear blue sky with a few scattered clouds. The image conveys a sense of openness and natural beauty.",,3,1,entity,whole,entity - whole (lawn),Is there a lawn? +COCOval2014000000417946,"A scenic outdoor area captured in a photograph, featuring a lush green lawn with a variety of plants and trees. In the background, there's a clear blue sky with a few scattered clouds. The image conveys a sense of openness and natural beauty.",,4,1,entity,whole,entity - whole (plants),Are there plants? +COCOval2014000000417946,"A scenic outdoor area captured in a photograph, featuring a lush green lawn with a variety of plants and trees. In the background, there's a clear blue sky with a few scattered clouds. The image conveys a sense of openness and natural beauty.",,5,1,entity,whole,entity - whole (trees),Are there trees? +COCOval2014000000417946,"A scenic outdoor area captured in a photograph, featuring a lush green lawn with a variety of plants and trees. In the background, there's a clear blue sky with a few scattered clouds. The image conveys a sense of openness and natural beauty.",,6,3,attribute,color,"attribute - color (lawn, green)",Is the lawn green? +COCOval2014000000417946,"A scenic outdoor area captured in a photograph, featuring a lush green lawn with a variety of plants and trees. In the background, there's a clear blue sky with a few scattered clouds. The image conveys a sense of openness and natural beauty.",,7,3,attribute,color,"attribute - color (sky, clear blue)",Is the sky clear blue? +COCOval2014000000417946,"A scenic outdoor area captured in a photograph, featuring a lush green lawn with a variety of plants and trees. In the background, there's a clear blue sky with a few scattered clouds. The image conveys a sense of openness and natural beauty.",,8,3,attribute,color,"attribute - color (clouds, scattered)",Are there scattered clouds? +COCOval2014000000417946,"A scenic outdoor area captured in a photograph, featuring a lush green lawn with a variety of plants and trees. In the background, there's a clear blue sky with a few scattered clouds. The image conveys a sense of openness and natural beauty.",,9,3,attribute,texture,"attribute - texture (lawn, lush)",Is the lawn lush? +COCOval2014000000417946,"A scenic outdoor area captured in a photograph, featuring a lush green lawn with a variety of plants and trees. In the background, there's a clear blue sky with a few scattered clouds. The image conveys a sense of openness and natural beauty.",,10,2,entity,state,"entity - state (image, convey, sense of openness and natural beauty)",Does the image convey a sense of openness and natural beauty? +COCOval2014000000211560,"A large black bear with a thick coat of fur is sprawled out on a rocky outcrop. Its gaze is fixed directly on the camera, giving a sense of direct engagement with the viewer. The rocks where the bear rests are surrounded by a smattering of green foliage, hinting at a forested habitat.",,1,0,entity,whole,entity - whole (black bear),Is there a black bear? +COCOval2014000000211560,"A large black bear with a thick coat of fur is sprawled out on a rocky outcrop. Its gaze is fixed directly on the camera, giving a sense of direct engagement with the viewer. The rocks where the bear rests are surrounded by a smattering of green foliage, hinting at a forested habitat.",,2,1,entity,whole,entity - whole (coat of fur),Is there a coat of fur? +COCOval2014000000211560,"A large black bear with a thick coat of fur is sprawled out on a rocky outcrop. Its gaze is fixed directly on the camera, giving a sense of direct engagement with the viewer. The rocks where the bear rests are surrounded by a smattering of green foliage, hinting at a forested habitat.",,3,0,entity,whole,entity - whole (rocky outcrop),Is there a rocky outcrop? +COCOval2014000000211560,"A large black bear with a thick coat of fur is sprawled out on a rocky outcrop. Its gaze is fixed directly on the camera, giving a sense of direct engagement with the viewer. The rocks where the bear rests are surrounded by a smattering of green foliage, hinting at a forested habitat.",,4,0,entity,whole,entity - whole (camera),Is there a camera? +COCOval2014000000211560,"A large black bear with a thick coat of fur is sprawled out on a rocky outcrop. Its gaze is fixed directly on the camera, giving a sense of direct engagement with the viewer. The rocks where the bear rests are surrounded by a smattering of green foliage, hinting at a forested habitat.",,5,0,entity,whole,entity - whole (rocks),Are there rocks? +COCOval2014000000211560,"A large black bear with a thick coat of fur is sprawled out on a rocky outcrop. Its gaze is fixed directly on the camera, giving a sense of direct engagement with the viewer. The rocks where the bear rests are surrounded by a smattering of green foliage, hinting at a forested habitat.",,6,0,entity,whole,entity - whole (green foliage),Is there green foliage? +COCOval2014000000211560,"A large black bear with a thick coat of fur is sprawled out on a rocky outcrop. Its gaze is fixed directly on the camera, giving a sense of direct engagement with the viewer. The rocks where the bear rests are surrounded by a smattering of green foliage, hinting at a forested habitat.",,7,1,attribute,size,"attribute - size (black bear, large)",Is the black bear large? +COCOval2014000000211560,"A large black bear with a thick coat of fur is sprawled out on a rocky outcrop. Its gaze is fixed directly on the camera, giving a sense of direct engagement with the viewer. The rocks where the bear rests are surrounded by a smattering of green foliage, hinting at a forested habitat.",,8,2,attribute,texture,"attribute - texture (coat of fur, thick)",Is the coat of fur thick? +COCOval2014000000211560,"A large black bear with a thick coat of fur is sprawled out on a rocky outcrop. Its gaze is fixed directly on the camera, giving a sense of direct engagement with the viewer. The rocks where the bear rests are surrounded by a smattering of green foliage, hinting at a forested habitat.",,9,1,attribute,color,"attribute - color (black bear, black)",Is the black bear black? +COCOval2014000000211560,"A large black bear with a thick coat of fur is sprawled out on a rocky outcrop. Its gaze is fixed directly on the camera, giving a sense of direct engagement with the viewer. The rocks where the bear rests are surrounded by a smattering of green foliage, hinting at a forested habitat.",,10,"1,3",relation,spatial,"relation - spatial (black bear, rocky outcrop, sprawled out on)",Is the black bear sprawled out on the rocky outcrop? +COCOval2014000000211560,"A large black bear with a thick coat of fur is sprawled out on a rocky outcrop. Its gaze is fixed directly on the camera, giving a sense of direct engagement with the viewer. The rocks where the bear rests are surrounded by a smattering of green foliage, hinting at a forested habitat.",,11,"1,4",relation,spatial,"relation - spatial (black bear, camera, gaze fixed on)",Is the black bear's gaze fixed on the camera? +COCOval2014000000211560,"A large black bear with a thick coat of fur is sprawled out on a rocky outcrop. Its gaze is fixed directly on the camera, giving a sense of direct engagement with the viewer. The rocks where the bear rests are surrounded by a smattering of green foliage, hinting at a forested habitat.",,12,"5,3",relation,spatial,"relation - spatial (rocks, green foliage, surrounded by)",Are the rocks surrounded by green foliage? +COCOval2014000000377183,"A modern office space featuring a sleek desk with a computer set up, including a monitor, keyboard, and mouse. Beside the computer, there's a printer with a stack of paper next to it. An ergonomic office chair is positioned in front of the desk, ready for someone to sit down and start working.",,1,0,entity,whole,entity - whole (office space),Is there an office space? +COCOval2014000000377183,"A modern office space featuring a sleek desk with a computer set up, including a monitor, keyboard, and mouse. Beside the computer, there's a printer with a stack of paper next to it. An ergonomic office chair is positioned in front of the desk, ready for someone to sit down and start working.",,2,1,entity,whole,entity - whole (desk),Is there a desk? +COCOval2014000000377183,"A modern office space featuring a sleek desk with a computer set up, including a monitor, keyboard, and mouse. Beside the computer, there's a printer with a stack of paper next to it. An ergonomic office chair is positioned in front of the desk, ready for someone to sit down and start working.",,3,2,entity,whole,entity - whole (computer),Is there a computer? +COCOval2014000000377183,"A modern office space featuring a sleek desk with a computer set up, including a monitor, keyboard, and mouse. Beside the computer, there's a printer with a stack of paper next to it. An ergonomic office chair is positioned in front of the desk, ready for someone to sit down and start working.",,4,3,entity,whole,entity - whole (monitor),Is there a monitor? +COCOval2014000000377183,"A modern office space featuring a sleek desk with a computer set up, including a monitor, keyboard, and mouse. Beside the computer, there's a printer with a stack of paper next to it. An ergonomic office chair is positioned in front of the desk, ready for someone to sit down and start working.",,5,4,entity,whole,entity - whole (keyboard),Is there a keyboard? +COCOval2014000000377183,"A modern office space featuring a sleek desk with a computer set up, including a monitor, keyboard, and mouse. Beside the computer, there's a printer with a stack of paper next to it. An ergonomic office chair is positioned in front of the desk, ready for someone to sit down and start working.",,6,5,entity,whole,entity - whole (mouse),Is there a mouse? +COCOval2014000000377183,"A modern office space featuring a sleek desk with a computer set up, including a monitor, keyboard, and mouse. Beside the computer, there's a printer with a stack of paper next to it. An ergonomic office chair is positioned in front of the desk, ready for someone to sit down and start working.",,7,2,entity,whole,entity - whole (printer),Is there a printer? +COCOval2014000000377183,"A modern office space featuring a sleek desk with a computer set up, including a monitor, keyboard, and mouse. Beside the computer, there's a printer with a stack of paper next to it. An ergonomic office chair is positioned in front of the desk, ready for someone to sit down and start working.",,8,7,entity,whole,entity - whole (paper),Is there paper? +COCOval2014000000377183,"A modern office space featuring a sleek desk with a computer set up, including a monitor, keyboard, and mouse. Beside the computer, there's a printer with a stack of paper next to it. An ergonomic office chair is positioned in front of the desk, ready for someone to sit down and start working.",,9,2,entity,whole,entity - whole (office chair),Is there an office chair? +COCOval2014000000377183,"A modern office space featuring a sleek desk with a computer set up, including a monitor, keyboard, and mouse. Beside the computer, there's a printer with a stack of paper next to it. An ergonomic office chair is positioned in front of the desk, ready for someone to sit down and start working.",,10,2,attribute,other,"attribute - other (desk, sleek)",Is the desk sleek? +COCOval2014000000377183,"A modern office space featuring a sleek desk with a computer set up, including a monitor, keyboard, and mouse. Beside the computer, there's a printer with a stack of paper next to it. An ergonomic office chair is positioned in front of the desk, ready for someone to sit down and start working.",,11,9,attribute,other,"attribute - other (chair, ergonomic)",Is the chair ergonomic? +COCOval2014000000377183,"A modern office space featuring a sleek desk with a computer set up, including a monitor, keyboard, and mouse. Beside the computer, there's a printer with a stack of paper next to it. An ergonomic office chair is positioned in front of the desk, ready for someone to sit down and start working.",,12,"3,2",relation,spatial,"relation - spatial (computer, desk, set up)",Is the computer set up on the desk? +COCOval2014000000377183,"A modern office space featuring a sleek desk with a computer set up, including a monitor, keyboard, and mouse. Beside the computer, there's a printer with a stack of paper next to it. An ergonomic office chair is positioned in front of the desk, ready for someone to sit down and start working.",,13,"4,3",relation,spatial,"relation - spatial (monitor, computer, beside)",Is the monitor beside the computer? +COCOval2014000000377183,"A modern office space featuring a sleek desk with a computer set up, including a monitor, keyboard, and mouse. Beside the computer, there's a printer with a stack of paper next to it. An ergonomic office chair is positioned in front of the desk, ready for someone to sit down and start working.",,14,"5,3",relation,spatial,"relation - spatial (keyboard, computer, beside)",Is the keyboard beside the computer? +COCOval2014000000377183,"A modern office space featuring a sleek desk with a computer set up, including a monitor, keyboard, and mouse. Beside the computer, there's a printer with a stack of paper next to it. An ergonomic office chair is positioned in front of the desk, ready for someone to sit down and start working.",,15,"6,3",relation,spatial,"relation - spatial (mouse, computer, beside)",Is the mouse beside the computer? +COCOval2014000000377183,"A modern office space featuring a sleek desk with a computer set up, including a monitor, keyboard, and mouse. Beside the computer, there's a printer with a stack of paper next to it. An ergonomic office chair is positioned in front of the desk, ready for someone to sit down and start working.",,16,"7,2",relation,spatial,"relation - spatial (printer, desk, beside)",Is the printer beside the desk? +COCOval2014000000377183,"A modern office space featuring a sleek desk with a computer set up, including a monitor, keyboard, and mouse. Beside the computer, there's a printer with a stack of paper next to it. An ergonomic office chair is positioned in front of the desk, ready for someone to sit down and start working.",,17,"8,7",relation,spatial,"relation - spatial (paper, printer, next to)",Is the paper next to the printer? +COCOval2014000000377183,"A modern office space featuring a sleek desk with a computer set up, including a monitor, keyboard, and mouse. Beside the computer, there's a printer with a stack of paper next to it. An ergonomic office chair is positioned in front of the desk, ready for someone to sit down and start working.",,18,"9,2",relation,spatial,"relation - spatial (chair, desk, in front of)",Is the office chair in front of the desk? +COCOval2014000000354868,"An aged locomotive, its surface weathered and worn, chugs forcefully along the tracks of a sprawling rail yard. The yard is a maze of intersecting rails, scattered with various railcars and equipment. The train's determined movement gives the impression of urgency as it navigates through the industrial landscape.",,1,0,entity,whole,entity - whole (locomotive),Is there a locomotive? +COCOval2014000000354868,"An aged locomotive, its surface weathered and worn, chugs forcefully along the tracks of a sprawling rail yard. The yard is a maze of intersecting rails, scattered with various railcars and equipment. The train's determined movement gives the impression of urgency as it navigates through the industrial landscape.",,2,1,attribute,other,"attribute - other (locomotive, aged)",Is the locomotive aged? +COCOval2014000000354868,"An aged locomotive, its surface weathered and worn, chugs forcefully along the tracks of a sprawling rail yard. The yard is a maze of intersecting rails, scattered with various railcars and equipment. The train's determined movement gives the impression of urgency as it navigates through the industrial landscape.",,3,1,attribute,texture,"attribute - texture (locomotive, weathered and worn)",Is the locomotive's surface weathered and worn? +COCOval2014000000354868,"An aged locomotive, its surface weathered and worn, chugs forcefully along the tracks of a sprawling rail yard. The yard is a maze of intersecting rails, scattered with various railcars and equipment. The train's determined movement gives the impression of urgency as it navigates through the industrial landscape.",,4,1,entity,state,"entity - state (locomotive, chug forcefully)",Is the locomotive chugging forcefully? +COCOval2014000000354868,"An aged locomotive, its surface weathered and worn, chugs forcefully along the tracks of a sprawling rail yard. The yard is a maze of intersecting rails, scattered with various railcars and equipment. The train's determined movement gives the impression of urgency as it navigates through the industrial landscape.",,5,1,entity,whole,entity - whole (tracks),Are there tracks? +COCOval2014000000354868,"An aged locomotive, its surface weathered and worn, chugs forcefully along the tracks of a sprawling rail yard. The yard is a maze of intersecting rails, scattered with various railcars and equipment. The train's determined movement gives the impression of urgency as it navigates through the industrial landscape.",,6,1,entity,whole,entity - whole (rail yard),Is there a rail yard? +COCOval2014000000354868,"An aged locomotive, its surface weathered and worn, chugs forcefully along the tracks of a sprawling rail yard. The yard is a maze of intersecting rails, scattered with various railcars and equipment. The train's determined movement gives the impression of urgency as it navigates through the industrial landscape.",,7,6,attribute,other,"attribute - other (rail yard, sprawling)",Is the rail yard sprawling? +COCOval2014000000354868,"An aged locomotive, its surface weathered and worn, chugs forcefully along the tracks of a sprawling rail yard. The yard is a maze of intersecting rails, scattered with various railcars and equipment. The train's determined movement gives the impression of urgency as it navigates through the industrial landscape.",,8,6,attribute,other,"attribute - other (rail yard, maze of intersecting rails)",Is the rail yard a maze of intersecting rails? +COCOval2014000000354868,"An aged locomotive, its surface weathered and worn, chugs forcefully along the tracks of a sprawling rail yard. The yard is a maze of intersecting rails, scattered with various railcars and equipment. The train's determined movement gives the impression of urgency as it navigates through the industrial landscape.",,9,6,entity,whole,entity - whole (railcars),Are there railcars? +COCOval2014000000354868,"An aged locomotive, its surface weathered and worn, chugs forcefully along the tracks of a sprawling rail yard. The yard is a maze of intersecting rails, scattered with various railcars and equipment. The train's determined movement gives the impression of urgency as it navigates through the industrial landscape.",,10,6,entity,whole,entity - whole (equipment),Is there equipment? +COCOval2014000000354868,"An aged locomotive, its surface weathered and worn, chugs forcefully along the tracks of a sprawling rail yard. The yard is a maze of intersecting rails, scattered with various railcars and equipment. The train's determined movement gives the impression of urgency as it navigates through the industrial landscape.",,11,1,entity,state,"entity - state (train, move)",Is the train moving? +COCOval2014000000354868,"An aged locomotive, its surface weathered and worn, chugs forcefully along the tracks of a sprawling rail yard. The yard is a maze of intersecting rails, scattered with various railcars and equipment. The train's determined movement gives the impression of urgency as it navigates through the industrial landscape.",,12,1,attribute,other,"attribute - other (train, determined)",Is the train determined? +COCOval2014000000354868,"An aged locomotive, its surface weathered and worn, chugs forcefully along the tracks of a sprawling rail yard. The yard is a maze of intersecting rails, scattered with various railcars and equipment. The train's determined movement gives the impression of urgency as it navigates through the industrial landscape.",,13,1,attribute,other,"attribute - other (train, urgent)",Is the train urgent? +COCOval2014000000354868,"An aged locomotive, its surface weathered and worn, chugs forcefully along the tracks of a sprawling rail yard. The yard is a maze of intersecting rails, scattered with various railcars and equipment. The train's determined movement gives the impression of urgency as it navigates through the industrial landscape.",,14,"1,5",relation,spatial,"relation - spatial (locomotive, tracks, along)",Is the locomotive moving along the tracks? +COCOval2014000000354868,"An aged locomotive, its surface weathered and worn, chugs forcefully along the tracks of a sprawling rail yard. The yard is a maze of intersecting rails, scattered with various railcars and equipment. The train's determined movement gives the impression of urgency as it navigates through the industrial landscape.",,15,"1,6",relation,spatial,"relation - spatial (locomotive, rail yard, through)",Is the locomotive moving through the rail yard? +COCOval2014000000354868,"An aged locomotive, its surface weathered and worn, chugs forcefully along the tracks of a sprawling rail yard. The yard is a maze of intersecting rails, scattered with various railcars and equipment. The train's determined movement gives the impression of urgency as it navigates through the industrial landscape.",,16,"6,9",relation,spatial,"relation - spatial (rail yard, railcars, scattered)",Are the railcars scattered in the rail yard? +COCOval2014000000354868,"An aged locomotive, its surface weathered and worn, chugs forcefully along the tracks of a sprawling rail yard. The yard is a maze of intersecting rails, scattered with various railcars and equipment. The train's determined movement gives the impression of urgency as it navigates through the industrial landscape.",,17,"6,10",relation,spatial,"relation - spatial (rail yard, equipment, scattered)",Is the equipment scattered in the rail yard? +COCOval2014000000110587,"A man stands in front of a bathroom mirror, a toothbrush lodged in his mouth as he brushes his teeth. The bathroom is equipped with a white porcelain sink and a small window that lets in natural light. On the counter, there's a tube of toothpaste lying next to a cup filled with assorted dental hygiene tools.",,1,0,entity,whole,entity - whole (man),Is there a man? +COCOval2014000000110587,"A man stands in front of a bathroom mirror, a toothbrush lodged in his mouth as he brushes his teeth. The bathroom is equipped with a white porcelain sink and a small window that lets in natural light. On the counter, there's a tube of toothpaste lying next to a cup filled with assorted dental hygiene tools.",,2,0,entity,whole,entity - whole (bathroom mirror),Is there a bathroom mirror? +COCOval2014000000110587,"A man stands in front of a bathroom mirror, a toothbrush lodged in his mouth as he brushes his teeth. The bathroom is equipped with a white porcelain sink and a small window that lets in natural light. On the counter, there's a tube of toothpaste lying next to a cup filled with assorted dental hygiene tools.",,3,0,entity,whole,entity - whole (toothbrush),Is there a toothbrush? +COCOval2014000000110587,"A man stands in front of a bathroom mirror, a toothbrush lodged in his mouth as he brushes his teeth. The bathroom is equipped with a white porcelain sink and a small window that lets in natural light. On the counter, there's a tube of toothpaste lying next to a cup filled with assorted dental hygiene tools.",,4,0,entity,whole,entity - whole (teeth),Are there teeth? +COCOval2014000000110587,"A man stands in front of a bathroom mirror, a toothbrush lodged in his mouth as he brushes his teeth. The bathroom is equipped with a white porcelain sink and a small window that lets in natural light. On the counter, there's a tube of toothpaste lying next to a cup filled with assorted dental hygiene tools.",,5,0,entity,whole,entity - whole (bathroom),Is there a bathroom? +COCOval2014000000110587,"A man stands in front of a bathroom mirror, a toothbrush lodged in his mouth as he brushes his teeth. The bathroom is equipped with a white porcelain sink and a small window that lets in natural light. On the counter, there's a tube of toothpaste lying next to a cup filled with assorted dental hygiene tools.",,6,0,entity,whole,entity - whole (sink),Is there a sink? +COCOval2014000000110587,"A man stands in front of a bathroom mirror, a toothbrush lodged in his mouth as he brushes his teeth. The bathroom is equipped with a white porcelain sink and a small window that lets in natural light. On the counter, there's a tube of toothpaste lying next to a cup filled with assorted dental hygiene tools.",,7,0,entity,whole,entity - whole (window),Is there a window? +COCOval2014000000110587,"A man stands in front of a bathroom mirror, a toothbrush lodged in his mouth as he brushes his teeth. The bathroom is equipped with a white porcelain sink and a small window that lets in natural light. On the counter, there's a tube of toothpaste lying next to a cup filled with assorted dental hygiene tools.",,8,0,entity,whole,entity - whole (light),Is there light? +COCOval2014000000110587,"A man stands in front of a bathroom mirror, a toothbrush lodged in his mouth as he brushes his teeth. The bathroom is equipped with a white porcelain sink and a small window that lets in natural light. On the counter, there's a tube of toothpaste lying next to a cup filled with assorted dental hygiene tools.",,9,0,entity,whole,entity - whole (counter),Is there a counter? +COCOval2014000000110587,"A man stands in front of a bathroom mirror, a toothbrush lodged in his mouth as he brushes his teeth. The bathroom is equipped with a white porcelain sink and a small window that lets in natural light. On the counter, there's a tube of toothpaste lying next to a cup filled with assorted dental hygiene tools.",,10,0,entity,whole,entity - whole (toothpaste),Is there toothpaste? +COCOval2014000000110587,"A man stands in front of a bathroom mirror, a toothbrush lodged in his mouth as he brushes his teeth. The bathroom is equipped with a white porcelain sink and a small window that lets in natural light. On the counter, there's a tube of toothpaste lying next to a cup filled with assorted dental hygiene tools.",,11,0,entity,whole,entity - whole (cup),Is there a cup? +COCOval2014000000110587,"A man stands in front of a bathroom mirror, a toothbrush lodged in his mouth as he brushes his teeth. The bathroom is equipped with a white porcelain sink and a small window that lets in natural light. On the counter, there's a tube of toothpaste lying next to a cup filled with assorted dental hygiene tools.",,12,6,attribute,color,"attribute - color (sink, white)",Is the sink white? +COCOval2014000000110587,"A man stands in front of a bathroom mirror, a toothbrush lodged in his mouth as he brushes his teeth. The bathroom is equipped with a white porcelain sink and a small window that lets in natural light. On the counter, there's a tube of toothpaste lying next to a cup filled with assorted dental hygiene tools.",,13,6,attribute,texture,"attribute - texture (sink, porcelain)",Is the sink made of porcelain? +COCOval2014000000110587,"A man stands in front of a bathroom mirror, a toothbrush lodged in his mouth as he brushes his teeth. The bathroom is equipped with a white porcelain sink and a small window that lets in natural light. On the counter, there's a tube of toothpaste lying next to a cup filled with assorted dental hygiene tools.",,14,7,attribute,size,"attribute - size (window, small)",Is the window small? +COCOval2014000000110587,"A man stands in front of a bathroom mirror, a toothbrush lodged in his mouth as he brushes his teeth. The bathroom is equipped with a white porcelain sink and a small window that lets in natural light. On the counter, there's a tube of toothpaste lying next to a cup filled with assorted dental hygiene tools.",,15,11,attribute,other,"attribute - other (dental hygiene tools, assorted)",Are the dental hygiene tools assorted? +COCOval2014000000110587,"A man stands in front of a bathroom mirror, a toothbrush lodged in his mouth as he brushes his teeth. The bathroom is equipped with a white porcelain sink and a small window that lets in natural light. On the counter, there's a tube of toothpaste lying next to a cup filled with assorted dental hygiene tools.",,16,"1,2",relation,spatial,"relation - spatial (man, bathroom mirror, in front of)",Is the man in front of the bathroom mirror? +COCOval2014000000110587,"A man stands in front of a bathroom mirror, a toothbrush lodged in his mouth as he brushes his teeth. The bathroom is equipped with a white porcelain sink and a small window that lets in natural light. On the counter, there's a tube of toothpaste lying next to a cup filled with assorted dental hygiene tools.",,17,"3,1",relation,spatial,"relation - spatial (toothbrush, man, lodged in mouth)",Is the toothbrush lodged in the man's mouth? +COCOval2014000000110587,"A man stands in front of a bathroom mirror, a toothbrush lodged in his mouth as he brushes his teeth. The bathroom is equipped with a white porcelain sink and a small window that lets in natural light. On the counter, there's a tube of toothpaste lying next to a cup filled with assorted dental hygiene tools.",,18,"3,4",relation,non-spatial,"relation - non-spatial (toothbrush, teeth, brush)",Is the man brushing his teeth with the toothbrush? +COCOval2014000000110587,"A man stands in front of a bathroom mirror, a toothbrush lodged in his mouth as he brushes his teeth. The bathroom is equipped with a white porcelain sink and a small window that lets in natural light. On the counter, there's a tube of toothpaste lying next to a cup filled with assorted dental hygiene tools.",,19,"7,5",relation,spatial,"relation - spatial (window, bathroom, in)",Is the window in the bathroom? +COCOval2014000000110587,"A man stands in front of a bathroom mirror, a toothbrush lodged in his mouth as he brushes his teeth. The bathroom is equipped with a white porcelain sink and a small window that lets in natural light. On the counter, there's a tube of toothpaste lying next to a cup filled with assorted dental hygiene tools.",,20,"10,9",relation,spatial,"relation - spatial (toothpaste, counter, next to)",Is the toothpaste next to the counter? +COCOval2014000000110587,"A man stands in front of a bathroom mirror, a toothbrush lodged in his mouth as he brushes his teeth. The bathroom is equipped with a white porcelain sink and a small window that lets in natural light. On the counter, there's a tube of toothpaste lying next to a cup filled with assorted dental hygiene tools.",,21,"11,9",relation,spatial,"relation - spatial (cup, counter, next to)",Is the cup next to the counter? +COCOval2014000000341973,"Two young girls stand side by side in a brightly lit room, each holding a colorful doughnut with a smile. They are dressed casually, and the room behind them features a neutral-colored wall and a few hanging pictures. Their cheerful expressions suggest they are enjoying a fun moment together during a friendly gathering.",,1,0,entity,whole,entity - whole (girls),Are there girls? +COCOval2014000000341973,"Two young girls stand side by side in a brightly lit room, each holding a colorful doughnut with a smile. They are dressed casually, and the room behind them features a neutral-colored wall and a few hanging pictures. Their cheerful expressions suggest they are enjoying a fun moment together during a friendly gathering.",,2,1,other,count,"other - count (girls, ==2)",Are there two girls? +COCOval2014000000341973,"Two young girls stand side by side in a brightly lit room, each holding a colorful doughnut with a smile. They are dressed casually, and the room behind them features a neutral-colored wall and a few hanging pictures. Their cheerful expressions suggest they are enjoying a fun moment together during a friendly gathering.",,3,1,entity,state,"entity - state (girls, young)",Are the girls young? +COCOval2014000000341973,"Two young girls stand side by side in a brightly lit room, each holding a colorful doughnut with a smile. They are dressed casually, and the room behind them features a neutral-colored wall and a few hanging pictures. Their cheerful expressions suggest they are enjoying a fun moment together during a friendly gathering.",,4,1,entity,state,"entity - state (room, brightly lit)",Is the room brightly lit? +COCOval2014000000341973,"Two young girls stand side by side in a brightly lit room, each holding a colorful doughnut with a smile. They are dressed casually, and the room behind them features a neutral-colored wall and a few hanging pictures. Their cheerful expressions suggest they are enjoying a fun moment together during a friendly gathering.",,5,0,entity,whole,entity - whole (doughnut),Are there doughnuts? +COCOval2014000000341973,"Two young girls stand side by side in a brightly lit room, each holding a colorful doughnut with a smile. They are dressed casually, and the room behind them features a neutral-colored wall and a few hanging pictures. Their cheerful expressions suggest they are enjoying a fun moment together during a friendly gathering.",,6,5,attribute,color,"attribute - color (doughnut, colorful)",Are the doughnuts colorful? +COCOval2014000000341973,"Two young girls stand side by side in a brightly lit room, each holding a colorful doughnut with a smile. They are dressed casually, and the room behind them features a neutral-colored wall and a few hanging pictures. Their cheerful expressions suggest they are enjoying a fun moment together during a friendly gathering.",,7,2,entity,state,"entity - state (girls, smile)",Are the girls smiling? +COCOval2014000000341973,"Two young girls stand side by side in a brightly lit room, each holding a colorful doughnut with a smile. They are dressed casually, and the room behind them features a neutral-colored wall and a few hanging pictures. Their cheerful expressions suggest they are enjoying a fun moment together during a friendly gathering.",,8,1,attribute,other,"attribute - other (girls, dressed casually)",Are the girls dressed casually? +COCOval2014000000341973,"Two young girls stand side by side in a brightly lit room, each holding a colorful doughnut with a smile. They are dressed casually, and the room behind them features a neutral-colored wall and a few hanging pictures. Their cheerful expressions suggest they are enjoying a fun moment together during a friendly gathering.",,9,0,entity,whole,entity - whole (room),Is there a room? +COCOval2014000000341973,"Two young girls stand side by side in a brightly lit room, each holding a colorful doughnut with a smile. They are dressed casually, and the room behind them features a neutral-colored wall and a few hanging pictures. Their cheerful expressions suggest they are enjoying a fun moment together during a friendly gathering.",,10,9,attribute,color,"attribute - color (wall, neutral-colored)",Is the wall neutral-colored? +COCOval2014000000341973,"Two young girls stand side by side in a brightly lit room, each holding a colorful doughnut with a smile. They are dressed casually, and the room behind them features a neutral-colored wall and a few hanging pictures. Their cheerful expressions suggest they are enjoying a fun moment together during a friendly gathering.",,11,9,entity,whole,entity - whole (pictures),Are there pictures? +COCOval2014000000341973,"Two young girls stand side by side in a brightly lit room, each holding a colorful doughnut with a smile. They are dressed casually, and the room behind them features a neutral-colored wall and a few hanging pictures. Their cheerful expressions suggest they are enjoying a fun moment together during a friendly gathering.",,12,"1,2",entity,state,"entity - state (expressions, cheerful)",Are their expressions cheerful? +COCOval2014000000341973,"Two young girls stand side by side in a brightly lit room, each holding a colorful doughnut with a smile. They are dressed casually, and the room behind them features a neutral-colored wall and a few hanging pictures. Their cheerful expressions suggest they are enjoying a fun moment together during a friendly gathering.",,13,"1,2",entity,state,"entity - state (girls, enjoy)",Are the girls enjoying themselves? +COCOval2014000000341973,"Two young girls stand side by side in a brightly lit room, each holding a colorful doughnut with a smile. They are dressed casually, and the room behind them features a neutral-colored wall and a few hanging pictures. Their cheerful expressions suggest they are enjoying a fun moment together during a friendly gathering.",,14,"1,2",entity,state,"entity - state (girls, fun moment)",Are the girls having a fun moment? +COCOval2014000000341973,"Two young girls stand side by side in a brightly lit room, each holding a colorful doughnut with a smile. They are dressed casually, and the room behind them features a neutral-colored wall and a few hanging pictures. Their cheerful expressions suggest they are enjoying a fun moment together during a friendly gathering.",,15,"1,2",entity,state,"entity - state (girls, friendly gathering)",Are the girls at a friendly gathering? +COCOval2014000000398222,"A spacious dining room filled with a large table set for a feast, surrounded by guests engaged in lively conversation. The table is adorned with fine china, gleaming silverware, and an array of colorful dishes ready to be enjoyed. Soft lighting casts a warm glow over the scene, highlighting the faces of the many attendees who have come together to enjoy the dinner party.",,1,0,entity,whole,entity - whole (dining room),Is there a dining room? +COCOval2014000000398222,"A spacious dining room filled with a large table set for a feast, surrounded by guests engaged in lively conversation. The table is adorned with fine china, gleaming silverware, and an array of colorful dishes ready to be enjoyed. Soft lighting casts a warm glow over the scene, highlighting the faces of the many attendees who have come together to enjoy the dinner party.",,2,0,entity,whole,entity - whole (table),Is there a table? +COCOval2014000000398222,"A spacious dining room filled with a large table set for a feast, surrounded by guests engaged in lively conversation. The table is adorned with fine china, gleaming silverware, and an array of colorful dishes ready to be enjoyed. Soft lighting casts a warm glow over the scene, highlighting the faces of the many attendees who have come together to enjoy the dinner party.",,3,0,entity,whole,entity - whole (feast),Is there a feast? +COCOval2014000000398222,"A spacious dining room filled with a large table set for a feast, surrounded by guests engaged in lively conversation. The table is adorned with fine china, gleaming silverware, and an array of colorful dishes ready to be enjoyed. Soft lighting casts a warm glow over the scene, highlighting the faces of the many attendees who have come together to enjoy the dinner party.",,4,0,entity,whole,entity - whole (guests),Are there guests? +COCOval2014000000398222,"A spacious dining room filled with a large table set for a feast, surrounded by guests engaged in lively conversation. The table is adorned with fine china, gleaming silverware, and an array of colorful dishes ready to be enjoyed. Soft lighting casts a warm glow over the scene, highlighting the faces of the many attendees who have come together to enjoy the dinner party.",,5,0,entity,whole,entity - whole (conversation),Is there a conversation? +COCOval2014000000398222,"A spacious dining room filled with a large table set for a feast, surrounded by guests engaged in lively conversation. The table is adorned with fine china, gleaming silverware, and an array of colorful dishes ready to be enjoyed. Soft lighting casts a warm glow over the scene, highlighting the faces of the many attendees who have come together to enjoy the dinner party.",,6,0,entity,whole,entity - whole (china),Is there fine china? +COCOval2014000000398222,"A spacious dining room filled with a large table set for a feast, surrounded by guests engaged in lively conversation. The table is adorned with fine china, gleaming silverware, and an array of colorful dishes ready to be enjoyed. Soft lighting casts a warm glow over the scene, highlighting the faces of the many attendees who have come together to enjoy the dinner party.",,7,0,entity,whole,entity - whole (silverware),Is there gleaming silverware? +COCOval2014000000398222,"A spacious dining room filled with a large table set for a feast, surrounded by guests engaged in lively conversation. The table is adorned with fine china, gleaming silverware, and an array of colorful dishes ready to be enjoyed. Soft lighting casts a warm glow over the scene, highlighting the faces of the many attendees who have come together to enjoy the dinner party.",,8,0,entity,whole,entity - whole (dishes),Are there colorful dishes? +COCOval2014000000398222,"A spacious dining room filled with a large table set for a feast, surrounded by guests engaged in lively conversation. The table is adorned with fine china, gleaming silverware, and an array of colorful dishes ready to be enjoyed. Soft lighting casts a warm glow over the scene, highlighting the faces of the many attendees who have come together to enjoy the dinner party.",,9,0,entity,whole,entity - whole (lighting),Is there lighting? +COCOval2014000000398222,"A spacious dining room filled with a large table set for a feast, surrounded by guests engaged in lively conversation. The table is adorned with fine china, gleaming silverware, and an array of colorful dishes ready to be enjoyed. Soft lighting casts a warm glow over the scene, highlighting the faces of the many attendees who have come together to enjoy the dinner party.",,10,0,entity,whole,entity - whole (faces),Are there faces? +COCOval2014000000398222,"A spacious dining room filled with a large table set for a feast, surrounded by guests engaged in lively conversation. The table is adorned with fine china, gleaming silverware, and an array of colorful dishes ready to be enjoyed. Soft lighting casts a warm glow over the scene, highlighting the faces of the many attendees who have come together to enjoy the dinner party.",,11,0,entity,whole,entity - whole (attendees),Are there attendees? +COCOval2014000000398222,"A spacious dining room filled with a large table set for a feast, surrounded by guests engaged in lively conversation. The table is adorned with fine china, gleaming silverware, and an array of colorful dishes ready to be enjoyed. Soft lighting casts a warm glow over the scene, highlighting the faces of the many attendees who have come together to enjoy the dinner party.",,12,0,entity,whole,entity - whole (dinner party),Is this a dinner party? +COCOval2014000000398222,"A spacious dining room filled with a large table set for a feast, surrounded by guests engaged in lively conversation. The table is adorned with fine china, gleaming silverware, and an array of colorful dishes ready to be enjoyed. Soft lighting casts a warm glow over the scene, highlighting the faces of the many attendees who have come together to enjoy the dinner party.",,13,1,attribute,size,"attribute - size (dining room, spacious)",Is the dining room spacious? +COCOval2014000000398222,"A spacious dining room filled with a large table set for a feast, surrounded by guests engaged in lively conversation. The table is adorned with fine china, gleaming silverware, and an array of colorful dishes ready to be enjoyed. Soft lighting casts a warm glow over the scene, highlighting the faces of the many attendees who have come together to enjoy the dinner party.",,14,2,attribute,size,"attribute - size (table, large)",Is the table large? +COCOval2014000000398222,"A spacious dining room filled with a large table set for a feast, surrounded by guests engaged in lively conversation. The table is adorned with fine china, gleaming silverware, and an array of colorful dishes ready to be enjoyed. Soft lighting casts a warm glow over the scene, highlighting the faces of the many attendees who have come together to enjoy the dinner party.",,15,6,attribute,other,"attribute - other (china, fine)",Is the china fine? +COCOval2014000000398222,"A spacious dining room filled with a large table set for a feast, surrounded by guests engaged in lively conversation. The table is adorned with fine china, gleaming silverware, and an array of colorful dishes ready to be enjoyed. Soft lighting casts a warm glow over the scene, highlighting the faces of the many attendees who have come together to enjoy the dinner party.",,16,7,attribute,other,"attribute - other (silverware, gleaming)",Is the silverware gleaming? +COCOval2014000000398222,"A spacious dining room filled with a large table set for a feast, surrounded by guests engaged in lively conversation. The table is adorned with fine china, gleaming silverware, and an array of colorful dishes ready to be enjoyed. Soft lighting casts a warm glow over the scene, highlighting the faces of the many attendees who have come together to enjoy the dinner party.",,17,8,attribute,other,"attribute - other (dishes, colorful)",Are the dishes colorful? +COCOval2014000000398222,"A spacious dining room filled with a large table set for a feast, surrounded by guests engaged in lively conversation. The table is adorned with fine china, gleaming silverware, and an array of colorful dishes ready to be enjoyed. Soft lighting casts a warm glow over the scene, highlighting the faces of the many attendees who have come together to enjoy the dinner party.",,18,9,attribute,other,"attribute - other (lighting, soft)",Is the lighting soft? +COCOval2014000000398222,"A spacious dining room filled with a large table set for a feast, surrounded by guests engaged in lively conversation. The table is adorned with fine china, gleaming silverware, and an array of colorful dishes ready to be enjoyed. Soft lighting casts a warm glow over the scene, highlighting the faces of the many attendees who have come together to enjoy the dinner party.",,19,9,attribute,other,"attribute - other (lighting, warm)",Is the lighting warm? +COCOval2014000000398222,"A spacious dining room filled with a large table set for a feast, surrounded by guests engaged in lively conversation. The table is adorned with fine china, gleaming silverware, and an array of colorful dishes ready to be enjoyed. Soft lighting casts a warm glow over the scene, highlighting the faces of the many attendees who have come together to enjoy the dinner party.",,20,"2,1",relation,spatial,"relation - spatial (table, dining room, in)",Is the table in the dining room? +COCOval2014000000398222,"A spacious dining room filled with a large table set for a feast, surrounded by guests engaged in lively conversation. The table is adorned with fine china, gleaming silverware, and an array of colorful dishes ready to be enjoyed. Soft lighting casts a warm glow over the scene, highlighting the faces of the many attendees who have come together to enjoy the dinner party.",,21,"4,2",relation,spatial,"relation - spatial (guests, table, surrounded by)",Are the guests surrounded by the table? +COCOval2014000000398222,"A spacious dining room filled with a large table set for a feast, surrounded by guests engaged in lively conversation. The table is adorned with fine china, gleaming silverware, and an array of colorful dishes ready to be enjoyed. Soft lighting casts a warm glow over the scene, highlighting the faces of the many attendees who have come together to enjoy the dinner party.",,22,"4,5",relation,spatial,"relation - spatial (guests, conversation, engaged in)",Are the guests engaged in conversation? +COCOval2014000000398222,"A spacious dining room filled with a large table set for a feast, surrounded by guests engaged in lively conversation. The table is adorned with fine china, gleaming silverware, and an array of colorful dishes ready to be enjoyed. Soft lighting casts a warm glow over the scene, highlighting the faces of the many attendees who have come together to enjoy the dinner party.",,23,"2,6",relation,spatial,"relation - spatial (table, china, adorned with)",Is the table adorned with china? +COCOval2014000000398222,"A spacious dining room filled with a large table set for a feast, surrounded by guests engaged in lively conversation. The table is adorned with fine china, gleaming silverware, and an array of colorful dishes ready to be enjoyed. Soft lighting casts a warm glow over the scene, highlighting the faces of the many attendees who have come together to enjoy the dinner party.",,24,"2,7",relation,spatial,"relation - spatial (table, silverware, adorned with)",Is the table adorned with silverware? +COCOval2014000000398222,"A spacious dining room filled with a large table set for a feast, surrounded by guests engaged in lively conversation. The table is adorned with fine china, gleaming silverware, and an array of colorful dishes ready to be enjoyed. Soft lighting casts a warm glow over the scene, highlighting the faces of the many attendees who have come together to enjoy the dinner party.",,25,"2,8",relation,spatial,"relation - spatial (table, dishes, adorned with)",Is the table adorned with dishes? +COCOval2014000000398222,"A spacious dining room filled with a large table set for a feast, surrounded by guests engaged in lively conversation. The table is adorned with fine china, gleaming silverware, and an array of colorful dishes ready to be enjoyed. Soft lighting casts a warm glow over the scene, highlighting the faces of the many attendees who have come together to enjoy the dinner party.",,26,"9,1",relation,spatial,"relation - spatial (lighting, scene, cast over)",Is the lighting cast over the scene? +COCOval2014000000398222,"A spacious dining room filled with a large table set for a feast, surrounded by guests engaged in lively conversation. The table is adorned with fine china, gleaming silverware, and an array of colorful dishes ready to be enjoyed. Soft lighting casts a warm glow over the scene, highlighting the faces of the many attendees who have come together to enjoy the dinner party.",,27,"9,10",relation,spatial,"relation - spatial (lighting, faces, highlighting)",Is the lighting highlighting the faces? +COCOval2014000000398222,"A spacious dining room filled with a large table set for a feast, surrounded by guests engaged in lively conversation. The table is adorned with fine china, gleaming silverware, and an array of colorful dishes ready to be enjoyed. Soft lighting casts a warm glow over the scene, highlighting the faces of the many attendees who have come together to enjoy the dinner party.",,28,"11,12",relation,spatial,"relation - spatial (attendees, dinner party, come together)",Have the attendees come together for the dinner party? +COCOval2014000000126046,"An urban street corner featuring freshly painted blue arrows on the asphalt, directing traffic flow. Several bright orange traffic cones are strategically placed to guide vehicles around a construction area. In the background, a traffic light hangs above, glowing green, signaling drivers to proceed with caution.",,1,0,entity,whole,entity - whole (street corner),Is there a street corner? +COCOval2014000000126046,"An urban street corner featuring freshly painted blue arrows on the asphalt, directing traffic flow. Several bright orange traffic cones are strategically placed to guide vehicles around a construction area. In the background, a traffic light hangs above, glowing green, signaling drivers to proceed with caution.",,2,1,attribute,color,"attribute - color (arrows, blue)",Are there blue arrows? +COCOval2014000000126046,"An urban street corner featuring freshly painted blue arrows on the asphalt, directing traffic flow. Several bright orange traffic cones are strategically placed to guide vehicles around a construction area. In the background, a traffic light hangs above, glowing green, signaling drivers to proceed with caution.",,3,2,attribute,texture,"attribute - texture (arrows, freshly painted)",Are the arrows freshly painted? +COCOval2014000000126046,"An urban street corner featuring freshly painted blue arrows on the asphalt, directing traffic flow. Several bright orange traffic cones are strategically placed to guide vehicles around a construction area. In the background, a traffic light hangs above, glowing green, signaling drivers to proceed with caution.",,4,1,entity,whole,entity - whole (asphalt),Is there asphalt? +COCOval2014000000126046,"An urban street corner featuring freshly painted blue arrows on the asphalt, directing traffic flow. Several bright orange traffic cones are strategically placed to guide vehicles around a construction area. In the background, a traffic light hangs above, glowing green, signaling drivers to proceed with caution.",,5,1,entity,whole,entity - whole (traffic cones),Are there traffic cones? +COCOval2014000000126046,"An urban street corner featuring freshly painted blue arrows on the asphalt, directing traffic flow. Several bright orange traffic cones are strategically placed to guide vehicles around a construction area. In the background, a traffic light hangs above, glowing green, signaling drivers to proceed with caution.",,6,5,attribute,color,"attribute - color (traffic cones, bright orange)",Are the traffic cones bright orange? +COCOval2014000000126046,"An urban street corner featuring freshly painted blue arrows on the asphalt, directing traffic flow. Several bright orange traffic cones are strategically placed to guide vehicles around a construction area. In the background, a traffic light hangs above, glowing green, signaling drivers to proceed with caution.",,7,5,relation,spatial,"relation - spatial (traffic cones, construction area, around)",Are the traffic cones guiding vehicles around a construction area? +COCOval2014000000126046,"An urban street corner featuring freshly painted blue arrows on the asphalt, directing traffic flow. Several bright orange traffic cones are strategically placed to guide vehicles around a construction area. In the background, a traffic light hangs above, glowing green, signaling drivers to proceed with caution.",,8,1,entity,whole,entity - whole (background),Is there a background? +COCOval2014000000126046,"An urban street corner featuring freshly painted blue arrows on the asphalt, directing traffic flow. Several bright orange traffic cones are strategically placed to guide vehicles around a construction area. In the background, a traffic light hangs above, glowing green, signaling drivers to proceed with caution.",,9,1,entity,whole,entity - whole (traffic light),Is there a traffic light? +COCOval2014000000126046,"An urban street corner featuring freshly painted blue arrows on the asphalt, directing traffic flow. Several bright orange traffic cones are strategically placed to guide vehicles around a construction area. In the background, a traffic light hangs above, glowing green, signaling drivers to proceed with caution.",,10,9,attribute,color,"attribute - color (traffic light, green)",Is the traffic light green? +COCOval2014000000126046,"An urban street corner featuring freshly painted blue arrows on the asphalt, directing traffic flow. Several bright orange traffic cones are strategically placed to guide vehicles around a construction area. In the background, a traffic light hangs above, glowing green, signaling drivers to proceed with caution.",,11,9,entity,state,"entity - state (traffic light, glow)",Is the traffic light glowing? +COCOval2014000000126046,"An urban street corner featuring freshly painted blue arrows on the asphalt, directing traffic flow. Several bright orange traffic cones are strategically placed to guide vehicles around a construction area. In the background, a traffic light hangs above, glowing green, signaling drivers to proceed with caution.",,12,9,relation,spatial,"relation - spatial (traffic light, drivers, above)",Is the traffic light above the drivers? +COCOval2014000000126046,"An urban street corner featuring freshly painted blue arrows on the asphalt, directing traffic flow. Several bright orange traffic cones are strategically placed to guide vehicles around a construction area. In the background, a traffic light hangs above, glowing green, signaling drivers to proceed with caution.",,13,9,relation,spatial,"relation - spatial (traffic light, drivers, signal)",Is the traffic light signaling the drivers? +COCOval2014000000365511,"A suburban street lined with power lines that intersect above, casting a web of shadows on the pavement below. To the side, a solitary tree stands tall, its branches reaching towards the lines. Nearby, a street sign is clearly visible, indicating directions or street names for passersby.",,1,0,entity,whole,entity - whole (street),Is there a street? +COCOval2014000000365511,"A suburban street lined with power lines that intersect above, casting a web of shadows on the pavement below. To the side, a solitary tree stands tall, its branches reaching towards the lines. Nearby, a street sign is clearly visible, indicating directions or street names for passersby.",,2,0,entity,whole,entity - whole (power lines),Are there power lines? +COCOval2014000000365511,"A suburban street lined with power lines that intersect above, casting a web of shadows on the pavement below. To the side, a solitary tree stands tall, its branches reaching towards the lines. Nearby, a street sign is clearly visible, indicating directions or street names for passersby.",,3,0,entity,whole,entity - whole (shadows),Are there shadows? +COCOval2014000000365511,"A suburban street lined with power lines that intersect above, casting a web of shadows on the pavement below. To the side, a solitary tree stands tall, its branches reaching towards the lines. Nearby, a street sign is clearly visible, indicating directions or street names for passersby.",,4,0,entity,whole,entity - whole (pavement),Is there pavement? +COCOval2014000000365511,"A suburban street lined with power lines that intersect above, casting a web of shadows on the pavement below. To the side, a solitary tree stands tall, its branches reaching towards the lines. Nearby, a street sign is clearly visible, indicating directions or street names for passersby.",,5,0,entity,whole,entity - whole (tree),Is there a tree? +COCOval2014000000365511,"A suburban street lined with power lines that intersect above, casting a web of shadows on the pavement below. To the side, a solitary tree stands tall, its branches reaching towards the lines. Nearby, a street sign is clearly visible, indicating directions or street names for passersby.",,6,5,entity,whole,entity - whole (branches),Are there branches? +COCOval2014000000365511,"A suburban street lined with power lines that intersect above, casting a web of shadows on the pavement below. To the side, a solitary tree stands tall, its branches reaching towards the lines. Nearby, a street sign is clearly visible, indicating directions or street names for passersby.",,7,0,entity,whole,entity - whole (street sign),Is there a street sign? +COCOval2014000000365511,"A suburban street lined with power lines that intersect above, casting a web of shadows on the pavement below. To the side, a solitary tree stands tall, its branches reaching towards the lines. Nearby, a street sign is clearly visible, indicating directions or street names for passersby.",,8,2,attribute,other,"attribute - other (power lines, intersect above)",Do the power lines intersect above? +COCOval2014000000365511,"A suburban street lined with power lines that intersect above, casting a web of shadows on the pavement below. To the side, a solitary tree stands tall, its branches reaching towards the lines. Nearby, a street sign is clearly visible, indicating directions or street names for passersby.",,9,3,attribute,texture,"attribute - texture (shadows, web-like)",Are the shadows web-like? +COCOval2014000000365511,"A suburban street lined with power lines that intersect above, casting a web of shadows on the pavement below. To the side, a solitary tree stands tall, its branches reaching towards the lines. Nearby, a street sign is clearly visible, indicating directions or street names for passersby.",,10,"2,4",relation,spatial,"relation - spatial (power lines, pavement, cast)",Are the power lines casting shadows on the pavement? +COCOval2014000000365511,"A suburban street lined with power lines that intersect above, casting a web of shadows on the pavement below. To the side, a solitary tree stands tall, its branches reaching towards the lines. Nearby, a street sign is clearly visible, indicating directions or street names for passersby.",,11,"5,2",relation,spatial,"relation - spatial (tree, power lines, reach towards)",Are the tree branches reaching towards the power lines? +COCOval2014000000365511,"A suburban street lined with power lines that intersect above, casting a web of shadows on the pavement below. To the side, a solitary tree stands tall, its branches reaching towards the lines. Nearby, a street sign is clearly visible, indicating directions or street names for passersby.",,12,"7,1",relation,spatial,"relation - spatial (street sign, street, nearby)",Is the street sign nearby the street? +COCOval2014000000070471,"An adult is seated on a beige couch in a living room, holding a small child in their lap. The child, with a mischievous glint in their eye, is playfully biting into a black television remote. Around them, the room is filled with scattered toys and a plush, colorful rug on the floor.",,1,0,entity,whole,entity - whole (adult),Is there an adult? +COCOval2014000000070471,"An adult is seated on a beige couch in a living room, holding a small child in their lap. The child, with a mischievous glint in their eye, is playfully biting into a black television remote. Around them, the room is filled with scattered toys and a plush, colorful rug on the floor.",,2,0,entity,whole,entity - whole (couch),Is there a couch? +COCOval2014000000070471,"An adult is seated on a beige couch in a living room, holding a small child in their lap. The child, with a mischievous glint in their eye, is playfully biting into a black television remote. Around them, the room is filled with scattered toys and a plush, colorful rug on the floor.",,3,0,entity,whole,entity - whole (living room),Is there a living room? +COCOval2014000000070471,"An adult is seated on a beige couch in a living room, holding a small child in their lap. The child, with a mischievous glint in their eye, is playfully biting into a black television remote. Around them, the room is filled with scattered toys and a plush, colorful rug on the floor.",,4,0,entity,whole,entity - whole (child),Is there a child? +COCOval2014000000070471,"An adult is seated on a beige couch in a living room, holding a small child in their lap. The child, with a mischievous glint in their eye, is playfully biting into a black television remote. Around them, the room is filled with scattered toys and a plush, colorful rug on the floor.",,5,0,entity,whole,entity - whole (television remote),Is there a television remote? +COCOval2014000000070471,"An adult is seated on a beige couch in a living room, holding a small child in their lap. The child, with a mischievous glint in their eye, is playfully biting into a black television remote. Around them, the room is filled with scattered toys and a plush, colorful rug on the floor.",,6,0,entity,whole,entity - whole (toys),Are there toys? +COCOval2014000000070471,"An adult is seated on a beige couch in a living room, holding a small child in their lap. The child, with a mischievous glint in their eye, is playfully biting into a black television remote. Around them, the room is filled with scattered toys and a plush, colorful rug on the floor.",,7,0,entity,whole,entity - whole (rug),Is there a rug? +COCOval2014000000070471,"An adult is seated on a beige couch in a living room, holding a small child in their lap. The child, with a mischievous glint in their eye, is playfully biting into a black television remote. Around them, the room is filled with scattered toys and a plush, colorful rug on the floor.",,8,2,attribute,color,"attribute - color (couch, beige)",Is the couch beige? +COCOval2014000000070471,"An adult is seated on a beige couch in a living room, holding a small child in their lap. The child, with a mischievous glint in their eye, is playfully biting into a black television remote. Around them, the room is filled with scattered toys and a plush, colorful rug on the floor.",,9,5,attribute,color,"attribute - color (remote, black)",Is the remote black? +COCOval2014000000070471,"An adult is seated on a beige couch in a living room, holding a small child in their lap. The child, with a mischievous glint in their eye, is playfully biting into a black television remote. Around them, the room is filled with scattered toys and a plush, colorful rug on the floor.",,10,7,attribute,texture,"attribute - texture (rug, plush)",Is the rug plush? +COCOval2014000000070471,"An adult is seated on a beige couch in a living room, holding a small child in their lap. The child, with a mischievous glint in their eye, is playfully biting into a black television remote. Around them, the room is filled with scattered toys and a plush, colorful rug on the floor.",,11,1,entity,state,"entity - state (adult, sit)",Is the adult sitting? +COCOval2014000000070471,"An adult is seated on a beige couch in a living room, holding a small child in their lap. The child, with a mischievous glint in their eye, is playfully biting into a black television remote. Around them, the room is filled with scattered toys and a plush, colorful rug on the floor.",,12,4,entity,state,"entity - state (child, playful)",Is the child playful? +COCOval2014000000070471,"An adult is seated on a beige couch in a living room, holding a small child in their lap. The child, with a mischievous glint in their eye, is playfully biting into a black television remote. Around them, the room is filled with scattered toys and a plush, colorful rug on the floor.",,13,4,entity,state,"entity - state (child, mischievous)",Does the child look mischievous? +COCOval2014000000070471,"An adult is seated on a beige couch in a living room, holding a small child in their lap. The child, with a mischievous glint in their eye, is playfully biting into a black television remote. Around them, the room is filled with scattered toys and a plush, colorful rug on the floor.",,14,5,entity,state,"entity - state (child, bite into)",Is the child biting into the remote? +COCOval2014000000070471,"An adult is seated on a beige couch in a living room, holding a small child in their lap. The child, with a mischievous glint in their eye, is playfully biting into a black television remote. Around them, the room is filled with scattered toys and a plush, colorful rug on the floor.",,15,"1,2",relation,spatial,"relation - spatial (adult, couch, on)",Is the adult on the couch? +COCOval2014000000070471,"An adult is seated on a beige couch in a living room, holding a small child in their lap. The child, with a mischievous glint in their eye, is playfully biting into a black television remote. Around them, the room is filled with scattered toys and a plush, colorful rug on the floor.",,16,"4,1",relation,spatial,"relation - spatial (child, adult, in lap)",Is the child in the adult's lap? +COCOval2014000000070471,"An adult is seated on a beige couch in a living room, holding a small child in their lap. The child, with a mischievous glint in their eye, is playfully biting into a black television remote. Around them, the room is filled with scattered toys and a plush, colorful rug on the floor.",,17,"4,5",relation,non-spatial,"relation - non-spatial (child, remote, bite into)",Is the child biting into the remote? +COCOval2014000000070471,"An adult is seated on a beige couch in a living room, holding a small child in their lap. The child, with a mischievous glint in their eye, is playfully biting into a black television remote. Around them, the room is filled with scattered toys and a plush, colorful rug on the floor.",,18,"6,3",relation,spatial,"relation - spatial (toys, room, scattered)",Are the toys scattered around the room? +COCOval2014000000070471,"An adult is seated on a beige couch in a living room, holding a small child in their lap. The child, with a mischievous glint in their eye, is playfully biting into a black television remote. Around them, the room is filled with scattered toys and a plush, colorful rug on the floor.",,19,"7,3",relation,spatial,"relation - spatial (rug, floor, on)",Is the rug on the floor? +COCOval2014000000167696,"a life-sized zebra sculpture positioned in the center of a well-manicured garden space. The garden is dotted with a variety of lush plants and flowers, providing a vibrant backdrop to the monochromatic statue. A gravel pathway winds around the garden, inviting visitors to view the sculpture from different angles.",,1,0,entity,whole,entity - whole (zebra sculpture),Is there a zebra sculpture? +COCOval2014000000167696,"a life-sized zebra sculpture positioned in the center of a well-manicured garden space. The garden is dotted with a variety of lush plants and flowers, providing a vibrant backdrop to the monochromatic statue. A gravel pathway winds around the garden, inviting visitors to view the sculpture from different angles.",,2,0,entity,whole,entity - whole (garden),Is there a garden? +COCOval2014000000167696,"a life-sized zebra sculpture positioned in the center of a well-manicured garden space. The garden is dotted with a variety of lush plants and flowers, providing a vibrant backdrop to the monochromatic statue. A gravel pathway winds around the garden, inviting visitors to view the sculpture from different angles.",,3,2,entity,whole,entity - whole (plants),Are there plants? +COCOval2014000000167696,"a life-sized zebra sculpture positioned in the center of a well-manicured garden space. The garden is dotted with a variety of lush plants and flowers, providing a vibrant backdrop to the monochromatic statue. A gravel pathway winds around the garden, inviting visitors to view the sculpture from different angles.",,4,3,entity,whole,entity - whole (flowers),Are there flowers? +COCOval2014000000167696,"a life-sized zebra sculpture positioned in the center of a well-manicured garden space. The garden is dotted with a variety of lush plants and flowers, providing a vibrant backdrop to the monochromatic statue. A gravel pathway winds around the garden, inviting visitors to view the sculpture from different angles.",,5,0,entity,whole,entity - whole (pathway),Is there a pathway? +COCOval2014000000167696,"a life-sized zebra sculpture positioned in the center of a well-manicured garden space. The garden is dotted with a variety of lush plants and flowers, providing a vibrant backdrop to the monochromatic statue. A gravel pathway winds around the garden, inviting visitors to view the sculpture from different angles.",,6,1,attribute,size,"attribute - size (zebra sculpture, life-sized)",Is the zebra sculpture life-sized? +COCOval2014000000167696,"a life-sized zebra sculpture positioned in the center of a well-manicured garden space. The garden is dotted with a variety of lush plants and flowers, providing a vibrant backdrop to the monochromatic statue. A gravel pathway winds around the garden, inviting visitors to view the sculpture from different angles.",,7,2,attribute,texture,"attribute - texture (garden, well-manicured)",Is the garden well-manicured? +COCOval2014000000167696,"a life-sized zebra sculpture positioned in the center of a well-manicured garden space. The garden is dotted with a variety of lush plants and flowers, providing a vibrant backdrop to the monochromatic statue. A gravel pathway winds around the garden, inviting visitors to view the sculpture from different angles.",,8,3,attribute,texture,"attribute - texture (plants, lush)",Are the plants lush? +COCOval2014000000167696,"a life-sized zebra sculpture positioned in the center of a well-manicured garden space. The garden is dotted with a variety of lush plants and flowers, providing a vibrant backdrop to the monochromatic statue. A gravel pathway winds around the garden, inviting visitors to view the sculpture from different angles.",,9,4,attribute,texture,"attribute - texture (flowers, vibrant)",Are the flowers vibrant? +COCOval2014000000167696,"a life-sized zebra sculpture positioned in the center of a well-manicured garden space. The garden is dotted with a variety of lush plants and flowers, providing a vibrant backdrop to the monochromatic statue. A gravel pathway winds around the garden, inviting visitors to view the sculpture from different angles.",,10,5,attribute,texture,"attribute - texture (pathway, gravel)",Is the pathway made of gravel? +COCOval2014000000167696,"a life-sized zebra sculpture positioned in the center of a well-manicured garden space. The garden is dotted with a variety of lush plants and flowers, providing a vibrant backdrop to the monochromatic statue. A gravel pathway winds around the garden, inviting visitors to view the sculpture from different angles.",,11,"1,2",relation,spatial,"relation - spatial (zebra sculpture, garden, center)",Is the zebra sculpture positioned in the center of the garden? +COCOval2014000000167696,"a life-sized zebra sculpture positioned in the center of a well-manicured garden space. The garden is dotted with a variety of lush plants and flowers, providing a vibrant backdrop to the monochromatic statue. A gravel pathway winds around the garden, inviting visitors to view the sculpture from different angles.",,12,"2,3",relation,spatial,"relation - spatial (garden, plants, dotted with)",Are the plants dotted around the garden? +COCOval2014000000167696,"a life-sized zebra sculpture positioned in the center of a well-manicured garden space. The garden is dotted with a variety of lush plants and flowers, providing a vibrant backdrop to the monochromatic statue. A gravel pathway winds around the garden, inviting visitors to view the sculpture from different angles.",,13,"2,4",relation,spatial,"relation - spatial (garden, flowers, dotted with)",Are the flowers dotted around the garden? +COCOval2014000000167696,"a life-sized zebra sculpture positioned in the center of a well-manicured garden space. The garden is dotted with a variety of lush plants and flowers, providing a vibrant backdrop to the monochromatic statue. A gravel pathway winds around the garden, inviting visitors to view the sculpture from different angles.",,14,"2,5",relation,spatial,"relation - spatial (garden, pathway, winds around)",Does the pathway wind around the garden? +COCOval2014000000096306,"An indoor recreational space with several table tennis tables set up for play. Players are engaged in matches, with some practicing serves while others are in the midst of a rally. The room is filled with the sound of ping pong balls being struck back and forth across the tables.",,1,0,entity,whole,entity - whole (recreational space),Is there an indoor recreational space? +COCOval2014000000096306,"An indoor recreational space with several table tennis tables set up for play. Players are engaged in matches, with some practicing serves while others are in the midst of a rally. The room is filled with the sound of ping pong balls being struck back and forth across the tables.",,2,1,entity,whole,entity - whole (table tennis tables),Are there table tennis tables? +COCOval2014000000096306,"An indoor recreational space with several table tennis tables set up for play. Players are engaged in matches, with some practicing serves while others are in the midst of a rally. The room is filled with the sound of ping pong balls being struck back and forth across the tables.",,3,2,other,count,"other - count (table tennis tables, ==several)",Are there several table tennis tables? +COCOval2014000000096306,"An indoor recreational space with several table tennis tables set up for play. Players are engaged in matches, with some practicing serves while others are in the midst of a rally. The room is filled with the sound of ping pong balls being struck back and forth across the tables.",,4,0,entity,whole,entity - whole (players),Are there players? +COCOval2014000000096306,"An indoor recreational space with several table tennis tables set up for play. Players are engaged in matches, with some practicing serves while others are in the midst of a rally. The room is filled with the sound of ping pong balls being struck back and forth across the tables.",,5,4,entity,state,"entity - state (players, engage in matches)",Are the players engaged in matches? +COCOval2014000000096306,"An indoor recreational space with several table tennis tables set up for play. Players are engaged in matches, with some practicing serves while others are in the midst of a rally. The room is filled with the sound of ping pong balls being struck back and forth across the tables.",,6,4,entity,state,"entity - state (some players, practice serves)",Are some players practicing serves? +COCOval2014000000096306,"An indoor recreational space with several table tennis tables set up for play. Players are engaged in matches, with some practicing serves while others are in the midst of a rally. The room is filled with the sound of ping pong balls being struck back and forth across the tables.",,7,4,entity,state,"entity - state (other players, in the midst of a rally)",Are other players in the midst of a rally? +COCOval2014000000096306,"An indoor recreational space with several table tennis tables set up for play. Players are engaged in matches, with some practicing serves while others are in the midst of a rally. The room is filled with the sound of ping pong balls being struck back and forth across the tables.",,8,8,entity,whole,entity - whole (ping pong balls),Are there ping pong balls? +COCOval2014000000096306,"An indoor recreational space with several table tennis tables set up for play. Players are engaged in matches, with some practicing serves while others are in the midst of a rally. The room is filled with the sound of ping pong balls being struck back and forth across the tables.",,9,8,relation,spatial,"relation - spatial (ping pong balls, tables, across)",Are the ping pong balls being struck across the tables? +COCOval2014000000096306,"An indoor recreational space with several table tennis tables set up for play. Players are engaged in matches, with some practicing serves while others are in the midst of a rally. The room is filled with the sound of ping pong balls being struck back and forth across the tables.",,10,1,other,count,"other - count (room, filled with the sound of ping pong balls)",Is the room filled with the sound of ping pong balls being struck back and forth? +COCOval2014000000406315,"A playful scene unfolds in a spacious room where a young boy with a mischievous grin is climbing into a large, open suitcase. The suitcase lies on a soft carpet, surrounded by toys and clothes scattered about. The boy seems to be attempting a game of hide-and-seek, tucking himself into the suitcase with a look of anticipation.",,1,0,global,,global - (spacious room),Is this a spacious room? +COCOval2014000000406315,"A playful scene unfolds in a spacious room where a young boy with a mischievous grin is climbing into a large, open suitcase. The suitcase lies on a soft carpet, surrounded by toys and clothes scattered about. The boy seems to be attempting a game of hide-and-seek, tucking himself into the suitcase with a look of anticipation.",,2,0,entity,whole,entity - whole (boy),Is there a boy? +COCOval2014000000406315,"A playful scene unfolds in a spacious room where a young boy with a mischievous grin is climbing into a large, open suitcase. The suitcase lies on a soft carpet, surrounded by toys and clothes scattered about. The boy seems to be attempting a game of hide-and-seek, tucking himself into the suitcase with a look of anticipation.",,3,0,entity,whole,entity - whole (suitcase),Is there a suitcase? +COCOval2014000000406315,"A playful scene unfolds in a spacious room where a young boy with a mischievous grin is climbing into a large, open suitcase. The suitcase lies on a soft carpet, surrounded by toys and clothes scattered about. The boy seems to be attempting a game of hide-and-seek, tucking himself into the suitcase with a look of anticipation.",,4,0,entity,whole,entity - whole (carpet),Is there a carpet? +COCOval2014000000406315,"A playful scene unfolds in a spacious room where a young boy with a mischievous grin is climbing into a large, open suitcase. The suitcase lies on a soft carpet, surrounded by toys and clothes scattered about. The boy seems to be attempting a game of hide-and-seek, tucking himself into the suitcase with a look of anticipation.",,5,0,other,count,"other - count (toys and clothes, scattered)",Are there toys and clothes scattered about? +COCOval2014000000406315,"A playful scene unfolds in a spacious room where a young boy with a mischievous grin is climbing into a large, open suitcase. The suitcase lies on a soft carpet, surrounded by toys and clothes scattered about. The boy seems to be attempting a game of hide-and-seek, tucking himself into the suitcase with a look of anticipation.",,6,3,attribute,size,"attribute - size (suitcase, large)",Is the suitcase large? +COCOval2014000000406315,"A playful scene unfolds in a spacious room where a young boy with a mischievous grin is climbing into a large, open suitcase. The suitcase lies on a soft carpet, surrounded by toys and clothes scattered about. The boy seems to be attempting a game of hide-and-seek, tucking himself into the suitcase with a look of anticipation.",,7,4,attribute,texture,"attribute - texture (carpet, soft)",Is the carpet soft? +COCOval2014000000406315,"A playful scene unfolds in a spacious room where a young boy with a mischievous grin is climbing into a large, open suitcase. The suitcase lies on a soft carpet, surrounded by toys and clothes scattered about. The boy seems to be attempting a game of hide-and-seek, tucking himself into the suitcase with a look of anticipation.",,8,1,entity,state,"entity - state (boy, climb)",Is the boy climbing? +COCOval2014000000406315,"A playful scene unfolds in a spacious room where a young boy with a mischievous grin is climbing into a large, open suitcase. The suitcase lies on a soft carpet, surrounded by toys and clothes scattered about. The boy seems to be attempting a game of hide-and-seek, tucking himself into the suitcase with a look of anticipation.",,9,2,entity,state,"entity - state (boy, hide-and-seek)",Is the boy playing hide-and-seek? +COCOval2014000000406315,"A playful scene unfolds in a spacious room where a young boy with a mischievous grin is climbing into a large, open suitcase. The suitcase lies on a soft carpet, surrounded by toys and clothes scattered about. The boy seems to be attempting a game of hide-and-seek, tucking himself into the suitcase with a look of anticipation.",,10,2,entity,state,"entity - state (boy, tuck into suitcase)",Is the boy tucking himself into the suitcase? +COCOval2014000000229427,"Two people, a man and a woman, are standing in a spacious living room, each holding a game controller in their hands. They are focused on a large television screen in front of them, which is displaying a colorful video game interface. Around them, the room is furnished with a comfortable couch and a coffee table scattered with magazines and remote controls.",,1,0,entity,whole,entity - whole (people),Are there people? +COCOval2014000000229427,"Two people, a man and a woman, are standing in a spacious living room, each holding a game controller in their hands. They are focused on a large television screen in front of them, which is displaying a colorful video game interface. Around them, the room is furnished with a comfortable couch and a coffee table scattered with magazines and remote controls.",,2,1,other,count,"other - count (people, ==2)",Are there two people? +COCOval2014000000229427,"Two people, a man and a woman, are standing in a spacious living room, each holding a game controller in their hands. They are focused on a large television screen in front of them, which is displaying a colorful video game interface. Around them, the room is furnished with a comfortable couch and a coffee table scattered with magazines and remote controls.",,3,1,entity,whole,entity - whole (man),Is there a man? +COCOval2014000000229427,"Two people, a man and a woman, are standing in a spacious living room, each holding a game controller in their hands. They are focused on a large television screen in front of them, which is displaying a colorful video game interface. Around them, the room is furnished with a comfortable couch and a coffee table scattered with magazines and remote controls.",,4,1,entity,whole,entity - whole (woman),Is there a woman? +COCOval2014000000229427,"Two people, a man and a woman, are standing in a spacious living room, each holding a game controller in their hands. They are focused on a large television screen in front of them, which is displaying a colorful video game interface. Around them, the room is furnished with a comfortable couch and a coffee table scattered with magazines and remote controls.",,5,0,entity,whole,entity - whole (living room),Is there a living room? +COCOval2014000000229427,"Two people, a man and a woman, are standing in a spacious living room, each holding a game controller in their hands. They are focused on a large television screen in front of them, which is displaying a colorful video game interface. Around them, the room is furnished with a comfortable couch and a coffee table scattered with magazines and remote controls.",,6,0,entity,whole,entity - whole (game controller),Are there game controllers? +COCOval2014000000229427,"Two people, a man and a woman, are standing in a spacious living room, each holding a game controller in their hands. They are focused on a large television screen in front of them, which is displaying a colorful video game interface. Around them, the room is furnished with a comfortable couch and a coffee table scattered with magazines and remote controls.",,7,0,entity,whole,entity - whole (television screen),Is there a television screen? +COCOval2014000000229427,"Two people, a man and a woman, are standing in a spacious living room, each holding a game controller in their hands. They are focused on a large television screen in front of them, which is displaying a colorful video game interface. Around them, the room is furnished with a comfortable couch and a coffee table scattered with magazines and remote controls.",,8,0,entity,whole,entity - whole (video game interface),Is there a video game interface? +COCOval2014000000229427,"Two people, a man and a woman, are standing in a spacious living room, each holding a game controller in their hands. They are focused on a large television screen in front of them, which is displaying a colorful video game interface. Around them, the room is furnished with a comfortable couch and a coffee table scattered with magazines and remote controls.",,9,5,entity,whole,entity - whole (couch),Is there a couch? +COCOval2014000000229427,"Two people, a man and a woman, are standing in a spacious living room, each holding a game controller in their hands. They are focused on a large television screen in front of them, which is displaying a colorful video game interface. Around them, the room is furnished with a comfortable couch and a coffee table scattered with magazines and remote controls.",,10,5,entity,whole,entity - whole (coffee table),Is there a coffee table? +COCOval2014000000229427,"Two people, a man and a woman, are standing in a spacious living room, each holding a game controller in their hands. They are focused on a large television screen in front of them, which is displaying a colorful video game interface. Around them, the room is furnished with a comfortable couch and a coffee table scattered with magazines and remote controls.",,11,5,entity,whole,entity - whole (magazines),Are there magazines? +COCOval2014000000229427,"Two people, a man and a woman, are standing in a spacious living room, each holding a game controller in their hands. They are focused on a large television screen in front of them, which is displaying a colorful video game interface. Around them, the room is furnished with a comfortable couch and a coffee table scattered with magazines and remote controls.",,12,5,entity,whole,entity - whole (remote controls),Are there remote controls? +COCOval2014000000229427,"Two people, a man and a woman, are standing in a spacious living room, each holding a game controller in their hands. They are focused on a large television screen in front of them, which is displaying a colorful video game interface. Around them, the room is furnished with a comfortable couch and a coffee table scattered with magazines and remote controls.",,13,5,attribute,other,"attribute - other (living room, spacious)",Is the living room spacious? +COCOval2014000000229427,"Two people, a man and a woman, are standing in a spacious living room, each holding a game controller in their hands. They are focused on a large television screen in front of them, which is displaying a colorful video game interface. Around them, the room is furnished with a comfortable couch and a coffee table scattered with magazines and remote controls.",,14,5,attribute,other,"attribute - other (television screen, large)",Is the television screen large? +COCOval2014000000229427,"Two people, a man and a woman, are standing in a spacious living room, each holding a game controller in their hands. They are focused on a large television screen in front of them, which is displaying a colorful video game interface. Around them, the room is furnished with a comfortable couch and a coffee table scattered with magazines and remote controls.",,15,8,attribute,other,"attribute - other (video game interface, colorful)",Is the video game interface colorful? +COCOval2014000000229427,"Two people, a man and a woman, are standing in a spacious living room, each holding a game controller in their hands. They are focused on a large television screen in front of them, which is displaying a colorful video game interface. Around them, the room is furnished with a comfortable couch and a coffee table scattered with magazines and remote controls.",,16,"3,5",relation,spatial,"relation - spatial (man, living room, in)",Is the man in the living room? +COCOval2014000000229427,"Two people, a man and a woman, are standing in a spacious living room, each holding a game controller in their hands. They are focused on a large television screen in front of them, which is displaying a colorful video game interface. Around them, the room is furnished with a comfortable couch and a coffee table scattered with magazines and remote controls.",,17,"4,5",relation,spatial,"relation - spatial (woman, living room, in)",Is the woman in the living room? +COCOval2014000000229427,"Two people, a man and a woman, are standing in a spacious living room, each holding a game controller in their hands. They are focused on a large television screen in front of them, which is displaying a colorful video game interface. Around them, the room is furnished with a comfortable couch and a coffee table scattered with magazines and remote controls.",,18,"3,6",relation,non-spatial,"relation - non-spatial (man, game controller, hold)",Is the man holding a game controller? +COCOval2014000000229427,"Two people, a man and a woman, are standing in a spacious living room, each holding a game controller in their hands. They are focused on a large television screen in front of them, which is displaying a colorful video game interface. Around them, the room is furnished with a comfortable couch and a coffee table scattered with magazines and remote controls.",,19,"4,6",relation,non-spatial,"relation - non-spatial (woman, game controller, hold)",Is the woman holding a game controller? +COCOval2014000000229427,"Two people, a man and a woman, are standing in a spacious living room, each holding a game controller in their hands. They are focused on a large television screen in front of them, which is displaying a colorful video game interface. Around them, the room is furnished with a comfortable couch and a coffee table scattered with magazines and remote controls.",,20,"3,7",relation,spatial,"relation - spatial (man, television screen, in front of)",Is the man in front of the television screen? +COCOval2014000000229427,"Two people, a man and a woman, are standing in a spacious living room, each holding a game controller in their hands. They are focused on a large television screen in front of them, which is displaying a colorful video game interface. Around them, the room is furnished with a comfortable couch and a coffee table scattered with magazines and remote controls.",,21,"4,7",relation,spatial,"relation - spatial (woman, television screen, in front of)",Is the woman in front of the television screen? +COCOval2014000000229427,"Two people, a man and a woman, are standing in a spacious living room, each holding a game controller in their hands. They are focused on a large television screen in front of them, which is displaying a colorful video game interface. Around them, the room is furnished with a comfortable couch and a coffee table scattered with magazines and remote controls.",,22,"7,8",relation,non-spatial,"relation - non-spatial (television screen, video game interface, display)",Is the television screen displaying the video game interface? +COCOval2014000000229427,"Two people, a man and a woman, are standing in a spacious living room, each holding a game controller in their hands. They are focused on a large television screen in front of them, which is displaying a colorful video game interface. Around them, the room is furnished with a comfortable couch and a coffee table scattered with magazines and remote controls.",,23,"1,9",relation,spatial,"relation - spatial (people, couch, around)",Are the people around the couch? +COCOval2014000000229427,"Two people, a man and a woman, are standing in a spacious living room, each holding a game controller in their hands. They are focused on a large television screen in front of them, which is displaying a colorful video game interface. Around them, the room is furnished with a comfortable couch and a coffee table scattered with magazines and remote controls.",,24,"1,10",relation,spatial,"relation - spatial (people, coffee table, around)",Are the people around the coffee table? +COCOval2014000000229427,"Two people, a man and a woman, are standing in a spacious living room, each holding a game controller in their hands. They are focused on a large television screen in front of them, which is displaying a colorful video game interface. Around them, the room is furnished with a comfortable couch and a coffee table scattered with magazines and remote controls.",,25,"10,11",relation,spatial,"relation - spatial (coffee table, magazines, scatter)",Are the magazines scattered on the coffee table? +COCOval2014000000229427,"Two people, a man and a woman, are standing in a spacious living room, each holding a game controller in their hands. They are focused on a large television screen in front of them, which is displaying a colorful video game interface. Around them, the room is furnished with a comfortable couch and a coffee table scattered with magazines and remote controls.",,26,"10,12",relation,spatial,"relation - spatial (coffee table, remote controls, scatter)",Are the remote controls scattered on the coffee table? +COCOval2014000000546965,"A large transport truck with a two-tiered trailer loaded with multiple cars of different colors. The truck is parked on a wide, paved area, possibly a parking lot or a vehicle distribution center. Each car is securely fastened to the trailer, ready for delivery to their respective destinations.",,1,0,entity,whole,entity - whole (transport truck),Is there a transport truck? +COCOval2014000000546965,"A large transport truck with a two-tiered trailer loaded with multiple cars of different colors. The truck is parked on a wide, paved area, possibly a parking lot or a vehicle distribution center. Each car is securely fastened to the trailer, ready for delivery to their respective destinations.",,2,0,entity,whole,entity - whole (trailer),Is there a trailer? +COCOval2014000000546965,"A large transport truck with a two-tiered trailer loaded with multiple cars of different colors. The truck is parked on a wide, paved area, possibly a parking lot or a vehicle distribution center. Each car is securely fastened to the trailer, ready for delivery to their respective destinations.",,3,0,entity,whole,entity - whole (cars),Are there cars? +COCOval2014000000546965,"A large transport truck with a two-tiered trailer loaded with multiple cars of different colors. The truck is parked on a wide, paved area, possibly a parking lot or a vehicle distribution center. Each car is securely fastened to the trailer, ready for delivery to their respective destinations.",,4,3,other,count,"other - count (cars, ==multiple)",Are there multiple cars? +COCOval2014000000546965,"A large transport truck with a two-tiered trailer loaded with multiple cars of different colors. The truck is parked on a wide, paved area, possibly a parking lot or a vehicle distribution center. Each car is securely fastened to the trailer, ready for delivery to their respective destinations.",,5,1,attribute,size,"attribute - size (transport truck, large)",Is the transport truck large? +COCOval2014000000546965,"A large transport truck with a two-tiered trailer loaded with multiple cars of different colors. The truck is parked on a wide, paved area, possibly a parking lot or a vehicle distribution center. Each car is securely fastened to the trailer, ready for delivery to their respective destinations.",,6,2,attribute,other,"attribute - other (trailer, two-tiered)",Is the trailer two-tiered? +COCOval2014000000546965,"A large transport truck with a two-tiered trailer loaded with multiple cars of different colors. The truck is parked on a wide, paved area, possibly a parking lot or a vehicle distribution center. Each car is securely fastened to the trailer, ready for delivery to their respective destinations.",,7,3,attribute,other,"attribute - other (cars, different colors)",Are the cars different colors? +COCOval2014000000546965,"A large transport truck with a two-tiered trailer loaded with multiple cars of different colors. The truck is parked on a wide, paved area, possibly a parking lot or a vehicle distribution center. Each car is securely fastened to the trailer, ready for delivery to their respective destinations.",,8,"1,9",relation,spatial,"relation - spatial (truck, area, on)",Is the truck on an area? +COCOval2014000000546965,"A large transport truck with a two-tiered trailer loaded with multiple cars of different colors. The truck is parked on a wide, paved area, possibly a parking lot or a vehicle distribution center. Each car is securely fastened to the trailer, ready for delivery to their respective destinations.",,9,1,attribute,size,"attribute - size (area, wide)",Is the area wide? +COCOval2014000000546965,"A large transport truck with a two-tiered trailer loaded with multiple cars of different colors. The truck is parked on a wide, paved area, possibly a parking lot or a vehicle distribution center. Each car is securely fastened to the trailer, ready for delivery to their respective destinations.",,10,1,attribute,texture,"attribute - texture (area, paved)",Is the area paved? +COCOval2014000000546965,"A large transport truck with a two-tiered trailer loaded with multiple cars of different colors. The truck is parked on a wide, paved area, possibly a parking lot or a vehicle distribution center. Each car is securely fastened to the trailer, ready for delivery to their respective destinations.",,11,"3,2",relation,spatial,"relation - spatial (cars, trailer, loaded with)",Are the cars loaded on the trailer? +COCOval2014000000546965,"A large transport truck with a two-tiered trailer loaded with multiple cars of different colors. The truck is parked on a wide, paved area, possibly a parking lot or a vehicle distribution center. Each car is securely fastened to the trailer, ready for delivery to their respective destinations.",,12,3,entity,state,"entity - state (cars, securely fastened)",Are the cars securely fastened? +COCOval2014000000546965,"A large transport truck with a two-tiered trailer loaded with multiple cars of different colors. The truck is parked on a wide, paved area, possibly a parking lot or a vehicle distribution center. Each car is securely fastened to the trailer, ready for delivery to their respective destinations.",,13,3,entity,state,"entity - state (cars, ready for delivery)",Are the cars ready for delivery? +COCOval2014000000508291,"a vast open field dotted with patches of greenery and a few scattered trees under a clear blue sky. two giraffes are seen gracefully moving across the terrain, their long necks and legs casting shadows on the ground. in the distance, a gentle slope rises to meet the horizon, hinting at the expansive savannah that stretches beyond.",,1,0,entity,whole,entity - whole (field),Is there a field? +COCOval2014000000508291,"a vast open field dotted with patches of greenery and a few scattered trees under a clear blue sky. two giraffes are seen gracefully moving across the terrain, their long necks and legs casting shadows on the ground. in the distance, a gentle slope rises to meet the horizon, hinting at the expansive savannah that stretches beyond.",,2,1,entity,whole,entity - whole (greenery),Is there greenery? +COCOval2014000000508291,"a vast open field dotted with patches of greenery and a few scattered trees under a clear blue sky. two giraffes are seen gracefully moving across the terrain, their long necks and legs casting shadows on the ground. in the distance, a gentle slope rises to meet the horizon, hinting at the expansive savannah that stretches beyond.",,3,1,entity,whole,entity - whole (trees),Are there trees? +COCOval2014000000508291,"a vast open field dotted with patches of greenery and a few scattered trees under a clear blue sky. two giraffes are seen gracefully moving across the terrain, their long necks and legs casting shadows on the ground. in the distance, a gentle slope rises to meet the horizon, hinting at the expansive savannah that stretches beyond.",,4,0,entity,whole,entity - whole (sky),Is there a sky? +COCOval2014000000508291,"a vast open field dotted with patches of greenery and a few scattered trees under a clear blue sky. two giraffes are seen gracefully moving across the terrain, their long necks and legs casting shadows on the ground. in the distance, a gentle slope rises to meet the horizon, hinting at the expansive savannah that stretches beyond.",,5,0,entity,whole,entity - whole (giraffes),Are there giraffes? +COCOval2014000000508291,"a vast open field dotted with patches of greenery and a few scattered trees under a clear blue sky. two giraffes are seen gracefully moving across the terrain, their long necks and legs casting shadows on the ground. in the distance, a gentle slope rises to meet the horizon, hinting at the expansive savannah that stretches beyond.",,6,0,entity,whole,entity - whole (terrain),Is there terrain? +COCOval2014000000508291,"a vast open field dotted with patches of greenery and a few scattered trees under a clear blue sky. two giraffes are seen gracefully moving across the terrain, their long necks and legs casting shadows on the ground. in the distance, a gentle slope rises to meet the horizon, hinting at the expansive savannah that stretches beyond.",,7,5,entity,whole,entity - whole (neck),Are there necks? +COCOval2014000000508291,"a vast open field dotted with patches of greenery and a few scattered trees under a clear blue sky. two giraffes are seen gracefully moving across the terrain, their long necks and legs casting shadows on the ground. in the distance, a gentle slope rises to meet the horizon, hinting at the expansive savannah that stretches beyond.",,8,5,entity,whole,entity - whole (legs),Are there legs? +COCOval2014000000508291,"a vast open field dotted with patches of greenery and a few scattered trees under a clear blue sky. two giraffes are seen gracefully moving across the terrain, their long necks and legs casting shadows on the ground. in the distance, a gentle slope rises to meet the horizon, hinting at the expansive savannah that stretches beyond.",,9,5,entity,whole,entity - whole (shadows),Are there shadows? +COCOval2014000000508291,"a vast open field dotted with patches of greenery and a few scattered trees under a clear blue sky. two giraffes are seen gracefully moving across the terrain, their long necks and legs casting shadows on the ground. in the distance, a gentle slope rises to meet the horizon, hinting at the expansive savannah that stretches beyond.",,10,0,entity,whole,entity - whole (slope),Is there a slope? +COCOval2014000000508291,"a vast open field dotted with patches of greenery and a few scattered trees under a clear blue sky. two giraffes are seen gracefully moving across the terrain, their long necks and legs casting shadows on the ground. in the distance, a gentle slope rises to meet the horizon, hinting at the expansive savannah that stretches beyond.",,11,0,entity,whole,entity - whole (horizon),Is there a horizon? +COCOval2014000000508291,"a vast open field dotted with patches of greenery and a few scattered trees under a clear blue sky. two giraffes are seen gracefully moving across the terrain, their long necks and legs casting shadows on the ground. in the distance, a gentle slope rises to meet the horizon, hinting at the expansive savannah that stretches beyond.",,12,0,entity,whole,entity - whole (savannah),Is there a savannah? +COCOval2014000000508291,"a vast open field dotted with patches of greenery and a few scattered trees under a clear blue sky. two giraffes are seen gracefully moving across the terrain, their long necks and legs casting shadows on the ground. in the distance, a gentle slope rises to meet the horizon, hinting at the expansive savannah that stretches beyond.",,13,1,attribute,size,"attribute - size (field, vast)",Is the field vast? +COCOval2014000000508291,"a vast open field dotted with patches of greenery and a few scattered trees under a clear blue sky. two giraffes are seen gracefully moving across the terrain, their long necks and legs casting shadows on the ground. in the distance, a gentle slope rises to meet the horizon, hinting at the expansive savannah that stretches beyond.",,14,1,attribute,texture,"attribute - texture (field, open)",Is the field open? +COCOval2014000000508291,"a vast open field dotted with patches of greenery and a few scattered trees under a clear blue sky. two giraffes are seen gracefully moving across the terrain, their long necks and legs casting shadows on the ground. in the distance, a gentle slope rises to meet the horizon, hinting at the expansive savannah that stretches beyond.",,15,4,attribute,texture,"attribute - texture (sky, clear blue)",Is the sky clear blue? +COCOval2014000000508291,"a vast open field dotted with patches of greenery and a few scattered trees under a clear blue sky. two giraffes are seen gracefully moving across the terrain, their long necks and legs casting shadows on the ground. in the distance, a gentle slope rises to meet the horizon, hinting at the expansive savannah that stretches beyond.",,16,10,attribute,texture,"attribute - texture (slope, gentle)",Is the slope gentle? +COCOval2014000000508291,"a vast open field dotted with patches of greenery and a few scattered trees under a clear blue sky. two giraffes are seen gracefully moving across the terrain, their long necks and legs casting shadows on the ground. in the distance, a gentle slope rises to meet the horizon, hinting at the expansive savannah that stretches beyond.",,17,"1,2",relation,spatial,"relation - spatial (field, greenery, dotted with)",Is the field dotted with greenery? +COCOval2014000000508291,"a vast open field dotted with patches of greenery and a few scattered trees under a clear blue sky. two giraffes are seen gracefully moving across the terrain, their long necks and legs casting shadows on the ground. in the distance, a gentle slope rises to meet the horizon, hinting at the expansive savannah that stretches beyond.",,18,"1,3",relation,spatial,"relation - spatial (field, trees, scattered)",Are the trees scattered in the field? +COCOval2014000000508291,"a vast open field dotted with patches of greenery and a few scattered trees under a clear blue sky. two giraffes are seen gracefully moving across the terrain, their long necks and legs casting shadows on the ground. in the distance, a gentle slope rises to meet the horizon, hinting at the expansive savannah that stretches beyond.",,19,"5,6",relation,spatial,"relation - spatial (giraffes, terrain, moving across)",Are the giraffes moving across the terrain? +COCOval2014000000508291,"a vast open field dotted with patches of greenery and a few scattered trees under a clear blue sky. two giraffes are seen gracefully moving across the terrain, their long necks and legs casting shadows on the ground. in the distance, a gentle slope rises to meet the horizon, hinting at the expansive savannah that stretches beyond.",,20,"5,6",relation,spatial,"relation - spatial (giraffes, ground, casting shadows)",Are the giraffes casting shadows on the ground? +COCOval2014000000508291,"a vast open field dotted with patches of greenery and a few scattered trees under a clear blue sky. two giraffes are seen gracefully moving across the terrain, their long necks and legs casting shadows on the ground. in the distance, a gentle slope rises to meet the horizon, hinting at the expansive savannah that stretches beyond.",,21,"10,11",relation,spatial,"relation - spatial (slope, horizon, rise to meet)",Does the slope rise to meet the horizon? +COCOval2014000000508291,"a vast open field dotted with patches of greenery and a few scattered trees under a clear blue sky. two giraffes are seen gracefully moving across the terrain, their long necks and legs casting shadows on the ground. in the distance, a gentle slope rises to meet the horizon, hinting at the expansive savannah that stretches beyond.",,22,"11,12",relation,spatial,"relation - spatial (horizon, savannah, stretch beyond)",Does the horizon hint at the expansive savannah beyond? +COCOval2014000000077222,a uniformed soldier kneeling down to meet the eye level of a group of young children. the children are gathered around with expressions of curiosity and excitement. the soldier's smile is warm and friendly as he extends his hand for a handshake or high-five.,,1,0,entity,whole,entity - whole (soldier),Is there a soldier? +COCOval2014000000077222,a uniformed soldier kneeling down to meet the eye level of a group of young children. the children are gathered around with expressions of curiosity and excitement. the soldier's smile is warm and friendly as he extends his hand for a handshake or high-five.,,2,0,entity,whole,entity - whole (children),Are there children? +COCOval2014000000077222,a uniformed soldier kneeling down to meet the eye level of a group of young children. the children are gathered around with expressions of curiosity and excitement. the soldier's smile is warm and friendly as he extends his hand for a handshake or high-five.,,3,1,entity,state,"entity - state (soldier, uniformed)",Is the soldier in uniform? +COCOval2014000000077222,a uniformed soldier kneeling down to meet the eye level of a group of young children. the children are gathered around with expressions of curiosity and excitement. the soldier's smile is warm and friendly as he extends his hand for a handshake or high-five.,,4,2,entity,state,"entity - state (children, young)",Are the children young? +COCOval2014000000077222,a uniformed soldier kneeling down to meet the eye level of a group of young children. the children are gathered around with expressions of curiosity and excitement. the soldier's smile is warm and friendly as he extends his hand for a handshake or high-five.,,5,2,entity,state,"entity - state (children, gather)",Are the children gathered around? +COCOval2014000000077222,a uniformed soldier kneeling down to meet the eye level of a group of young children. the children are gathered around with expressions of curiosity and excitement. the soldier's smile is warm and friendly as he extends his hand for a handshake or high-five.,,6,2,entity,state,"entity - state (children, curious)",Are the children curious? +COCOval2014000000077222,a uniformed soldier kneeling down to meet the eye level of a group of young children. the children are gathered around with expressions of curiosity and excitement. the soldier's smile is warm and friendly as he extends his hand for a handshake or high-five.,,7,2,entity,state,"entity - state (children, excited)",Are the children excited? +COCOval2014000000077222,a uniformed soldier kneeling down to meet the eye level of a group of young children. the children are gathered around with expressions of curiosity and excitement. the soldier's smile is warm and friendly as he extends his hand for a handshake or high-five.,,8,1,entity,state,"entity - state (soldier, smile)",Is the soldier smiling? +COCOval2014000000077222,a uniformed soldier kneeling down to meet the eye level of a group of young children. the children are gathered around with expressions of curiosity and excitement. the soldier's smile is warm and friendly as he extends his hand for a handshake or high-five.,,9,1,entity,state,"entity - state (soldier, warm)",Is the soldier warm? +COCOval2014000000077222,a uniformed soldier kneeling down to meet the eye level of a group of young children. the children are gathered around with expressions of curiosity and excitement. the soldier's smile is warm and friendly as he extends his hand for a handshake or high-five.,,10,1,entity,state,"entity - state (soldier, friendly)",Is the soldier friendly? +COCOval2014000000077222,a uniformed soldier kneeling down to meet the eye level of a group of young children. the children are gathered around with expressions of curiosity and excitement. the soldier's smile is warm and friendly as he extends his hand for a handshake or high-five.,,11,1,entity,state,"entity - state (soldier, extend hand)",Is the soldier extending his hand? +COCOval2014000000077222,a uniformed soldier kneeling down to meet the eye level of a group of young children. the children are gathered around with expressions of curiosity and excitement. the soldier's smile is warm and friendly as he extends his hand for a handshake or high-five.,,12,"1,2",relation,spatial,"relation - spatial (soldier, children, eye level)",Is the soldier at eye level with the children? +COCOval2014000000077222,a uniformed soldier kneeling down to meet the eye level of a group of young children. the children are gathered around with expressions of curiosity and excitement. the soldier's smile is warm and friendly as he extends his hand for a handshake or high-five.,,13,"2,1",relation,spatial,"relation - spatial (children, soldier, eye level)",Are the children at eye level with the soldier? +COCOval2014000000077222,a uniformed soldier kneeling down to meet the eye level of a group of young children. the children are gathered around with expressions of curiosity and excitement. the soldier's smile is warm and friendly as he extends his hand for a handshake or high-five.,,14,"1,2",relation,non-spatial,"relation - non-spatial (soldier, children, handshake or high-five)",Is the soldier offering a handshake or high-five to the children? +COCOval2014000000403792,"Two snowboarders, clad in colorful winter gear, are seated on a chairlift, their snowboards hanging below them. The lift cables stretch upward, disappearing into the distance as they ascend the snowy mountain. Around them, the landscape is dotted with pine trees and the trails carved by previous adventurers.",,1,0,entity,whole,entity - whole (snowboarders),Are there snowboarders? +COCOval2014000000403792,"Two snowboarders, clad in colorful winter gear, are seated on a chairlift, their snowboards hanging below them. The lift cables stretch upward, disappearing into the distance as they ascend the snowy mountain. Around them, the landscape is dotted with pine trees and the trails carved by previous adventurers.",,2,1,other,count,"other - count (snowboarders, ==2)",Are there two snowboarders? +COCOval2014000000403792,"Two snowboarders, clad in colorful winter gear, are seated on a chairlift, their snowboards hanging below them. The lift cables stretch upward, disappearing into the distance as they ascend the snowy mountain. Around them, the landscape is dotted with pine trees and the trails carved by previous adventurers.",,3,1,attribute,other,"attribute - other (snowboarders, colorful winter gear)",Are the snowboarders wearing colorful winter gear? +COCOval2014000000403792,"Two snowboarders, clad in colorful winter gear, are seated on a chairlift, their snowboards hanging below them. The lift cables stretch upward, disappearing into the distance as they ascend the snowy mountain. Around them, the landscape is dotted with pine trees and the trails carved by previous adventurers.",,4,0,entity,whole,entity - whole (chairlift),Is there a chairlift? +COCOval2014000000403792,"Two snowboarders, clad in colorful winter gear, are seated on a chairlift, their snowboards hanging below them. The lift cables stretch upward, disappearing into the distance as they ascend the snowy mountain. Around them, the landscape is dotted with pine trees and the trails carved by previous adventurers.",,5,1,entity,whole,entity - whole (snowboards),Are there snowboards? +COCOval2014000000403792,"Two snowboarders, clad in colorful winter gear, are seated on a chairlift, their snowboards hanging below them. The lift cables stretch upward, disappearing into the distance as they ascend the snowy mountain. Around them, the landscape is dotted with pine trees and the trails carved by previous adventurers.",,6,1,entity,whole,entity - whole (lift cables),Are there lift cables? +COCOval2014000000403792,"Two snowboarders, clad in colorful winter gear, are seated on a chairlift, their snowboards hanging below them. The lift cables stretch upward, disappearing into the distance as they ascend the snowy mountain. Around them, the landscape is dotted with pine trees and the trails carved by previous adventurers.",,7,1,entity,whole,entity - whole (mountain),Is there a mountain? +COCOval2014000000403792,"Two snowboarders, clad in colorful winter gear, are seated on a chairlift, their snowboards hanging below them. The lift cables stretch upward, disappearing into the distance as they ascend the snowy mountain. Around them, the landscape is dotted with pine trees and the trails carved by previous adventurers.",,8,1,entity,whole,entity - whole (landscape),Is there a landscape? +COCOval2014000000403792,"Two snowboarders, clad in colorful winter gear, are seated on a chairlift, their snowboards hanging below them. The lift cables stretch upward, disappearing into the distance as they ascend the snowy mountain. Around them, the landscape is dotted with pine trees and the trails carved by previous adventurers.",,9,8,entity,whole,entity - whole (pine trees),Are there pine trees? +COCOval2014000000403792,"Two snowboarders, clad in colorful winter gear, are seated on a chairlift, their snowboards hanging below them. The lift cables stretch upward, disappearing into the distance as they ascend the snowy mountain. Around them, the landscape is dotted with pine trees and the trails carved by previous adventurers.",,10,8,entity,whole,entity - whole (trails),Are there trails? +COCOval2014000000403792,"Two snowboarders, clad in colorful winter gear, are seated on a chairlift, their snowboards hanging below them. The lift cables stretch upward, disappearing into the distance as they ascend the snowy mountain. Around them, the landscape is dotted with pine trees and the trails carved by previous adventurers.",,11,"1,4",relation,spatial,"relation - spatial (snowboarders, chairlift, seated on)",Are the snowboarders seated on the chairlift? +COCOval2014000000403792,"Two snowboarders, clad in colorful winter gear, are seated on a chairlift, their snowboards hanging below them. The lift cables stretch upward, disappearing into the distance as they ascend the snowy mountain. Around them, the landscape is dotted with pine trees and the trails carved by previous adventurers.",,12,"5,1",relation,spatial,"relation - spatial (snowboards, snowboarders, hanging below)",Are the snowboards hanging below the snowboarders? +COCOval2014000000403792,"Two snowboarders, clad in colorful winter gear, are seated on a chairlift, their snowboards hanging below them. The lift cables stretch upward, disappearing into the distance as they ascend the snowy mountain. Around them, the landscape is dotted with pine trees and the trails carved by previous adventurers.",,13,6,relation,spatial,"relation - spatial (lift cables, disappear into the distance)",Do the lift cables disappear into the distance? +COCOval2014000000403792,"Two snowboarders, clad in colorful winter gear, are seated on a chairlift, their snowboards hanging below them. The lift cables stretch upward, disappearing into the distance as they ascend the snowy mountain. Around them, the landscape is dotted with pine trees and the trails carved by previous adventurers.",,14,"6,7",relation,spatial,"relation - spatial (lift cables, ascend the mountain)",Do the lift cables ascend the mountain? +COCOval2014000000403792,"Two snowboarders, clad in colorful winter gear, are seated on a chairlift, their snowboards hanging below them. The lift cables stretch upward, disappearing into the distance as they ascend the snowy mountain. Around them, the landscape is dotted with pine trees and the trails carved by previous adventurers.",,15,"8,7",relation,spatial,"relation - spatial (landscape, mountain, dotted with)",Is the landscape dotted with pine trees? +COCOval2014000000403792,"Two snowboarders, clad in colorful winter gear, are seated on a chairlift, their snowboards hanging below them. The lift cables stretch upward, disappearing into the distance as they ascend the snowy mountain. Around them, the landscape is dotted with pine trees and the trails carved by previous adventurers.",,16,"9,8",relation,spatial,"relation - spatial (landscape, pine trees, dotted with)",Is the landscape dotted with trails? +COCOval2014000000403792,"Two snowboarders, clad in colorful winter gear, are seated on a chairlift, their snowboards hanging below them. The lift cables stretch upward, disappearing into the distance as they ascend the snowy mountain. Around them, the landscape is dotted with pine trees and the trails carved by previous adventurers.",,17,"10,8",relation,spatial,"relation - spatial (landscape, trails, dotted with)",Is the landscape dotted with pine trees and trails? +COCOval2014000000205054,"A cozy room featuring a sturdy wooden table at the center. Atop the table, a gray cat is comfortably sprawled out, basking in the tranquility of the space. The table also holds a few scattered papers and a potted plant, adding a touch of lived-in charm to the scene.",,1,0,entity,whole,entity - whole (room),Is there a room? +COCOval2014000000205054,"A cozy room featuring a sturdy wooden table at the center. Atop the table, a gray cat is comfortably sprawled out, basking in the tranquility of the space. The table also holds a few scattered papers and a potted plant, adding a touch of lived-in charm to the scene.",,2,1,entity,whole,entity - whole (table),Is there a table? +COCOval2014000000205054,"A cozy room featuring a sturdy wooden table at the center. Atop the table, a gray cat is comfortably sprawled out, basking in the tranquility of the space. The table also holds a few scattered papers and a potted plant, adding a touch of lived-in charm to the scene.",,3,0,entity,whole,entity - whole (cat),Is there a cat? +COCOval2014000000205054,"A cozy room featuring a sturdy wooden table at the center. Atop the table, a gray cat is comfortably sprawled out, basking in the tranquility of the space. The table also holds a few scattered papers and a potted plant, adding a touch of lived-in charm to the scene.",,4,0,entity,whole,entity - whole (papers),Are there papers? +COCOval2014000000205054,"A cozy room featuring a sturdy wooden table at the center. Atop the table, a gray cat is comfortably sprawled out, basking in the tranquility of the space. The table also holds a few scattered papers and a potted plant, adding a touch of lived-in charm to the scene.",,5,0,entity,whole,entity - whole (potted plant),Is there a potted plant? +COCOval2014000000205054,"A cozy room featuring a sturdy wooden table at the center. Atop the table, a gray cat is comfortably sprawled out, basking in the tranquility of the space. The table also holds a few scattered papers and a potted plant, adding a touch of lived-in charm to the scene.",,6,2,attribute,texture,"attribute - texture (table, wooden)",Is the table made of wood? +COCOval2014000000205054,"A cozy room featuring a sturdy wooden table at the center. Atop the table, a gray cat is comfortably sprawled out, basking in the tranquility of the space. The table also holds a few scattered papers and a potted plant, adding a touch of lived-in charm to the scene.",,7,3,attribute,color,"attribute - color (cat, gray)",Is the cat gray? +COCOval2014000000205054,"A cozy room featuring a sturdy wooden table at the center. Atop the table, a gray cat is comfortably sprawled out, basking in the tranquility of the space. The table also holds a few scattered papers and a potted plant, adding a touch of lived-in charm to the scene.",,8,3,entity,state,"entity - state (cat, sprawled out)",Is the cat sprawled out? +COCOval2014000000205054,"A cozy room featuring a sturdy wooden table at the center. Atop the table, a gray cat is comfortably sprawled out, basking in the tranquility of the space. The table also holds a few scattered papers and a potted plant, adding a touch of lived-in charm to the scene.",,9,1,attribute,other,"attribute - other (room, cozy)",Is the room cozy? +COCOval2014000000205054,"A cozy room featuring a sturdy wooden table at the center. Atop the table, a gray cat is comfortably sprawled out, basking in the tranquility of the space. The table also holds a few scattered papers and a potted plant, adding a touch of lived-in charm to the scene.",,10,1,attribute,other,"attribute - other (space, tranquil)",Is the space tranquil? +COCOval2014000000361885,"A spacious living area with modern furnishings and a large flat-screen TV mounted on the wall. In the center, a man is standing with a Wii remote in hand, ready to play a video game. The room is well-organized, with no visible clutter and a sleek, contemporary design.",,1,0,entity,whole,entity - whole (living area),Is there a living area? +COCOval2014000000361885,"A spacious living area with modern furnishings and a large flat-screen TV mounted on the wall. In the center, a man is standing with a Wii remote in hand, ready to play a video game. The room is well-organized, with no visible clutter and a sleek, contemporary design.",,2,0,entity,whole,entity - whole (furnishings),Are there modern furnishings? +COCOval2014000000361885,"A spacious living area with modern furnishings and a large flat-screen TV mounted on the wall. In the center, a man is standing with a Wii remote in hand, ready to play a video game. The room is well-organized, with no visible clutter and a sleek, contemporary design.",,3,0,entity,whole,entity - whole (TV),Is there a TV? +COCOval2014000000361885,"A spacious living area with modern furnishings and a large flat-screen TV mounted on the wall. In the center, a man is standing with a Wii remote in hand, ready to play a video game. The room is well-organized, with no visible clutter and a sleek, contemporary design.",,4,0,entity,whole,entity - whole (man),Is there a man? +COCOval2014000000361885,"A spacious living area with modern furnishings and a large flat-screen TV mounted on the wall. In the center, a man is standing with a Wii remote in hand, ready to play a video game. The room is well-organized, with no visible clutter and a sleek, contemporary design.",,5,0,entity,whole,entity - whole (Wii remote),Is there a Wii remote? +COCOval2014000000361885,"A spacious living area with modern furnishings and a large flat-screen TV mounted on the wall. In the center, a man is standing with a Wii remote in hand, ready to play a video game. The room is well-organized, with no visible clutter and a sleek, contemporary design.",,6,0,entity,whole,entity - whole (video game),Is there a video game? +COCOval2014000000361885,"A spacious living area with modern furnishings and a large flat-screen TV mounted on the wall. In the center, a man is standing with a Wii remote in hand, ready to play a video game. The room is well-organized, with no visible clutter and a sleek, contemporary design.",,7,1,attribute,size,"attribute - size (living area, spacious)",Is the living area spacious? +COCOval2014000000361885,"A spacious living area with modern furnishings and a large flat-screen TV mounted on the wall. In the center, a man is standing with a Wii remote in hand, ready to play a video game. The room is well-organized, with no visible clutter and a sleek, contemporary design.",,8,1,attribute,other,"attribute - other (furnishings, modern)",Are the furnishings modern? +COCOval2014000000361885,"A spacious living area with modern furnishings and a large flat-screen TV mounted on the wall. In the center, a man is standing with a Wii remote in hand, ready to play a video game. The room is well-organized, with no visible clutter and a sleek, contemporary design.",,9,1,attribute,size,"attribute - size (TV, large)",Is the TV large? +COCOval2014000000361885,"A spacious living area with modern furnishings and a large flat-screen TV mounted on the wall. In the center, a man is standing with a Wii remote in hand, ready to play a video game. The room is well-organized, with no visible clutter and a sleek, contemporary design.",,10,1,attribute,other,"attribute - other (room, well-organized)",Is the room well-organized? +COCOval2014000000361885,"A spacious living area with modern furnishings and a large flat-screen TV mounted on the wall. In the center, a man is standing with a Wii remote in hand, ready to play a video game. The room is well-organized, with no visible clutter and a sleek, contemporary design.",,11,1,attribute,other,"attribute - other (room, sleek)",Is the room sleek? +COCOval2014000000361885,"A spacious living area with modern furnishings and a large flat-screen TV mounted on the wall. In the center, a man is standing with a Wii remote in hand, ready to play a video game. The room is well-organized, with no visible clutter and a sleek, contemporary design.",,12,1,attribute,other,"attribute - other (room, contemporary)",Is the room contemporary? +COCOval2014000000361885,"A spacious living area with modern furnishings and a large flat-screen TV mounted on the wall. In the center, a man is standing with a Wii remote in hand, ready to play a video game. The room is well-organized, with no visible clutter and a sleek, contemporary design.",,13,4,entity,state,"entity - state (man, stand)",Is the man standing? +COCOval2014000000361885,"A spacious living area with modern furnishings and a large flat-screen TV mounted on the wall. In the center, a man is standing with a Wii remote in hand, ready to play a video game. The room is well-organized, with no visible clutter and a sleek, contemporary design.",,14,4,entity,state,"entity - state (man, ready)",Is the man ready? +COCOval2014000000361885,"A spacious living area with modern furnishings and a large flat-screen TV mounted on the wall. In the center, a man is standing with a Wii remote in hand, ready to play a video game. The room is well-organized, with no visible clutter and a sleek, contemporary design.",,15,"3,1",relation,spatial,"relation - spatial (TV, wall, mounted on)",Is the TV mounted on the wall? +COCOval2014000000361885,"A spacious living area with modern furnishings and a large flat-screen TV mounted on the wall. In the center, a man is standing with a Wii remote in hand, ready to play a video game. The room is well-organized, with no visible clutter and a sleek, contemporary design.",,16,"4,5",relation,non-spatial,"relation - non-spatial (man, Wii remote, in hand)",Is the man holding the Wii remote? +COCOval2014000000361885,"A spacious living area with modern furnishings and a large flat-screen TV mounted on the wall. In the center, a man is standing with a Wii remote in hand, ready to play a video game. The room is well-organized, with no visible clutter and a sleek, contemporary design.",,17,"4,6",relation,non-spatial,"relation - non-spatial (man, video game, ready to play)",Is the man ready to play the video game? +COCOval2014000000342593,"A young boy is seated comfortably in a cushioned chair in a well-organized living room. He is intently focused on the television screen in front of him, gripping a video game controller with both hands. Around him, the room is adorned with a few framed pictures and a plant on the windowsill, adding a touch of homeliness to the space.",,1,0,entity,whole,entity - whole (boy),Is there a young boy? +COCOval2014000000342593,"A young boy is seated comfortably in a cushioned chair in a well-organized living room. He is intently focused on the television screen in front of him, gripping a video game controller with both hands. Around him, the room is adorned with a few framed pictures and a plant on the windowsill, adding a touch of homeliness to the space.",,2,0,entity,whole,entity - whole (chair),Is there a cushioned chair? +COCOval2014000000342593,"A young boy is seated comfortably in a cushioned chair in a well-organized living room. He is intently focused on the television screen in front of him, gripping a video game controller with both hands. Around him, the room is adorned with a few framed pictures and a plant on the windowsill, adding a touch of homeliness to the space.",,3,0,entity,whole,entity - whole (living room),Is there a living room? +COCOval2014000000342593,"A young boy is seated comfortably in a cushioned chair in a well-organized living room. He is intently focused on the television screen in front of him, gripping a video game controller with both hands. Around him, the room is adorned with a few framed pictures and a plant on the windowsill, adding a touch of homeliness to the space.",,4,0,entity,whole,entity - whole (television screen),Is there a television screen? +COCOval2014000000342593,"A young boy is seated comfortably in a cushioned chair in a well-organized living room. He is intently focused on the television screen in front of him, gripping a video game controller with both hands. Around him, the room is adorned with a few framed pictures and a plant on the windowsill, adding a touch of homeliness to the space.",,5,0,entity,whole,entity - whole (video game controller),Is there a video game controller? +COCOval2014000000342593,"A young boy is seated comfortably in a cushioned chair in a well-organized living room. He is intently focused on the television screen in front of him, gripping a video game controller with both hands. Around him, the room is adorned with a few framed pictures and a plant on the windowsill, adding a touch of homeliness to the space.",,6,0,entity,whole,entity - whole (pictures),Are there pictures? +COCOval2014000000342593,"A young boy is seated comfortably in a cushioned chair in a well-organized living room. He is intently focused on the television screen in front of him, gripping a video game controller with both hands. Around him, the room is adorned with a few framed pictures and a plant on the windowsill, adding a touch of homeliness to the space.",,7,0,entity,whole,entity - whole (plant),Is there a plant? +COCOval2014000000342593,"A young boy is seated comfortably in a cushioned chair in a well-organized living room. He is intently focused on the television screen in front of him, gripping a video game controller with both hands. Around him, the room is adorned with a few framed pictures and a plant on the windowsill, adding a touch of homeliness to the space.",,8,1,attribute,other,"attribute - other (boy, young)",Is the boy young? +COCOval2014000000342593,"A young boy is seated comfortably in a cushioned chair in a well-organized living room. He is intently focused on the television screen in front of him, gripping a video game controller with both hands. Around him, the room is adorned with a few framed pictures and a plant on the windowsill, adding a touch of homeliness to the space.",,9,2,attribute,other,"attribute - other (chair, cushioned)",Is the chair cushioned? +COCOval2014000000342593,"A young boy is seated comfortably in a cushioned chair in a well-organized living room. He is intently focused on the television screen in front of him, gripping a video game controller with both hands. Around him, the room is adorned with a few framed pictures and a plant on the windowsill, adding a touch of homeliness to the space.",,10,3,attribute,other,"attribute - other (living room, well-organized)",Is the living room well-organized? +COCOval2014000000342593,"A young boy is seated comfortably in a cushioned chair in a well-organized living room. He is intently focused on the television screen in front of him, gripping a video game controller with both hands. Around him, the room is adorned with a few framed pictures and a plant on the windowsill, adding a touch of homeliness to the space.",,11,1,entity,state,"entity - state (boy, sit)",Is the boy seated? +COCOval2014000000342593,"A young boy is seated comfortably in a cushioned chair in a well-organized living room. He is intently focused on the television screen in front of him, gripping a video game controller with both hands. Around him, the room is adorned with a few framed pictures and a plant on the windowsill, adding a touch of homeliness to the space.",,12,1,entity,state,"entity - state (boy, focus)",Is the boy focused? +COCOval2014000000342593,"A young boy is seated comfortably in a cushioned chair in a well-organized living room. He is intently focused on the television screen in front of him, gripping a video game controller with both hands. Around him, the room is adorned with a few framed pictures and a plant on the windowsill, adding a touch of homeliness to the space.",,13,1,entity,state,"entity - state (boy, grip)",Is the boy gripping something? +COCOval2014000000342593,"A young boy is seated comfortably in a cushioned chair in a well-organized living room. He is intently focused on the television screen in front of him, gripping a video game controller with both hands. Around him, the room is adorned with a few framed pictures and a plant on the windowsill, adding a touch of homeliness to the space.",,14,"1,2",relation,spatial,"relation - spatial (boy, chair, in)",Is the boy in the chair? +COCOval2014000000342593,"A young boy is seated comfortably in a cushioned chair in a well-organized living room. He is intently focused on the television screen in front of him, gripping a video game controller with both hands. Around him, the room is adorned with a few framed pictures and a plant on the windowsill, adding a touch of homeliness to the space.",,15,"1,4",relation,spatial,"relation - spatial (boy, television screen, in front of)",Is the boy in front of the television screen? +COCOval2014000000342593,"A young boy is seated comfortably in a cushioned chair in a well-organized living room. He is intently focused on the television screen in front of him, gripping a video game controller with both hands. Around him, the room is adorned with a few framed pictures and a plant on the windowsill, adding a touch of homeliness to the space.",,16,"1,6",relation,spatial,"relation - spatial (boy, pictures, around)",Are the pictures around the boy? +COCOval2014000000342593,"A young boy is seated comfortably in a cushioned chair in a well-organized living room. He is intently focused on the television screen in front of him, gripping a video game controller with both hands. Around him, the room is adorned with a few framed pictures and a plant on the windowsill, adding a touch of homeliness to the space.",,17,"1,7",relation,spatial,"relation - spatial (boy, plant, around)",Is the plant around the boy? +COCOval2014000000342593,"A young boy is seated comfortably in a cushioned chair in a well-organized living room. He is intently focused on the television screen in front of him, gripping a video game controller with both hands. Around him, the room is adorned with a few framed pictures and a plant on the windowsill, adding a touch of homeliness to the space.",,18,"6,3",relation,spatial,"relation - spatial (pictures, living room, adorn)",Are the pictures adorning the living room? +COCOval2014000000342593,"A young boy is seated comfortably in a cushioned chair in a well-organized living room. He is intently focused on the television screen in front of him, gripping a video game controller with both hands. Around him, the room is adorned with a few framed pictures and a plant on the windowsill, adding a touch of homeliness to the space.",,19,"7,3",relation,spatial,"relation - spatial (plant, windowsill, on)",Is the plant on the windowsill? +COCOval2014000000342593,"A young boy is seated comfortably in a cushioned chair in a well-organized living room. He is intently focused on the television screen in front of him, gripping a video game controller with both hands. Around him, the room is adorned with a few framed pictures and a plant on the windowsill, adding a touch of homeliness to the space.",,20,"7,3",relation,spatial,"relation - spatial (windowsill, living room, add)",Does the windowsill add a touch of homeliness to the living room? +COCOval2014000000424349,A chef dressed in a white apron and a tall chef's hat is sliding a freshly topped pizza into a large industrial oven. The professional kitchen is equipped with stainless steel countertops and a variety of cooking utensils hanging from a rack above. The warm glow from the oven illuminates the chef's focused expression as they carefully handle the pizza peel.,,1,0,entity,whole,entity - whole (chef),Is there a chef? +COCOval2014000000424349,A chef dressed in a white apron and a tall chef's hat is sliding a freshly topped pizza into a large industrial oven. The professional kitchen is equipped with stainless steel countertops and a variety of cooking utensils hanging from a rack above. The warm glow from the oven illuminates the chef's focused expression as they carefully handle the pizza peel.,,2,1,entity,whole,entity - whole (apron),Is the chef wearing an apron? +COCOval2014000000424349,A chef dressed in a white apron and a tall chef's hat is sliding a freshly topped pizza into a large industrial oven. The professional kitchen is equipped with stainless steel countertops and a variety of cooking utensils hanging from a rack above. The warm glow from the oven illuminates the chef's focused expression as they carefully handle the pizza peel.,,3,1,entity,whole,entity - whole (chef's hat),Is the chef wearing a chef's hat? +COCOval2014000000424349,A chef dressed in a white apron and a tall chef's hat is sliding a freshly topped pizza into a large industrial oven. The professional kitchen is equipped with stainless steel countertops and a variety of cooking utensils hanging from a rack above. The warm glow from the oven illuminates the chef's focused expression as they carefully handle the pizza peel.,,4,0,entity,whole,entity - whole (pizza),Is there a pizza? +COCOval2014000000424349,A chef dressed in a white apron and a tall chef's hat is sliding a freshly topped pizza into a large industrial oven. The professional kitchen is equipped with stainless steel countertops and a variety of cooking utensils hanging from a rack above. The warm glow from the oven illuminates the chef's focused expression as they carefully handle the pizza peel.,,5,0,entity,whole,entity - whole (oven),Is there an oven? +COCOval2014000000424349,A chef dressed in a white apron and a tall chef's hat is sliding a freshly topped pizza into a large industrial oven. The professional kitchen is equipped with stainless steel countertops and a variety of cooking utensils hanging from a rack above. The warm glow from the oven illuminates the chef's focused expression as they carefully handle the pizza peel.,,6,0,entity,whole,entity - whole (kitchen),Is there a kitchen? +COCOval2014000000424349,A chef dressed in a white apron and a tall chef's hat is sliding a freshly topped pizza into a large industrial oven. The professional kitchen is equipped with stainless steel countertops and a variety of cooking utensils hanging from a rack above. The warm glow from the oven illuminates the chef's focused expression as they carefully handle the pizza peel.,,7,6,entity,whole,entity - whole (countertops),Are there countertops? +COCOval2014000000424349,A chef dressed in a white apron and a tall chef's hat is sliding a freshly topped pizza into a large industrial oven. The professional kitchen is equipped with stainless steel countertops and a variety of cooking utensils hanging from a rack above. The warm glow from the oven illuminates the chef's focused expression as they carefully handle the pizza peel.,,8,6,entity,whole,entity - whole (utensils),Are there utensils? +COCOval2014000000424349,A chef dressed in a white apron and a tall chef's hat is sliding a freshly topped pizza into a large industrial oven. The professional kitchen is equipped with stainless steel countertops and a variety of cooking utensils hanging from a rack above. The warm glow from the oven illuminates the chef's focused expression as they carefully handle the pizza peel.,,9,2,attribute,color,"attribute - color (apron, white)",Is the apron white? +COCOval2014000000424349,A chef dressed in a white apron and a tall chef's hat is sliding a freshly topped pizza into a large industrial oven. The professional kitchen is equipped with stainless steel countertops and a variety of cooking utensils hanging from a rack above. The warm glow from the oven illuminates the chef's focused expression as they carefully handle the pizza peel.,,10,7,attribute,texture,"attribute - texture (countertops, stainless steel)",Are the countertops made of stainless steel? +COCOval2014000000424349,A chef dressed in a white apron and a tall chef's hat is sliding a freshly topped pizza into a large industrial oven. The professional kitchen is equipped with stainless steel countertops and a variety of cooking utensils hanging from a rack above. The warm glow from the oven illuminates the chef's focused expression as they carefully handle the pizza peel.,,11,"1,5",relation,spatial,"relation - spatial (chef, oven, slide into)",Is the chef sliding the pizza into the oven? +COCOval2014000000424349,A chef dressed in a white apron and a tall chef's hat is sliding a freshly topped pizza into a large industrial oven. The professional kitchen is equipped with stainless steel countertops and a variety of cooking utensils hanging from a rack above. The warm glow from the oven illuminates the chef's focused expression as they carefully handle the pizza peel.,,12,"4,5",relation,spatial,"relation - spatial (pizza, oven, in)",Is the pizza in the oven? +COCOval2014000000424349,A chef dressed in a white apron and a tall chef's hat is sliding a freshly topped pizza into a large industrial oven. The professional kitchen is equipped with stainless steel countertops and a variety of cooking utensils hanging from a rack above. The warm glow from the oven illuminates the chef's focused expression as they carefully handle the pizza peel.,,13,"6,7",relation,spatial,"relation - spatial (kitchen, countertops, equipped with)",Are the countertops in the kitchen equipped with utensils? +COCOval2014000000424349,A chef dressed in a white apron and a tall chef's hat is sliding a freshly topped pizza into a large industrial oven. The professional kitchen is equipped with stainless steel countertops and a variety of cooking utensils hanging from a rack above. The warm glow from the oven illuminates the chef's focused expression as they carefully handle the pizza peel.,,14,"8,7",relation,spatial,"relation - spatial (utensils, rack, hanging from)",Are the cooking utensils hanging from a rack above the countertops? +COCOval2014000000424349,A chef dressed in a white apron and a tall chef's hat is sliding a freshly topped pizza into a large industrial oven. The professional kitchen is equipped with stainless steel countertops and a variety of cooking utensils hanging from a rack above. The warm glow from the oven illuminates the chef's focused expression as they carefully handle the pizza peel.,,15,5,entity,state,"entity - state (oven, warm glow)",Is there a warm glow coming from the oven? +COCOval2014000000424349,A chef dressed in a white apron and a tall chef's hat is sliding a freshly topped pizza into a large industrial oven. The professional kitchen is equipped with stainless steel countertops and a variety of cooking utensils hanging from a rack above. The warm glow from the oven illuminates the chef's focused expression as they carefully handle the pizza peel.,,16,1,entity,state,"entity - state (chef, focused)",Is the chef focused? +COCOval2014000000424349,A chef dressed in a white apron and a tall chef's hat is sliding a freshly topped pizza into a large industrial oven. The professional kitchen is equipped with stainless steel countertops and a variety of cooking utensils hanging from a rack above. The warm glow from the oven illuminates the chef's focused expression as they carefully handle the pizza peel.,,17,1,entity,state,"entity - state (chef, handle)",Is the chef handling the pizza carefully? +COCOval2014000000424349,A chef dressed in a white apron and a tall chef's hat is sliding a freshly topped pizza into a large industrial oven. The professional kitchen is equipped with stainless steel countertops and a variety of cooking utensils hanging from a rack above. The warm glow from the oven illuminates the chef's focused expression as they carefully handle the pizza peel.,,18,1,entity,state,"entity - state (chef, expression)",Is the chef's expression focused? +COCOval2014000000413552,"A cozy indoor setting where a woman is seated with a baby on her lap. The infant, dressed in a colorful outfit, gazes directly into the lens of the camera with a curious expression. The background is softly blurred, highlighting the interaction between the child and the camera.",,1,0,global,,global - (cozy indoor setting),Is this a cozy indoor setting? +COCOval2014000000413552,"A cozy indoor setting where a woman is seated with a baby on her lap. The infant, dressed in a colorful outfit, gazes directly into the lens of the camera with a curious expression. The background is softly blurred, highlighting the interaction between the child and the camera.",,2,0,entity,whole,entity - whole (woman),Is there a woman? +COCOval2014000000413552,"A cozy indoor setting where a woman is seated with a baby on her lap. The infant, dressed in a colorful outfit, gazes directly into the lens of the camera with a curious expression. The background is softly blurred, highlighting the interaction between the child and the camera.",,3,0,entity,whole,entity - whole (baby),Is there a baby? +COCOval2014000000413552,"A cozy indoor setting where a woman is seated with a baby on her lap. The infant, dressed in a colorful outfit, gazes directly into the lens of the camera with a curious expression. The background is softly blurred, highlighting the interaction between the child and the camera.",,4,3,entity,part,entity - part (baby's outfit),Is the baby wearing an outfit? +COCOval2014000000413552,"A cozy indoor setting where a woman is seated with a baby on her lap. The infant, dressed in a colorful outfit, gazes directly into the lens of the camera with a curious expression. The background is softly blurred, highlighting the interaction between the child and the camera.",,5,2,entity,state,"entity - state (woman, sit)",Is the woman sitting? +COCOval2014000000413552,"A cozy indoor setting where a woman is seated with a baby on her lap. The infant, dressed in a colorful outfit, gazes directly into the lens of the camera with a curious expression. The background is softly blurred, highlighting the interaction between the child and the camera.",,6,3,entity,state,"entity - state (baby, gaze)",Is the baby gazing? +COCOval2014000000413552,"A cozy indoor setting where a woman is seated with a baby on her lap. The infant, dressed in a colorful outfit, gazes directly into the lens of the camera with a curious expression. The background is softly blurred, highlighting the interaction between the child and the camera.",,7,3,entity,state,"entity - state (baby, curious)",Is the baby curious? +COCOval2014000000413552,"A cozy indoor setting where a woman is seated with a baby on her lap. The infant, dressed in a colorful outfit, gazes directly into the lens of the camera with a curious expression. The background is softly blurred, highlighting the interaction between the child and the camera.",,8,4,attribute,other,"attribute - other (outfit, colorful)",Is the baby's outfit colorful? +COCOval2014000000413552,"A cozy indoor setting where a woman is seated with a baby on her lap. The infant, dressed in a colorful outfit, gazes directly into the lens of the camera with a curious expression. The background is softly blurred, highlighting the interaction between the child and the camera.",,9,0,attribute,texture,"attribute - texture (background, softly blurred)",Is the background softly blurred? +COCOval2014000000413552,"A cozy indoor setting where a woman is seated with a baby on her lap. The infant, dressed in a colorful outfit, gazes directly into the lens of the camera with a curious expression. The background is softly blurred, highlighting the interaction between the child and the camera.",,10,"3,2",relation,spatial,"relation - spatial (baby, woman, on)",Is the baby on the woman? +COCOval2014000000180784,"A quaint, single-engine propeller plane with a vibrant paint job rests in the middle of a wide-open grassy field. The field is bordered by a simple fence and a few scattered trees in the distance. The plane's small size suggests it's designed for personal or recreational use, and it sits idle under the clear sky.",,1,0,entity,whole,entity - whole (plane),Is there a plane? +COCOval2014000000180784,"A quaint, single-engine propeller plane with a vibrant paint job rests in the middle of a wide-open grassy field. The field is bordered by a simple fence and a few scattered trees in the distance. The plane's small size suggests it's designed for personal or recreational use, and it sits idle under the clear sky.",,2,1,attribute,other,"attribute - other (plane, single-engine)",Is the plane single-engine? +COCOval2014000000180784,"A quaint, single-engine propeller plane with a vibrant paint job rests in the middle of a wide-open grassy field. The field is bordered by a simple fence and a few scattered trees in the distance. The plane's small size suggests it's designed for personal or recreational use, and it sits idle under the clear sky.",,3,1,entity,part,entity - part (plane's propeller),Does the plane have a propeller? +COCOval2014000000180784,"A quaint, single-engine propeller plane with a vibrant paint job rests in the middle of a wide-open grassy field. The field is bordered by a simple fence and a few scattered trees in the distance. The plane's small size suggests it's designed for personal or recreational use, and it sits idle under the clear sky.",,4,1,attribute,texture,"attribute - texture (plane, vibrant paint job)",Does the plane have a vibrant paint job? +COCOval2014000000180784,"A quaint, single-engine propeller plane with a vibrant paint job rests in the middle of a wide-open grassy field. The field is bordered by a simple fence and a few scattered trees in the distance. The plane's small size suggests it's designed for personal or recreational use, and it sits idle under the clear sky.",,5,1,attribute,size,"attribute - size (plane, small)",Is the plane small? +COCOval2014000000180784,"A quaint, single-engine propeller plane with a vibrant paint job rests in the middle of a wide-open grassy field. The field is bordered by a simple fence and a few scattered trees in the distance. The plane's small size suggests it's designed for personal or recreational use, and it sits idle under the clear sky.",,6,1,attribute,other,"attribute - other (plane, personal or recreational use)",Is the plane designed for personal or recreational use? +COCOval2014000000180784,"A quaint, single-engine propeller plane with a vibrant paint job rests in the middle of a wide-open grassy field. The field is bordered by a simple fence and a few scattered trees in the distance. The plane's small size suggests it's designed for personal or recreational use, and it sits idle under the clear sky.",,7,0,entity,whole,entity - whole (field),Is there a field? +COCOval2014000000180784,"A quaint, single-engine propeller plane with a vibrant paint job rests in the middle of a wide-open grassy field. The field is bordered by a simple fence and a few scattered trees in the distance. The plane's small size suggests it's designed for personal or recreational use, and it sits idle under the clear sky.",,8,7,attribute,texture,"attribute - texture (field, grassy)",Is the field grassy? +COCOval2014000000180784,"A quaint, single-engine propeller plane with a vibrant paint job rests in the middle of a wide-open grassy field. The field is bordered by a simple fence and a few scattered trees in the distance. The plane's small size suggests it's designed for personal or recreational use, and it sits idle under the clear sky.",,9,7,entity,whole,entity - whole (fence),Is there a fence? +COCOval2014000000180784,"A quaint, single-engine propeller plane with a vibrant paint job rests in the middle of a wide-open grassy field. The field is bordered by a simple fence and a few scattered trees in the distance. The plane's small size suggests it's designed for personal or recreational use, and it sits idle under the clear sky.",,10,0,entity,whole,entity - whole (trees),Are there trees? +COCOval2014000000180784,"A quaint, single-engine propeller plane with a vibrant paint job rests in the middle of a wide-open grassy field. The field is bordered by a simple fence and a few scattered trees in the distance. The plane's small size suggests it's designed for personal or recreational use, and it sits idle under the clear sky.",,11,10,attribute,size,"attribute - size (trees, scattered)",Are the trees scattered? +COCOval2014000000180784,"A quaint, single-engine propeller plane with a vibrant paint job rests in the middle of a wide-open grassy field. The field is bordered by a simple fence and a few scattered trees in the distance. The plane's small size suggests it's designed for personal or recreational use, and it sits idle under the clear sky.",,12,1,entity,state,"entity - state (plane, idle)",Is the plane idle? +COCOval2014000000180784,"A quaint, single-engine propeller plane with a vibrant paint job rests in the middle of a wide-open grassy field. The field is bordered by a simple fence and a few scattered trees in the distance. The plane's small size suggests it's designed for personal or recreational use, and it sits idle under the clear sky.",,13,"1,7",relation,spatial,"relation - spatial (plane, field, in)",Is the plane in the field? +COCOval2014000000180784,"A quaint, single-engine propeller plane with a vibrant paint job rests in the middle of a wide-open grassy field. The field is bordered by a simple fence and a few scattered trees in the distance. The plane's small size suggests it's designed for personal or recreational use, and it sits idle under the clear sky.",,14,"7,9",relation,spatial,"relation - spatial (field, fence, bordered by)",Is the field bordered by a fence? +COCOval2014000000180784,"A quaint, single-engine propeller plane with a vibrant paint job rests in the middle of a wide-open grassy field. The field is bordered by a simple fence and a few scattered trees in the distance. The plane's small size suggests it's designed for personal or recreational use, and it sits idle under the clear sky.",,15,"7,10",relation,spatial,"relation - spatial (field, trees, in the distance)",Are the trees in the distance from the field? +COCOval2014000000180784,"A quaint, single-engine propeller plane with a vibrant paint job rests in the middle of a wide-open grassy field. The field is bordered by a simple fence and a few scattered trees in the distance. The plane's small size suggests it's designed for personal or recreational use, and it sits idle under the clear sky.",,16,1,relation,spatial,"relation - spatial (plane, sky, under)",Is the plane under the clear sky? +COCOval2014000000325237,"Pedestrians with umbrellas navigate a wet sidewalk glistening from the rainfall. The street alongside is lined with lampposts and trees that are gently swaying in the breeze. Puddles have formed on the ground, reflecting the overcast sky and the city buildings that loom in the background.",,1,0,entity,whole,entity - whole (pedestrians),Are there pedestrians? +COCOval2014000000325237,"Pedestrians with umbrellas navigate a wet sidewalk glistening from the rainfall. The street alongside is lined with lampposts and trees that are gently swaying in the breeze. Puddles have formed on the ground, reflecting the overcast sky and the city buildings that loom in the background.",,2,0,entity,whole,entity - whole (umbrellas),Are there umbrellas? +COCOval2014000000325237,"Pedestrians with umbrellas navigate a wet sidewalk glistening from the rainfall. The street alongside is lined with lampposts and trees that are gently swaying in the breeze. Puddles have formed on the ground, reflecting the overcast sky and the city buildings that loom in the background.",,3,0,entity,whole,entity - whole (sidewalk),Is there a sidewalk? +COCOval2014000000325237,"Pedestrians with umbrellas navigate a wet sidewalk glistening from the rainfall. The street alongside is lined with lampposts and trees that are gently swaying in the breeze. Puddles have formed on the ground, reflecting the overcast sky and the city buildings that loom in the background.",,4,0,entity,whole,entity - whole (street),Is there a street? +COCOval2014000000325237,"Pedestrians with umbrellas navigate a wet sidewalk glistening from the rainfall. The street alongside is lined with lampposts and trees that are gently swaying in the breeze. Puddles have formed on the ground, reflecting the overcast sky and the city buildings that loom in the background.",,5,0,entity,whole,entity - whole (lampposts),Are there lampposts? +COCOval2014000000325237,"Pedestrians with umbrellas navigate a wet sidewalk glistening from the rainfall. The street alongside is lined with lampposts and trees that are gently swaying in the breeze. Puddles have formed on the ground, reflecting the overcast sky and the city buildings that loom in the background.",,6,0,entity,whole,entity - whole (trees),Are there trees? +COCOval2014000000325237,"Pedestrians with umbrellas navigate a wet sidewalk glistening from the rainfall. The street alongside is lined with lampposts and trees that are gently swaying in the breeze. Puddles have formed on the ground, reflecting the overcast sky and the city buildings that loom in the background.",,7,0,entity,whole,entity - whole (puddles),Are there puddles? +COCOval2014000000325237,"Pedestrians with umbrellas navigate a wet sidewalk glistening from the rainfall. The street alongside is lined with lampposts and trees that are gently swaying in the breeze. Puddles have formed on the ground, reflecting the overcast sky and the city buildings that loom in the background.",,8,0,entity,whole,entity - whole (sky),Is there a sky? +COCOval2014000000325237,"Pedestrians with umbrellas navigate a wet sidewalk glistening from the rainfall. The street alongside is lined with lampposts and trees that are gently swaying in the breeze. Puddles have formed on the ground, reflecting the overcast sky and the city buildings that loom in the background.",,9,0,entity,whole,entity - whole (city buildings),Are there city buildings? +COCOval2014000000325237,"Pedestrians with umbrellas navigate a wet sidewalk glistening from the rainfall. The street alongside is lined with lampposts and trees that are gently swaying in the breeze. Puddles have formed on the ground, reflecting the overcast sky and the city buildings that loom in the background.",,10,3,attribute,other,"attribute - other (sidewalk, wet)",Is the sidewalk wet? +COCOval2014000000325237,"Pedestrians with umbrellas navigate a wet sidewalk glistening from the rainfall. The street alongside is lined with lampposts and trees that are gently swaying in the breeze. Puddles have formed on the ground, reflecting the overcast sky and the city buildings that loom in the background.",,11,3,attribute,other,"attribute - other (sidewalk, glistening)",Is the sidewalk glistening? +COCOval2014000000325237,"Pedestrians with umbrellas navigate a wet sidewalk glistening from the rainfall. The street alongside is lined with lampposts and trees that are gently swaying in the breeze. Puddles have formed on the ground, reflecting the overcast sky and the city buildings that loom in the background.",,12,4,attribute,other,"attribute - other (street, alongside)",Is the street alongside? +COCOval2014000000325237,"Pedestrians with umbrellas navigate a wet sidewalk glistening from the rainfall. The street alongside is lined with lampposts and trees that are gently swaying in the breeze. Puddles have formed on the ground, reflecting the overcast sky and the city buildings that loom in the background.",,13,4,attribute,other,"attribute - other (lampposts, lined)",Are the lampposts lined? +COCOval2014000000325237,"Pedestrians with umbrellas navigate a wet sidewalk glistening from the rainfall. The street alongside is lined with lampposts and trees that are gently swaying in the breeze. Puddles have formed on the ground, reflecting the overcast sky and the city buildings that loom in the background.",,14,6,attribute,other,"attribute - other (trees, swaying)",Are the trees swaying? +COCOval2014000000325237,"Pedestrians with umbrellas navigate a wet sidewalk glistening from the rainfall. The street alongside is lined with lampposts and trees that are gently swaying in the breeze. Puddles have formed on the ground, reflecting the overcast sky and the city buildings that loom in the background.",,15,7,attribute,other,"attribute - other (puddles, formed)",Have puddles formed? +COCOval2014000000325237,"Pedestrians with umbrellas navigate a wet sidewalk glistening from the rainfall. The street alongside is lined with lampposts and trees that are gently swaying in the breeze. Puddles have formed on the ground, reflecting the overcast sky and the city buildings that loom in the background.",,16,7,attribute,other,"attribute - other (puddles, reflecting)",Are the puddles reflecting? +COCOval2014000000325237,"Pedestrians with umbrellas navigate a wet sidewalk glistening from the rainfall. The street alongside is lined with lampposts and trees that are gently swaying in the breeze. Puddles have formed on the ground, reflecting the overcast sky and the city buildings that loom in the background.",,17,8,attribute,other,"attribute - other (sky, overcast)",Is the sky overcast? +COCOval2014000000325237,"Pedestrians with umbrellas navigate a wet sidewalk glistening from the rainfall. The street alongside is lined with lampposts and trees that are gently swaying in the breeze. Puddles have formed on the ground, reflecting the overcast sky and the city buildings that loom in the background.",,18,"1,3",relation,spatial,"relation - spatial (pedestrians, sidewalk, navigate)",Are the pedestrians navigating the sidewalk? +COCOval2014000000325237,"Pedestrians with umbrellas navigate a wet sidewalk glistening from the rainfall. The street alongside is lined with lampposts and trees that are gently swaying in the breeze. Puddles have formed on the ground, reflecting the overcast sky and the city buildings that loom in the background.",,19,"3,10",relation,spatial,"relation - spatial (sidewalk, rainfall, from)",Is the sidewalk wet from the rainfall? +COCOval2014000000325237,"Pedestrians with umbrellas navigate a wet sidewalk glistening from the rainfall. The street alongside is lined with lampposts and trees that are gently swaying in the breeze. Puddles have formed on the ground, reflecting the overcast sky and the city buildings that loom in the background.",,20,"4,5",relation,spatial,"relation - spatial (street, lampposts, alongside)",Are the lampposts alongside the street? +COCOval2014000000325237,"Pedestrians with umbrellas navigate a wet sidewalk glistening from the rainfall. The street alongside is lined with lampposts and trees that are gently swaying in the breeze. Puddles have formed on the ground, reflecting the overcast sky and the city buildings that loom in the background.",,21,"4,6",relation,spatial,"relation - spatial (street, trees, alongside)",Are the trees alongside the street? +COCOval2014000000325237,"Pedestrians with umbrellas navigate a wet sidewalk glistening from the rainfall. The street alongside is lined with lampposts and trees that are gently swaying in the breeze. Puddles have formed on the ground, reflecting the overcast sky and the city buildings that loom in the background.",,22,"7,3",relation,spatial,"relation - spatial (puddles, ground, on)",Are the puddles on the ground? +COCOval2014000000325237,"Pedestrians with umbrellas navigate a wet sidewalk glistening from the rainfall. The street alongside is lined with lampposts and trees that are gently swaying in the breeze. Puddles have formed on the ground, reflecting the overcast sky and the city buildings that loom in the background.",,23,"7,8",relation,spatial,"relation - spatial (puddles, sky, reflecting)",Are the puddles reflecting the sky? +COCOval2014000000325237,"Pedestrians with umbrellas navigate a wet sidewalk glistening from the rainfall. The street alongside is lined with lampposts and trees that are gently swaying in the breeze. Puddles have formed on the ground, reflecting the overcast sky and the city buildings that loom in the background.",,24,"7,9",relation,spatial,"relation - spatial (puddles, city buildings, reflecting)",Are the puddles reflecting the city buildings in the background? +COCOval2014000000325237,"Pedestrians with umbrellas navigate a wet sidewalk glistening from the rainfall. The street alongside is lined with lampposts and trees that are gently swaying in the breeze. Puddles have formed on the ground, reflecting the overcast sky and the city buildings that loom in the background.",,25,9,relation,spatial,"relation - spatial (city buildings, background, loom)",Do the city buildings loom in the background? +COCOval2014000000239274,"A large pontoon boat, its deck lined with rows of seats, is filled with passengers. The boat is just beginning to move away from the dock, creating ripples on the water's surface. The shoreline is dotted with trees and a few buildings that are slowly receding into the background as the ferry starts its journey across the calm lake.",,1,0,entity,whole,entity - whole (pontoon boat),Is there a pontoon boat? +COCOval2014000000239274,"A large pontoon boat, its deck lined with rows of seats, is filled with passengers. The boat is just beginning to move away from the dock, creating ripples on the water's surface. The shoreline is dotted with trees and a few buildings that are slowly receding into the background as the ferry starts its journey across the calm lake.",,2,1,entity,part,entity - part (pontoon boat's deck),Is the deck of the boat lined with seats? +COCOval2014000000239274,"A large pontoon boat, its deck lined with rows of seats, is filled with passengers. The boat is just beginning to move away from the dock, creating ripples on the water's surface. The shoreline is dotted with trees and a few buildings that are slowly receding into the background as the ferry starts its journey across the calm lake.",,3,2,entity,whole,entity - whole (seats),Are there seats? +COCOval2014000000239274,"A large pontoon boat, its deck lined with rows of seats, is filled with passengers. The boat is just beginning to move away from the dock, creating ripples on the water's surface. The shoreline is dotted with trees and a few buildings that are slowly receding into the background as the ferry starts its journey across the calm lake.",,4,0,entity,whole,entity - whole (passengers),Are there passengers? +COCOval2014000000239274,"A large pontoon boat, its deck lined with rows of seats, is filled with passengers. The boat is just beginning to move away from the dock, creating ripples on the water's surface. The shoreline is dotted with trees and a few buildings that are slowly receding into the background as the ferry starts its journey across the calm lake.",,5,0,entity,whole,entity - whole (dock),Is there a dock? +COCOval2014000000239274,"A large pontoon boat, its deck lined with rows of seats, is filled with passengers. The boat is just beginning to move away from the dock, creating ripples on the water's surface. The shoreline is dotted with trees and a few buildings that are slowly receding into the background as the ferry starts its journey across the calm lake.",,6,0,entity,whole,entity - whole (water),Is there water? +COCOval2014000000239274,"A large pontoon boat, its deck lined with rows of seats, is filled with passengers. The boat is just beginning to move away from the dock, creating ripples on the water's surface. The shoreline is dotted with trees and a few buildings that are slowly receding into the background as the ferry starts its journey across the calm lake.",,7,0,entity,whole,entity - whole (shoreline),Is there a shoreline? +COCOval2014000000239274,"A large pontoon boat, its deck lined with rows of seats, is filled with passengers. The boat is just beginning to move away from the dock, creating ripples on the water's surface. The shoreline is dotted with trees and a few buildings that are slowly receding into the background as the ferry starts its journey across the calm lake.",,8,0,entity,whole,entity - whole (trees),Are there trees? +COCOval2014000000239274,"A large pontoon boat, its deck lined with rows of seats, is filled with passengers. The boat is just beginning to move away from the dock, creating ripples on the water's surface. The shoreline is dotted with trees and a few buildings that are slowly receding into the background as the ferry starts its journey across the calm lake.",,9,0,entity,whole,entity - whole (buildings),Are there buildings? +COCOval2014000000239274,"A large pontoon boat, its deck lined with rows of seats, is filled with passengers. The boat is just beginning to move away from the dock, creating ripples on the water's surface. The shoreline is dotted with trees and a few buildings that are slowly receding into the background as the ferry starts its journey across the calm lake.",,10,1,attribute,size,"attribute - size (boat, large)",Is the boat large? +COCOval2014000000239274,"A large pontoon boat, its deck lined with rows of seats, is filled with passengers. The boat is just beginning to move away from the dock, creating ripples on the water's surface. The shoreline is dotted with trees and a few buildings that are slowly receding into the background as the ferry starts its journey across the calm lake.",,11,3,attribute,other,"attribute - other (seats, rows)",Are the seats in rows? +COCOval2014000000239274,"A large pontoon boat, its deck lined with rows of seats, is filled with passengers. The boat is just beginning to move away from the dock, creating ripples on the water's surface. The shoreline is dotted with trees and a few buildings that are slowly receding into the background as the ferry starts its journey across the calm lake.",,12,4,entity,state,"entity - state (passengers, fill)",Are the passengers filling the boat? +COCOval2014000000239274,"A large pontoon boat, its deck lined with rows of seats, is filled with passengers. The boat is just beginning to move away from the dock, creating ripples on the water's surface. The shoreline is dotted with trees and a few buildings that are slowly receding into the background as the ferry starts its journey across the calm lake.",,13,"1,5",entity,state,"entity - state (boat, move away from dock)",Is the boat moving away from the dock? +COCOval2014000000239274,"A large pontoon boat, its deck lined with rows of seats, is filled with passengers. The boat is just beginning to move away from the dock, creating ripples on the water's surface. The shoreline is dotted with trees and a few buildings that are slowly receding into the background as the ferry starts its journey across the calm lake.",,14,6,entity,state,"entity - state (water, ripple)",Are there ripples on the water's surface? +COCOval2014000000239274,"A large pontoon boat, its deck lined with rows of seats, is filled with passengers. The boat is just beginning to move away from the dock, creating ripples on the water's surface. The shoreline is dotted with trees and a few buildings that are slowly receding into the background as the ferry starts its journey across the calm lake.",,15,"1,5",relation,spatial,"relation - spatial (boat, dock, away from)",Is the boat away from the dock? +COCOval2014000000239274,"A large pontoon boat, its deck lined with rows of seats, is filled with passengers. The boat is just beginning to move away from the dock, creating ripples on the water's surface. The shoreline is dotted with trees and a few buildings that are slowly receding into the background as the ferry starts its journey across the calm lake.",,16,"1,6",relation,spatial,"relation - spatial (boat, water, on)",Is the boat on the water? +COCOval2014000000239274,"A large pontoon boat, its deck lined with rows of seats, is filled with passengers. The boat is just beginning to move away from the dock, creating ripples on the water's surface. The shoreline is dotted with trees and a few buildings that are slowly receding into the background as the ferry starts its journey across the calm lake.",,17,"7,8",relation,spatial,"relation - spatial (shoreline, trees, dotted with)",Is the shoreline dotted with trees? +COCOval2014000000239274,"A large pontoon boat, its deck lined with rows of seats, is filled with passengers. The boat is just beginning to move away from the dock, creating ripples on the water's surface. The shoreline is dotted with trees and a few buildings that are slowly receding into the background as the ferry starts its journey across the calm lake.",,18,"7,9",relation,spatial,"relation - spatial (shoreline, buildings, dotted with)",Is the shoreline dotted with buildings? +COCOval2014000000239274,"A large pontoon boat, its deck lined with rows of seats, is filled with passengers. The boat is just beginning to move away from the dock, creating ripples on the water's surface. The shoreline is dotted with trees and a few buildings that are slowly receding into the background as the ferry starts its journey across the calm lake.",,19,9,relation,spatial,"relation - spatial (buildings, background, receding)",Are the buildings receding into the background? +COCOval2014000000239274,"A large pontoon boat, its deck lined with rows of seats, is filled with passengers. The boat is just beginning to move away from the dock, creating ripples on the water's surface. The shoreline is dotted with trees and a few buildings that are slowly receding into the background as the ferry starts its journey across the calm lake.",,20,"1,6",relation,spatial,"relation - spatial (ferry, lake, across)",Is the ferry starting its journey across the calm lake? +COCOval2014000000449726,"A rustic piece of crusty bread with a circular cutout in the center, where a fried egg sits perfectly cooked. The yolk is still runny, and the edges of the egg are slightly crispy. The plate on which the bread and egg rest is white, providing a stark contrast to the golden brown hues of the meal.",,1,0,entity,whole,entity - whole (bread),Is there a piece of bread? +COCOval2014000000449726,"A rustic piece of crusty bread with a circular cutout in the center, where a fried egg sits perfectly cooked. The yolk is still runny, and the edges of the egg are slightly crispy. The plate on which the bread and egg rest is white, providing a stark contrast to the golden brown hues of the meal.",,2,0,entity,whole,entity - whole (egg),Is there an egg? +COCOval2014000000449726,"A rustic piece of crusty bread with a circular cutout in the center, where a fried egg sits perfectly cooked. The yolk is still runny, and the edges of the egg are slightly crispy. The plate on which the bread and egg rest is white, providing a stark contrast to the golden brown hues of the meal.",,3,0,entity,whole,entity - whole (plate),Is there a plate? +COCOval2014000000449726,"A rustic piece of crusty bread with a circular cutout in the center, where a fried egg sits perfectly cooked. The yolk is still runny, and the edges of the egg are slightly crispy. The plate on which the bread and egg rest is white, providing a stark contrast to the golden brown hues of the meal.",,4,1,attribute,texture,"attribute - texture (bread, rustic)",Is the bread rustic? +COCOval2014000000449726,"A rustic piece of crusty bread with a circular cutout in the center, where a fried egg sits perfectly cooked. The yolk is still runny, and the edges of the egg are slightly crispy. The plate on which the bread and egg rest is white, providing a stark contrast to the golden brown hues of the meal.",,5,1,attribute,texture,"attribute - texture (bread, crusty)",Is the bread crusty? +COCOval2014000000449726,"A rustic piece of crusty bread with a circular cutout in the center, where a fried egg sits perfectly cooked. The yolk is still runny, and the edges of the egg are slightly crispy. The plate on which the bread and egg rest is white, providing a stark contrast to the golden brown hues of the meal.",,6,1,attribute,shape,"attribute - shape (bread, circular)",Is the bread circular? +COCOval2014000000449726,"A rustic piece of crusty bread with a circular cutout in the center, where a fried egg sits perfectly cooked. The yolk is still runny, and the edges of the egg are slightly crispy. The plate on which the bread and egg rest is white, providing a stark contrast to the golden brown hues of the meal.",,7,2,entity,state,"entity - state (egg, cooked)",Is the egg cooked? +COCOval2014000000449726,"A rustic piece of crusty bread with a circular cutout in the center, where a fried egg sits perfectly cooked. The yolk is still runny, and the edges of the egg are slightly crispy. The plate on which the bread and egg rest is white, providing a stark contrast to the golden brown hues of the meal.",,8,2,entity,state,"entity - state (yolk, runny)",Is the yolk runny? +COCOval2014000000449726,"A rustic piece of crusty bread with a circular cutout in the center, where a fried egg sits perfectly cooked. The yolk is still runny, and the edges of the egg are slightly crispy. The plate on which the bread and egg rest is white, providing a stark contrast to the golden brown hues of the meal.",,9,2,attribute,texture,"attribute - texture (egg, crispy)",Is the egg crispy? +COCOval2014000000449726,"A rustic piece of crusty bread with a circular cutout in the center, where a fried egg sits perfectly cooked. The yolk is still runny, and the edges of the egg are slightly crispy. The plate on which the bread and egg rest is white, providing a stark contrast to the golden brown hues of the meal.",,10,3,attribute,color,"attribute - color (plate, white)",Is the plate white? +COCOval2014000000449726,"A rustic piece of crusty bread with a circular cutout in the center, where a fried egg sits perfectly cooked. The yolk is still runny, and the edges of the egg are slightly crispy. The plate on which the bread and egg rest is white, providing a stark contrast to the golden brown hues of the meal.",,11,3,attribute,color,"attribute - color (meal, golden brown)",Are the meal's hues golden brown? +COCOval2014000000449726,"A rustic piece of crusty bread with a circular cutout in the center, where a fried egg sits perfectly cooked. The yolk is still runny, and the edges of the egg are slightly crispy. The plate on which the bread and egg rest is white, providing a stark contrast to the golden brown hues of the meal.",,12,"1,2",relation,spatial,"relation - spatial (egg, bread, sit on)",Is the egg sitting on the bread? +COCOval2014000000449726,"A rustic piece of crusty bread with a circular cutout in the center, where a fried egg sits perfectly cooked. The yolk is still runny, and the edges of the egg are slightly crispy. The plate on which the bread and egg rest is white, providing a stark contrast to the golden brown hues of the meal.",,13,"1,3",relation,spatial,"relation - spatial (bread, plate, rest on)",Is the bread resting on the plate? +COCOval2014000000224622,"a towering clock tower stands against the backdrop of a clear blue sky. the clock face is visible, showing the time, with intricate details around its frame. the structure's architecture is a blend of classic and modern elements, with the tower rising prominently above the surrounding buildings.",,1,0,entity,whole,entity - whole (clock tower),Is there a clock tower? +COCOval2014000000224622,"a towering clock tower stands against the backdrop of a clear blue sky. the clock face is visible, showing the time, with intricate details around its frame. the structure's architecture is a blend of classic and modern elements, with the tower rising prominently above the surrounding buildings.",,2,0,entity,whole,entity - whole (sky),Is there a sky? +COCOval2014000000224622,"a towering clock tower stands against the backdrop of a clear blue sky. the clock face is visible, showing the time, with intricate details around its frame. the structure's architecture is a blend of classic and modern elements, with the tower rising prominently above the surrounding buildings.",,3,0,entity,whole,entity - whole (clock face),Is there a clock face? +COCOval2014000000224622,"a towering clock tower stands against the backdrop of a clear blue sky. the clock face is visible, showing the time, with intricate details around its frame. the structure's architecture is a blend of classic and modern elements, with the tower rising prominently above the surrounding buildings.",,4,2,attribute,color,"attribute - color (sky, clear blue)",Is the sky clear blue? +COCOval2014000000224622,"a towering clock tower stands against the backdrop of a clear blue sky. the clock face is visible, showing the time, with intricate details around its frame. the structure's architecture is a blend of classic and modern elements, with the tower rising prominently above the surrounding buildings.",,5,3,attribute,other,"attribute - other (clock face, visible)",Is the clock face visible? +COCOval2014000000224622,"a towering clock tower stands against the backdrop of a clear blue sky. the clock face is visible, showing the time, with intricate details around its frame. the structure's architecture is a blend of classic and modern elements, with the tower rising prominently above the surrounding buildings.",,6,3,attribute,other,"attribute - other (clock face, show time)",Does the clock face show the time? +COCOval2014000000224622,"a towering clock tower stands against the backdrop of a clear blue sky. the clock face is visible, showing the time, with intricate details around its frame. the structure's architecture is a blend of classic and modern elements, with the tower rising prominently above the surrounding buildings.",,7,3,attribute,other,"attribute - other (clock face, intricate details)",Are there intricate details on the clock face? +COCOval2014000000224622,"a towering clock tower stands against the backdrop of a clear blue sky. the clock face is visible, showing the time, with intricate details around its frame. the structure's architecture is a blend of classic and modern elements, with the tower rising prominently above the surrounding buildings.",,8,1,attribute,other,"attribute - other (architecture, blend of classic and modern elements)",Is the architecture a blend of classic and modern elements? +COCOval2014000000224622,"a towering clock tower stands against the backdrop of a clear blue sky. the clock face is visible, showing the time, with intricate details around its frame. the structure's architecture is a blend of classic and modern elements, with the tower rising prominently above the surrounding buildings.",,9,1,attribute,size,"attribute - size (tower, towering)",Is the tower towering? +COCOval2014000000224622,"a towering clock tower stands against the backdrop of a clear blue sky. the clock face is visible, showing the time, with intricate details around its frame. the structure's architecture is a blend of classic and modern elements, with the tower rising prominently above the surrounding buildings.",,10,1,relation,spatial,"relation - spatial (clock tower, sky, against)",Is the clock tower against the sky? +COCOval2014000000224622,"a towering clock tower stands against the backdrop of a clear blue sky. the clock face is visible, showing the time, with intricate details around its frame. the structure's architecture is a blend of classic and modern elements, with the tower rising prominently above the surrounding buildings.",,11,"1,11",relation,spatial,"relation - spatial (clock tower, surrounding buildings, above)",Is the clock tower rising above the surrounding buildings? +COCOval2014000000471528,"An eye-catching graphic designed to capture the attention of writers across the country. It features bold text and vibrant colors to announce the National Novel Writing Month event. The graphic includes motivational slogans and the dates of the event, encouraging authors to unleash their creativity and join the challenge.",,1,0,global,,global - (graphic),Is this a graphic? +COCOval2014000000471528,"An eye-catching graphic designed to capture the attention of writers across the country. It features bold text and vibrant colors to announce the National Novel Writing Month event. The graphic includes motivational slogans and the dates of the event, encouraging authors to unleash their creativity and join the challenge.",,2,1,attribute,other,"attribute - other (graphic, eye-catching)",Is the graphic eye-catching? +COCOval2014000000471528,"An eye-catching graphic designed to capture the attention of writers across the country. It features bold text and vibrant colors to announce the National Novel Writing Month event. The graphic includes motivational slogans and the dates of the event, encouraging authors to unleash their creativity and join the challenge.",,3,1,attribute,other,"attribute - other (graphic, designed)",Is the graphic designed? +COCOval2014000000471528,"An eye-catching graphic designed to capture the attention of writers across the country. It features bold text and vibrant colors to announce the National Novel Writing Month event. The graphic includes motivational slogans and the dates of the event, encouraging authors to unleash their creativity and join the challenge.",,4,1,attribute,other,"attribute - other (graphic, bold text)",Does the graphic have bold text? +COCOval2014000000471528,"An eye-catching graphic designed to capture the attention of writers across the country. It features bold text and vibrant colors to announce the National Novel Writing Month event. The graphic includes motivational slogans and the dates of the event, encouraging authors to unleash their creativity and join the challenge.",,5,1,attribute,color,"attribute - color (graphic, vibrant)",Are the colors of the graphic vibrant? +COCOval2014000000471528,"An eye-catching graphic designed to capture the attention of writers across the country. It features bold text and vibrant colors to announce the National Novel Writing Month event. The graphic includes motivational slogans and the dates of the event, encouraging authors to unleash their creativity and join the challenge.",,6,0,entity,whole,entity - whole (writers),Are there writers? +COCOval2014000000471528,"An eye-catching graphic designed to capture the attention of writers across the country. It features bold text and vibrant colors to announce the National Novel Writing Month event. The graphic includes motivational slogans and the dates of the event, encouraging authors to unleash their creativity and join the challenge.",,7,0,entity,whole,entity - whole (National Novel Writing Month event),Is there a National Novel Writing Month event? +COCOval2014000000471528,"An eye-catching graphic designed to capture the attention of writers across the country. It features bold text and vibrant colors to announce the National Novel Writing Month event. The graphic includes motivational slogans and the dates of the event, encouraging authors to unleash their creativity and join the challenge.",,8,0,entity,whole,entity - whole (slogans),Are there slogans? +COCOval2014000000471528,"An eye-catching graphic designed to capture the attention of writers across the country. It features bold text and vibrant colors to announce the National Novel Writing Month event. The graphic includes motivational slogans and the dates of the event, encouraging authors to unleash their creativity and join the challenge.",,9,0,entity,whole,entity - whole (dates),Are there dates? +COCOval2014000000471528,"An eye-catching graphic designed to capture the attention of writers across the country. It features bold text and vibrant colors to announce the National Novel Writing Month event. The graphic includes motivational slogans and the dates of the event, encouraging authors to unleash their creativity and join the challenge.",,10,0,entity,whole,entity - whole (authors),Are there authors? +COCOval2014000000471528,"An eye-catching graphic designed to capture the attention of writers across the country. It features bold text and vibrant colors to announce the National Novel Writing Month event. The graphic includes motivational slogans and the dates of the event, encouraging authors to unleash their creativity and join the challenge.",,11,10,relation,non-spatial,"relation - non-spatial (authors, creativity, unleash)",Are authors encouraged to unleash their creativity? +COCOval2014000000471528,"An eye-catching graphic designed to capture the attention of writers across the country. It features bold text and vibrant colors to announce the National Novel Writing Month event. The graphic includes motivational slogans and the dates of the event, encouraging authors to unleash their creativity and join the challenge.",,12,10,relation,non-spatial,"relation - non-spatial (authors, challenge, join)",Are authors encouraged to join the challenge? +COCOval2014000000339120,"An outdoor tennis court with a green surface and white boundary lines. A man and a child are engaged in a playful tennis match, each holding a racket and focusing on the ball. The court is surrounded by a tall fence, and there are trees casting shadows on the ground nearby.",,1,0,entity,whole,entity - whole (tennis court),Is there an outdoor tennis court? +COCOval2014000000339120,"An outdoor tennis court with a green surface and white boundary lines. A man and a child are engaged in a playful tennis match, each holding a racket and focusing on the ball. The court is surrounded by a tall fence, and there are trees casting shadows on the ground nearby.",,2,1,attribute,color,"attribute - color (surface, green)",Is the surface green? +COCOval2014000000339120,"An outdoor tennis court with a green surface and white boundary lines. A man and a child are engaged in a playful tennis match, each holding a racket and focusing on the ball. The court is surrounded by a tall fence, and there are trees casting shadows on the ground nearby.",,3,1,attribute,color,"attribute - color (boundary lines, white)",Are the boundary lines white? +COCOval2014000000339120,"An outdoor tennis court with a green surface and white boundary lines. A man and a child are engaged in a playful tennis match, each holding a racket and focusing on the ball. The court is surrounded by a tall fence, and there are trees casting shadows on the ground nearby.",,4,0,entity,whole,entity - whole (man),Is there a man? +COCOval2014000000339120,"An outdoor tennis court with a green surface and white boundary lines. A man and a child are engaged in a playful tennis match, each holding a racket and focusing on the ball. The court is surrounded by a tall fence, and there are trees casting shadows on the ground nearby.",,5,0,entity,whole,entity - whole (child),Is there a child? +COCOval2014000000339120,"An outdoor tennis court with a green surface and white boundary lines. A man and a child are engaged in a playful tennis match, each holding a racket and focusing on the ball. The court is surrounded by a tall fence, and there are trees casting shadows on the ground nearby.",,6,0,entity,whole,entity - whole (racket),Is there a racket? +COCOval2014000000339120,"An outdoor tennis court with a green surface and white boundary lines. A man and a child are engaged in a playful tennis match, each holding a racket and focusing on the ball. The court is surrounded by a tall fence, and there are trees casting shadows on the ground nearby.",,7,4,entity,state,"entity - state (man, play)",Is the man playing? +COCOval2014000000339120,"An outdoor tennis court with a green surface and white boundary lines. A man and a child are engaged in a playful tennis match, each holding a racket and focusing on the ball. The court is surrounded by a tall fence, and there are trees casting shadows on the ground nearby.",,8,5,entity,state,"entity - state (child, play)",Is the child playing? +COCOval2014000000339120,"An outdoor tennis court with a green surface and white boundary lines. A man and a child are engaged in a playful tennis match, each holding a racket and focusing on the ball. The court is surrounded by a tall fence, and there are trees casting shadows on the ground nearby.",,9,"1,4",relation,spatial,"relation - spatial (man, tennis court, on)",Is the man on the tennis court? +COCOval2014000000339120,"An outdoor tennis court with a green surface and white boundary lines. A man and a child are engaged in a playful tennis match, each holding a racket and focusing on the ball. The court is surrounded by a tall fence, and there are trees casting shadows on the ground nearby.",,10,"1,5",relation,spatial,"relation - spatial (child, tennis court, on)",Is the child on the tennis court? +COCOval2014000000339120,"An outdoor tennis court with a green surface and white boundary lines. A man and a child are engaged in a playful tennis match, each holding a racket and focusing on the ball. The court is surrounded by a tall fence, and there are trees casting shadows on the ground nearby.",,11,"1,3",relation,spatial,"relation - spatial (court, fence, surrounded by)",Is the court surrounded by a tall fence? +COCOval2014000000339120,"An outdoor tennis court with a green surface and white boundary lines. A man and a child are engaged in a playful tennis match, each holding a racket and focusing on the ball. The court is surrounded by a tall fence, and there are trees casting shadows on the ground nearby.",,12,3,relation,spatial,"relation - spatial (trees, ground, nearby)",Are there trees nearby casting shadows on the ground? +COCOval2014000000339120,"An outdoor tennis court with a green surface and white boundary lines. A man and a child are engaged in a playful tennis match, each holding a racket and focusing on the ball. The court is surrounded by a tall fence, and there are trees casting shadows on the ground nearby.",,13,3,entity,state,"entity - state (trees, cast shadows)",Are the trees casting shadows? +COCOval2014000000217133,"an aged pickup truck sits with its hood propped open, revealing a dusty and intricate engine beneath. The vehicle's body shows signs of wear and rust, hinting at its long service and many journeys. The truck is parked on a stretch of gravel, with no other vehicles in immediate sight.",,1,0,entity,whole,entity - whole (pickup truck),Is there a pickup truck? +COCOval2014000000217133,"an aged pickup truck sits with its hood propped open, revealing a dusty and intricate engine beneath. The vehicle's body shows signs of wear and rust, hinting at its long service and many journeys. The truck is parked on a stretch of gravel, with no other vehicles in immediate sight.",,2,1,entity,part,entity - part (pickup truck's hood),Is the hood of the pickup truck propped open? +COCOval2014000000217133,"an aged pickup truck sits with its hood propped open, revealing a dusty and intricate engine beneath. The vehicle's body shows signs of wear and rust, hinting at its long service and many journeys. The truck is parked on a stretch of gravel, with no other vehicles in immediate sight.",,3,1,entity,part,entity - part (pickup truck's engine),Is the engine of the pickup truck visible? +COCOval2014000000217133,"an aged pickup truck sits with its hood propped open, revealing a dusty and intricate engine beneath. The vehicle's body shows signs of wear and rust, hinting at its long service and many journeys. The truck is parked on a stretch of gravel, with no other vehicles in immediate sight.",,4,1,attribute,other,"attribute - other (pickup truck, aged)",Is the pickup truck aged? +COCOval2014000000217133,"an aged pickup truck sits with its hood propped open, revealing a dusty and intricate engine beneath. The vehicle's body shows signs of wear and rust, hinting at its long service and many journeys. The truck is parked on a stretch of gravel, with no other vehicles in immediate sight.",,5,3,attribute,texture,"attribute - texture (engine, dusty and intricate)",Is the engine dusty and intricate? +COCOval2014000000217133,"an aged pickup truck sits with its hood propped open, revealing a dusty and intricate engine beneath. The vehicle's body shows signs of wear and rust, hinting at its long service and many journeys. The truck is parked on a stretch of gravel, with no other vehicles in immediate sight.",,6,1,attribute,texture,"attribute - texture (truck's body, worn and rusty)",Is the body of the truck worn and rusty? +COCOval2014000000217133,"an aged pickup truck sits with its hood propped open, revealing a dusty and intricate engine beneath. The vehicle's body shows signs of wear and rust, hinting at its long service and many journeys. The truck is parked on a stretch of gravel, with no other vehicles in immediate sight.",,7,1,entity,state,"entity - state (truck, parked)",Is the truck parked? +COCOval2014000000217133,"an aged pickup truck sits with its hood propped open, revealing a dusty and intricate engine beneath. The vehicle's body shows signs of wear and rust, hinting at its long service and many journeys. The truck is parked on a stretch of gravel, with no other vehicles in immediate sight.",,8,"1,7",relation,spatial,"relation - spatial (truck, gravel, on)",Is the truck on gravel? +COCOval2014000000217133,"an aged pickup truck sits with its hood propped open, revealing a dusty and intricate engine beneath. The vehicle's body shows signs of wear and rust, hinting at its long service and many journeys. The truck is parked on a stretch of gravel, with no other vehicles in immediate sight.",,9,0,other,count,other - count (no other vehicles in immediate sight),Are there no other vehicles in immediate sight? +COCOval2014000000319830,"An individual stands at the water's edge, a fishing rod in hand, poised and focused on the task at hand. The bank is lined with reeds and rocks, providing a natural habitat for the fish. In the distance, the gentle flow of the water creates a serene backdrop for this tranquil fishing scene.",,1,0,entity,whole,entity - whole (individual),Is there an individual? +COCOval2014000000319830,"An individual stands at the water's edge, a fishing rod in hand, poised and focused on the task at hand. The bank is lined with reeds and rocks, providing a natural habitat for the fish. In the distance, the gentle flow of the water creates a serene backdrop for this tranquil fishing scene.",,2,0,entity,whole,entity - whole (water),Is there water? +COCOval2014000000319830,"An individual stands at the water's edge, a fishing rod in hand, poised and focused on the task at hand. The bank is lined with reeds and rocks, providing a natural habitat for the fish. In the distance, the gentle flow of the water creates a serene backdrop for this tranquil fishing scene.",,3,0,entity,whole,entity - whole (fishing rod),Is there a fishing rod? +COCOval2014000000319830,"An individual stands at the water's edge, a fishing rod in hand, poised and focused on the task at hand. The bank is lined with reeds and rocks, providing a natural habitat for the fish. In the distance, the gentle flow of the water creates a serene backdrop for this tranquil fishing scene.",,4,0,entity,whole,entity - whole (bank),Is there a bank? +COCOval2014000000319830,"An individual stands at the water's edge, a fishing rod in hand, poised and focused on the task at hand. The bank is lined with reeds and rocks, providing a natural habitat for the fish. In the distance, the gentle flow of the water creates a serene backdrop for this tranquil fishing scene.",,5,0,entity,whole,entity - whole (reeds),Are there reeds? +COCOval2014000000319830,"An individual stands at the water's edge, a fishing rod in hand, poised and focused on the task at hand. The bank is lined with reeds and rocks, providing a natural habitat for the fish. In the distance, the gentle flow of the water creates a serene backdrop for this tranquil fishing scene.",,6,0,entity,whole,entity - whole (rocks),Are there rocks? +COCOval2014000000319830,"An individual stands at the water's edge, a fishing rod in hand, poised and focused on the task at hand. The bank is lined with reeds and rocks, providing a natural habitat for the fish. In the distance, the gentle flow of the water creates a serene backdrop for this tranquil fishing scene.",,7,0,entity,whole,entity - whole (fish),Are there fish? +COCOval2014000000319830,"An individual stands at the water's edge, a fishing rod in hand, poised and focused on the task at hand. The bank is lined with reeds and rocks, providing a natural habitat for the fish. In the distance, the gentle flow of the water creates a serene backdrop for this tranquil fishing scene.",,8,1,attribute,other,"attribute - other (individual, poised and focused)",Is the individual poised and focused? +COCOval2014000000319830,"An individual stands at the water's edge, a fishing rod in hand, poised and focused on the task at hand. The bank is lined with reeds and rocks, providing a natural habitat for the fish. In the distance, the gentle flow of the water creates a serene backdrop for this tranquil fishing scene.",,9,4,attribute,other,"attribute - other (bank, natural habitat)",Is the bank a natural habitat? +COCOval2014000000319830,"An individual stands at the water's edge, a fishing rod in hand, poised and focused on the task at hand. The bank is lined with reeds and rocks, providing a natural habitat for the fish. In the distance, the gentle flow of the water creates a serene backdrop for this tranquil fishing scene.",,10,"1,2",relation,spatial,"relation - spatial (individual, water's edge, at)",Is the individual at the water's edge? +COCOval2014000000319830,"An individual stands at the water's edge, a fishing rod in hand, poised and focused on the task at hand. The bank is lined with reeds and rocks, providing a natural habitat for the fish. In the distance, the gentle flow of the water creates a serene backdrop for this tranquil fishing scene.",,11,"4,2",relation,spatial,"relation - spatial (bank, water's edge, lined with)",Is the bank lined with reeds? +COCOval2014000000319830,"An individual stands at the water's edge, a fishing rod in hand, poised and focused on the task at hand. The bank is lined with reeds and rocks, providing a natural habitat for the fish. In the distance, the gentle flow of the water creates a serene backdrop for this tranquil fishing scene.",,12,"6,4",relation,spatial,"relation - spatial (bank, rocks, lined with)",Is the bank lined with rocks? +COCOval2014000000319830,"An individual stands at the water's edge, a fishing rod in hand, poised and focused on the task at hand. The bank is lined with reeds and rocks, providing a natural habitat for the fish. In the distance, the gentle flow of the water creates a serene backdrop for this tranquil fishing scene.",,13,"5,4",relation,spatial,"relation - spatial (bank, reeds, lined with)",Is the bank lined with reeds? +COCOval2014000000319830,"An individual stands at the water's edge, a fishing rod in hand, poised and focused on the task at hand. The bank is lined with reeds and rocks, providing a natural habitat for the fish. In the distance, the gentle flow of the water creates a serene backdrop for this tranquil fishing scene.",,14,"7,4",relation,spatial,"relation - spatial (fish, bank, habitat)",Is the fish's habitat the bank? +COCOval2014000000319830,"An individual stands at the water's edge, a fishing rod in hand, poised and focused on the task at hand. The bank is lined with reeds and rocks, providing a natural habitat for the fish. In the distance, the gentle flow of the water creates a serene backdrop for this tranquil fishing scene.",,15,2,relation,spatial,"relation - spatial (water, distance, flow)",Is the water's flow in the distance? +COCOval2014000000319830,"An individual stands at the water's edge, a fishing rod in hand, poised and focused on the task at hand. The bank is lined with reeds and rocks, providing a natural habitat for the fish. In the distance, the gentle flow of the water creates a serene backdrop for this tranquil fishing scene.",,16,2,relation,spatial,"relation - spatial (water, backdrop, serene)",Is the water creating a serene backdrop? +COCOval2014000000277051,"A rustic wooden table set outside, perhaps in a garden or patio area. On its surface, a pair of small birds are perched, casually observing their surroundings. The table shows signs of weathering, indicating it's been a part of the outdoor scenery for some time.",,1,0,entity,whole,entity - whole (table),Is there a table? +COCOval2014000000277051,"A rustic wooden table set outside, perhaps in a garden or patio area. On its surface, a pair of small birds are perched, casually observing their surroundings. The table shows signs of weathering, indicating it's been a part of the outdoor scenery for some time.",,2,0,entity,whole,entity - whole (birds),Are there birds? +COCOval2014000000277051,"A rustic wooden table set outside, perhaps in a garden or patio area. On its surface, a pair of small birds are perched, casually observing their surroundings. The table shows signs of weathering, indicating it's been a part of the outdoor scenery for some time.",,3,1,attribute,texture,"attribute - texture (table, rustic wooden)",Is the table made of rustic wood? +COCOval2014000000277051,"A rustic wooden table set outside, perhaps in a garden or patio area. On its surface, a pair of small birds are perched, casually observing their surroundings. The table shows signs of weathering, indicating it's been a part of the outdoor scenery for some time.",,4,2,attribute,size,"attribute - size (birds, small)",Are the birds small? +COCOval2014000000277051,"A rustic wooden table set outside, perhaps in a garden or patio area. On its surface, a pair of small birds are perched, casually observing their surroundings. The table shows signs of weathering, indicating it's been a part of the outdoor scenery for some time.",,5,1,entity,state,"entity - state (table, weathered)",Is the table weathered? +COCOval2014000000277051,"A rustic wooden table set outside, perhaps in a garden or patio area. On its surface, a pair of small birds are perched, casually observing their surroundings. The table shows signs of weathering, indicating it's been a part of the outdoor scenery for some time.",,6,2,relation,spatial,"relation - spatial (birds, table, on)",Are the birds perched on the table? +COCOval2014000000277051,"A rustic wooden table set outside, perhaps in a garden or patio area. On its surface, a pair of small birds are perched, casually observing their surroundings. The table shows signs of weathering, indicating it's been a part of the outdoor scenery for some time.",,7,1,relation,spatial,"relation - spatial (table, outside)",Is the table outside? +COCOval2014000000277051,"A rustic wooden table set outside, perhaps in a garden or patio area. On its surface, a pair of small birds are perched, casually observing their surroundings. The table shows signs of weathering, indicating it's been a part of the outdoor scenery for some time.",,8,1,relation,spatial,"relation - spatial (table, garden or patio area)",Is the table in a garden or patio area? +COCOval2014000000559400,"Rows of fresh produce line the interior of a bustling grocery store. Bags filled with crisp apples and plump grapes are neatly arranged on the shelves, inviting shoppers to add them to their carts. The fruits' vibrant colors stand out against the backdrop of other grocery items in the background.",,1,0,entity,whole,entity - whole (produce),Are there rows of fresh produce? +COCOval2014000000559400,"Rows of fresh produce line the interior of a bustling grocery store. Bags filled with crisp apples and plump grapes are neatly arranged on the shelves, inviting shoppers to add them to their carts. The fruits' vibrant colors stand out against the backdrop of other grocery items in the background.",,2,0,entity,whole,entity - whole (grocery store),Is there a bustling grocery store? +COCOval2014000000559400,"Rows of fresh produce line the interior of a bustling grocery store. Bags filled with crisp apples and plump grapes are neatly arranged on the shelves, inviting shoppers to add them to their carts. The fruits' vibrant colors stand out against the backdrop of other grocery items in the background.",,3,1,entity,whole,entity - whole (bags),Are there bags? +COCOval2014000000559400,"Rows of fresh produce line the interior of a bustling grocery store. Bags filled with crisp apples and plump grapes are neatly arranged on the shelves, inviting shoppers to add them to their carts. The fruits' vibrant colors stand out against the backdrop of other grocery items in the background.",,4,3,entity,whole,entity - whole (apples),Are there apples? +COCOval2014000000559400,"Rows of fresh produce line the interior of a bustling grocery store. Bags filled with crisp apples and plump grapes are neatly arranged on the shelves, inviting shoppers to add them to their carts. The fruits' vibrant colors stand out against the backdrop of other grocery items in the background.",,5,3,entity,whole,entity - whole (grapes),Are there grapes? +COCOval2014000000559400,"Rows of fresh produce line the interior of a bustling grocery store. Bags filled with crisp apples and plump grapes are neatly arranged on the shelves, inviting shoppers to add them to their carts. The fruits' vibrant colors stand out against the backdrop of other grocery items in the background.",,6,4,attribute,texture,"attribute - texture (apples, crisp)",Are the apples crisp? +COCOval2014000000559400,"Rows of fresh produce line the interior of a bustling grocery store. Bags filled with crisp apples and plump grapes are neatly arranged on the shelves, inviting shoppers to add them to their carts. The fruits' vibrant colors stand out against the backdrop of other grocery items in the background.",,7,5,attribute,texture,"attribute - texture (grapes, plump)",Are the grapes plump? +COCOval2014000000559400,"Rows of fresh produce line the interior of a bustling grocery store. Bags filled with crisp apples and plump grapes are neatly arranged on the shelves, inviting shoppers to add them to their carts. The fruits' vibrant colors stand out against the backdrop of other grocery items in the background.",,8,"4,5",attribute,color,"attribute - color (fruits, vibrant)",Are the fruits vibrant in color? +COCOval2014000000559400,"Rows of fresh produce line the interior of a bustling grocery store. Bags filled with crisp apples and plump grapes are neatly arranged on the shelves, inviting shoppers to add them to their carts. The fruits' vibrant colors stand out against the backdrop of other grocery items in the background.",,9,"1,2",relation,spatial,"relation - spatial (produce, grocery store, in)",Is the produce inside the grocery store? +COCOval2014000000559400,"Rows of fresh produce line the interior of a bustling grocery store. Bags filled with crisp apples and plump grapes are neatly arranged on the shelves, inviting shoppers to add them to their carts. The fruits' vibrant colors stand out against the backdrop of other grocery items in the background.",,10,"3,2",relation,spatial,"relation - spatial (bags, shelves, on)",Are the bags on the shelves? +COCOval2014000000559400,"Rows of fresh produce line the interior of a bustling grocery store. Bags filled with crisp apples and plump grapes are neatly arranged on the shelves, inviting shoppers to add them to their carts. The fruits' vibrant colors stand out against the backdrop of other grocery items in the background.",,11,"4,2",relation,spatial,"relation - spatial (apples, shelves, on)",Are the apples on the shelves? +COCOval2014000000559400,"Rows of fresh produce line the interior of a bustling grocery store. Bags filled with crisp apples and plump grapes are neatly arranged on the shelves, inviting shoppers to add them to their carts. The fruits' vibrant colors stand out against the backdrop of other grocery items in the background.",,12,"5,2",relation,spatial,"relation - spatial (grapes, shelves, on)",Are the grapes on the shelves? +COCOval2014000000559400,"Rows of fresh produce line the interior of a bustling grocery store. Bags filled with crisp apples and plump grapes are neatly arranged on the shelves, inviting shoppers to add them to their carts. The fruits' vibrant colors stand out against the backdrop of other grocery items in the background.",,13,"4,2",relation,spatial,"relation - spatial (fruits, grocery items, stand out against)",Do the fruits stand out against the backdrop of other grocery items? +COCOval2014000000010363,"A sleek gray cat balances on the roof of a polished black car. The car is situated in a driveway, flanked by neatly trimmed hedges on either side. Sunlight reflects off the car's surface, highlighting the cat's poised stance as it surveys its surroundings.",,1,0,entity,whole,entity - whole (cat),Is there a cat? +COCOval2014000000010363,"A sleek gray cat balances on the roof of a polished black car. The car is situated in a driveway, flanked by neatly trimmed hedges on either side. Sunlight reflects off the car's surface, highlighting the cat's poised stance as it surveys its surroundings.",,2,0,entity,whole,entity - whole (car),Is there a car? +COCOval2014000000010363,"A sleek gray cat balances on the roof of a polished black car. The car is situated in a driveway, flanked by neatly trimmed hedges on either side. Sunlight reflects off the car's surface, highlighting the cat's poised stance as it surveys its surroundings.",,3,2,entity,whole,entity - whole (roof),Is there a roof? +COCOval2014000000010363,"A sleek gray cat balances on the roof of a polished black car. The car is situated in a driveway, flanked by neatly trimmed hedges on either side. Sunlight reflects off the car's surface, highlighting the cat's poised stance as it surveys its surroundings.",,4,0,entity,whole,entity - whole (driveway),Is there a driveway? +COCOval2014000000010363,"A sleek gray cat balances on the roof of a polished black car. The car is situated in a driveway, flanked by neatly trimmed hedges on either side. Sunlight reflects off the car's surface, highlighting the cat's poised stance as it surveys its surroundings.",,5,0,entity,whole,entity - whole (hedges),Are there hedges? +COCOval2014000000010363,"A sleek gray cat balances on the roof of a polished black car. The car is situated in a driveway, flanked by neatly trimmed hedges on either side. Sunlight reflects off the car's surface, highlighting the cat's poised stance as it surveys its surroundings.",,6,1,attribute,color,"attribute - color (cat, gray)",Is the cat gray? +COCOval2014000000010363,"A sleek gray cat balances on the roof of a polished black car. The car is situated in a driveway, flanked by neatly trimmed hedges on either side. Sunlight reflects off the car's surface, highlighting the cat's poised stance as it surveys its surroundings.",,7,2,attribute,color,"attribute - color (car, black)",Is the car black? +COCOval2014000000010363,"A sleek gray cat balances on the roof of a polished black car. The car is situated in a driveway, flanked by neatly trimmed hedges on either side. Sunlight reflects off the car's surface, highlighting the cat's poised stance as it surveys its surroundings.",,8,2,attribute,texture,"attribute - texture (car, polished)",Is the car polished? +COCOval2014000000010363,"A sleek gray cat balances on the roof of a polished black car. The car is situated in a driveway, flanked by neatly trimmed hedges on either side. Sunlight reflects off the car's surface, highlighting the cat's poised stance as it surveys its surroundings.",,9,5,attribute,texture,"attribute - texture (hedges, neatly trimmed)",Are the hedges neatly trimmed? +COCOval2014000000010363,"A sleek gray cat balances on the roof of a polished black car. The car is situated in a driveway, flanked by neatly trimmed hedges on either side. Sunlight reflects off the car's surface, highlighting the cat's poised stance as it surveys its surroundings.",,10,1,entity,state,"entity - state (cat, balance)",Is the cat balancing? +COCOval2014000000010363,"A sleek gray cat balances on the roof of a polished black car. The car is situated in a driveway, flanked by neatly trimmed hedges on either side. Sunlight reflects off the car's surface, highlighting the cat's poised stance as it surveys its surroundings.",,11,1,entity,state,"entity - state (cat, poised)",Is the cat poised? +COCOval2014000000010363,"A sleek gray cat balances on the roof of a polished black car. The car is situated in a driveway, flanked by neatly trimmed hedges on either side. Sunlight reflects off the car's surface, highlighting the cat's poised stance as it surveys its surroundings.",,12,"1,3",relation,spatial,"relation - spatial (cat, roof, on)",Is the cat on the roof? +COCOval2014000000010363,"A sleek gray cat balances on the roof of a polished black car. The car is situated in a driveway, flanked by neatly trimmed hedges on either side. Sunlight reflects off the car's surface, highlighting the cat's poised stance as it surveys its surroundings.",,13,"2,4",relation,spatial,"relation - spatial (car, driveway, in)",Is the car in the driveway? +COCOval2014000000010363,"A sleek gray cat balances on the roof of a polished black car. The car is situated in a driveway, flanked by neatly trimmed hedges on either side. Sunlight reflects off the car's surface, highlighting the cat's poised stance as it surveys its surroundings.",,14,"2,5",relation,spatial,"relation - spatial (car, hedges, flanked by)",Are the hedges flanked by the car? +COCOval2014000000010363,"A sleek gray cat balances on the roof of a polished black car. The car is situated in a driveway, flanked by neatly trimmed hedges on either side. Sunlight reflects off the car's surface, highlighting the cat's poised stance as it surveys its surroundings.",,15,2,relation,non-spatial,"relation - non-spatial (car, sunlight, reflects off)",Is sunlight reflecting off the car? +COCOval2014000000010363,"A sleek gray cat balances on the roof of a polished black car. The car is situated in a driveway, flanked by neatly trimmed hedges on either side. Sunlight reflects off the car's surface, highlighting the cat's poised stance as it surveys its surroundings.",,16,"1,2",relation,spatial,"relation - spatial (cat, car, on)",Is the cat on the car? +COCOval2014000000567609,"An interior space featuring a collection of yellow ceramic ornaments neatly arranged on a shelf. In the center of the room stands a table with a clear glass vase filled with a bouquet of fresh flowers. The walls are adorned with framed artwork, complementing the warm tones of the ceramics and floral arrangement.",,1,0,entity,whole,entity - whole (interior space),Is there an interior space? +COCOval2014000000567609,"An interior space featuring a collection of yellow ceramic ornaments neatly arranged on a shelf. In the center of the room stands a table with a clear glass vase filled with a bouquet of fresh flowers. The walls are adorned with framed artwork, complementing the warm tones of the ceramics and floral arrangement.",,2,1,entity,whole,entity - whole (ceramic ornaments),Are there ceramic ornaments? +COCOval2014000000567609,"An interior space featuring a collection of yellow ceramic ornaments neatly arranged on a shelf. In the center of the room stands a table with a clear glass vase filled with a bouquet of fresh flowers. The walls are adorned with framed artwork, complementing the warm tones of the ceramics and floral arrangement.",,3,2,entity,whole,entity - whole (shelf),Is there a shelf? +COCOval2014000000567609,"An interior space featuring a collection of yellow ceramic ornaments neatly arranged on a shelf. In the center of the room stands a table with a clear glass vase filled with a bouquet of fresh flowers. The walls are adorned with framed artwork, complementing the warm tones of the ceramics and floral arrangement.",,4,2,attribute,color,"attribute - color (ceramic ornaments, yellow)",Are the ceramic ornaments yellow? +COCOval2014000000567609,"An interior space featuring a collection of yellow ceramic ornaments neatly arranged on a shelf. In the center of the room stands a table with a clear glass vase filled with a bouquet of fresh flowers. The walls are adorned with framed artwork, complementing the warm tones of the ceramics and floral arrangement.",,5,2,attribute,texture,"attribute - texture (ceramic ornaments, ceramic)",Are the ceramic ornaments made of ceramic? +COCOval2014000000567609,"An interior space featuring a collection of yellow ceramic ornaments neatly arranged on a shelf. In the center of the room stands a table with a clear glass vase filled with a bouquet of fresh flowers. The walls are adorned with framed artwork, complementing the warm tones of the ceramics and floral arrangement.",,6,2,entity,state,"entity - state (ceramic ornaments, neatly arranged)",Are the ceramic ornaments neatly arranged? +COCOval2014000000567609,"An interior space featuring a collection of yellow ceramic ornaments neatly arranged on a shelf. In the center of the room stands a table with a clear glass vase filled with a bouquet of fresh flowers. The walls are adorned with framed artwork, complementing the warm tones of the ceramics and floral arrangement.",,7,1,entity,whole,entity - whole (table),Is there a table? +COCOval2014000000567609,"An interior space featuring a collection of yellow ceramic ornaments neatly arranged on a shelf. In the center of the room stands a table with a clear glass vase filled with a bouquet of fresh flowers. The walls are adorned with framed artwork, complementing the warm tones of the ceramics and floral arrangement.",,8,1,entity,whole,entity - whole (glass vase),Is there a glass vase? +COCOval2014000000567609,"An interior space featuring a collection of yellow ceramic ornaments neatly arranged on a shelf. In the center of the room stands a table with a clear glass vase filled with a bouquet of fresh flowers. The walls are adorned with framed artwork, complementing the warm tones of the ceramics and floral arrangement.",,9,1,entity,whole,entity - whole (flowers),Are there flowers? +COCOval2014000000567609,"An interior space featuring a collection of yellow ceramic ornaments neatly arranged on a shelf. In the center of the room stands a table with a clear glass vase filled with a bouquet of fresh flowers. The walls are adorned with framed artwork, complementing the warm tones of the ceramics and floral arrangement.",,10,8,attribute,texture,"attribute - texture (glass vase, clear)",Is the glass vase clear? +COCOval2014000000567609,"An interior space featuring a collection of yellow ceramic ornaments neatly arranged on a shelf. In the center of the room stands a table with a clear glass vase filled with a bouquet of fresh flowers. The walls are adorned with framed artwork, complementing the warm tones of the ceramics and floral arrangement.",,11,9,attribute,other,"attribute - other (flowers, fresh)",Are the flowers fresh? +COCOval2014000000567609,"An interior space featuring a collection of yellow ceramic ornaments neatly arranged on a shelf. In the center of the room stands a table with a clear glass vase filled with a bouquet of fresh flowers. The walls are adorned with framed artwork, complementing the warm tones of the ceramics and floral arrangement.",,12,9,entity,state,"entity - state (flowers, bouquet)",Are the flowers in a bouquet? +COCOval2014000000567609,"An interior space featuring a collection of yellow ceramic ornaments neatly arranged on a shelf. In the center of the room stands a table with a clear glass vase filled with a bouquet of fresh flowers. The walls are adorned with framed artwork, complementing the warm tones of the ceramics and floral arrangement.",,13,1,entity,whole,entity - whole (walls),Are there walls? +COCOval2014000000567609,"An interior space featuring a collection of yellow ceramic ornaments neatly arranged on a shelf. In the center of the room stands a table with a clear glass vase filled with a bouquet of fresh flowers. The walls are adorned with framed artwork, complementing the warm tones of the ceramics and floral arrangement.",,14,1,entity,whole,entity - whole (artwork),Is there artwork? +COCOval2014000000567609,"An interior space featuring a collection of yellow ceramic ornaments neatly arranged on a shelf. In the center of the room stands a table with a clear glass vase filled with a bouquet of fresh flowers. The walls are adorned with framed artwork, complementing the warm tones of the ceramics and floral arrangement.",,15,14,attribute,texture,"attribute - texture (artwork, framed)",Is the artwork framed? +COCOval2014000000567609,"An interior space featuring a collection of yellow ceramic ornaments neatly arranged on a shelf. In the center of the room stands a table with a clear glass vase filled with a bouquet of fresh flowers. The walls are adorned with framed artwork, complementing the warm tones of the ceramics and floral arrangement.",,16,14,attribute,other,"attribute - other (artwork, warm tones)",Are the artwork warm tones? +COCOval2014000000567609,"An interior space featuring a collection of yellow ceramic ornaments neatly arranged on a shelf. In the center of the room stands a table with a clear glass vase filled with a bouquet of fresh flowers. The walls are adorned with framed artwork, complementing the warm tones of the ceramics and floral arrangement.",,17,"2,3",relation,spatial,"relation - spatial (ceramic ornaments, shelf, on)",Are the ceramic ornaments on the shelf? +COCOval2014000000567609,"An interior space featuring a collection of yellow ceramic ornaments neatly arranged on a shelf. In the center of the room stands a table with a clear glass vase filled with a bouquet of fresh flowers. The walls are adorned with framed artwork, complementing the warm tones of the ceramics and floral arrangement.",,18,"7,1",relation,spatial,"relation - spatial (table, center of the room, stand)",Is the table standing in the center of the room? +COCOval2014000000567609,"An interior space featuring a collection of yellow ceramic ornaments neatly arranged on a shelf. In the center of the room stands a table with a clear glass vase filled with a bouquet of fresh flowers. The walls are adorned with framed artwork, complementing the warm tones of the ceramics and floral arrangement.",,19,"8,7",relation,spatial,"relation - spatial (glass vase, table, on)",Is the glass vase on the table? +COCOval2014000000567609,"An interior space featuring a collection of yellow ceramic ornaments neatly arranged on a shelf. In the center of the room stands a table with a clear glass vase filled with a bouquet of fresh flowers. The walls are adorned with framed artwork, complementing the warm tones of the ceramics and floral arrangement.",,20,"9,8",relation,spatial,"relation - spatial (flowers, glass vase, in)",Are the flowers in the glass vase? +COCOval2014000000567609,"An interior space featuring a collection of yellow ceramic ornaments neatly arranged on a shelf. In the center of the room stands a table with a clear glass vase filled with a bouquet of fresh flowers. The walls are adorned with framed artwork, complementing the warm tones of the ceramics and floral arrangement.",,21,"14,13",relation,spatial,"relation - spatial (artwork, walls, adorn)",Are the walls adorned with artwork? +COCOval2014000000567609,"An interior space featuring a collection of yellow ceramic ornaments neatly arranged on a shelf. In the center of the room stands a table with a clear glass vase filled with a bouquet of fresh flowers. The walls are adorned with framed artwork, complementing the warm tones of the ceramics and floral arrangement.",,22,"2,9",relation,spatial,"relation - spatial (ceramic ornaments, floral arrangement, complement)",Do the ceramic ornaments and floral arrangement complement each other? +COCOval2014000000180800,"Rows of neatly arranged wooden shelves line the interior of a local grocery store's produce section. On one of the shelves, small metal pails filled with bright, ripe oranges catch the eye. The oranges are stacked to the brim, offering a fresh and colorful selection to shoppers passing by.",,1,0,entity,whole,entity - whole (shelves),Are there shelves? +COCOval2014000000180800,"Rows of neatly arranged wooden shelves line the interior of a local grocery store's produce section. On one of the shelves, small metal pails filled with bright, ripe oranges catch the eye. The oranges are stacked to the brim, offering a fresh and colorful selection to shoppers passing by.",,2,0,entity,whole,entity - whole (grocery store),Is there a grocery store? +COCOval2014000000180800,"Rows of neatly arranged wooden shelves line the interior of a local grocery store's produce section. On one of the shelves, small metal pails filled with bright, ripe oranges catch the eye. The oranges are stacked to the brim, offering a fresh and colorful selection to shoppers passing by.",,3,0,entity,whole,entity - whole (produce section),Is there a produce section? +COCOval2014000000180800,"Rows of neatly arranged wooden shelves line the interior of a local grocery store's produce section. On one of the shelves, small metal pails filled with bright, ripe oranges catch the eye. The oranges are stacked to the brim, offering a fresh and colorful selection to shoppers passing by.",,4,1,entity,whole,entity - whole (metal pails),Are there metal pails? +COCOval2014000000180800,"Rows of neatly arranged wooden shelves line the interior of a local grocery store's produce section. On one of the shelves, small metal pails filled with bright, ripe oranges catch the eye. The oranges are stacked to the brim, offering a fresh and colorful selection to shoppers passing by.",,5,1,entity,whole,entity - whole (oranges),Are there oranges? +COCOval2014000000180800,"Rows of neatly arranged wooden shelves line the interior of a local grocery store's produce section. On one of the shelves, small metal pails filled with bright, ripe oranges catch the eye. The oranges are stacked to the brim, offering a fresh and colorful selection to shoppers passing by.",,6,4,attribute,size,"attribute - size(metal pails, small)",Are the metal pails small? +COCOval2014000000180800,"Rows of neatly arranged wooden shelves line the interior of a local grocery store's produce section. On one of the shelves, small metal pails filled with bright, ripe oranges catch the eye. The oranges are stacked to the brim, offering a fresh and colorful selection to shoppers passing by.",,7,1,attribute,texture,"attribute - texture (shelves, wooden)",Are the shelves wooden? +COCOval2014000000180800,"Rows of neatly arranged wooden shelves line the interior of a local grocery store's produce section. On one of the shelves, small metal pails filled with bright, ripe oranges catch the eye. The oranges are stacked to the brim, offering a fresh and colorful selection to shoppers passing by.",,8,4,attribute,texture,"attribute - texture (metal pails, metal)",Are the metal pails made of metal? +COCOval2014000000180800,"Rows of neatly arranged wooden shelves line the interior of a local grocery store's produce section. On one of the shelves, small metal pails filled with bright, ripe oranges catch the eye. The oranges are stacked to the brim, offering a fresh and colorful selection to shoppers passing by.",,9,5,attribute,color,"attribute - color (oranges, bright, ripe)",Are the oranges bright and ripe? +COCOval2014000000180800,"Rows of neatly arranged wooden shelves line the interior of a local grocery store's produce section. On one of the shelves, small metal pails filled with bright, ripe oranges catch the eye. The oranges are stacked to the brim, offering a fresh and colorful selection to shoppers passing by.",,10,5,attribute,other,"attribute - other (oranges, fresh and colorful)",Are the oranges fresh and colorful? +COCOval2014000000180800,"Rows of neatly arranged wooden shelves line the interior of a local grocery store's produce section. On one of the shelves, small metal pails filled with bright, ripe oranges catch the eye. The oranges are stacked to the brim, offering a fresh and colorful selection to shoppers passing by.",,11,"1,3",relation,spatial,"relation - spatial (shelves, produce section, in)",Are the shelves in the produce section? +COCOval2014000000180800,"Rows of neatly arranged wooden shelves line the interior of a local grocery store's produce section. On one of the shelves, small metal pails filled with bright, ripe oranges catch the eye. The oranges are stacked to the brim, offering a fresh and colorful selection to shoppers passing by.",,12,"4,1",relation,spatial,"relation - spatial (metal pails, shelves, on)",Are the metal pails on the shelves? +COCOval2014000000180800,"Rows of neatly arranged wooden shelves line the interior of a local grocery store's produce section. On one of the shelves, small metal pails filled with bright, ripe oranges catch the eye. The oranges are stacked to the brim, offering a fresh and colorful selection to shoppers passing by.",,13,"5,4",relation,spatial,"relation - spatial (oranges, metal pails, in)",Are the oranges in the metal pails? +COCOval2014000000180800,"Rows of neatly arranged wooden shelves line the interior of a local grocery store's produce section. On one of the shelves, small metal pails filled with bright, ripe oranges catch the eye. The oranges are stacked to the brim, offering a fresh and colorful selection to shoppers passing by.",,14,5,relation,spatial,"relation - spatial (oranges, shoppers, passing by)",Are the oranges offering a fresh and colorful selection to shoppers passing by? +COCOval2014000000513096,"Two men are standing in a room with walls adorned with historical memorabilia. On the left, a man dressed in a crisp military uniform gazes intently at a series of glass cases. Inside the cases, an array of bullet shells is meticulously arranged and labeled for display, while the man in the suit on the right points towards one of the exhibits, seemingly explaining its significance.",,1,0,entity,whole,entity - whole (men),Are there men? +COCOval2014000000513096,"Two men are standing in a room with walls adorned with historical memorabilia. On the left, a man dressed in a crisp military uniform gazes intently at a series of glass cases. Inside the cases, an array of bullet shells is meticulously arranged and labeled for display, while the man in the suit on the right points towards one of the exhibits, seemingly explaining its significance.",,2,1,other,count,"other - count (men, ==2)",Are there two men? +COCOval2014000000513096,"Two men are standing in a room with walls adorned with historical memorabilia. On the left, a man dressed in a crisp military uniform gazes intently at a series of glass cases. Inside the cases, an array of bullet shells is meticulously arranged and labeled for display, while the man in the suit on the right points towards one of the exhibits, seemingly explaining its significance.",,3,0,entity,whole,entity - whole (room),Is there a room? +COCOval2014000000513096,"Two men are standing in a room with walls adorned with historical memorabilia. On the left, a man dressed in a crisp military uniform gazes intently at a series of glass cases. Inside the cases, an array of bullet shells is meticulously arranged and labeled for display, while the man in the suit on the right points towards one of the exhibits, seemingly explaining its significance.",,4,0,entity,whole,entity - whole (walls),Are there walls? +COCOval2014000000513096,"Two men are standing in a room with walls adorned with historical memorabilia. On the left, a man dressed in a crisp military uniform gazes intently at a series of glass cases. Inside the cases, an array of bullet shells is meticulously arranged and labeled for display, while the man in the suit on the right points towards one of the exhibits, seemingly explaining its significance.",,5,4,attribute,other,"attribute - other (walls, adorned with historical memorabilia)",Are the walls adorned with historical memorabilia? +COCOval2014000000513096,"Two men are standing in a room with walls adorned with historical memorabilia. On the left, a man dressed in a crisp military uniform gazes intently at a series of glass cases. Inside the cases, an array of bullet shells is meticulously arranged and labeled for display, while the man in the suit on the right points towards one of the exhibits, seemingly explaining its significance.",,6,4,entity,whole,entity - whole (memorabilia),Is there memorabilia? +COCOval2014000000513096,"Two men are standing in a room with walls adorned with historical memorabilia. On the left, a man dressed in a crisp military uniform gazes intently at a series of glass cases. Inside the cases, an array of bullet shells is meticulously arranged and labeled for display, while the man in the suit on the right points towards one of the exhibits, seemingly explaining its significance.",,7,5,entity,whole,entity - whole (man in military uniform),Is there a man in a military uniform? +COCOval2014000000513096,"Two men are standing in a room with walls adorned with historical memorabilia. On the left, a man dressed in a crisp military uniform gazes intently at a series of glass cases. Inside the cases, an array of bullet shells is meticulously arranged and labeled for display, while the man in the suit on the right points towards one of the exhibits, seemingly explaining its significance.",,8,3,entity,whole,entity - whole (glass cases),Are there glass cases? +COCOval2014000000513096,"Two men are standing in a room with walls adorned with historical memorabilia. On the left, a man dressed in a crisp military uniform gazes intently at a series of glass cases. Inside the cases, an array of bullet shells is meticulously arranged and labeled for display, while the man in the suit on the right points towards one of the exhibits, seemingly explaining its significance.",,9,3,entity,whole,entity - whole (bullet shells),Are there bullet shells? +COCOval2014000000513096,"Two men are standing in a room with walls adorned with historical memorabilia. On the left, a man dressed in a crisp military uniform gazes intently at a series of glass cases. Inside the cases, an array of bullet shells is meticulously arranged and labeled for display, while the man in the suit on the right points towards one of the exhibits, seemingly explaining its significance.",,10,9,attribute,texture,"attribute - texture (bullet shells, meticulously arranged)",Are the bullet shells meticulously arranged? +COCOval2014000000513096,"Two men are standing in a room with walls adorned with historical memorabilia. On the left, a man dressed in a crisp military uniform gazes intently at a series of glass cases. Inside the cases, an array of bullet shells is meticulously arranged and labeled for display, while the man in the suit on the right points towards one of the exhibits, seemingly explaining its significance.",,11,7,entity,state,"entity - state (man in military uniform, gaze intently)",Is the man in the military uniform gazing intently? +COCOval2014000000513096,"Two men are standing in a room with walls adorned with historical memorabilia. On the left, a man dressed in a crisp military uniform gazes intently at a series of glass cases. Inside the cases, an array of bullet shells is meticulously arranged and labeled for display, while the man in the suit on the right points towards one of the exhibits, seemingly explaining its significance.",,12,"7,8",relation,spatial,"relation - spatial (man in military uniform, glass cases, at)",Is the man in the military uniform looking at the glass cases? +COCOval2014000000513096,"Two men are standing in a room with walls adorned with historical memorabilia. On the left, a man dressed in a crisp military uniform gazes intently at a series of glass cases. Inside the cases, an array of bullet shells is meticulously arranged and labeled for display, while the man in the suit on the right points towards one of the exhibits, seemingly explaining its significance.",,13,"9,8",relation,spatial,"relation - spatial (bullet shells, glass cases, in)",Are the bullet shells inside the glass cases? +COCOval2014000000513096,"Two men are standing in a room with walls adorned with historical memorabilia. On the left, a man dressed in a crisp military uniform gazes intently at a series of glass cases. Inside the cases, an array of bullet shells is meticulously arranged and labeled for display, while the man in the suit on the right points towards one of the exhibits, seemingly explaining its significance.",,14,1,entity,whole,entity - whole (man in suit),Is there a man in a suit? +COCOval2014000000513096,"Two men are standing in a room with walls adorned with historical memorabilia. On the left, a man dressed in a crisp military uniform gazes intently at a series of glass cases. Inside the cases, an array of bullet shells is meticulously arranged and labeled for display, while the man in the suit on the right points towards one of the exhibits, seemingly explaining its significance.",,15,"1,8",relation,spatial,"relation - spatial (man in suit, exhibits, towards)",Is the man in the suit pointing towards the exhibits? +COCOval2014000000513096,"Two men are standing in a room with walls adorned with historical memorabilia. On the left, a man dressed in a crisp military uniform gazes intently at a series of glass cases. Inside the cases, an array of bullet shells is meticulously arranged and labeled for display, while the man in the suit on the right points towards one of the exhibits, seemingly explaining its significance.",,16,14,entity,state,"entity - state (man in suit, explain)",Is the man in the suit explaining the significance of the exhibit? +COCOval2014000000311879,"A modern kitchen interior featuring stainless steel appliances, including a sleek oven and a large refrigerator. The countertops are clean and spacious, with a few cooking utensils neatly arranged. The kitchen is well-organized, with ample cabinet space above and below the countertops.",,1,0,entity,whole,entity - whole (kitchen),Is there a kitchen? +COCOval2014000000311879,"A modern kitchen interior featuring stainless steel appliances, including a sleek oven and a large refrigerator. The countertops are clean and spacious, with a few cooking utensils neatly arranged. The kitchen is well-organized, with ample cabinet space above and below the countertops.",,2,1,entity,whole,entity - whole (appliances),Are there appliances? +COCOval2014000000311879,"A modern kitchen interior featuring stainless steel appliances, including a sleek oven and a large refrigerator. The countertops are clean and spacious, with a few cooking utensils neatly arranged. The kitchen is well-organized, with ample cabinet space above and below the countertops.",,3,2,entity,whole,entity - whole (oven),Is there an oven? +COCOval2014000000311879,"A modern kitchen interior featuring stainless steel appliances, including a sleek oven and a large refrigerator. The countertops are clean and spacious, with a few cooking utensils neatly arranged. The kitchen is well-organized, with ample cabinet space above and below the countertops.",,4,2,entity,whole,entity - whole (refrigerator),Is there a refrigerator? +COCOval2014000000311879,"A modern kitchen interior featuring stainless steel appliances, including a sleek oven and a large refrigerator. The countertops are clean and spacious, with a few cooking utensils neatly arranged. The kitchen is well-organized, with ample cabinet space above and below the countertops.",,5,1,entity,whole,entity - whole (countertops),Are there countertops? +COCOval2014000000311879,"A modern kitchen interior featuring stainless steel appliances, including a sleek oven and a large refrigerator. The countertops are clean and spacious, with a few cooking utensils neatly arranged. The kitchen is well-organized, with ample cabinet space above and below the countertops.",,6,1,entity,whole,entity - whole (cooking utensils),Are there cooking utensils? +COCOval2014000000311879,"A modern kitchen interior featuring stainless steel appliances, including a sleek oven and a large refrigerator. The countertops are clean and spacious, with a few cooking utensils neatly arranged. The kitchen is well-organized, with ample cabinet space above and below the countertops.",,7,1,entity,whole,entity - whole (cabinet space),Is there cabinet space? +COCOval2014000000311879,"A modern kitchen interior featuring stainless steel appliances, including a sleek oven and a large refrigerator. The countertops are clean and spacious, with a few cooking utensils neatly arranged. The kitchen is well-organized, with ample cabinet space above and below the countertops.",,8,2,attribute,texture,"attribute - texture (appliances, stainless steel)",Are the appliances made of stainless steel? +COCOval2014000000311879,"A modern kitchen interior featuring stainless steel appliances, including a sleek oven and a large refrigerator. The countertops are clean and spacious, with a few cooking utensils neatly arranged. The kitchen is well-organized, with ample cabinet space above and below the countertops.",,9,3,attribute,texture,"attribute - texture (oven, sleek)",Is the oven sleek? +COCOval2014000000311879,"A modern kitchen interior featuring stainless steel appliances, including a sleek oven and a large refrigerator. The countertops are clean and spacious, with a few cooking utensils neatly arranged. The kitchen is well-organized, with ample cabinet space above and below the countertops.",,10,4,attribute,size,"attribute - size (refrigerator, large)",Is the refrigerator large? +COCOval2014000000311879,"A modern kitchen interior featuring stainless steel appliances, including a sleek oven and a large refrigerator. The countertops are clean and spacious, with a few cooking utensils neatly arranged. The kitchen is well-organized, with ample cabinet space above and below the countertops.",,11,5,attribute,other,"attribute - other (countertops, clean and spacious)",Are the countertops clean and spacious? +COCOval2014000000311879,"A modern kitchen interior featuring stainless steel appliances, including a sleek oven and a large refrigerator. The countertops are clean and spacious, with a few cooking utensils neatly arranged. The kitchen is well-organized, with ample cabinet space above and below the countertops.",,12,5,attribute,other,"attribute - other (cooking utensils, neatly arranged)",Are the cooking utensils neatly arranged? +COCOval2014000000311879,"A modern kitchen interior featuring stainless steel appliances, including a sleek oven and a large refrigerator. The countertops are clean and spacious, with a few cooking utensils neatly arranged. The kitchen is well-organized, with ample cabinet space above and below the countertops.",,13,1,attribute,other,"attribute - other (kitchen, well-organized)",Is the kitchen well-organized? +COCOval2014000000311879,"A modern kitchen interior featuring stainless steel appliances, including a sleek oven and a large refrigerator. The countertops are clean and spacious, with a few cooking utensils neatly arranged. The kitchen is well-organized, with ample cabinet space above and below the countertops.",,14,"3,5",relation,spatial,"relation - spatial (oven, countertops, on)",Is the oven on the countertops? +COCOval2014000000311879,"A modern kitchen interior featuring stainless steel appliances, including a sleek oven and a large refrigerator. The countertops are clean and spacious, with a few cooking utensils neatly arranged. The kitchen is well-organized, with ample cabinet space above and below the countertops.",,15,"4,5",relation,spatial,"relation - spatial (refrigerator, countertops, on)",Is the refrigerator on the countertops? +COCOval2014000000311879,"A modern kitchen interior featuring stainless steel appliances, including a sleek oven and a large refrigerator. The countertops are clean and spacious, with a few cooking utensils neatly arranged. The kitchen is well-organized, with ample cabinet space above and below the countertops.",,16,"6,5",relation,spatial,"relation - spatial (cooking utensils, countertops, on)",Are the cooking utensils on the countertops? +COCOval2014000000311879,"A modern kitchen interior featuring stainless steel appliances, including a sleek oven and a large refrigerator. The countertops are clean and spacious, with a few cooking utensils neatly arranged. The kitchen is well-organized, with ample cabinet space above and below the countertops.",,17,"5,5",relation,spatial,"relation - spatial (cabinet space, countertops, above and below)",Is there cabinet space above and below the countertops? +COCOval2014000000309495,"A pristine white bathroom with a ceramic toilet installed against a tiled wall. Beside the toilet, a single roll of toilet paper rests on a holder within arm's reach. The floor is tiled in a matching white, reflecting the cleanliness of the space.",,1,0,global,,global - (pristine),Is the bathroom pristine? +COCOval2014000000309495,"A pristine white bathroom with a ceramic toilet installed against a tiled wall. Beside the toilet, a single roll of toilet paper rests on a holder within arm's reach. The floor is tiled in a matching white, reflecting the cleanliness of the space.",,2,1,attribute,color,"attribute - color (bathroom, white)",Is the bathroom white? +COCOval2014000000309495,"A pristine white bathroom with a ceramic toilet installed against a tiled wall. Beside the toilet, a single roll of toilet paper rests on a holder within arm's reach. The floor is tiled in a matching white, reflecting the cleanliness of the space.",,3,1,entity,whole,entity - whole (bathroom),Is there a bathroom? +COCOval2014000000309495,"A pristine white bathroom with a ceramic toilet installed against a tiled wall. Beside the toilet, a single roll of toilet paper rests on a holder within arm's reach. The floor is tiled in a matching white, reflecting the cleanliness of the space.",,4,3,entity,whole,entity - whole (toilet),Is there a toilet? +COCOval2014000000309495,"A pristine white bathroom with a ceramic toilet installed against a tiled wall. Beside the toilet, a single roll of toilet paper rests on a holder within arm's reach. The floor is tiled in a matching white, reflecting the cleanliness of the space.",,5,3,entity,whole,entity - whole (wall),Is there a wall? +COCOval2014000000309495,"A pristine white bathroom with a ceramic toilet installed against a tiled wall. Beside the toilet, a single roll of toilet paper rests on a holder within arm's reach. The floor is tiled in a matching white, reflecting the cleanliness of the space.",,6,3,entity,whole,entity - whole (roll of toilet paper),Is there a roll of toilet paper? +COCOval2014000000309495,"A pristine white bathroom with a ceramic toilet installed against a tiled wall. Beside the toilet, a single roll of toilet paper rests on a holder within arm's reach. The floor is tiled in a matching white, reflecting the cleanliness of the space.",,7,6,entity,whole,entity - whole (holder),Is there a holder? +COCOval2014000000309495,"A pristine white bathroom with a ceramic toilet installed against a tiled wall. Beside the toilet, a single roll of toilet paper rests on a holder within arm's reach. The floor is tiled in a matching white, reflecting the cleanliness of the space.",,8,3,entity,whole,entity - whole (floor),Is there a floor? +COCOval2014000000309495,"A pristine white bathroom with a ceramic toilet installed against a tiled wall. Beside the toilet, a single roll of toilet paper rests on a holder within arm's reach. The floor is tiled in a matching white, reflecting the cleanliness of the space.",,9,4,attribute,texture,"attribute - texture (toilet, ceramic)",Is the toilet ceramic? +COCOval2014000000309495,"A pristine white bathroom with a ceramic toilet installed against a tiled wall. Beside the toilet, a single roll of toilet paper rests on a holder within arm's reach. The floor is tiled in a matching white, reflecting the cleanliness of the space.",,10,5,attribute,texture,"attribute - texture (wall, tiled)",Is the wall tiled? +COCOval2014000000309495,"A pristine white bathroom with a ceramic toilet installed against a tiled wall. Beside the toilet, a single roll of toilet paper rests on a holder within arm's reach. The floor is tiled in a matching white, reflecting the cleanliness of the space.",,11,8,attribute,texture,"attribute - texture (floor, tiled)",Is the floor tiled? +COCOval2014000000309495,"A pristine white bathroom with a ceramic toilet installed against a tiled wall. Beside the toilet, a single roll of toilet paper rests on a holder within arm's reach. The floor is tiled in a matching white, reflecting the cleanliness of the space.",,12,"4,5",relation,spatial,"relation - spatial (toilet, wall, against)",Is the toilet against the wall? +COCOval2014000000309495,"A pristine white bathroom with a ceramic toilet installed against a tiled wall. Beside the toilet, a single roll of toilet paper rests on a holder within arm's reach. The floor is tiled in a matching white, reflecting the cleanliness of the space.",,13,"6,7",relation,spatial,"relation - spatial (roll of toilet paper, holder, on)",Is the roll of toilet paper on the holder? +COCOval2014000000309495,"A pristine white bathroom with a ceramic toilet installed against a tiled wall. Beside the toilet, a single roll of toilet paper rests on a holder within arm's reach. The floor is tiled in a matching white, reflecting the cleanliness of the space.",,14,"7,4",relation,spatial,"relation - spatial (holder, toilet, beside)",Is the holder beside the toilet? +COCOval2014000000309495,"A pristine white bathroom with a ceramic toilet installed against a tiled wall. Beside the toilet, a single roll of toilet paper rests on a holder within arm's reach. The floor is tiled in a matching white, reflecting the cleanliness of the space.",,15,"8,3",relation,spatial,"relation - spatial (floor, bathroom, in)",Is the floor in the bathroom? +COCOval2014000000309495,"A pristine white bathroom with a ceramic toilet installed against a tiled wall. Beside the toilet, a single roll of toilet paper rests on a holder within arm's reach. The floor is tiled in a matching white, reflecting the cleanliness of the space.",,16,8,attribute,other,"attribute - other (floor, matching white)",Is the floor matching white? +COCOval2014000000309495,"A pristine white bathroom with a ceramic toilet installed against a tiled wall. Beside the toilet, a single roll of toilet paper rests on a holder within arm's reach. The floor is tiled in a matching white, reflecting the cleanliness of the space.",,17,"8,3",attribute,other,"attribute - other (space, clean)",Is the space clean? +COCOval2014000000014635,"A woman dressed in a warm, stylish coat is seated at a small round table. She appears to be in a cozy indoor setting, possibly a café or a waiting area. The table is adorned with a vase containing a single flower, adding a touch of elegance to the scene.",,1,0,entity,whole,entity - whole (woman),Is there a woman? +COCOval2014000000014635,"A woman dressed in a warm, stylish coat is seated at a small round table. She appears to be in a cozy indoor setting, possibly a café or a waiting area. The table is adorned with a vase containing a single flower, adding a touch of elegance to the scene.",,2,0,entity,whole,entity - whole (coat),Is the woman wearing a coat? +COCOval2014000000014635,"A woman dressed in a warm, stylish coat is seated at a small round table. She appears to be in a cozy indoor setting, possibly a café or a waiting area. The table is adorned with a vase containing a single flower, adding a touch of elegance to the scene.",,3,0,entity,whole,entity - whole (table),Is there a table? +COCOval2014000000014635,"A woman dressed in a warm, stylish coat is seated at a small round table. She appears to be in a cozy indoor setting, possibly a café or a waiting area. The table is adorned with a vase containing a single flower, adding a touch of elegance to the scene.",,4,0,entity,whole,entity - whole (vase),Is there a vase? +COCOval2014000000014635,"A woman dressed in a warm, stylish coat is seated at a small round table. She appears to be in a cozy indoor setting, possibly a café or a waiting area. The table is adorned with a vase containing a single flower, adding a touch of elegance to the scene.",,5,0,entity,whole,entity - whole (flower),Is there a flower? +COCOval2014000000014635,"A woman dressed in a warm, stylish coat is seated at a small round table. She appears to be in a cozy indoor setting, possibly a café or a waiting area. The table is adorned with a vase containing a single flower, adding a touch of elegance to the scene.",,6,2,attribute,other,"attribute - other (coat, warm, stylish)",Is the coat warm and stylish? +COCOval2014000000014635,"A woman dressed in a warm, stylish coat is seated at a small round table. She appears to be in a cozy indoor setting, possibly a café or a waiting area. The table is adorned with a vase containing a single flower, adding a touch of elegance to the scene.",,7,3,attribute,size,"attribute - size (table, small)",Is the table small? +COCOval2014000000014635,"A woman dressed in a warm, stylish coat is seated at a small round table. She appears to be in a cozy indoor setting, possibly a café or a waiting area. The table is adorned with a vase containing a single flower, adding a touch of elegance to the scene.",,8,3,attribute,shape,"attribute - shape (table, round)",Is the table round? +COCOval2014000000014635,"A woman dressed in a warm, stylish coat is seated at a small round table. She appears to be in a cozy indoor setting, possibly a café or a waiting area. The table is adorned with a vase containing a single flower, adding a touch of elegance to the scene.",,9,0,attribute,other,"attribute - other (setting, cozy)",Is the setting cozy? +COCOval2014000000014635,"A woman dressed in a warm, stylish coat is seated at a small round table. She appears to be in a cozy indoor setting, possibly a café or a waiting area. The table is adorned with a vase containing a single flower, adding a touch of elegance to the scene.",,10,0,attribute,other,"attribute - other (setting, indoor)",Is the setting indoor? +COCOval2014000000014635,"A woman dressed in a warm, stylish coat is seated at a small round table. She appears to be in a cozy indoor setting, possibly a café or a waiting area. The table is adorned with a vase containing a single flower, adding a touch of elegance to the scene.",,11,0,attribute,other,"attribute - other (setting, café or waiting area)",Is the setting a café or waiting area? +COCOval2014000000014635,"A woman dressed in a warm, stylish coat is seated at a small round table. She appears to be in a cozy indoor setting, possibly a café or a waiting area. The table is adorned with a vase containing a single flower, adding a touch of elegance to the scene.",,12,1,entity,state,"entity - state (woman, seated)",Is the woman seated? +COCOval2014000000014635,"A woman dressed in a warm, stylish coat is seated at a small round table. She appears to be in a cozy indoor setting, possibly a café or a waiting area. The table is adorned with a vase containing a single flower, adding a touch of elegance to the scene.",,13,3,entity,state,"entity - state (table, adorned with vase)",Is the table adorned with a vase? +COCOval2014000000014635,"A woman dressed in a warm, stylish coat is seated at a small round table. She appears to be in a cozy indoor setting, possibly a café or a waiting area. The table is adorned with a vase containing a single flower, adding a touch of elegance to the scene.",,14,4,entity,state,"entity - state (vase, containing flower)",Is the vase containing a flower? +COCOval2014000000014635,"A woman dressed in a warm, stylish coat is seated at a small round table. She appears to be in a cozy indoor setting, possibly a café or a waiting area. The table is adorned with a vase containing a single flower, adding a touch of elegance to the scene.",,15,5,attribute,other,"attribute - other (flower, single)",Is there a single flower? +COCOval2014000000014635,"A woman dressed in a warm, stylish coat is seated at a small round table. She appears to be in a cozy indoor setting, possibly a café or a waiting area. The table is adorned with a vase containing a single flower, adding a touch of elegance to the scene.",,16,"3,4",attribute,other,"attribute - other (scene, elegant)",Is the scene elegant? +COCOval2014000000261981,"A sleek black cat with a smart tie around its neck lounges comfortably on a neatly made bed. The bed features a white duvet and a selection of plush pillows against a simple headboard. The room is illuminated by soft light, highlighting the cat's glossy fur and the playful contrast of its formal accessory.",,1,0,entity,whole,entity - whole (cat),Is there a cat? +COCOval2014000000261981,"A sleek black cat with a smart tie around its neck lounges comfortably on a neatly made bed. The bed features a white duvet and a selection of plush pillows against a simple headboard. The room is illuminated by soft light, highlighting the cat's glossy fur and the playful contrast of its formal accessory.",,2,0,entity,whole,entity - whole (tie),Is there a tie? +COCOval2014000000261981,"A sleek black cat with a smart tie around its neck lounges comfortably on a neatly made bed. The bed features a white duvet and a selection of plush pillows against a simple headboard. The room is illuminated by soft light, highlighting the cat's glossy fur and the playful contrast of its formal accessory.",,3,0,entity,whole,entity - whole (bed),Is there a bed? +COCOval2014000000261981,"A sleek black cat with a smart tie around its neck lounges comfortably on a neatly made bed. The bed features a white duvet and a selection of plush pillows against a simple headboard. The room is illuminated by soft light, highlighting the cat's glossy fur and the playful contrast of its formal accessory.",,4,0,entity,whole,entity - whole (duvet),Is there a duvet? +COCOval2014000000261981,"A sleek black cat with a smart tie around its neck lounges comfortably on a neatly made bed. The bed features a white duvet and a selection of plush pillows against a simple headboard. The room is illuminated by soft light, highlighting the cat's glossy fur and the playful contrast of its formal accessory.",,5,0,entity,whole,entity - whole (pillows),Are there pillows? +COCOval2014000000261981,"A sleek black cat with a smart tie around its neck lounges comfortably on a neatly made bed. The bed features a white duvet and a selection of plush pillows against a simple headboard. The room is illuminated by soft light, highlighting the cat's glossy fur and the playful contrast of its formal accessory.",,6,0,entity,whole,entity - whole (headboard),Is there a headboard? +COCOval2014000000261981,"A sleek black cat with a smart tie around its neck lounges comfortably on a neatly made bed. The bed features a white duvet and a selection of plush pillows against a simple headboard. The room is illuminated by soft light, highlighting the cat's glossy fur and the playful contrast of its formal accessory.",,7,0,entity,whole,entity - whole (room),Is there a room? +COCOval2014000000261981,"A sleek black cat with a smart tie around its neck lounges comfortably on a neatly made bed. The bed features a white duvet and a selection of plush pillows against a simple headboard. The room is illuminated by soft light, highlighting the cat's glossy fur and the playful contrast of its formal accessory.",,8,1,attribute,color,"attribute - color (cat, black)",Is the cat black? +COCOval2014000000261981,"A sleek black cat with a smart tie around its neck lounges comfortably on a neatly made bed. The bed features a white duvet and a selection of plush pillows against a simple headboard. The room is illuminated by soft light, highlighting the cat's glossy fur and the playful contrast of its formal accessory.",,9,2,attribute,other,"attribute - other (tie, smart)",Is the tie smart? +COCOval2014000000261981,"A sleek black cat with a smart tie around its neck lounges comfortably on a neatly made bed. The bed features a white duvet and a selection of plush pillows against a simple headboard. The room is illuminated by soft light, highlighting the cat's glossy fur and the playful contrast of its formal accessory.",,10,1,attribute,texture,"attribute - texture (cat's fur, glossy)",Is the cat's fur glossy? +COCOval2014000000261981,"A sleek black cat with a smart tie around its neck lounges comfortably on a neatly made bed. The bed features a white duvet and a selection of plush pillows against a simple headboard. The room is illuminated by soft light, highlighting the cat's glossy fur and the playful contrast of its formal accessory.",,11,3,attribute,texture,"attribute - texture (bed, neatly made)",Is the bed neatly made? +COCOval2014000000261981,"A sleek black cat with a smart tie around its neck lounges comfortably on a neatly made bed. The bed features a white duvet and a selection of plush pillows against a simple headboard. The room is illuminated by soft light, highlighting the cat's glossy fur and the playful contrast of its formal accessory.",,12,4,attribute,texture,"attribute - texture (duvet, white)",Is the duvet white? +COCOval2014000000261981,"A sleek black cat with a smart tie around its neck lounges comfortably on a neatly made bed. The bed features a white duvet and a selection of plush pillows against a simple headboard. The room is illuminated by soft light, highlighting the cat's glossy fur and the playful contrast of its formal accessory.",,13,5,attribute,texture,"attribute - texture (pillows, plush)",Are the pillows plush? +COCOval2014000000261981,"A sleek black cat with a smart tie around its neck lounges comfortably on a neatly made bed. The bed features a white duvet and a selection of plush pillows against a simple headboard. The room is illuminated by soft light, highlighting the cat's glossy fur and the playful contrast of its formal accessory.",,14,6,attribute,texture,"attribute - texture (headboard, simple)",Is the headboard simple? +COCOval2014000000261981,"A sleek black cat with a smart tie around its neck lounges comfortably on a neatly made bed. The bed features a white duvet and a selection of plush pillows against a simple headboard. The room is illuminated by soft light, highlighting the cat's glossy fur and the playful contrast of its formal accessory.",,15,7,attribute,texture,"attribute - texture (room, soft light)",Is the room illuminated by soft light? +COCOval2014000000261981,"A sleek black cat with a smart tie around its neck lounges comfortably on a neatly made bed. The bed features a white duvet and a selection of plush pillows against a simple headboard. The room is illuminated by soft light, highlighting the cat's glossy fur and the playful contrast of its formal accessory.",,16,"1,3",relation,spatial,"relation - spatial (cat, bed, lounge on)",Is the cat lounging on the bed? +COCOval2014000000261981,"A sleek black cat with a smart tie around its neck lounges comfortably on a neatly made bed. The bed features a white duvet and a selection of plush pillows against a simple headboard. The room is illuminated by soft light, highlighting the cat's glossy fur and the playful contrast of its formal accessory.",,17,"5,6",relation,spatial,"relation - spatial (pillows, headboard, against)",Are the pillows against the headboard? +COCOval2014000000390241,"An overturned bus lying on its side on a stretch of road. The bus's wheels are exposed to the sky, and its windows are shattered, with glass fragments scattered around. The scene is cordoned off with yellow caution tape, indicating an area of investigation or cleanup.",,1,0,entity,whole,entity - whole (bus),Is there a bus? +COCOval2014000000390241,"An overturned bus lying on its side on a stretch of road. The bus's wheels are exposed to the sky, and its windows are shattered, with glass fragments scattered around. The scene is cordoned off with yellow caution tape, indicating an area of investigation or cleanup.",,2,0,entity,whole,entity - whole (road),Is there a road? +COCOval2014000000390241,"An overturned bus lying on its side on a stretch of road. The bus's wheels are exposed to the sky, and its windows are shattered, with glass fragments scattered around. The scene is cordoned off with yellow caution tape, indicating an area of investigation or cleanup.",,3,1,entity,part,entity - part (bus's wheels),Are the bus's wheels exposed? +COCOval2014000000390241,"An overturned bus lying on its side on a stretch of road. The bus's wheels are exposed to the sky, and its windows are shattered, with glass fragments scattered around. The scene is cordoned off with yellow caution tape, indicating an area of investigation or cleanup.",,4,1,entity,part,entity - part (bus's windows),Are the bus's windows shattered? +COCOval2014000000390241,"An overturned bus lying on its side on a stretch of road. The bus's wheels are exposed to the sky, and its windows are shattered, with glass fragments scattered around. The scene is cordoned off with yellow caution tape, indicating an area of investigation or cleanup.",,5,1,entity,part,entity - part (glass fragments),Are there glass fragments? +COCOval2014000000390241,"An overturned bus lying on its side on a stretch of road. The bus's wheels are exposed to the sky, and its windows are shattered, with glass fragments scattered around. The scene is cordoned off with yellow caution tape, indicating an area of investigation or cleanup.",,6,1,entity,whole,entity - whole (yellow caution tape),Is there yellow caution tape? +COCOval2014000000390241,"An overturned bus lying on its side on a stretch of road. The bus's wheels are exposed to the sky, and its windows are shattered, with glass fragments scattered around. The scene is cordoned off with yellow caution tape, indicating an area of investigation or cleanup.",,7,1,attribute,other,"attribute - other (scene, overturned)",Is the scene overturned? +COCOval2014000000390241,"An overturned bus lying on its side on a stretch of road. The bus's wheels are exposed to the sky, and its windows are shattered, with glass fragments scattered around. The scene is cordoned off with yellow caution tape, indicating an area of investigation or cleanup.",,8,1,attribute,other,"attribute - other (scene, shattered)",Is the scene shattered? +COCOval2014000000390241,"An overturned bus lying on its side on a stretch of road. The bus's wheels are exposed to the sky, and its windows are shattered, with glass fragments scattered around. The scene is cordoned off with yellow caution tape, indicating an area of investigation or cleanup.",,9,1,attribute,other,"attribute - other (scene, scattered)",Are things scattered around? +COCOval2014000000390241,"An overturned bus lying on its side on a stretch of road. The bus's wheels are exposed to the sky, and its windows are shattered, with glass fragments scattered around. The scene is cordoned off with yellow caution tape, indicating an area of investigation or cleanup.",,10,"1,2",relation,spatial,"relation - spatial (bus, road, on)",Is the bus on the road? +COCOval2014000000045844,"In an open area, two children are energetically swinging their rackets on a makeshift tennis court outlined with chalk on the ground. Makeshift nets are set up, and the kids are wearing casual sports attire, indicating an informal game. The surrounding area is spacious enough to accommodate their game, with a few trees casting a gentle shade nearby.",,1,0,global,,global - (open area),Is this an open area? +COCOval2014000000045844,"In an open area, two children are energetically swinging their rackets on a makeshift tennis court outlined with chalk on the ground. Makeshift nets are set up, and the kids are wearing casual sports attire, indicating an informal game. The surrounding area is spacious enough to accommodate their game, with a few trees casting a gentle shade nearby.",,2,0,entity,whole,entity - whole (children),Are there children? +COCOval2014000000045844,"In an open area, two children are energetically swinging their rackets on a makeshift tennis court outlined with chalk on the ground. Makeshift nets are set up, and the kids are wearing casual sports attire, indicating an informal game. The surrounding area is spacious enough to accommodate their game, with a few trees casting a gentle shade nearby.",,3,2,entity,whole,entity - whole (rackets),Are there rackets? +COCOval2014000000045844,"In an open area, two children are energetically swinging their rackets on a makeshift tennis court outlined with chalk on the ground. Makeshift nets are set up, and the kids are wearing casual sports attire, indicating an informal game. The surrounding area is spacious enough to accommodate their game, with a few trees casting a gentle shade nearby.",,4,0,entity,whole,entity - whole (tennis court),Is there a tennis court? +COCOval2014000000045844,"In an open area, two children are energetically swinging their rackets on a makeshift tennis court outlined with chalk on the ground. Makeshift nets are set up, and the kids are wearing casual sports attire, indicating an informal game. The surrounding area is spacious enough to accommodate their game, with a few trees casting a gentle shade nearby.",,5,4,attribute,texture,"attribute - texture (tennis court, makeshift)",Is the tennis court makeshift? +COCOval2014000000045844,"In an open area, two children are energetically swinging their rackets on a makeshift tennis court outlined with chalk on the ground. Makeshift nets are set up, and the kids are wearing casual sports attire, indicating an informal game. The surrounding area is spacious enough to accommodate their game, with a few trees casting a gentle shade nearby.",,6,4,attribute,texture,"attribute - texture (nets, makeshift)",Are the nets makeshift? +COCOval2014000000045844,"In an open area, two children are energetically swinging their rackets on a makeshift tennis court outlined with chalk on the ground. Makeshift nets are set up, and the kids are wearing casual sports attire, indicating an informal game. The surrounding area is spacious enough to accommodate their game, with a few trees casting a gentle shade nearby.",,7,4,attribute,other,"attribute - other (game, informal)",Is the game informal? +COCOval2014000000045844,"In an open area, two children are energetically swinging their rackets on a makeshift tennis court outlined with chalk on the ground. Makeshift nets are set up, and the kids are wearing casual sports attire, indicating an informal game. The surrounding area is spacious enough to accommodate their game, with a few trees casting a gentle shade nearby.",,8,2,attribute,other,"attribute - other (attire, casual sports)",Are the kids wearing casual sports attire? +COCOval2014000000045844,"In an open area, two children are energetically swinging their rackets on a makeshift tennis court outlined with chalk on the ground. Makeshift nets are set up, and the kids are wearing casual sports attire, indicating an informal game. The surrounding area is spacious enough to accommodate their game, with a few trees casting a gentle shade nearby.",,9,1,entity,whole,entity - whole (trees),Are there trees? +COCOval2014000000045844,"In an open area, two children are energetically swinging their rackets on a makeshift tennis court outlined with chalk on the ground. Makeshift nets are set up, and the kids are wearing casual sports attire, indicating an informal game. The surrounding area is spacious enough to accommodate their game, with a few trees casting a gentle shade nearby.",,10,"2,3",relation,non-spatial,"relation - non-spatial (children, rackets, swing)",Are the children swinging their rackets? +COCOval2014000000572260,"A room with walls lined with shelves filled to the brim with an assortment of objects. Each shelf is crowded with items ranging from books and vases to small trinkets and photo frames. The collection appears eclectic, with no immediate sense of order, giving the space a lived-in and personalized feel.",,1,0,entity,whole,entity - whole (room),Is there a room? +COCOval2014000000572260,"A room with walls lined with shelves filled to the brim with an assortment of objects. Each shelf is crowded with items ranging from books and vases to small trinkets and photo frames. The collection appears eclectic, with no immediate sense of order, giving the space a lived-in and personalized feel.",,2,1,entity,whole,entity - whole (walls),Are there walls? +COCOval2014000000572260,"A room with walls lined with shelves filled to the brim with an assortment of objects. Each shelf is crowded with items ranging from books and vases to small trinkets and photo frames. The collection appears eclectic, with no immediate sense of order, giving the space a lived-in and personalized feel.",,3,2,entity,whole,entity - whole (shelves),Are there shelves? +COCOval2014000000572260,"A room with walls lined with shelves filled to the brim with an assortment of objects. Each shelf is crowded with items ranging from books and vases to small trinkets and photo frames. The collection appears eclectic, with no immediate sense of order, giving the space a lived-in and personalized feel.",,4,3,entity,whole,entity - whole (assortment of objects),Is there an assortment of objects? +COCOval2014000000572260,"A room with walls lined with shelves filled to the brim with an assortment of objects. Each shelf is crowded with items ranging from books and vases to small trinkets and photo frames. The collection appears eclectic, with no immediate sense of order, giving the space a lived-in and personalized feel.",,5,4,entity,whole,entity - whole (items),Are there items? +COCOval2014000000572260,"A room with walls lined with shelves filled to the brim with an assortment of objects. Each shelf is crowded with items ranging from books and vases to small trinkets and photo frames. The collection appears eclectic, with no immediate sense of order, giving the space a lived-in and personalized feel.",,6,5,entity,whole,entity - whole (books),Are there books? +COCOval2014000000572260,"A room with walls lined with shelves filled to the brim with an assortment of objects. Each shelf is crowded with items ranging from books and vases to small trinkets and photo frames. The collection appears eclectic, with no immediate sense of order, giving the space a lived-in and personalized feel.",,7,5,entity,whole,entity - whole (vases),Are there vases? +COCOval2014000000572260,"A room with walls lined with shelves filled to the brim with an assortment of objects. Each shelf is crowded with items ranging from books and vases to small trinkets and photo frames. The collection appears eclectic, with no immediate sense of order, giving the space a lived-in and personalized feel.",,8,5,entity,whole,entity - whole (trinkets),Are there trinkets? +COCOval2014000000572260,"A room with walls lined with shelves filled to the brim with an assortment of objects. Each shelf is crowded with items ranging from books and vases to small trinkets and photo frames. The collection appears eclectic, with no immediate sense of order, giving the space a lived-in and personalized feel.",,9,5,entity,whole,entity - whole (photo frames),Are there photo frames? +COCOval2014000000572260,"A room with walls lined with shelves filled to the brim with an assortment of objects. Each shelf is crowded with items ranging from books and vases to small trinkets and photo frames. The collection appears eclectic, with no immediate sense of order, giving the space a lived-in and personalized feel.",,10,4,attribute,other,"attribute - other (collection, eclectic)",Is the collection eclectic? +COCOval2014000000572260,"A room with walls lined with shelves filled to the brim with an assortment of objects. Each shelf is crowded with items ranging from books and vases to small trinkets and photo frames. The collection appears eclectic, with no immediate sense of order, giving the space a lived-in and personalized feel.",,11,4,attribute,other,"attribute - other (space, lived-in and personalized)",Does the space feel lived-in and personalized? +COCOval2014000000572260,"A room with walls lined with shelves filled to the brim with an assortment of objects. Each shelf is crowded with items ranging from books and vases to small trinkets and photo frames. The collection appears eclectic, with no immediate sense of order, giving the space a lived-in and personalized feel.",,12,"2,1",relation,spatial,"relation - spatial (walls, shelves, lined with)",Are the walls lined with shelves? +COCOval2014000000572260,"A room with walls lined with shelves filled to the brim with an assortment of objects. Each shelf is crowded with items ranging from books and vases to small trinkets and photo frames. The collection appears eclectic, with no immediate sense of order, giving the space a lived-in and personalized feel.",,13,"3,4",relation,spatial,"relation - spatial (shelves, items, filled to the brim)",Are the shelves filled to the brim with items? +COCOval2014000000572260,"A room with walls lined with shelves filled to the brim with an assortment of objects. Each shelf is crowded with items ranging from books and vases to small trinkets and photo frames. The collection appears eclectic, with no immediate sense of order, giving the space a lived-in and personalized feel.",,14,"3,6",relation,spatial,"relation - spatial (shelves, books, crowded with)",Are the shelves crowded with books? +COCOval2014000000572260,"A room with walls lined with shelves filled to the brim with an assortment of objects. Each shelf is crowded with items ranging from books and vases to small trinkets and photo frames. The collection appears eclectic, with no immediate sense of order, giving the space a lived-in and personalized feel.",,15,"3,7",relation,spatial,"relation - spatial (shelves, vases, crowded with)",Are the shelves crowded with vases? +COCOval2014000000572260,"A room with walls lined with shelves filled to the brim with an assortment of objects. Each shelf is crowded with items ranging from books and vases to small trinkets and photo frames. The collection appears eclectic, with no immediate sense of order, giving the space a lived-in and personalized feel.",,16,"3,8",relation,spatial,"relation - spatial (shelves, trinkets, crowded with)",Are the shelves crowded with trinkets? +COCOval2014000000572260,"A room with walls lined with shelves filled to the brim with an assortment of objects. Each shelf is crowded with items ranging from books and vases to small trinkets and photo frames. The collection appears eclectic, with no immediate sense of order, giving the space a lived-in and personalized feel.",,17,"3,9",relation,spatial,"relation - spatial (shelves, photo frames, crowded with)",Are the shelves crowded with photo frames? +COCOval2014000000064574,"A cozy indoor setting with a soft, textured blanket spread out on a flat surface. Resting upon the blanket are a sleek pen and an assortment of personal hair care products, including brushes and combs. The items are neatly arranged, suggesting a moment of grooming or self-care preparation.",,1,0,global,,global - (cozy indoor setting),Is this a cozy indoor setting? +COCOval2014000000064574,"A cozy indoor setting with a soft, textured blanket spread out on a flat surface. Resting upon the blanket are a sleek pen and an assortment of personal hair care products, including brushes and combs. The items are neatly arranged, suggesting a moment of grooming or self-care preparation.",,2,1,attribute,texture,"attribute - texture (blanket, soft)",Is the blanket soft? +COCOval2014000000064574,"A cozy indoor setting with a soft, textured blanket spread out on a flat surface. Resting upon the blanket are a sleek pen and an assortment of personal hair care products, including brushes and combs. The items are neatly arranged, suggesting a moment of grooming or self-care preparation.",,3,7,attribute,texture,"attribute - texture (pen, sleek)",Is the pen sleek? +COCOval2014000000064574,"A cozy indoor setting with a soft, textured blanket spread out on a flat surface. Resting upon the blanket are a sleek pen and an assortment of personal hair care products, including brushes and combs. The items are neatly arranged, suggesting a moment of grooming or self-care preparation.",,4,8,attribute,texture,"attribute - texture (hair care products, assorted)",Are the hair care products assorted? +COCOval2014000000064574,"A cozy indoor setting with a soft, textured blanket spread out on a flat surface. Resting upon the blanket are a sleek pen and an assortment of personal hair care products, including brushes and combs. The items are neatly arranged, suggesting a moment of grooming or self-care preparation.",,5,8,attribute,other,"attribute - other (hair care products, personal)",Are the hair care products personal? +COCOval2014000000064574,"A cozy indoor setting with a soft, textured blanket spread out on a flat surface. Resting upon the blanket are a sleek pen and an assortment of personal hair care products, including brushes and combs. The items are neatly arranged, suggesting a moment of grooming or self-care preparation.",,6,1,entity,whole,entity - whole (blanket),Is there a blanket? +COCOval2014000000064574,"A cozy indoor setting with a soft, textured blanket spread out on a flat surface. Resting upon the blanket are a sleek pen and an assortment of personal hair care products, including brushes and combs. The items are neatly arranged, suggesting a moment of grooming or self-care preparation.",,7,1,entity,whole,entity - whole (pen),Is there a pen? +COCOval2014000000064574,"A cozy indoor setting with a soft, textured blanket spread out on a flat surface. Resting upon the blanket are a sleek pen and an assortment of personal hair care products, including brushes and combs. The items are neatly arranged, suggesting a moment of grooming or self-care preparation.",,8,1,entity,whole,entity - whole (hair care products),Are there hair care products? +COCOval2014000000064574,"A cozy indoor setting with a soft, textured blanket spread out on a flat surface. Resting upon the blanket are a sleek pen and an assortment of personal hair care products, including brushes and combs. The items are neatly arranged, suggesting a moment of grooming or self-care preparation.",,9,8,entity,whole,entity - whole (brushes),Are there brushes? +COCOval2014000000064574,"A cozy indoor setting with a soft, textured blanket spread out on a flat surface. Resting upon the blanket are a sleek pen and an assortment of personal hair care products, including brushes and combs. The items are neatly arranged, suggesting a moment of grooming or self-care preparation.",,10,8,entity,whole,entity - whole (combs),Are there combs? +COCOval2014000000064574,"A cozy indoor setting with a soft, textured blanket spread out on a flat surface. Resting upon the blanket are a sleek pen and an assortment of personal hair care products, including brushes and combs. The items are neatly arranged, suggesting a moment of grooming or self-care preparation.",,11,"6,7,8,9,10",entity,state,"entity - state (items, neatly arranged)",Are the items neatly arranged? +COCOval2014000000064574,"A cozy indoor setting with a soft, textured blanket spread out on a flat surface. Resting upon the blanket are a sleek pen and an assortment of personal hair care products, including brushes and combs. The items are neatly arranged, suggesting a moment of grooming or self-care preparation.",,12,6,relation,spatial,"relation - spatial (blanket, flat surface, spread out)",Is the blanket spread out on a flat surface? +COCOval2014000000064574,"A cozy indoor setting with a soft, textured blanket spread out on a flat surface. Resting upon the blanket are a sleek pen and an assortment of personal hair care products, including brushes and combs. The items are neatly arranged, suggesting a moment of grooming or self-care preparation.",,13,"7,6",relation,spatial,"relation - spatial (pen, blanket, upon)",Is the pen resting upon the blanket? +COCOval2014000000064574,"A cozy indoor setting with a soft, textured blanket spread out on a flat surface. Resting upon the blanket are a sleek pen and an assortment of personal hair care products, including brushes and combs. The items are neatly arranged, suggesting a moment of grooming or self-care preparation.",,14,"8,6",relation,spatial,"relation - spatial (hair care products, blanket, upon)",Are the hair care products resting upon the blanket? +COCOval2014000000064574,"A cozy indoor setting with a soft, textured blanket spread out on a flat surface. Resting upon the blanket are a sleek pen and an assortment of personal hair care products, including brushes and combs. The items are neatly arranged, suggesting a moment of grooming or self-care preparation.",,15,"9,8",relation,spatial,"relation - spatial (brushes, hair care products, in)",Are the brushes in the hair care products? +COCOval2014000000064574,"A cozy indoor setting with a soft, textured blanket spread out on a flat surface. Resting upon the blanket are a sleek pen and an assortment of personal hair care products, including brushes and combs. The items are neatly arranged, suggesting a moment of grooming or self-care preparation.",,16,"10,8",relation,spatial,"relation - spatial (combs, hair care products, in)",Are the combs in the hair care products? +COCOval2014000000064574,"A cozy indoor setting with a soft, textured blanket spread out on a flat surface. Resting upon the blanket are a sleek pen and an assortment of personal hair care products, including brushes and combs. The items are neatly arranged, suggesting a moment of grooming or self-care preparation.",,17,11,relation,non-spatial,"relation - non-spatial (items, suggest grooming or self-care preparation)",Do the items suggest grooming or self-care preparation? +COCOval2014000000136271,"An array of colorful fruit bins line the front of a local produce stand, each filled with fresh, ripe selections. Above each bin, clear signs display the prices, inviting passersby to browse and purchase. The stand is neatly organized, showcasing a variety of fruits from apples to exotic mangoes, catering to the tastes of a diverse clientele.",,1,0,entity,whole,entity - whole (fruit bins),Are there fruit bins? +COCOval2014000000136271,"An array of colorful fruit bins line the front of a local produce stand, each filled with fresh, ripe selections. Above each bin, clear signs display the prices, inviting passersby to browse and purchase. The stand is neatly organized, showcasing a variety of fruits from apples to exotic mangoes, catering to the tastes of a diverse clientele.",,2,0,entity,whole,entity - whole (produce stand),Is there a produce stand? +COCOval2014000000136271,"An array of colorful fruit bins line the front of a local produce stand, each filled with fresh, ripe selections. Above each bin, clear signs display the prices, inviting passersby to browse and purchase. The stand is neatly organized, showcasing a variety of fruits from apples to exotic mangoes, catering to the tastes of a diverse clientele.",,3,0,entity,whole,entity - whole (selections),Are there selections? +COCOval2014000000136271,"An array of colorful fruit bins line the front of a local produce stand, each filled with fresh, ripe selections. Above each bin, clear signs display the prices, inviting passersby to browse and purchase. The stand is neatly organized, showcasing a variety of fruits from apples to exotic mangoes, catering to the tastes of a diverse clientele.",,4,0,entity,whole,entity - whole (signs),Are there signs? +COCOval2014000000136271,"An array of colorful fruit bins line the front of a local produce stand, each filled with fresh, ripe selections. Above each bin, clear signs display the prices, inviting passersby to browse and purchase. The stand is neatly organized, showcasing a variety of fruits from apples to exotic mangoes, catering to the tastes of a diverse clientele.",,5,0,entity,whole,entity - whole (prices),Are there prices? +COCOval2014000000136271,"An array of colorful fruit bins line the front of a local produce stand, each filled with fresh, ripe selections. Above each bin, clear signs display the prices, inviting passersby to browse and purchase. The stand is neatly organized, showcasing a variety of fruits from apples to exotic mangoes, catering to the tastes of a diverse clientele.",,6,0,entity,whole,entity - whole (passersby),Are there passersby? +COCOval2014000000136271,"An array of colorful fruit bins line the front of a local produce stand, each filled with fresh, ripe selections. Above each bin, clear signs display the prices, inviting passersby to browse and purchase. The stand is neatly organized, showcasing a variety of fruits from apples to exotic mangoes, catering to the tastes of a diverse clientele.",,7,0,entity,whole,entity - whole (stand),Is there a stand? +COCOval2014000000136271,"An array of colorful fruit bins line the front of a local produce stand, each filled with fresh, ripe selections. Above each bin, clear signs display the prices, inviting passersby to browse and purchase. The stand is neatly organized, showcasing a variety of fruits from apples to exotic mangoes, catering to the tastes of a diverse clientele.",,8,0,entity,whole,entity - whole (fruits),Are there fruits? +COCOval2014000000136271,"An array of colorful fruit bins line the front of a local produce stand, each filled with fresh, ripe selections. Above each bin, clear signs display the prices, inviting passersby to browse and purchase. The stand is neatly organized, showcasing a variety of fruits from apples to exotic mangoes, catering to the tastes of a diverse clientele.",,9,1,attribute,color,"attribute - color (fruit bins, colorful)",Are the fruit bins colorful? +COCOval2014000000136271,"An array of colorful fruit bins line the front of a local produce stand, each filled with fresh, ripe selections. Above each bin, clear signs display the prices, inviting passersby to browse and purchase. The stand is neatly organized, showcasing a variety of fruits from apples to exotic mangoes, catering to the tastes of a diverse clientele.",,10,3,attribute,texture,"attribute - texture (selections, fresh, ripe)",Are the selections fresh and ripe? +COCOval2014000000136271,"An array of colorful fruit bins line the front of a local produce stand, each filled with fresh, ripe selections. Above each bin, clear signs display the prices, inviting passersby to browse and purchase. The stand is neatly organized, showcasing a variety of fruits from apples to exotic mangoes, catering to the tastes of a diverse clientele.",,11,4,attribute,other,"attribute - other (signs, clear)",Are the signs clear? +COCOval2014000000136271,"An array of colorful fruit bins line the front of a local produce stand, each filled with fresh, ripe selections. Above each bin, clear signs display the prices, inviting passersby to browse and purchase. The stand is neatly organized, showcasing a variety of fruits from apples to exotic mangoes, catering to the tastes of a diverse clientele.",,12,5,attribute,other,"attribute - other (prices, inviting)",Are the prices inviting? +COCOval2014000000136271,"An array of colorful fruit bins line the front of a local produce stand, each filled with fresh, ripe selections. Above each bin, clear signs display the prices, inviting passersby to browse and purchase. The stand is neatly organized, showcasing a variety of fruits from apples to exotic mangoes, catering to the tastes of a diverse clientele.",,13,7,attribute,other,"attribute - other (stand, neatly organized)",Is the stand neatly organized? +COCOval2014000000136271,"An array of colorful fruit bins line the front of a local produce stand, each filled with fresh, ripe selections. Above each bin, clear signs display the prices, inviting passersby to browse and purchase. The stand is neatly organized, showcasing a variety of fruits from apples to exotic mangoes, catering to the tastes of a diverse clientele.",,14,8,attribute,other,"attribute - other (fruits, variety)",Is there a variety of fruits? +COCOval2014000000136271,"An array of colorful fruit bins line the front of a local produce stand, each filled with fresh, ripe selections. Above each bin, clear signs display the prices, inviting passersby to browse and purchase. The stand is neatly organized, showcasing a variety of fruits from apples to exotic mangoes, catering to the tastes of a diverse clientele.",,15,"2,7",relation,spatial,"relation - spatial (fruit bins, produce stand, in front of)",Are the fruit bins in front of the produce stand? +COCOval2014000000136271,"An array of colorful fruit bins line the front of a local produce stand, each filled with fresh, ripe selections. Above each bin, clear signs display the prices, inviting passersby to browse and purchase. The stand is neatly organized, showcasing a variety of fruits from apples to exotic mangoes, catering to the tastes of a diverse clientele.",,16,"4,2",relation,spatial,"relation - spatial (signs, fruit bins, above)",Are the signs above the fruit bins? +COCOval2014000000136271,"An array of colorful fruit bins line the front of a local produce stand, each filled with fresh, ripe selections. Above each bin, clear signs display the prices, inviting passersby to browse and purchase. The stand is neatly organized, showcasing a variety of fruits from apples to exotic mangoes, catering to the tastes of a diverse clientele.",,17,"5,4",relation,spatial,"relation - spatial (prices, signs, above)",Are the prices above the signs? +COCOval2014000000136271,"An array of colorful fruit bins line the front of a local produce stand, each filled with fresh, ripe selections. Above each bin, clear signs display the prices, inviting passersby to browse and purchase. The stand is neatly organized, showcasing a variety of fruits from apples to exotic mangoes, catering to the tastes of a diverse clientele.",,18,"6,7",relation,spatial,"relation - spatial (passersby, stand, to)",Are the passersby next to the stand? +COCOval2014000000136271,"An array of colorful fruit bins line the front of a local produce stand, each filled with fresh, ripe selections. Above each bin, clear signs display the prices, inviting passersby to browse and purchase. The stand is neatly organized, showcasing a variety of fruits from apples to exotic mangoes, catering to the tastes of a diverse clientele.",,19,"7,6",relation,spatial,"relation - spatial (stand, clientele, diverse)",Is the stand catering to a diverse clientele? +COCOval2014000000542910,"A woman with an intense expression is interacting with an unseen person to the side of the frame. Her facial expression is one of playful aggression, with her teeth bared in a mock snarl. She appears to be in a brightly lit room, with casual attire suggesting a comfortable, informal setting.",,1,0,entity,whole,entity - whole (woman),Is there a woman? +COCOval2014000000542910,"A woman with an intense expression is interacting with an unseen person to the side of the frame. Her facial expression is one of playful aggression, with her teeth bared in a mock snarl. She appears to be in a brightly lit room, with casual attire suggesting a comfortable, informal setting.",,2,1,entity,part,entity - part (woman's face),Is there a woman's face? +COCOval2014000000542910,"A woman with an intense expression is interacting with an unseen person to the side of the frame. Her facial expression is one of playful aggression, with her teeth bared in a mock snarl. She appears to be in a brightly lit room, with casual attire suggesting a comfortable, informal setting.",,3,2,entity,part,entity - part (woman's teeth),Are there teeth? +COCOval2014000000542910,"A woman with an intense expression is interacting with an unseen person to the side of the frame. Her facial expression is one of playful aggression, with her teeth bared in a mock snarl. She appears to be in a brightly lit room, with casual attire suggesting a comfortable, informal setting.",,4,1,attribute,other,"attribute - other (woman, intense expression)",Does the woman have an intense expression? +COCOval2014000000542910,"A woman with an intense expression is interacting with an unseen person to the side of the frame. Her facial expression is one of playful aggression, with her teeth bared in a mock snarl. She appears to be in a brightly lit room, with casual attire suggesting a comfortable, informal setting.",,5,1,attribute,other,"attribute - other (woman, playful aggression)",Does the woman show playful aggression? +COCOval2014000000542910,"A woman with an intense expression is interacting with an unseen person to the side of the frame. Her facial expression is one of playful aggression, with her teeth bared in a mock snarl. She appears to be in a brightly lit room, with casual attire suggesting a comfortable, informal setting.",,6,1,attribute,other,"attribute - other (woman, teeth bared)",Are the woman's teeth bared? +COCOval2014000000542910,"A woman with an intense expression is interacting with an unseen person to the side of the frame. Her facial expression is one of playful aggression, with her teeth bared in a mock snarl. She appears to be in a brightly lit room, with casual attire suggesting a comfortable, informal setting.",,7,1,attribute,other,"attribute - other (woman, mock snarl)",Is the woman making a mock snarl? +COCOval2014000000542910,"A woman with an intense expression is interacting with an unseen person to the side of the frame. Her facial expression is one of playful aggression, with her teeth bared in a mock snarl. She appears to be in a brightly lit room, with casual attire suggesting a comfortable, informal setting.",,8,1,attribute,other,"attribute - other (room, brightly lit)",Is the room brightly lit? +COCOval2014000000542910,"A woman with an intense expression is interacting with an unseen person to the side of the frame. Her facial expression is one of playful aggression, with her teeth bared in a mock snarl. She appears to be in a brightly lit room, with casual attire suggesting a comfortable, informal setting.",,9,1,attribute,other,"attribute - other (attire, casual)",Is the attire casual? +COCOval2014000000542910,"A woman with an intense expression is interacting with an unseen person to the side of the frame. Her facial expression is one of playful aggression, with her teeth bared in a mock snarl. She appears to be in a brightly lit room, with casual attire suggesting a comfortable, informal setting.",,10,1,attribute,other,"attribute - other (setting, comfortable and informal)",Is the setting comfortable and informal? +COCOval2014000000264619,"A sandy beach scene where a man stands at the water's edge, clutching a brightly colored surfboard under his arm. In the distance, two wind gliders are skimming across the surface of the ocean, their sails billowing in the breeze. The horizon is dotted with small boats, and the sky above is clear, hinting at favorable conditions for water sports.",,1,0,global,,global - (sandy beach scene),Is this a sandy beach scene? +COCOval2014000000264619,"A sandy beach scene where a man stands at the water's edge, clutching a brightly colored surfboard under his arm. In the distance, two wind gliders are skimming across the surface of the ocean, their sails billowing in the breeze. The horizon is dotted with small boats, and the sky above is clear, hinting at favorable conditions for water sports.",,2,0,entity,whole,entity - whole (man),Is there a man? +COCOval2014000000264619,"A sandy beach scene where a man stands at the water's edge, clutching a brightly colored surfboard under his arm. In the distance, two wind gliders are skimming across the surface of the ocean, their sails billowing in the breeze. The horizon is dotted with small boats, and the sky above is clear, hinting at favorable conditions for water sports.",,3,0,entity,whole,entity - whole (water),Is there water? +COCOval2014000000264619,"A sandy beach scene where a man stands at the water's edge, clutching a brightly colored surfboard under his arm. In the distance, two wind gliders are skimming across the surface of the ocean, their sails billowing in the breeze. The horizon is dotted with small boats, and the sky above is clear, hinting at favorable conditions for water sports.",,4,0,entity,whole,entity - whole (surfboard),Is there a surfboard? +COCOval2014000000264619,"A sandy beach scene where a man stands at the water's edge, clutching a brightly colored surfboard under his arm. In the distance, two wind gliders are skimming across the surface of the ocean, their sails billowing in the breeze. The horizon is dotted with small boats, and the sky above is clear, hinting at favorable conditions for water sports.",,5,0,entity,whole,entity - whole (wind gliders),Are there wind gliders? +COCOval2014000000264619,"A sandy beach scene where a man stands at the water's edge, clutching a brightly colored surfboard under his arm. In the distance, two wind gliders are skimming across the surface of the ocean, their sails billowing in the breeze. The horizon is dotted with small boats, and the sky above is clear, hinting at favorable conditions for water sports.",,6,0,entity,whole,entity - whole (sails),Are there sails? +COCOval2014000000264619,"A sandy beach scene where a man stands at the water's edge, clutching a brightly colored surfboard under his arm. In the distance, two wind gliders are skimming across the surface of the ocean, their sails billowing in the breeze. The horizon is dotted with small boats, and the sky above is clear, hinting at favorable conditions for water sports.",,7,0,entity,whole,entity - whole (boats),Are there boats? +COCOval2014000000264619,"A sandy beach scene where a man stands at the water's edge, clutching a brightly colored surfboard under his arm. In the distance, two wind gliders are skimming across the surface of the ocean, their sails billowing in the breeze. The horizon is dotted with small boats, and the sky above is clear, hinting at favorable conditions for water sports.",,8,0,entity,whole,entity - whole (sky),Is there a sky? +COCOval2014000000264619,"A sandy beach scene where a man stands at the water's edge, clutching a brightly colored surfboard under his arm. In the distance, two wind gliders are skimming across the surface of the ocean, their sails billowing in the breeze. The horizon is dotted with small boats, and the sky above is clear, hinting at favorable conditions for water sports.",,9,1,attribute,texture,"attribute - texture (beach, sandy)",Is the beach sandy? +COCOval2014000000264619,"A sandy beach scene where a man stands at the water's edge, clutching a brightly colored surfboard under his arm. In the distance, two wind gliders are skimming across the surface of the ocean, their sails billowing in the breeze. The horizon is dotted with small boats, and the sky above is clear, hinting at favorable conditions for water sports.",,10,4,attribute,color,"attribute - color (surfboard, brightly colored)",Is the surfboard brightly colored? +COCOval2014000000264619,"A sandy beach scene where a man stands at the water's edge, clutching a brightly colored surfboard under his arm. In the distance, two wind gliders are skimming across the surface of the ocean, their sails billowing in the breeze. The horizon is dotted with small boats, and the sky above is clear, hinting at favorable conditions for water sports.",,11,"2,3",relation,spatial,"relation - spatial (man, water's edge, stand)",Is the man standing at the water's edge? +COCOval2014000000264619,"A sandy beach scene where a man stands at the water's edge, clutching a brightly colored surfboard under his arm. In the distance, two wind gliders are skimming across the surface of the ocean, their sails billowing in the breeze. The horizon is dotted with small boats, and the sky above is clear, hinting at favorable conditions for water sports.",,12,"2,4",relation,spatial,"relation - spatial (man, surfboard, clutch under arm)",Is the man clutching the surfboard under his arm? +COCOval2014000000264619,"A sandy beach scene where a man stands at the water's edge, clutching a brightly colored surfboard under his arm. In the distance, two wind gliders are skimming across the surface of the ocean, their sails billowing in the breeze. The horizon is dotted with small boats, and the sky above is clear, hinting at favorable conditions for water sports.",,13,"5,3",relation,spatial,"relation - spatial (wind gliders, ocean, skim across)",Are the wind gliders skimming across the ocean? +COCOval2014000000264619,"A sandy beach scene where a man stands at the water's edge, clutching a brightly colored surfboard under his arm. In the distance, two wind gliders are skimming across the surface of the ocean, their sails billowing in the breeze. The horizon is dotted with small boats, and the sky above is clear, hinting at favorable conditions for water sports.",,14,"6,5",relation,spatial,"relation - spatial (sails, wind gliders, billow)",Are the sails billowing on the wind gliders? +COCOval2014000000264619,"A sandy beach scene where a man stands at the water's edge, clutching a brightly colored surfboard under his arm. In the distance, two wind gliders are skimming across the surface of the ocean, their sails billowing in the breeze. The horizon is dotted with small boats, and the sky above is clear, hinting at favorable conditions for water sports.",,15,"7,8",relation,spatial,"relation - spatial (boats, horizon, dot)",Are there small boats on the horizon? +COCOval2014000000264619,"A sandy beach scene where a man stands at the water's edge, clutching a brightly colored surfboard under his arm. In the distance, two wind gliders are skimming across the surface of the ocean, their sails billowing in the breeze. The horizon is dotted with small boats, and the sky above is clear, hinting at favorable conditions for water sports.",,16,8,entity,state,"entity - state (sky, clear)",Is the sky clear? +COCOval2014000000516542,"A series of colorful signs are lined up along the roadside at the town's edge, each promoting different library events. The signs feature dates and times for upcoming book sales, author readings, and children's story hours. The backdrop to these signs is a quiet street that leads into the heart of the town, with the library itself visible in the distance.",,1,0,entity,whole,entity - whole (signs),Are there signs? +COCOval2014000000516542,"A series of colorful signs are lined up along the roadside at the town's edge, each promoting different library events. The signs feature dates and times for upcoming book sales, author readings, and children's story hours. The backdrop to these signs is a quiet street that leads into the heart of the town, with the library itself visible in the distance.",,2,0,entity,whole,entity - whole (roadside),Is there a roadside? +COCOval2014000000516542,"A series of colorful signs are lined up along the roadside at the town's edge, each promoting different library events. The signs feature dates and times for upcoming book sales, author readings, and children's story hours. The backdrop to these signs is a quiet street that leads into the heart of the town, with the library itself visible in the distance.",,3,0,entity,whole,entity - whole (town),Is there a town? +COCOval2014000000516542,"A series of colorful signs are lined up along the roadside at the town's edge, each promoting different library events. The signs feature dates and times for upcoming book sales, author readings, and children's story hours. The backdrop to these signs is a quiet street that leads into the heart of the town, with the library itself visible in the distance.",,4,0,entity,whole,entity - whole (library),Is there a library? +COCOval2014000000516542,"A series of colorful signs are lined up along the roadside at the town's edge, each promoting different library events. The signs feature dates and times for upcoming book sales, author readings, and children's story hours. The backdrop to these signs is a quiet street that leads into the heart of the town, with the library itself visible in the distance.",,5,1,attribute,color,"attribute - color (signs, colorful)",Are the signs colorful? +COCOval2014000000516542,"A series of colorful signs are lined up along the roadside at the town's edge, each promoting different library events. The signs feature dates and times for upcoming book sales, author readings, and children's story hours. The backdrop to these signs is a quiet street that leads into the heart of the town, with the library itself visible in the distance.",,6,1,attribute,other,"attribute - other (signs, promoting different library events)",Are the signs promoting different library events? +COCOval2014000000516542,"A series of colorful signs are lined up along the roadside at the town's edge, each promoting different library events. The signs feature dates and times for upcoming book sales, author readings, and children's story hours. The backdrop to these signs is a quiet street that leads into the heart of the town, with the library itself visible in the distance.",,7,1,attribute,other,"attribute - other (signs, feature dates and times)",Do the signs feature dates and times? +COCOval2014000000516542,"A series of colorful signs are lined up along the roadside at the town's edge, each promoting different library events. The signs feature dates and times for upcoming book sales, author readings, and children's story hours. The backdrop to these signs is a quiet street that leads into the heart of the town, with the library itself visible in the distance.",,8,1,attribute,other,"attribute - other (signs, upcoming book sales, author readings, children's story hours)","Do the signs promote upcoming book sales, author readings, and children's story hours?" +COCOval2014000000516542,"A series of colorful signs are lined up along the roadside at the town's edge, each promoting different library events. The signs feature dates and times for upcoming book sales, author readings, and children's story hours. The backdrop to these signs is a quiet street that leads into the heart of the town, with the library itself visible in the distance.",,9,1,attribute,other,"attribute - other (street, quiet)",Is the street quiet? +COCOval2014000000516542,"A series of colorful signs are lined up along the roadside at the town's edge, each promoting different library events. The signs feature dates and times for upcoming book sales, author readings, and children's story hours. The backdrop to these signs is a quiet street that leads into the heart of the town, with the library itself visible in the distance.",,10,"1,2",relation,spatial,"relation - spatial (signs, roadside, along)",Are the signs lined up along the roadside? +COCOval2014000000516542,"A series of colorful signs are lined up along the roadside at the town's edge, each promoting different library events. The signs feature dates and times for upcoming book sales, author readings, and children's story hours. The backdrop to these signs is a quiet street that leads into the heart of the town, with the library itself visible in the distance.",,11,"1,2",relation,spatial,"relation - spatial (roadside, town's edge, at)",Are the signs at the town's edge? +COCOval2014000000516542,"A series of colorful signs are lined up along the roadside at the town's edge, each promoting different library events. The signs feature dates and times for upcoming book sales, author readings, and children's story hours. The backdrop to these signs is a quiet street that leads into the heart of the town, with the library itself visible in the distance.",,12,"3,9",relation,spatial,"relation - spatial (town, street, into)",Does the street lead into the town? +COCOval2014000000516542,"A series of colorful signs are lined up along the roadside at the town's edge, each promoting different library events. The signs feature dates and times for upcoming book sales, author readings, and children's story hours. The backdrop to these signs is a quiet street that leads into the heart of the town, with the library itself visible in the distance.",,13,"9,4",relation,spatial,"relation - spatial (street, library, visible)",Is the library visible from the street? +COCOval2014000000126671,"A clean, bright bathroom featuring a white toilet next to a bathtub. The tub is equipped with a shower that has a striped curtain partially drawn. The walls are tiled, and a small window allows natural light to filter in, illuminating the space.",,1,0,global,,global - (bathroom),Is this a bathroom? +COCOval2014000000126671,"A clean, bright bathroom featuring a white toilet next to a bathtub. The tub is equipped with a shower that has a striped curtain partially drawn. The walls are tiled, and a small window allows natural light to filter in, illuminating the space.",,2,1,entity,whole,entity - whole (toilet),Is there a toilet? +COCOval2014000000126671,"A clean, bright bathroom featuring a white toilet next to a bathtub. The tub is equipped with a shower that has a striped curtain partially drawn. The walls are tiled, and a small window allows natural light to filter in, illuminating the space.",,3,1,entity,whole,entity - whole (bathtub),Is there a bathtub? +COCOval2014000000126671,"A clean, bright bathroom featuring a white toilet next to a bathtub. The tub is equipped with a shower that has a striped curtain partially drawn. The walls are tiled, and a small window allows natural light to filter in, illuminating the space.",,4,3,entity,whole,entity - whole (shower),Is there a shower? +COCOval2014000000126671,"A clean, bright bathroom featuring a white toilet next to a bathtub. The tub is equipped with a shower that has a striped curtain partially drawn. The walls are tiled, and a small window allows natural light to filter in, illuminating the space.",,5,4,entity,whole,entity - whole (curtain),Is there a curtain? +COCOval2014000000126671,"A clean, bright bathroom featuring a white toilet next to a bathtub. The tub is equipped with a shower that has a striped curtain partially drawn. The walls are tiled, and a small window allows natural light to filter in, illuminating the space.",,6,1,entity,whole,entity - whole (walls),Are the walls tiled? +COCOval2014000000126671,"A clean, bright bathroom featuring a white toilet next to a bathtub. The tub is equipped with a shower that has a striped curtain partially drawn. The walls are tiled, and a small window allows natural light to filter in, illuminating the space.",,7,1,entity,whole,entity - whole (window),Is there a window? +COCOval2014000000126671,"A clean, bright bathroom featuring a white toilet next to a bathtub. The tub is equipped with a shower that has a striped curtain partially drawn. The walls are tiled, and a small window allows natural light to filter in, illuminating the space.",,8,1,attribute,color,"attribute - color (bathroom, clean, bright)",Is the bathroom clean and bright? +COCOval2014000000126671,"A clean, bright bathroom featuring a white toilet next to a bathtub. The tub is equipped with a shower that has a striped curtain partially drawn. The walls are tiled, and a small window allows natural light to filter in, illuminating the space.",,9,2,attribute,color,"attribute - color (toilet, white)",Is the toilet white? +COCOval2014000000126671,"A clean, bright bathroom featuring a white toilet next to a bathtub. The tub is equipped with a shower that has a striped curtain partially drawn. The walls are tiled, and a small window allows natural light to filter in, illuminating the space.",,10,4,attribute,texture,"attribute - texture (shower curtain, striped)",Is the shower curtain striped? +COCOval2014000000126671,"A clean, bright bathroom featuring a white toilet next to a bathtub. The tub is equipped with a shower that has a striped curtain partially drawn. The walls are tiled, and a small window allows natural light to filter in, illuminating the space.",,11,6,attribute,texture,"attribute - texture (walls, tiled)",Are the walls tiled? +COCOval2014000000126671,"A clean, bright bathroom featuring a white toilet next to a bathtub. The tub is equipped with a shower that has a striped curtain partially drawn. The walls are tiled, and a small window allows natural light to filter in, illuminating the space.",,12,7,attribute,size,"attribute - size (window, small)",Is the window small? +COCOval2014000000126671,"A clean, bright bathroom featuring a white toilet next to a bathtub. The tub is equipped with a shower that has a striped curtain partially drawn. The walls are tiled, and a small window allows natural light to filter in, illuminating the space.",,13,7,attribute,other,"attribute - other (window, allow natural light)",Does the window allow natural light? +COCOval2014000000126671,"A clean, bright bathroom featuring a white toilet next to a bathtub. The tub is equipped with a shower that has a striped curtain partially drawn. The walls are tiled, and a small window allows natural light to filter in, illuminating the space.",,14,5,entity,state,"entity - state (curtain, partially drawn)",Is the curtain partially drawn? +COCOval2014000000126671,"A clean, bright bathroom featuring a white toilet next to a bathtub. The tub is equipped with a shower that has a striped curtain partially drawn. The walls are tiled, and a small window allows natural light to filter in, illuminating the space.",,15,7,entity,state,"entity - state (window, filter in natural light)",Does the window filter in natural light? +COCOval2014000000126671,"A clean, bright bathroom featuring a white toilet next to a bathtub. The tub is equipped with a shower that has a striped curtain partially drawn. The walls are tiled, and a small window allows natural light to filter in, illuminating the space.",,16,"1,6",entity,state,"entity - state (space, illuminated)",Is the space illuminated? +COCOval2014000000146190,"a spacious green field under a clear blue sky, with a single figure standing in the center. The person is captured in mid-action, tossing a brightly colored frisbee with a focused expression. Around them, the grass sways gently, and in the distance, a line of trees can be seen marking the field's boundary.",,1,0,entity,whole,entity - whole (field),Is there a field? +COCOval2014000000146190,"a spacious green field under a clear blue sky, with a single figure standing in the center. The person is captured in mid-action, tossing a brightly colored frisbee with a focused expression. Around them, the grass sways gently, and in the distance, a line of trees can be seen marking the field's boundary.",,2,1,attribute,size,"attribute - size (field, spacious)",Is the field spacious? +COCOval2014000000146190,"a spacious green field under a clear blue sky, with a single figure standing in the center. The person is captured in mid-action, tossing a brightly colored frisbee with a focused expression. Around them, the grass sways gently, and in the distance, a line of trees can be seen marking the field's boundary.",,3,1,attribute,color,"attribute - color (field, green)",Is the field green? +COCOval2014000000146190,"a spacious green field under a clear blue sky, with a single figure standing in the center. The person is captured in mid-action, tossing a brightly colored frisbee with a focused expression. Around them, the grass sways gently, and in the distance, a line of trees can be seen marking the field's boundary.",,4,1,attribute,color,"attribute - color (sky, clear blue)",Is the sky clear blue? +COCOval2014000000146190,"a spacious green field under a clear blue sky, with a single figure standing in the center. The person is captured in mid-action, tossing a brightly colored frisbee with a focused expression. Around them, the grass sways gently, and in the distance, a line of trees can be seen marking the field's boundary.",,5,1,entity,whole,entity - whole (figure),Is there a figure? +COCOval2014000000146190,"a spacious green field under a clear blue sky, with a single figure standing in the center. The person is captured in mid-action, tossing a brightly colored frisbee with a focused expression. Around them, the grass sways gently, and in the distance, a line of trees can be seen marking the field's boundary.",,6,1,relation,spatial,"relation - spatial (figure, field, in the center)",Is the figure in the center of the field? +COCOval2014000000146190,"a spacious green field under a clear blue sky, with a single figure standing in the center. The person is captured in mid-action, tossing a brightly colored frisbee with a focused expression. Around them, the grass sways gently, and in the distance, a line of trees can be seen marking the field's boundary.",,7,5,entity,state,"entity - state (figure, stand)",Is the figure standing? +COCOval2014000000146190,"a spacious green field under a clear blue sky, with a single figure standing in the center. The person is captured in mid-action, tossing a brightly colored frisbee with a focused expression. Around them, the grass sways gently, and in the distance, a line of trees can be seen marking the field's boundary.",,8,5,entity,state,"entity - state (figure, toss frisbee)",Is the figure tossing a frisbee? +COCOval2014000000146190,"a spacious green field under a clear blue sky, with a single figure standing in the center. The person is captured in mid-action, tossing a brightly colored frisbee with a focused expression. Around them, the grass sways gently, and in the distance, a line of trees can be seen marking the field's boundary.",,9,8,attribute,color,"attribute - color (frisbee, brightly colored)",Is the frisbee brightly colored? +COCOval2014000000146190,"a spacious green field under a clear blue sky, with a single figure standing in the center. The person is captured in mid-action, tossing a brightly colored frisbee with a focused expression. Around them, the grass sways gently, and in the distance, a line of trees can be seen marking the field's boundary.",,10,5,attribute,other,"attribute - other (figure, mid-action)",Is the figure in mid-action? +COCOval2014000000146190,"a spacious green field under a clear blue sky, with a single figure standing in the center. The person is captured in mid-action, tossing a brightly colored frisbee with a focused expression. Around them, the grass sways gently, and in the distance, a line of trees can be seen marking the field's boundary.",,11,5,attribute,other,"attribute - other (figure, focused expression)",Does the figure have a focused expression? +COCOval2014000000146190,"a spacious green field under a clear blue sky, with a single figure standing in the center. The person is captured in mid-action, tossing a brightly colored frisbee with a focused expression. Around them, the grass sways gently, and in the distance, a line of trees can be seen marking the field's boundary.",,12,1,entity,state,"entity - state (grass, sway gently)",Is the grass swaying gently? +COCOval2014000000146190,"a spacious green field under a clear blue sky, with a single figure standing in the center. The person is captured in mid-action, tossing a brightly colored frisbee with a focused expression. Around them, the grass sways gently, and in the distance, a line of trees can be seen marking the field's boundary.",,13,1,entity,whole,entity - whole (trees),Are there trees? +COCOval2014000000146190,"a spacious green field under a clear blue sky, with a single figure standing in the center. The person is captured in mid-action, tossing a brightly colored frisbee with a focused expression. Around them, the grass sways gently, and in the distance, a line of trees can be seen marking the field's boundary.",,14,"1,13",relation,spatial,"relation - spatial (trees, field, mark boundary)",Do the trees mark the field's boundary? +COCOval2014000000328512,"A close-up image of a giraffe's face, with its large, brown eyes staring directly into the camera lens. The giraffe's long neck and distinctive patterned fur are clearly visible against a backdrop of blue sky and a few scattered clouds. Its ears are perked up, giving it a look of curiosity as it gazes at the viewer.",,1,0,entity,whole,entity - whole (giraffe),Is there a giraffe? +COCOval2014000000328512,"A close-up image of a giraffe's face, with its large, brown eyes staring directly into the camera lens. The giraffe's long neck and distinctive patterned fur are clearly visible against a backdrop of blue sky and a few scattered clouds. Its ears are perked up, giving it a look of curiosity as it gazes at the viewer.",,2,1,entity,part,entity - part (giraffe's face),Is there a close-up image? +COCOval2014000000328512,"A close-up image of a giraffe's face, with its large, brown eyes staring directly into the camera lens. The giraffe's long neck and distinctive patterned fur are clearly visible against a backdrop of blue sky and a few scattered clouds. Its ears are perked up, giving it a look of curiosity as it gazes at the viewer.",,3,2,entity,part,entity - part (giraffe's eyes),Is there a giraffe's face? +COCOval2014000000328512,"A close-up image of a giraffe's face, with its large, brown eyes staring directly into the camera lens. The giraffe's long neck and distinctive patterned fur are clearly visible against a backdrop of blue sky and a few scattered clouds. Its ears are perked up, giving it a look of curiosity as it gazes at the viewer.",,4,1,entity,part,entity - part (giraffe's neck),Are there giraffe's eyes? +COCOval2014000000328512,"A close-up image of a giraffe's face, with its large, brown eyes staring directly into the camera lens. The giraffe's long neck and distinctive patterned fur are clearly visible against a backdrop of blue sky and a few scattered clouds. Its ears are perked up, giving it a look of curiosity as it gazes at the viewer.",,5,1,entity,part,entity - part (giraffe's fur),Is there giraffe's neck? +COCOval2014000000328512,"A close-up image of a giraffe's face, with its large, brown eyes staring directly into the camera lens. The giraffe's long neck and distinctive patterned fur are clearly visible against a backdrop of blue sky and a few scattered clouds. Its ears are perked up, giving it a look of curiosity as it gazes at the viewer.",,6,1,entity,part,entity - part (giraffe's ears),Is there giraffe's fur? +COCOval2014000000328512,"A close-up image of a giraffe's face, with its large, brown eyes staring directly into the camera lens. The giraffe's long neck and distinctive patterned fur are clearly visible against a backdrop of blue sky and a few scattered clouds. Its ears are perked up, giving it a look of curiosity as it gazes at the viewer.",,7,3,attribute,size,"attribute - size (eyes, large)",Are the eyes large? +COCOval2014000000328512,"A close-up image of a giraffe's face, with its large, brown eyes staring directly into the camera lens. The giraffe's long neck and distinctive patterned fur are clearly visible against a backdrop of blue sky and a few scattered clouds. Its ears are perked up, giving it a look of curiosity as it gazes at the viewer.",,8,3,attribute,color,"attribute - color (eyes, brown)",Are the eyes brown? +COCOval2014000000328512,"A close-up image of a giraffe's face, with its large, brown eyes staring directly into the camera lens. The giraffe's long neck and distinctive patterned fur are clearly visible against a backdrop of blue sky and a few scattered clouds. Its ears are perked up, giving it a look of curiosity as it gazes at the viewer.",,9,5,attribute,texture,"attribute - texture (fur, patterned)",Is the fur patterned? +COCOval2014000000328512,"A close-up image of a giraffe's face, with its large, brown eyes staring directly into the camera lens. The giraffe's long neck and distinctive patterned fur are clearly visible against a backdrop of blue sky and a few scattered clouds. Its ears are perked up, giving it a look of curiosity as it gazes at the viewer.",,10,6,attribute,other,"attribute - other (ears, perked up)",Are the ears perked up? +COCOval2014000000328512,"A close-up image of a giraffe's face, with its large, brown eyes staring directly into the camera lens. The giraffe's long neck and distinctive patterned fur are clearly visible against a backdrop of blue sky and a few scattered clouds. Its ears are perked up, giving it a look of curiosity as it gazes at the viewer.",,11,1,entity,state,"entity - state (giraffe, gaze)",Is the giraffe gazing? +COCOval2014000000328512,"A close-up image of a giraffe's face, with its large, brown eyes staring directly into the camera lens. The giraffe's long neck and distinctive patterned fur are clearly visible against a backdrop of blue sky and a few scattered clouds. Its ears are perked up, giving it a look of curiosity as it gazes at the viewer.",,12,"1,2",relation,non-spatial,"relation - non-spatial (giraffe, camera lens, stare directly)",Is the giraffe staring directly into the camera lens? +COCOval2014000000328512,"A close-up image of a giraffe's face, with its large, brown eyes staring directly into the camera lens. The giraffe's long neck and distinctive patterned fur are clearly visible against a backdrop of blue sky and a few scattered clouds. Its ears are perked up, giving it a look of curiosity as it gazes at the viewer.",,13,"1,13",relation,spatial,"relation - spatial (giraffe, sky, against)",Is the giraffe against the blue sky? +COCOval2014000000328512,"A close-up image of a giraffe's face, with its large, brown eyes staring directly into the camera lens. The giraffe's long neck and distinctive patterned fur are clearly visible against a backdrop of blue sky and a few scattered clouds. Its ears are perked up, giving it a look of curiosity as it gazes at the viewer.",,14,"1,14",relation,spatial,"relation - spatial (giraffe, clouds, scattered)",Are there scattered clouds around the giraffe? +COCOval2014000000367905,"A man wearing a black rash guard is caught mid-fall from his surfboard amidst the ocean waves. The surfboard is visible, slightly tilted, indicating the loss of balance. The ocean around him is a deep blue, and the horizon can be seen in the distance with a clear sky overhead.",,1,0,entity,whole,entity - whole (man),Is there a man? +COCOval2014000000367905,"A man wearing a black rash guard is caught mid-fall from his surfboard amidst the ocean waves. The surfboard is visible, slightly tilted, indicating the loss of balance. The ocean around him is a deep blue, and the horizon can be seen in the distance with a clear sky overhead.",,2,0,entity,whole,entity - whole (rash guard),Is the man wearing a rash guard? +COCOval2014000000367905,"A man wearing a black rash guard is caught mid-fall from his surfboard amidst the ocean waves. The surfboard is visible, slightly tilted, indicating the loss of balance. The ocean around him is a deep blue, and the horizon can be seen in the distance with a clear sky overhead.",,3,0,entity,whole,entity - whole (surfboard),Is there a surfboard? +COCOval2014000000367905,"A man wearing a black rash guard is caught mid-fall from his surfboard amidst the ocean waves. The surfboard is visible, slightly tilted, indicating the loss of balance. The ocean around him is a deep blue, and the horizon can be seen in the distance with a clear sky overhead.",,4,0,entity,whole,entity - whole (ocean waves),Are there ocean waves? +COCOval2014000000367905,"A man wearing a black rash guard is caught mid-fall from his surfboard amidst the ocean waves. The surfboard is visible, slightly tilted, indicating the loss of balance. The ocean around him is a deep blue, and the horizon can be seen in the distance with a clear sky overhead.",,5,0,entity,whole,entity - whole (ocean),Is there an ocean? +COCOval2014000000367905,"A man wearing a black rash guard is caught mid-fall from his surfboard amidst the ocean waves. The surfboard is visible, slightly tilted, indicating the loss of balance. The ocean around him is a deep blue, and the horizon can be seen in the distance with a clear sky overhead.",,6,0,entity,whole,entity - whole (horizon),Is there a horizon? +COCOval2014000000367905,"A man wearing a black rash guard is caught mid-fall from his surfboard amidst the ocean waves. The surfboard is visible, slightly tilted, indicating the loss of balance. The ocean around him is a deep blue, and the horizon can be seen in the distance with a clear sky overhead.",,7,0,entity,whole,entity - whole (sky),Is there a sky? +COCOval2014000000367905,"A man wearing a black rash guard is caught mid-fall from his surfboard amidst the ocean waves. The surfboard is visible, slightly tilted, indicating the loss of balance. The ocean around him is a deep blue, and the horizon can be seen in the distance with a clear sky overhead.",,8,2,attribute,color,"attribute - color (rash guard, black)",Is the rash guard black? +COCOval2014000000367905,"A man wearing a black rash guard is caught mid-fall from his surfboard amidst the ocean waves. The surfboard is visible, slightly tilted, indicating the loss of balance. The ocean around him is a deep blue, and the horizon can be seen in the distance with a clear sky overhead.",,9,4,attribute,texture,"attribute - texture (ocean, waves)",Are the ocean waves textured? +COCOval2014000000367905,"A man wearing a black rash guard is caught mid-fall from his surfboard amidst the ocean waves. The surfboard is visible, slightly tilted, indicating the loss of balance. The ocean around him is a deep blue, and the horizon can be seen in the distance with a clear sky overhead.",,10,5,attribute,color,"attribute - color (ocean, deep blue)",Is the ocean deep blue? +COCOval2014000000367905,"A man wearing a black rash guard is caught mid-fall from his surfboard amidst the ocean waves. The surfboard is visible, slightly tilted, indicating the loss of balance. The ocean around him is a deep blue, and the horizon can be seen in the distance with a clear sky overhead.",,11,7,attribute,color,"attribute - color (sky, clear)",Is the sky clear? +COCOval2014000000367905,"A man wearing a black rash guard is caught mid-fall from his surfboard amidst the ocean waves. The surfboard is visible, slightly tilted, indicating the loss of balance. The ocean around him is a deep blue, and the horizon can be seen in the distance with a clear sky overhead.",,12,1,entity,state,"entity - state (man, fall)",Is the man falling? +COCOval2014000000367905,"A man wearing a black rash guard is caught mid-fall from his surfboard amidst the ocean waves. The surfboard is visible, slightly tilted, indicating the loss of balance. The ocean around him is a deep blue, and the horizon can be seen in the distance with a clear sky overhead.",,13,3,entity,state,"entity - state (surfboard, tilt)",Is the surfboard tilted? +COCOval2014000000367905,"A man wearing a black rash guard is caught mid-fall from his surfboard amidst the ocean waves. The surfboard is visible, slightly tilted, indicating the loss of balance. The ocean around him is a deep blue, and the horizon can be seen in the distance with a clear sky overhead.",,14,"1,3",relation,spatial,"relation - spatial (man, surfboard, mid-fall)",Is the man caught mid-fall from the surfboard? +COCOval2014000000367905,"A man wearing a black rash guard is caught mid-fall from his surfboard amidst the ocean waves. The surfboard is visible, slightly tilted, indicating the loss of balance. The ocean around him is a deep blue, and the horizon can be seen in the distance with a clear sky overhead.",,15,"3,4",relation,spatial,"relation - spatial (surfboard, ocean waves, amidst)",Are the surfboard and man amidst the ocean waves? +COCOval2014000000367905,"A man wearing a black rash guard is caught mid-fall from his surfboard amidst the ocean waves. The surfboard is visible, slightly tilted, indicating the loss of balance. The ocean around him is a deep blue, and the horizon can be seen in the distance with a clear sky overhead.",,16,"5,6",relation,spatial,"relation - spatial (ocean, horizon, in the distance)",Is the horizon in the distance from the ocean? +COCOval2014000000367905,"A man wearing a black rash guard is caught mid-fall from his surfboard amidst the ocean waves. The surfboard is visible, slightly tilted, indicating the loss of balance. The ocean around him is a deep blue, and the horizon can be seen in the distance with a clear sky overhead.",,17,"6,7",relation,spatial,"relation - spatial (horizon, sky, overhead)",Is the sky overhead the horizon? +COCOval2014000000092768,"An elderly gentleman with a weathered face sits on a park bench, cradling a well-worn wooden guitar in his arms. His fingers are poised over the strings, ready to play a tune. The bench is situated along a path lined with trees that provide a canopy of shade overhead.",,1,0,entity,whole,entity - whole (gentleman),Is there an elderly gentleman? +COCOval2014000000092768,"An elderly gentleman with a weathered face sits on a park bench, cradling a well-worn wooden guitar in his arms. His fingers are poised over the strings, ready to play a tune. The bench is situated along a path lined with trees that provide a canopy of shade overhead.",,2,1,entity,whole,entity - whole (face),Is there a face? +COCOval2014000000092768,"An elderly gentleman with a weathered face sits on a park bench, cradling a well-worn wooden guitar in his arms. His fingers are poised over the strings, ready to play a tune. The bench is situated along a path lined with trees that provide a canopy of shade overhead.",,3,0,entity,whole,entity - whole (park bench),Is there a park bench? +COCOval2014000000092768,"An elderly gentleman with a weathered face sits on a park bench, cradling a well-worn wooden guitar in his arms. His fingers are poised over the strings, ready to play a tune. The bench is situated along a path lined with trees that provide a canopy of shade overhead.",,4,0,entity,whole,entity - whole (guitar),Is there a guitar? +COCOval2014000000092768,"An elderly gentleman with a weathered face sits on a park bench, cradling a well-worn wooden guitar in his arms. His fingers are poised over the strings, ready to play a tune. The bench is situated along a path lined with trees that provide a canopy of shade overhead.",,5,1,entity,part,entity - part (gentleman's fingers),Are there fingers? +COCOval2014000000092768,"An elderly gentleman with a weathered face sits on a park bench, cradling a well-worn wooden guitar in his arms. His fingers are poised over the strings, ready to play a tune. The bench is situated along a path lined with trees that provide a canopy of shade overhead.",,6,1,attribute,other,"attribute - other (gentleman, elderly)",Is the gentleman elderly? +COCOval2014000000092768,"An elderly gentleman with a weathered face sits on a park bench, cradling a well-worn wooden guitar in his arms. His fingers are poised over the strings, ready to play a tune. The bench is situated along a path lined with trees that provide a canopy of shade overhead.",,7,2,attribute,texture,"attribute - texture (face, weathered)",Is the face weathered? +COCOval2014000000092768,"An elderly gentleman with a weathered face sits on a park bench, cradling a well-worn wooden guitar in his arms. His fingers are poised over the strings, ready to play a tune. The bench is situated along a path lined with trees that provide a canopy of shade overhead.",,8,4,attribute,texture,"attribute - texture (guitar, well-worn wood)",Is the guitar made of well-worn wood? +COCOval2014000000092768,"An elderly gentleman with a weathered face sits on a park bench, cradling a well-worn wooden guitar in his arms. His fingers are poised over the strings, ready to play a tune. The bench is situated along a path lined with trees that provide a canopy of shade overhead.",,9,1,entity,state,"entity - state (gentleman, sit)",Is the gentleman sitting? +COCOval2014000000092768,"An elderly gentleman with a weathered face sits on a park bench, cradling a well-worn wooden guitar in his arms. His fingers are poised over the strings, ready to play a tune. The bench is situated along a path lined with trees that provide a canopy of shade overhead.",,10,5,entity,state,"entity - state (fingers, poised)",Are the fingers poised? +COCOval2014000000092768,"An elderly gentleman with a weathered face sits on a park bench, cradling a well-worn wooden guitar in his arms. His fingers are poised over the strings, ready to play a tune. The bench is situated along a path lined with trees that provide a canopy of shade overhead.",,11,"1,3",relation,spatial,"relation - spatial (gentleman, park bench, on)",Is the gentleman on the park bench? +COCOval2014000000092768,"An elderly gentleman with a weathered face sits on a park bench, cradling a well-worn wooden guitar in his arms. His fingers are poised over the strings, ready to play a tune. The bench is situated along a path lined with trees that provide a canopy of shade overhead.",,12,"1,4",relation,spatial,"relation - spatial (gentleman, guitar, cradle in his arms)",Is the guitar cradled in his arms? +COCOval2014000000092768,"An elderly gentleman with a weathered face sits on a park bench, cradling a well-worn wooden guitar in his arms. His fingers are poised over the strings, ready to play a tune. The bench is situated along a path lined with trees that provide a canopy of shade overhead.",,13,"5,4",relation,spatial,"relation - spatial (fingers, guitar, over)",Are the fingers over the strings of the guitar? +COCOval2014000000092768,"An elderly gentleman with a weathered face sits on a park bench, cradling a well-worn wooden guitar in his arms. His fingers are poised over the strings, ready to play a tune. The bench is situated along a path lined with trees that provide a canopy of shade overhead.",,14,"3,15",relation,spatial,"relation - spatial (bench, path, along)",Is the bench along a path? +COCOval2014000000092768,"An elderly gentleman with a weathered face sits on a park bench, cradling a well-worn wooden guitar in his arms. His fingers are poised over the strings, ready to play a tune. The bench is situated along a path lined with trees that provide a canopy of shade overhead.",,15,14,relation,spatial,"relation - spatial (path, trees, lined with)",Are the trees lined with the path? +COCOval2014000000092768,"An elderly gentleman with a weathered face sits on a park bench, cradling a well-worn wooden guitar in his arms. His fingers are poised over the strings, ready to play a tune. The bench is situated along a path lined with trees that provide a canopy of shade overhead.",,16,15,relation,spatial,"relation - spatial (trees, canopy of shade overhead)",Do the trees provide a canopy of shade overhead? +COCOval2014000000231527,"A rustic wooden table with a natural grain finish, bathed in soft light. On its surface, a cluster of ripe oranges is arranged next to two glass jars filled with a vibrant orange marmalade. The jars catch the light, highlighting the rich color and texture of the contents within.",,1,0,entity,whole,entity - whole (table),Is there a table? +COCOval2014000000231527,"A rustic wooden table with a natural grain finish, bathed in soft light. On its surface, a cluster of ripe oranges is arranged next to two glass jars filled with a vibrant orange marmalade. The jars catch the light, highlighting the rich color and texture of the contents within.",,2,1,attribute,texture,"attribute - texture (table, rustic wooden)",Is the table made of rustic wood? +COCOval2014000000231527,"A rustic wooden table with a natural grain finish, bathed in soft light. On its surface, a cluster of ripe oranges is arranged next to two glass jars filled with a vibrant orange marmalade. The jars catch the light, highlighting the rich color and texture of the contents within.",,3,1,attribute,texture,"attribute - texture (table, natural grain finish)",Does the table have a natural grain finish? +COCOval2014000000231527,"A rustic wooden table with a natural grain finish, bathed in soft light. On its surface, a cluster of ripe oranges is arranged next to two glass jars filled with a vibrant orange marmalade. The jars catch the light, highlighting the rich color and texture of the contents within.",,4,1,attribute,texture,"attribute - texture (light, soft)",Is the table bathed in soft light? +COCOval2014000000231527,"A rustic wooden table with a natural grain finish, bathed in soft light. On its surface, a cluster of ripe oranges is arranged next to two glass jars filled with a vibrant orange marmalade. The jars catch the light, highlighting the rich color and texture of the contents within.",,5,1,entity,whole,entity - whole (oranges),Are there oranges? +COCOval2014000000231527,"A rustic wooden table with a natural grain finish, bathed in soft light. On its surface, a cluster of ripe oranges is arranged next to two glass jars filled with a vibrant orange marmalade. The jars catch the light, highlighting the rich color and texture of the contents within.",,6,5,other,count,"other - count (oranges, cluster)",Are the oranges in a cluster? +COCOval2014000000231527,"A rustic wooden table with a natural grain finish, bathed in soft light. On its surface, a cluster of ripe oranges is arranged next to two glass jars filled with a vibrant orange marmalade. The jars catch the light, highlighting the rich color and texture of the contents within.",,7,5,entity,state,"entity - state (oranges, ripe)",Are the oranges ripe? +COCOval2014000000231527,"A rustic wooden table with a natural grain finish, bathed in soft light. On its surface, a cluster of ripe oranges is arranged next to two glass jars filled with a vibrant orange marmalade. The jars catch the light, highlighting the rich color and texture of the contents within.",,8,1,entity,whole,entity - whole (glass jars),Are there glass jars? +COCOval2014000000231527,"A rustic wooden table with a natural grain finish, bathed in soft light. On its surface, a cluster of ripe oranges is arranged next to two glass jars filled with a vibrant orange marmalade. The jars catch the light, highlighting the rich color and texture of the contents within.",,9,1,other,count,"other - count (glass jars, ==2)",Are there two glass jars? +COCOval2014000000231527,"A rustic wooden table with a natural grain finish, bathed in soft light. On its surface, a cluster of ripe oranges is arranged next to two glass jars filled with a vibrant orange marmalade. The jars catch the light, highlighting the rich color and texture of the contents within.",,10,9,entity,whole,entity - whole (marmalade),Is there marmalade? +COCOval2014000000231527,"A rustic wooden table with a natural grain finish, bathed in soft light. On its surface, a cluster of ripe oranges is arranged next to two glass jars filled with a vibrant orange marmalade. The jars catch the light, highlighting the rich color and texture of the contents within.",,11,10,attribute,color,"attribute - color (marmalade, vibrant orange)",Is the marmalade a vibrant orange color? +COCOval2014000000231527,"A rustic wooden table with a natural grain finish, bathed in soft light. On its surface, a cluster of ripe oranges is arranged next to two glass jars filled with a vibrant orange marmalade. The jars catch the light, highlighting the rich color and texture of the contents within.",,12,10,attribute,texture,"attribute - texture (marmalade, rich)",Is the marmalade rich in texture? +COCOval2014000000231527,"A rustic wooden table with a natural grain finish, bathed in soft light. On its surface, a cluster of ripe oranges is arranged next to two glass jars filled with a vibrant orange marmalade. The jars catch the light, highlighting the rich color and texture of the contents within.",,13,"1,2",relation,spatial,"relation - spatial (oranges, table, on)",Are the oranges on the table? +COCOval2014000000231527,"A rustic wooden table with a natural grain finish, bathed in soft light. On its surface, a cluster of ripe oranges is arranged next to two glass jars filled with a vibrant orange marmalade. The jars catch the light, highlighting the rich color and texture of the contents within.",,14,"1,2",relation,spatial,"relation - spatial (glass jars, table, on)",Are the glass jars on the table? +COCOval2014000000231527,"A rustic wooden table with a natural grain finish, bathed in soft light. On its surface, a cluster of ripe oranges is arranged next to two glass jars filled with a vibrant orange marmalade. The jars catch the light, highlighting the rich color and texture of the contents within.",,15,"9,10",relation,spatial,"relation - spatial (jars, marmalade, filled with)",Are the jars filled with marmalade? +COCOval2014000000241677,"A scenic trail where a group of riders are mounted on their horses, moving in a line. The horses appear well-groomed, and the riders are dressed in casual riding attire. The path they are on is bordered by trees, and the group seems to be enjoying a leisurely ride in the countryside.",,1,0,entity,whole,entity - whole (trail),Is there a trail? +COCOval2014000000241677,"A scenic trail where a group of riders are mounted on their horses, moving in a line. The horses appear well-groomed, and the riders are dressed in casual riding attire. The path they are on is bordered by trees, and the group seems to be enjoying a leisurely ride in the countryside.",,2,0,entity,whole,entity - whole (riders),Are there riders? +COCOval2014000000241677,"A scenic trail where a group of riders are mounted on their horses, moving in a line. The horses appear well-groomed, and the riders are dressed in casual riding attire. The path they are on is bordered by trees, and the group seems to be enjoying a leisurely ride in the countryside.",,3,0,entity,whole,entity - whole (horses),Are there horses? +COCOval2014000000241677,"A scenic trail where a group of riders are mounted on their horses, moving in a line. The horses appear well-groomed, and the riders are dressed in casual riding attire. The path they are on is bordered by trees, and the group seems to be enjoying a leisurely ride in the countryside.",,4,0,entity,whole,entity - whole (path),Is there a path? +COCOval2014000000241677,"A scenic trail where a group of riders are mounted on their horses, moving in a line. The horses appear well-groomed, and the riders are dressed in casual riding attire. The path they are on is bordered by trees, and the group seems to be enjoying a leisurely ride in the countryside.",,5,0,entity,whole,entity - whole (trees),Are there trees? +COCOval2014000000241677,"A scenic trail where a group of riders are mounted on their horses, moving in a line. The horses appear well-groomed, and the riders are dressed in casual riding attire. The path they are on is bordered by trees, and the group seems to be enjoying a leisurely ride in the countryside.",,6,2,attribute,other,"attribute - other (riders, mounted)",Are the riders mounted? +COCOval2014000000241677,"A scenic trail where a group of riders are mounted on their horses, moving in a line. The horses appear well-groomed, and the riders are dressed in casual riding attire. The path they are on is bordered by trees, and the group seems to be enjoying a leisurely ride in the countryside.",,7,3,attribute,other,"attribute - other (horses, well-groomed)",Are the horses well-groomed? +COCOval2014000000241677,"A scenic trail where a group of riders are mounted on their horses, moving in a line. The horses appear well-groomed, and the riders are dressed in casual riding attire. The path they are on is bordered by trees, and the group seems to be enjoying a leisurely ride in the countryside.",,8,2,attribute,other,"attribute - other (riders, casual riding attire)",Are the riders dressed in casual riding attire? +COCOval2014000000241677,"A scenic trail where a group of riders are mounted on their horses, moving in a line. The horses appear well-groomed, and the riders are dressed in casual riding attire. The path they are on is bordered by trees, and the group seems to be enjoying a leisurely ride in the countryside.",,9,"2,3",relation,spatial,"relation - spatial (riders, horses, on)",Are the riders on the horses? +COCOval2014000000241677,"A scenic trail where a group of riders are mounted on their horses, moving in a line. The horses appear well-groomed, and the riders are dressed in casual riding attire. The path they are on is bordered by trees, and the group seems to be enjoying a leisurely ride in the countryside.",,10,"2,4",relation,spatial,"relation - spatial (riders, path, on)",Are the riders on the path? +COCOval2014000000241677,"A scenic trail where a group of riders are mounted on their horses, moving in a line. The horses appear well-groomed, and the riders are dressed in casual riding attire. The path they are on is bordered by trees, and the group seems to be enjoying a leisurely ride in the countryside.",,11,"4,5",relation,spatial,"relation - spatial (path, trees, bordered by)",Is the path bordered by trees? +COCOval2014000000367228,"A youthful individual is engaged in flying a colorful kite in a spacious grassy field adjacent to a calm body of water. The sky above is clear, allowing the kite to ascend steadily on the gentle breeze. In the background, the water's edge is lined with reeds and small bushes, complementing the serene outdoor activity.",,1,0,entity,whole,entity - whole (individual),Is there an individual? +COCOval2014000000367228,"A youthful individual is engaged in flying a colorful kite in a spacious grassy field adjacent to a calm body of water. The sky above is clear, allowing the kite to ascend steadily on the gentle breeze. In the background, the water's edge is lined with reeds and small bushes, complementing the serene outdoor activity.",,2,0,entity,whole,entity - whole (kite),Is there a kite? +COCOval2014000000367228,"A youthful individual is engaged in flying a colorful kite in a spacious grassy field adjacent to a calm body of water. The sky above is clear, allowing the kite to ascend steadily on the gentle breeze. In the background, the water's edge is lined with reeds and small bushes, complementing the serene outdoor activity.",,3,0,entity,whole,entity - whole (field),Is there a field? +COCOval2014000000367228,"A youthful individual is engaged in flying a colorful kite in a spacious grassy field adjacent to a calm body of water. The sky above is clear, allowing the kite to ascend steadily on the gentle breeze. In the background, the water's edge is lined with reeds and small bushes, complementing the serene outdoor activity.",,4,0,entity,whole,entity - whole (body of water),Is there a body of water? +COCOval2014000000367228,"A youthful individual is engaged in flying a colorful kite in a spacious grassy field adjacent to a calm body of water. The sky above is clear, allowing the kite to ascend steadily on the gentle breeze. In the background, the water's edge is lined with reeds and small bushes, complementing the serene outdoor activity.",,5,0,entity,whole,entity - whole (sky),Is there a sky? +COCOval2014000000367228,"A youthful individual is engaged in flying a colorful kite in a spacious grassy field adjacent to a calm body of water. The sky above is clear, allowing the kite to ascend steadily on the gentle breeze. In the background, the water's edge is lined with reeds and small bushes, complementing the serene outdoor activity.",,6,0,entity,whole,entity - whole (water's edge),Is there a water's edge? +COCOval2014000000367228,"A youthful individual is engaged in flying a colorful kite in a spacious grassy field adjacent to a calm body of water. The sky above is clear, allowing the kite to ascend steadily on the gentle breeze. In the background, the water's edge is lined with reeds and small bushes, complementing the serene outdoor activity.",,7,0,entity,whole,entity - whole (reeds),Are there reeds? +COCOval2014000000367228,"A youthful individual is engaged in flying a colorful kite in a spacious grassy field adjacent to a calm body of water. The sky above is clear, allowing the kite to ascend steadily on the gentle breeze. In the background, the water's edge is lined with reeds and small bushes, complementing the serene outdoor activity.",,8,0,entity,whole,entity - whole (bushes),Are there bushes? +COCOval2014000000367228,"A youthful individual is engaged in flying a colorful kite in a spacious grassy field adjacent to a calm body of water. The sky above is clear, allowing the kite to ascend steadily on the gentle breeze. In the background, the water's edge is lined with reeds and small bushes, complementing the serene outdoor activity.",,9,1,attribute,other,"attribute - other (individual, youthful)",Is the individual youthful? +COCOval2014000000367228,"A youthful individual is engaged in flying a colorful kite in a spacious grassy field adjacent to a calm body of water. The sky above is clear, allowing the kite to ascend steadily on the gentle breeze. In the background, the water's edge is lined with reeds and small bushes, complementing the serene outdoor activity.",,10,2,attribute,texture,"attribute - texture (kite, colorful)",Is the kite colorful? +COCOval2014000000367228,"A youthful individual is engaged in flying a colorful kite in a spacious grassy field adjacent to a calm body of water. The sky above is clear, allowing the kite to ascend steadily on the gentle breeze. In the background, the water's edge is lined with reeds and small bushes, complementing the serene outdoor activity.",,11,3,attribute,texture,"attribute - texture (field, grassy)",Is the field grassy? +COCOval2014000000367228,"A youthful individual is engaged in flying a colorful kite in a spacious grassy field adjacent to a calm body of water. The sky above is clear, allowing the kite to ascend steadily on the gentle breeze. In the background, the water's edge is lined with reeds and small bushes, complementing the serene outdoor activity.",,12,4,attribute,texture,"attribute - texture (body of water, calm)",Is the body of water calm? +COCOval2014000000367228,"A youthful individual is engaged in flying a colorful kite in a spacious grassy field adjacent to a calm body of water. The sky above is clear, allowing the kite to ascend steadily on the gentle breeze. In the background, the water's edge is lined with reeds and small bushes, complementing the serene outdoor activity.",,13,5,attribute,texture,"attribute - texture (sky, clear)",Is the sky clear? +COCOval2014000000367228,"A youthful individual is engaged in flying a colorful kite in a spacious grassy field adjacent to a calm body of water. The sky above is clear, allowing the kite to ascend steadily on the gentle breeze. In the background, the water's edge is lined with reeds and small bushes, complementing the serene outdoor activity.",,14,"1,3",relation,spatial,"relation - spatial (individual, field, in)",Is the individual in the field? +COCOval2014000000367228,"A youthful individual is engaged in flying a colorful kite in a spacious grassy field adjacent to a calm body of water. The sky above is clear, allowing the kite to ascend steadily on the gentle breeze. In the background, the water's edge is lined with reeds and small bushes, complementing the serene outdoor activity.",,15,"3,4",relation,spatial,"relation - spatial (field, body of water, adjacent to)",Is the field adjacent to the body of water? +COCOval2014000000367228,"A youthful individual is engaged in flying a colorful kite in a spacious grassy field adjacent to a calm body of water. The sky above is clear, allowing the kite to ascend steadily on the gentle breeze. In the background, the water's edge is lined with reeds and small bushes, complementing the serene outdoor activity.",,16,"2,5",relation,spatial,"relation - spatial (kite, sky, ascend)",Is the kite ascending in the sky? +COCOval2014000000367228,"A youthful individual is engaged in flying a colorful kite in a spacious grassy field adjacent to a calm body of water. The sky above is clear, allowing the kite to ascend steadily on the gentle breeze. In the background, the water's edge is lined with reeds and small bushes, complementing the serene outdoor activity.",,17,"6,7",relation,spatial,"relation - spatial (water's edge, reeds, lined with)",Is the water's edge lined with reeds? +COCOval2014000000367228,"A youthful individual is engaged in flying a colorful kite in a spacious grassy field adjacent to a calm body of water. The sky above is clear, allowing the kite to ascend steadily on the gentle breeze. In the background, the water's edge is lined with reeds and small bushes, complementing the serene outdoor activity.",,18,"6,8",relation,spatial,"relation - spatial (water's edge, bushes, lined with)",Is the water's edge lined with bushes? +COCOval2014000000537211,"A serene lakeside setting where a wooden dock extends into the water. A man is casually seated at the edge, enjoying a hot dog, with a relaxed posture that suggests a leisurely day. The water is calm, and the dock appears to be a popular spot for visitors to take in the view and enjoy a bite to eat.",,1,0,entity,whole,entity - whole (setting),Is there a serene lakeside setting? +COCOval2014000000537211,"A serene lakeside setting where a wooden dock extends into the water. A man is casually seated at the edge, enjoying a hot dog, with a relaxed posture that suggests a leisurely day. The water is calm, and the dock appears to be a popular spot for visitors to take in the view and enjoy a bite to eat.",,2,1,entity,whole,entity - whole (dock),Is there a wooden dock? +COCOval2014000000537211,"A serene lakeside setting where a wooden dock extends into the water. A man is casually seated at the edge, enjoying a hot dog, with a relaxed posture that suggests a leisurely day. The water is calm, and the dock appears to be a popular spot for visitors to take in the view and enjoy a bite to eat.",,3,0,entity,whole,entity - whole (man),Is there a man? +COCOval2014000000537211,"A serene lakeside setting where a wooden dock extends into the water. A man is casually seated at the edge, enjoying a hot dog, with a relaxed posture that suggests a leisurely day. The water is calm, and the dock appears to be a popular spot for visitors to take in the view and enjoy a bite to eat.",,4,0,entity,whole,entity - whole (hot dog),Is there a hot dog? +COCOval2014000000537211,"A serene lakeside setting where a wooden dock extends into the water. A man is casually seated at the edge, enjoying a hot dog, with a relaxed posture that suggests a leisurely day. The water is calm, and the dock appears to be a popular spot for visitors to take in the view and enjoy a bite to eat.",,5,0,entity,whole,entity - whole (water),Is there water? +COCOval2014000000537211,"A serene lakeside setting where a wooden dock extends into the water. A man is casually seated at the edge, enjoying a hot dog, with a relaxed posture that suggests a leisurely day. The water is calm, and the dock appears to be a popular spot for visitors to take in the view and enjoy a bite to eat.",,6,2,attribute,texture,"attribute - texture (dock, wooden)",Is the dock wooden? +COCOval2014000000537211,"A serene lakeside setting where a wooden dock extends into the water. A man is casually seated at the edge, enjoying a hot dog, with a relaxed posture that suggests a leisurely day. The water is calm, and the dock appears to be a popular spot for visitors to take in the view and enjoy a bite to eat.",,7,5,attribute,texture,"attribute - texture (water, calm)",Is the water calm? +COCOval2014000000537211,"A serene lakeside setting where a wooden dock extends into the water. A man is casually seated at the edge, enjoying a hot dog, with a relaxed posture that suggests a leisurely day. The water is calm, and the dock appears to be a popular spot for visitors to take in the view and enjoy a bite to eat.",,8,3,attribute,other,"attribute - other (man, casually seated)",Is the man casually seated? +COCOval2014000000537211,"A serene lakeside setting where a wooden dock extends into the water. A man is casually seated at the edge, enjoying a hot dog, with a relaxed posture that suggests a leisurely day. The water is calm, and the dock appears to be a popular spot for visitors to take in the view and enjoy a bite to eat.",,9,3,attribute,other,"attribute - other (man, relaxed posture)",Is the man in a relaxed posture? +COCOval2014000000537211,"A serene lakeside setting where a wooden dock extends into the water. A man is casually seated at the edge, enjoying a hot dog, with a relaxed posture that suggests a leisurely day. The water is calm, and the dock appears to be a popular spot for visitors to take in the view and enjoy a bite to eat.",,10,"2,5",relation,spatial,"relation - spatial (dock, water, extends into)",Does the dock extend into the water? +COCOval2014000000434657,"a solitary surfer is riding a wave, his silhouette outlined against the ocean's expanse. the water around him is a gradient of blues, with white foam cresting at the wave's peak. in the distance, the shoreline is visible, hinting at a vast beach beyond.",,1,0,entity,whole,entity - whole (surfer),Is there a surfer? +COCOval2014000000434657,"a solitary surfer is riding a wave, his silhouette outlined against the ocean's expanse. the water around him is a gradient of blues, with white foam cresting at the wave's peak. in the distance, the shoreline is visible, hinting at a vast beach beyond.",,2,0,entity,whole,entity - whole (wave),Is there a wave? +COCOval2014000000434657,"a solitary surfer is riding a wave, his silhouette outlined against the ocean's expanse. the water around him is a gradient of blues, with white foam cresting at the wave's peak. in the distance, the shoreline is visible, hinting at a vast beach beyond.",,3,0,entity,whole,entity - whole (ocean),Is there an ocean? +COCOval2014000000434657,"a solitary surfer is riding a wave, his silhouette outlined against the ocean's expanse. the water around him is a gradient of blues, with white foam cresting at the wave's peak. in the distance, the shoreline is visible, hinting at a vast beach beyond.",,4,0,entity,whole,entity - whole (water),Is there water? +COCOval2014000000434657,"a solitary surfer is riding a wave, his silhouette outlined against the ocean's expanse. the water around him is a gradient of blues, with white foam cresting at the wave's peak. in the distance, the shoreline is visible, hinting at a vast beach beyond.",,5,0,entity,whole,entity - whole (foam),Is there foam? +COCOval2014000000434657,"a solitary surfer is riding a wave, his silhouette outlined against the ocean's expanse. the water around him is a gradient of blues, with white foam cresting at the wave's peak. in the distance, the shoreline is visible, hinting at a vast beach beyond.",,6,0,entity,whole,entity - whole (shoreline),Is there a shoreline? +COCOval2014000000434657,"a solitary surfer is riding a wave, his silhouette outlined against the ocean's expanse. the water around him is a gradient of blues, with white foam cresting at the wave's peak. in the distance, the shoreline is visible, hinting at a vast beach beyond.",,7,0,entity,whole,entity - whole (beach),Is there a beach? +COCOval2014000000434657,"a solitary surfer is riding a wave, his silhouette outlined against the ocean's expanse. the water around him is a gradient of blues, with white foam cresting at the wave's peak. in the distance, the shoreline is visible, hinting at a vast beach beyond.",,8,1,attribute,other,"attribute - other (surfer, solitary)",Is the surfer solitary? +COCOval2014000000434657,"a solitary surfer is riding a wave, his silhouette outlined against the ocean's expanse. the water around him is a gradient of blues, with white foam cresting at the wave's peak. in the distance, the shoreline is visible, hinting at a vast beach beyond.",,9,3,attribute,texture,"attribute - texture (ocean, gradient of blues)",Is the ocean a gradient of blues? +COCOval2014000000434657,"a solitary surfer is riding a wave, his silhouette outlined against the ocean's expanse. the water around him is a gradient of blues, with white foam cresting at the wave's peak. in the distance, the shoreline is visible, hinting at a vast beach beyond.",,10,5,attribute,color,"attribute - color (foam, white)",Is the foam white? +COCOval2014000000434657,"a solitary surfer is riding a wave, his silhouette outlined against the ocean's expanse. the water around him is a gradient of blues, with white foam cresting at the wave's peak. in the distance, the shoreline is visible, hinting at a vast beach beyond.",,11,"1,2",relation,spatial,"relation - spatial (surfer, wave, ride)",Is the surfer riding the wave? +COCOval2014000000434657,"a solitary surfer is riding a wave, his silhouette outlined against the ocean's expanse. the water around him is a gradient of blues, with white foam cresting at the wave's peak. in the distance, the shoreline is visible, hinting at a vast beach beyond.",,12,"1,3",relation,spatial,"relation - spatial (surfer, ocean, against)",Is the surfer's silhouette outlined against the ocean? +COCOval2014000000434657,"a solitary surfer is riding a wave, his silhouette outlined against the ocean's expanse. the water around him is a gradient of blues, with white foam cresting at the wave's peak. in the distance, the shoreline is visible, hinting at a vast beach beyond.",,13,"2,3",relation,spatial,"relation - spatial (wave, ocean, in)",Is the wave in the ocean? +COCOval2014000000434657,"a solitary surfer is riding a wave, his silhouette outlined against the ocean's expanse. the water around him is a gradient of blues, with white foam cresting at the wave's peak. in the distance, the shoreline is visible, hinting at a vast beach beyond.",,14,"4,2",relation,spatial,"relation - spatial (water, wave, around)",Is the water around the wave? +COCOval2014000000434657,"a solitary surfer is riding a wave, his silhouette outlined against the ocean's expanse. the water around him is a gradient of blues, with white foam cresting at the wave's peak. in the distance, the shoreline is visible, hinting at a vast beach beyond.",,15,"5,2",relation,spatial,"relation - spatial (foam, wave, cresting)",Is the foam cresting at the wave's peak? +COCOval2014000000434657,"a solitary surfer is riding a wave, his silhouette outlined against the ocean's expanse. the water around him is a gradient of blues, with white foam cresting at the wave's peak. in the distance, the shoreline is visible, hinting at a vast beach beyond.",,16,"6,7",relation,spatial,"relation - spatial (shoreline, beach, visible)","Is the shoreline visible, hinting at a vast beach beyond?" +COCOval2014000000041572,"A vintage black and white photograph captures a tense moment on a baseball field. In the foreground, a batter stands ready at home plate, his posture poised for the incoming pitch. On the mound, the pitcher is caught mid-windup, the baseball clutched tightly in his hand, with the rest of the players positioned strategically around the diamond.",,1,0,global,,global - (vintage black and white photograph),Is this a vintage black and white photograph? +COCOval2014000000041572,"A vintage black and white photograph captures a tense moment on a baseball field. In the foreground, a batter stands ready at home plate, his posture poised for the incoming pitch. On the mound, the pitcher is caught mid-windup, the baseball clutched tightly in his hand, with the rest of the players positioned strategically around the diamond.",,2,1,entity,whole,entity - whole (photograph),Is there a photograph? +COCOval2014000000041572,"A vintage black and white photograph captures a tense moment on a baseball field. In the foreground, a batter stands ready at home plate, his posture poised for the incoming pitch. On the mound, the pitcher is caught mid-windup, the baseball clutched tightly in his hand, with the rest of the players positioned strategically around the diamond.",,3,1,entity,whole,entity - whole (moment),Is there a tense moment? +COCOval2014000000041572,"A vintage black and white photograph captures a tense moment on a baseball field. In the foreground, a batter stands ready at home plate, his posture poised for the incoming pitch. On the mound, the pitcher is caught mid-windup, the baseball clutched tightly in his hand, with the rest of the players positioned strategically around the diamond.",,4,1,entity,whole,entity - whole (baseball field),Is there a baseball field? +COCOval2014000000041572,"A vintage black and white photograph captures a tense moment on a baseball field. In the foreground, a batter stands ready at home plate, his posture poised for the incoming pitch. On the mound, the pitcher is caught mid-windup, the baseball clutched tightly in his hand, with the rest of the players positioned strategically around the diamond.",,5,1,entity,whole,entity - whole (batter),Is there a batter? +COCOval2014000000041572,"A vintage black and white photograph captures a tense moment on a baseball field. In the foreground, a batter stands ready at home plate, his posture poised for the incoming pitch. On the mound, the pitcher is caught mid-windup, the baseball clutched tightly in his hand, with the rest of the players positioned strategically around the diamond.",,6,1,entity,whole,entity - whole (home plate),Is there a home plate? +COCOval2014000000041572,"A vintage black and white photograph captures a tense moment on a baseball field. In the foreground, a batter stands ready at home plate, his posture poised for the incoming pitch. On the mound, the pitcher is caught mid-windup, the baseball clutched tightly in his hand, with the rest of the players positioned strategically around the diamond.",,7,1,entity,whole,entity - whole (posture),Is there a posture? +COCOval2014000000041572,"A vintage black and white photograph captures a tense moment on a baseball field. In the foreground, a batter stands ready at home plate, his posture poised for the incoming pitch. On the mound, the pitcher is caught mid-windup, the baseball clutched tightly in his hand, with the rest of the players positioned strategically around the diamond.",,8,1,entity,whole,entity - whole (pitch),Is there a pitch? +COCOval2014000000041572,"A vintage black and white photograph captures a tense moment on a baseball field. In the foreground, a batter stands ready at home plate, his posture poised for the incoming pitch. On the mound, the pitcher is caught mid-windup, the baseball clutched tightly in his hand, with the rest of the players positioned strategically around the diamond.",,9,1,entity,whole,entity - whole (mound),Is there a mound? +COCOval2014000000041572,"A vintage black and white photograph captures a tense moment on a baseball field. In the foreground, a batter stands ready at home plate, his posture poised for the incoming pitch. On the mound, the pitcher is caught mid-windup, the baseball clutched tightly in his hand, with the rest of the players positioned strategically around the diamond.",,10,1,entity,whole,entity - whole (pitcher),Is there a pitcher? +COCOval2014000000041572,"A vintage black and white photograph captures a tense moment on a baseball field. In the foreground, a batter stands ready at home plate, his posture poised for the incoming pitch. On the mound, the pitcher is caught mid-windup, the baseball clutched tightly in his hand, with the rest of the players positioned strategically around the diamond.",,11,1,entity,whole,entity - whole (baseball),Is there a baseball? +COCOval2014000000041572,"A vintage black and white photograph captures a tense moment on a baseball field. In the foreground, a batter stands ready at home plate, his posture poised for the incoming pitch. On the mound, the pitcher is caught mid-windup, the baseball clutched tightly in his hand, with the rest of the players positioned strategically around the diamond.",,12,1,entity,whole,entity - whole (hand),Is there a hand? +COCOval2014000000041572,"A vintage black and white photograph captures a tense moment on a baseball field. In the foreground, a batter stands ready at home plate, his posture poised for the incoming pitch. On the mound, the pitcher is caught mid-windup, the baseball clutched tightly in his hand, with the rest of the players positioned strategically around the diamond.",,13,1,entity,whole,entity - whole (players),Are there players? +COCOval2014000000041572,"A vintage black and white photograph captures a tense moment on a baseball field. In the foreground, a batter stands ready at home plate, his posture poised for the incoming pitch. On the mound, the pitcher is caught mid-windup, the baseball clutched tightly in his hand, with the rest of the players positioned strategically around the diamond.",,14,2,attribute,color,"attribute - color (photograph, black and white)",Is the photograph black and white? +COCOval2014000000041572,"A vintage black and white photograph captures a tense moment on a baseball field. In the foreground, a batter stands ready at home plate, his posture poised for the incoming pitch. On the mound, the pitcher is caught mid-windup, the baseball clutched tightly in his hand, with the rest of the players positioned strategically around the diamond.",,15,5,entity,state,"entity - state (batter, stand)",Is the batter standing? +COCOval2014000000041572,"A vintage black and white photograph captures a tense moment on a baseball field. In the foreground, a batter stands ready at home plate, his posture poised for the incoming pitch. On the mound, the pitcher is caught mid-windup, the baseball clutched tightly in his hand, with the rest of the players positioned strategically around the diamond.",,16,7,entity,state,"entity - state (posture, poised)",Is the posture poised? +COCOval2014000000041572,"A vintage black and white photograph captures a tense moment on a baseball field. In the foreground, a batter stands ready at home plate, his posture poised for the incoming pitch. On the mound, the pitcher is caught mid-windup, the baseball clutched tightly in his hand, with the rest of the players positioned strategically around the diamond.",,17,10,entity,state,"entity - state (pitcher, caught mid-windup)",Is the pitcher caught mid-windup? +COCOval2014000000041572,"A vintage black and white photograph captures a tense moment on a baseball field. In the foreground, a batter stands ready at home plate, his posture poised for the incoming pitch. On the mound, the pitcher is caught mid-windup, the baseball clutched tightly in his hand, with the rest of the players positioned strategically around the diamond.",,18,11,entity,state,"entity - state (baseball, clutched tightly)",Is the baseball clutched tightly? +COCOval2014000000041572,"A vintage black and white photograph captures a tense moment on a baseball field. In the foreground, a batter stands ready at home plate, his posture poised for the incoming pitch. On the mound, the pitcher is caught mid-windup, the baseball clutched tightly in his hand, with the rest of the players positioned strategically around the diamond.",,19,"5,6",relation,spatial,"relation - spatial (batter, home plate, at)",Is the batter at home plate? +COCOval2014000000041572,"A vintage black and white photograph captures a tense moment on a baseball field. In the foreground, a batter stands ready at home plate, his posture poised for the incoming pitch. On the mound, the pitcher is caught mid-windup, the baseball clutched tightly in his hand, with the rest of the players positioned strategically around the diamond.",,20,"10,9",relation,spatial,"relation - spatial (pitcher, mound, on)",Is the pitcher on the mound? +COCOval2014000000041572,"A vintage black and white photograph captures a tense moment on a baseball field. In the foreground, a batter stands ready at home plate, his posture poised for the incoming pitch. On the mound, the pitcher is caught mid-windup, the baseball clutched tightly in his hand, with the rest of the players positioned strategically around the diamond.",,21,"11,12",relation,spatial,"relation - spatial (baseball, hand, in)",Is the baseball in the hand? +COCOval2014000000041572,"A vintage black and white photograph captures a tense moment on a baseball field. In the foreground, a batter stands ready at home plate, his posture poised for the incoming pitch. On the mound, the pitcher is caught mid-windup, the baseball clutched tightly in his hand, with the rest of the players positioned strategically around the diamond.",,22,"13,4",relation,spatial,"relation - spatial (players, diamond, around)",Are the players positioned around the diamond? +COCOval2014000000425925,"A bustling city street lined with various shops and cafes, leading the eye towards a distinctive building in the distance. The building is notable for its maroon steeple, which houses clocks just beneath a prominent standing platform. The architecture of the building stands out against the urban landscape, hinting at historical significance amidst the modern city life.",,1,0,global,,global - (city street),Is this a bustling city street? +COCOval2014000000425925,"A bustling city street lined with various shops and cafes, leading the eye towards a distinctive building in the distance. The building is notable for its maroon steeple, which houses clocks just beneath a prominent standing platform. The architecture of the building stands out against the urban landscape, hinting at historical significance amidst the modern city life.",,2,1,entity,whole,entity - whole (shops),Are there shops? +COCOval2014000000425925,"A bustling city street lined with various shops and cafes, leading the eye towards a distinctive building in the distance. The building is notable for its maroon steeple, which houses clocks just beneath a prominent standing platform. The architecture of the building stands out against the urban landscape, hinting at historical significance amidst the modern city life.",,3,1,entity,whole,entity - whole (cafes),Are there cafes? +COCOval2014000000425925,"A bustling city street lined with various shops and cafes, leading the eye towards a distinctive building in the distance. The building is notable for its maroon steeple, which houses clocks just beneath a prominent standing platform. The architecture of the building stands out against the urban landscape, hinting at historical significance amidst the modern city life.",,4,0,entity,whole,entity - whole (building),Is there a building? +COCOval2014000000425925,"A bustling city street lined with various shops and cafes, leading the eye towards a distinctive building in the distance. The building is notable for its maroon steeple, which houses clocks just beneath a prominent standing platform. The architecture of the building stands out against the urban landscape, hinting at historical significance amidst the modern city life.",,5,4,entity,part,entity - part (building's steeple),Is there a steeple on the building? +COCOval2014000000425925,"A bustling city street lined with various shops and cafes, leading the eye towards a distinctive building in the distance. The building is notable for its maroon steeple, which houses clocks just beneath a prominent standing platform. The architecture of the building stands out against the urban landscape, hinting at historical significance amidst the modern city life.",,6,5,attribute,color,"attribute - color (steeple, maroon)",Is the steeple maroon? +COCOval2014000000425925,"A bustling city street lined with various shops and cafes, leading the eye towards a distinctive building in the distance. The building is notable for its maroon steeple, which houses clocks just beneath a prominent standing platform. The architecture of the building stands out against the urban landscape, hinting at historical significance amidst the modern city life.",,7,5,entity,part,entity - part (steeple's clocks),Are there clocks on the steeple? +COCOval2014000000425925,"A bustling city street lined with various shops and cafes, leading the eye towards a distinctive building in the distance. The building is notable for its maroon steeple, which houses clocks just beneath a prominent standing platform. The architecture of the building stands out against the urban landscape, hinting at historical significance amidst the modern city life.",,8,5,entity,part,entity - part (steeple's standing platform),Is there a standing platform on the steeple? +COCOval2014000000425925,"A bustling city street lined with various shops and cafes, leading the eye towards a distinctive building in the distance. The building is notable for its maroon steeple, which houses clocks just beneath a prominent standing platform. The architecture of the building stands out against the urban landscape, hinting at historical significance amidst the modern city life.",,9,4,attribute,other,"attribute - other (building's architecture, distinctive)",Is the architecture of the building distinctive? +COCOval2014000000425925,"A bustling city street lined with various shops and cafes, leading the eye towards a distinctive building in the distance. The building is notable for its maroon steeple, which houses clocks just beneath a prominent standing platform. The architecture of the building stands out against the urban landscape, hinting at historical significance amidst the modern city life.",,10,4,attribute,other,"attribute - other (building, historical significance)",Does the building have historical significance? +COCOval2014000000183648,"A group of three individuals positioned beside a towering elephant in an open area. The elephant's gray skin contrasts with the colorful clothing of the people. They appear to be engaged in a moment of interaction, with the vast sky above them and the ground beneath scattered with dry grass.",,1,0,entity,whole,entity - whole (individuals),Are there individuals? +COCOval2014000000183648,"A group of three individuals positioned beside a towering elephant in an open area. The elephant's gray skin contrasts with the colorful clothing of the people. They appear to be engaged in a moment of interaction, with the vast sky above them and the ground beneath scattered with dry grass.",,2,1,other,count,"other - count (individuals, ==3)",Are there three individuals? +COCOval2014000000183648,"A group of three individuals positioned beside a towering elephant in an open area. The elephant's gray skin contrasts with the colorful clothing of the people. They appear to be engaged in a moment of interaction, with the vast sky above them and the ground beneath scattered with dry grass.",,3,0,entity,whole,entity - whole (elephant),Is there an elephant? +COCOval2014000000183648,"A group of three individuals positioned beside a towering elephant in an open area. The elephant's gray skin contrasts with the colorful clothing of the people. They appear to be engaged in a moment of interaction, with the vast sky above them and the ground beneath scattered with dry grass.",,4,3,attribute,color,"attribute - color (elephant's skin, gray)",Is the elephant's skin gray? +COCOval2014000000183648,"A group of three individuals positioned beside a towering elephant in an open area. The elephant's gray skin contrasts with the colorful clothing of the people. They appear to be engaged in a moment of interaction, with the vast sky above them and the ground beneath scattered with dry grass.",,5,1,attribute,color,"attribute - color (individuals' clothing, colorful)",Are the individuals' clothing colorful? +COCOval2014000000183648,"A group of three individuals positioned beside a towering elephant in an open area. The elephant's gray skin contrasts with the colorful clothing of the people. They appear to be engaged in a moment of interaction, with the vast sky above them and the ground beneath scattered with dry grass.",,6,1,entity,state,"entity - state (individuals, engage in interaction)",Are the individuals engaging in interaction? +COCOval2014000000183648,"A group of three individuals positioned beside a towering elephant in an open area. The elephant's gray skin contrasts with the colorful clothing of the people. They appear to be engaged in a moment of interaction, with the vast sky above them and the ground beneath scattered with dry grass.",,7,"1,3",relation,spatial,"relation - spatial (individuals, elephant, beside)",Are the individuals beside the elephant? +COCOval2014000000183648,"A group of three individuals positioned beside a towering elephant in an open area. The elephant's gray skin contrasts with the colorful clothing of the people. They appear to be engaged in a moment of interaction, with the vast sky above them and the ground beneath scattered with dry grass.",,8,3,relation,spatial,"relation - spatial (elephant, open area, in)",Is the elephant in an open area? +COCOval2014000000183648,"A group of three individuals positioned beside a towering elephant in an open area. The elephant's gray skin contrasts with the colorful clothing of the people. They appear to be engaged in a moment of interaction, with the vast sky above them and the ground beneath scattered with dry grass.",,9,1,relation,spatial,"relation - spatial (individuals, sky, above)",Are the individuals under the sky? +COCOval2014000000183648,"A group of three individuals positioned beside a towering elephant in an open area. The elephant's gray skin contrasts with the colorful clothing of the people. They appear to be engaged in a moment of interaction, with the vast sky above them and the ground beneath scattered with dry grass.",,10,1,relation,spatial,"relation - spatial (individuals, ground, on)",Are the individuals on the ground? +COCOval2014000000183648,"A group of three individuals positioned beside a towering elephant in an open area. The elephant's gray skin contrasts with the colorful clothing of the people. They appear to be engaged in a moment of interaction, with the vast sky above them and the ground beneath scattered with dry grass.",,11,10,attribute,texture,"attribute - texture (ground, scattered with dry grass)",Is the ground scattered with dry grass? +COCOval2014000000113571,"A man stands at a table with a colorful birthday cake adorned with lit candles. He carefully slices the cake with a long knife, preparing to serve the guests. The table is covered with a festive tablecloth and scattered with other party accessories.",,1,0,entity,whole,entity - whole (man),Is there a man? +COCOval2014000000113571,"A man stands at a table with a colorful birthday cake adorned with lit candles. He carefully slices the cake with a long knife, preparing to serve the guests. The table is covered with a festive tablecloth and scattered with other party accessories.",,2,0,entity,whole,entity - whole (table),Is there a table? +COCOval2014000000113571,"A man stands at a table with a colorful birthday cake adorned with lit candles. He carefully slices the cake with a long knife, preparing to serve the guests. The table is covered with a festive tablecloth and scattered with other party accessories.",,3,0,entity,whole,entity - whole (birthday cake),Is there a birthday cake? +COCOval2014000000113571,"A man stands at a table with a colorful birthday cake adorned with lit candles. He carefully slices the cake with a long knife, preparing to serve the guests. The table is covered with a festive tablecloth and scattered with other party accessories.",,4,3,entity,whole,entity - whole (candles),Are there candles? +COCOval2014000000113571,"A man stands at a table with a colorful birthday cake adorned with lit candles. He carefully slices the cake with a long knife, preparing to serve the guests. The table is covered with a festive tablecloth and scattered with other party accessories.",,5,0,entity,whole,entity - whole (knife),Is there a knife? +COCOval2014000000113571,"A man stands at a table with a colorful birthday cake adorned with lit candles. He carefully slices the cake with a long knife, preparing to serve the guests. The table is covered with a festive tablecloth and scattered with other party accessories.",,6,0,entity,whole,entity - whole (guests),Are there guests? +COCOval2014000000113571,"A man stands at a table with a colorful birthday cake adorned with lit candles. He carefully slices the cake with a long knife, preparing to serve the guests. The table is covered with a festive tablecloth and scattered with other party accessories.",,7,0,entity,whole,entity - whole (tablecloth),Is there a tablecloth? +COCOval2014000000113571,"A man stands at a table with a colorful birthday cake adorned with lit candles. He carefully slices the cake with a long knife, preparing to serve the guests. The table is covered with a festive tablecloth and scattered with other party accessories.",,8,3,attribute,color,"attribute - color (cake, colorful)",Is the cake colorful? +COCOval2014000000113571,"A man stands at a table with a colorful birthday cake adorned with lit candles. He carefully slices the cake with a long knife, preparing to serve the guests. The table is covered with a festive tablecloth and scattered with other party accessories.",,9,4,entity,state,"entity - state (candles, lit)",Are the candles lit? +COCOval2014000000113571,"A man stands at a table with a colorful birthday cake adorned with lit candles. He carefully slices the cake with a long knife, preparing to serve the guests. The table is covered with a festive tablecloth and scattered with other party accessories.",,10,5,attribute,size,"attribute - size (knife, long)",Is the knife long? +COCOval2014000000113571,"A man stands at a table with a colorful birthday cake adorned with lit candles. He carefully slices the cake with a long knife, preparing to serve the guests. The table is covered with a festive tablecloth and scattered with other party accessories.",,11,1,entity,state,"entity - state (man, stand)",Is the man standing? +COCOval2014000000113571,"A man stands at a table with a colorful birthday cake adorned with lit candles. He carefully slices the cake with a long knife, preparing to serve the guests. The table is covered with a festive tablecloth and scattered with other party accessories.",,12,1,entity,state,"entity - state (man, slice)",Is the man slicing the cake? +COCOval2014000000113571,"A man stands at a table with a colorful birthday cake adorned with lit candles. He carefully slices the cake with a long knife, preparing to serve the guests. The table is covered with a festive tablecloth and scattered with other party accessories.",,13,1,entity,state,"entity - state (man, prepare)",Is the man preparing to serve? +COCOval2014000000113571,"A man stands at a table with a colorful birthday cake adorned with lit candles. He carefully slices the cake with a long knife, preparing to serve the guests. The table is covered with a festive tablecloth and scattered with other party accessories.",,14,"1,2",relation,spatial,"relation - spatial (man, table, at)",Is the man at the table? +COCOval2014000000113571,"A man stands at a table with a colorful birthday cake adorned with lit candles. He carefully slices the cake with a long knife, preparing to serve the guests. The table is covered with a festive tablecloth and scattered with other party accessories.",,15,"3,2",relation,spatial,"relation - spatial (cake, table, adorned with)",Is the cake adorned with candles? +COCOval2014000000113571,"A man stands at a table with a colorful birthday cake adorned with lit candles. He carefully slices the cake with a long knife, preparing to serve the guests. The table is covered with a festive tablecloth and scattered with other party accessories.",,16,"4,3",relation,spatial,"relation - spatial (candles, cake, adorned with)",Are the candles adorned on the cake? +COCOval2014000000113571,"A man stands at a table with a colorful birthday cake adorned with lit candles. He carefully slices the cake with a long knife, preparing to serve the guests. The table is covered with a festive tablecloth and scattered with other party accessories.",,17,"5,3",relation,spatial,"relation - spatial (knife, cake, slice)",Is the knife slicing the cake? +COCOval2014000000113571,"A man stands at a table with a colorful birthday cake adorned with lit candles. He carefully slices the cake with a long knife, preparing to serve the guests. The table is covered with a festive tablecloth and scattered with other party accessories.",,18,"5,6",relation,spatial,"relation - spatial (knife, guests, serve)",Is the knife serving the guests? +COCOval2014000000113571,"A man stands at a table with a colorful birthday cake adorned with lit candles. He carefully slices the cake with a long knife, preparing to serve the guests. The table is covered with a festive tablecloth and scattered with other party accessories.",,19,"2,7",relation,spatial,"relation - spatial (table, covered with, tablecloth)",Is the table covered with a tablecloth? +COCOval2014000000113571,"A man stands at a table with a colorful birthday cake adorned with lit candles. He carefully slices the cake with a long knife, preparing to serve the guests. The table is covered with a festive tablecloth and scattered with other party accessories.",,20,2,relation,spatial,"relation - spatial (table, scattered with, party accessories)",Is the table scattered with party accessories? +COCOval2014000000313130,"a modern kitchen features a sleek silver refrigerator standing beside a matching microwave. The appliances are set against a wall with a subtle paint finish, and the room is illuminated by natural light streaming in from a nearby window. The clean lines and minimalist design suggest a contemporary home with an emphasis on functionality.",,1,0,entity,whole,entity - whole (kitchen),Is there a kitchen? +COCOval2014000000313130,"a modern kitchen features a sleek silver refrigerator standing beside a matching microwave. The appliances are set against a wall with a subtle paint finish, and the room is illuminated by natural light streaming in from a nearby window. The clean lines and minimalist design suggest a contemporary home with an emphasis on functionality.",,2,1,entity,whole,entity - whole (refrigerator),Is there a refrigerator? +COCOval2014000000313130,"a modern kitchen features a sleek silver refrigerator standing beside a matching microwave. The appliances are set against a wall with a subtle paint finish, and the room is illuminated by natural light streaming in from a nearby window. The clean lines and minimalist design suggest a contemporary home with an emphasis on functionality.",,3,1,entity,whole,entity - whole (microwave),Is there a microwave? +COCOval2014000000313130,"a modern kitchen features a sleek silver refrigerator standing beside a matching microwave. The appliances are set against a wall with a subtle paint finish, and the room is illuminated by natural light streaming in from a nearby window. The clean lines and minimalist design suggest a contemporary home with an emphasis on functionality.",,4,0,entity,whole,entity - whole (wall),Is there a wall? +COCOval2014000000313130,"a modern kitchen features a sleek silver refrigerator standing beside a matching microwave. The appliances are set against a wall with a subtle paint finish, and the room is illuminated by natural light streaming in from a nearby window. The clean lines and minimalist design suggest a contemporary home with an emphasis on functionality.",,5,0,entity,whole,entity - whole (room),Is there a room? +COCOval2014000000313130,"a modern kitchen features a sleek silver refrigerator standing beside a matching microwave. The appliances are set against a wall with a subtle paint finish, and the room is illuminated by natural light streaming in from a nearby window. The clean lines and minimalist design suggest a contemporary home with an emphasis on functionality.",,6,0,entity,whole,entity - whole (window),Is there a window? +COCOval2014000000313130,"a modern kitchen features a sleek silver refrigerator standing beside a matching microwave. The appliances are set against a wall with a subtle paint finish, and the room is illuminated by natural light streaming in from a nearby window. The clean lines and minimalist design suggest a contemporary home with an emphasis on functionality.",,7,2,attribute,texture,"attribute - texture (refrigerator, sleek silver)",Is the refrigerator sleek silver? +COCOval2014000000313130,"a modern kitchen features a sleek silver refrigerator standing beside a matching microwave. The appliances are set against a wall with a subtle paint finish, and the room is illuminated by natural light streaming in from a nearby window. The clean lines and minimalist design suggest a contemporary home with an emphasis on functionality.",,8,3,attribute,texture,"attribute - texture (microwave, matching)",Is the microwave matching? +COCOval2014000000313130,"a modern kitchen features a sleek silver refrigerator standing beside a matching microwave. The appliances are set against a wall with a subtle paint finish, and the room is illuminated by natural light streaming in from a nearby window. The clean lines and minimalist design suggest a contemporary home with an emphasis on functionality.",,9,4,attribute,texture,"attribute - texture (wall, subtle paint finish)",Does the wall have a subtle paint finish? +COCOval2014000000313130,"a modern kitchen features a sleek silver refrigerator standing beside a matching microwave. The appliances are set against a wall with a subtle paint finish, and the room is illuminated by natural light streaming in from a nearby window. The clean lines and minimalist design suggest a contemporary home with an emphasis on functionality.",,10,5,attribute,texture,"attribute - texture (room, illuminated by natural light)",Is the room illuminated by natural light? +COCOval2014000000313130,"a modern kitchen features a sleek silver refrigerator standing beside a matching microwave. The appliances are set against a wall with a subtle paint finish, and the room is illuminated by natural light streaming in from a nearby window. The clean lines and minimalist design suggest a contemporary home with an emphasis on functionality.",,11,5,attribute,other,"attribute - other (design, minimalist)",Does the design suggest minimalism? +COCOval2014000000313130,"a modern kitchen features a sleek silver refrigerator standing beside a matching microwave. The appliances are set against a wall with a subtle paint finish, and the room is illuminated by natural light streaming in from a nearby window. The clean lines and minimalist design suggest a contemporary home with an emphasis on functionality.",,12,5,attribute,other,"attribute - other (home, contemporary)",Is the home contemporary? +COCOval2014000000313130,"a modern kitchen features a sleek silver refrigerator standing beside a matching microwave. The appliances are set against a wall with a subtle paint finish, and the room is illuminated by natural light streaming in from a nearby window. The clean lines and minimalist design suggest a contemporary home with an emphasis on functionality.",,13,5,attribute,other,"attribute - other (home, functional)",Is the home functional? +COCOval2014000000313130,"a modern kitchen features a sleek silver refrigerator standing beside a matching microwave. The appliances are set against a wall with a subtle paint finish, and the room is illuminated by natural light streaming in from a nearby window. The clean lines and minimalist design suggest a contemporary home with an emphasis on functionality.",,14,"2,4",relation,spatial,"relation - spatial (refrigerator, wall, against)",Is the refrigerator against the wall? +COCOval2014000000313130,"a modern kitchen features a sleek silver refrigerator standing beside a matching microwave. The appliances are set against a wall with a subtle paint finish, and the room is illuminated by natural light streaming in from a nearby window. The clean lines and minimalist design suggest a contemporary home with an emphasis on functionality.",,15,"3,4",relation,spatial,"relation - spatial (microwave, wall, against)",Is the microwave against the wall? +COCOval2014000000313130,"a modern kitchen features a sleek silver refrigerator standing beside a matching microwave. The appliances are set against a wall with a subtle paint finish, and the room is illuminated by natural light streaming in from a nearby window. The clean lines and minimalist design suggest a contemporary home with an emphasis on functionality.",,16,"6,5",relation,spatial,"relation - spatial (window, room, in)",Is the window in the room? +COCOval2014000000313130,"a modern kitchen features a sleek silver refrigerator standing beside a matching microwave. The appliances are set against a wall with a subtle paint finish, and the room is illuminated by natural light streaming in from a nearby window. The clean lines and minimalist design suggest a contemporary home with an emphasis on functionality.",,17,"6,5",relation,spatial,"relation - spatial (natural light, window, stream in)",Is the natural light streaming in from the window? +COCOval2014000000245497,"a young skateboarder caught mid-air as they leap off the last step of a concrete staircase. the skateboarder's focus and determination are evident in their posture. the steps are part of a public urban area, with metal railings on one side and a grassy patch visible in the background.",,1,0,entity,whole,entity - whole (skateboarder),Is there a skateboarder? +COCOval2014000000245497,"a young skateboarder caught mid-air as they leap off the last step of a concrete staircase. the skateboarder's focus and determination are evident in their posture. the steps are part of a public urban area, with metal railings on one side and a grassy patch visible in the background.",,2,0,entity,whole,entity - whole (staircase),Is there a staircase? +COCOval2014000000245497,"a young skateboarder caught mid-air as they leap off the last step of a concrete staircase. the skateboarder's focus and determination are evident in their posture. the steps are part of a public urban area, with metal railings on one side and a grassy patch visible in the background.",,3,0,entity,whole,entity - whole (skateboard),Is there a skateboard? +COCOval2014000000245497,"a young skateboarder caught mid-air as they leap off the last step of a concrete staircase. the skateboarder's focus and determination are evident in their posture. the steps are part of a public urban area, with metal railings on one side and a grassy patch visible in the background.",,4,1,attribute,other,"attribute - other (skateboarder, young)",Is the skateboarder young? +COCOval2014000000245497,"a young skateboarder caught mid-air as they leap off the last step of a concrete staircase. the skateboarder's focus and determination are evident in their posture. the steps are part of a public urban area, with metal railings on one side and a grassy patch visible in the background.",,5,1,entity,state,"entity - state (skateboarder, mid-air)",Is the skateboarder mid-air? +COCOval2014000000245497,"a young skateboarder caught mid-air as they leap off the last step of a concrete staircase. the skateboarder's focus and determination are evident in their posture. the steps are part of a public urban area, with metal railings on one side and a grassy patch visible in the background.",,6,1,entity,state,"entity - state (skateboarder, leap off)",Is the skateboarder leaping off? +COCOval2014000000245497,"a young skateboarder caught mid-air as they leap off the last step of a concrete staircase. the skateboarder's focus and determination are evident in their posture. the steps are part of a public urban area, with metal railings on one side and a grassy patch visible in the background.",,7,1,entity,state,"entity - state (skateboarder, focus)",Does the skateboarder show focus? +COCOval2014000000245497,"a young skateboarder caught mid-air as they leap off the last step of a concrete staircase. the skateboarder's focus and determination are evident in their posture. the steps are part of a public urban area, with metal railings on one side and a grassy patch visible in the background.",,8,1,entity,state,"entity - state (skateboarder, determination)",Does the skateboarder show determination? +COCOval2014000000245497,"a young skateboarder caught mid-air as they leap off the last step of a concrete staircase. the skateboarder's focus and determination are evident in their posture. the steps are part of a public urban area, with metal railings on one side and a grassy patch visible in the background.",,9,2,attribute,other,"attribute - other (staircase, concrete)",Is the staircase made of concrete? +COCOval2014000000245497,"a young skateboarder caught mid-air as they leap off the last step of a concrete staircase. the skateboarder's focus and determination are evident in their posture. the steps are part of a public urban area, with metal railings on one side and a grassy patch visible in the background.",,10,2,attribute,other,"attribute - other (urban area, public)",Is the area urban and public? +COCOval2014000000493435,"A park bench made of weathered wood, with a large, flat-screen television set precariously on top. Behind the bench, an open umbrella with a colorful pattern provides a stark contrast to the bench's muted tones. The scene is set on a paved path with grass on either side, hinting at a public space with an unusual arrangement of objects.",,1,0,entity,whole,entity - whole (park bench),Is there a park bench? +COCOval2014000000493435,"A park bench made of weathered wood, with a large, flat-screen television set precariously on top. Behind the bench, an open umbrella with a colorful pattern provides a stark contrast to the bench's muted tones. The scene is set on a paved path with grass on either side, hinting at a public space with an unusual arrangement of objects.",,2,1,attribute,texture,"attribute - texture (park bench, weathered wood)",Is the park bench made of weathered wood? +COCOval2014000000493435,"A park bench made of weathered wood, with a large, flat-screen television set precariously on top. Behind the bench, an open umbrella with a colorful pattern provides a stark contrast to the bench's muted tones. The scene is set on a paved path with grass on either side, hinting at a public space with an unusual arrangement of objects.",,3,0,entity,whole,entity - whole (television set),Is there a television set? +COCOval2014000000493435,"A park bench made of weathered wood, with a large, flat-screen television set precariously on top. Behind the bench, an open umbrella with a colorful pattern provides a stark contrast to the bench's muted tones. The scene is set on a paved path with grass on either side, hinting at a public space with an unusual arrangement of objects.",,4,2,attribute,size,"attribute - size (television set, large)",Is the television set large? +COCOval2014000000493435,"A park bench made of weathered wood, with a large, flat-screen television set precariously on top. Behind the bench, an open umbrella with a colorful pattern provides a stark contrast to the bench's muted tones. The scene is set on a paved path with grass on either side, hinting at a public space with an unusual arrangement of objects.",,5,3,attribute,other,"attribute - other (television set, flat-screen)",Is the television set a flat-screen? +COCOval2014000000493435,"A park bench made of weathered wood, with a large, flat-screen television set precariously on top. Behind the bench, an open umbrella with a colorful pattern provides a stark contrast to the bench's muted tones. The scene is set on a paved path with grass on either side, hinting at a public space with an unusual arrangement of objects.",,6,"3,1",relation,spatial,"relation - spatial (television set, park bench, on top)",Is the television set precariously on top of the bench? +COCOval2014000000493435,"A park bench made of weathered wood, with a large, flat-screen television set precariously on top. Behind the bench, an open umbrella with a colorful pattern provides a stark contrast to the bench's muted tones. The scene is set on a paved path with grass on either side, hinting at a public space with an unusual arrangement of objects.",,7,0,entity,whole,entity - whole (umbrella),Is there an umbrella? +COCOval2014000000493435,"A park bench made of weathered wood, with a large, flat-screen television set precariously on top. Behind the bench, an open umbrella with a colorful pattern provides a stark contrast to the bench's muted tones. The scene is set on a paved path with grass on either side, hinting at a public space with an unusual arrangement of objects.",,8,7,attribute,texture,"attribute - texture (umbrella, colorful pattern)",Does the umbrella have a colorful pattern? +COCOval2014000000493435,"A park bench made of weathered wood, with a large, flat-screen television set precariously on top. Behind the bench, an open umbrella with a colorful pattern provides a stark contrast to the bench's muted tones. The scene is set on a paved path with grass on either side, hinting at a public space with an unusual arrangement of objects.",,9,7,attribute,color,"attribute - color (umbrella, colorful)",Is the umbrella colorful? +COCOval2014000000493435,"A park bench made of weathered wood, with a large, flat-screen television set precariously on top. Behind the bench, an open umbrella with a colorful pattern provides a stark contrast to the bench's muted tones. The scene is set on a paved path with grass on either side, hinting at a public space with an unusual arrangement of objects.",,10,"7,1",relation,spatial,"relation - spatial (umbrella, bench, behind)",Is the umbrella behind the bench? +COCOval2014000000493435,"A park bench made of weathered wood, with a large, flat-screen television set precariously on top. Behind the bench, an open umbrella with a colorful pattern provides a stark contrast to the bench's muted tones. The scene is set on a paved path with grass on either side, hinting at a public space with an unusual arrangement of objects.",,11,"1,11",relation,spatial,"relation - spatial (bench, paved path, on)",Is the bench on a paved path? +COCOval2014000000493435,"A park bench made of weathered wood, with a large, flat-screen television set precariously on top. Behind the bench, an open umbrella with a colorful pattern provides a stark contrast to the bench's muted tones. The scene is set on a paved path with grass on either side, hinting at a public space with an unusual arrangement of objects.",,12,11,relation,spatial,"relation - spatial (paved path, grass, on either side)",Is there grass on either side of the paved path? +COCOval2014000000101456,"A spacious kitchen with a large wooden table at the center, cluttered with an assortment of pots, pans, and cooking utensils. The table is surrounded by matching wooden chairs, and the walls are lined with shelves filled with spices and kitchenware. Sunlight streams in through a window, casting a warm glow on the array of cookware.",,1,0,entity,whole,entity - whole (kitchen),Is there a kitchen? +COCOval2014000000101456,"A spacious kitchen with a large wooden table at the center, cluttered with an assortment of pots, pans, and cooking utensils. The table is surrounded by matching wooden chairs, and the walls are lined with shelves filled with spices and kitchenware. Sunlight streams in through a window, casting a warm glow on the array of cookware.",,2,1,entity,whole,entity - whole (table),Is there a table? +COCOval2014000000101456,"A spacious kitchen with a large wooden table at the center, cluttered with an assortment of pots, pans, and cooking utensils. The table is surrounded by matching wooden chairs, and the walls are lined with shelves filled with spices and kitchenware. Sunlight streams in through a window, casting a warm glow on the array of cookware.",,3,2,entity,whole,entity - whole (pots),Are there pots? +COCOval2014000000101456,"A spacious kitchen with a large wooden table at the center, cluttered with an assortment of pots, pans, and cooking utensils. The table is surrounded by matching wooden chairs, and the walls are lined with shelves filled with spices and kitchenware. Sunlight streams in through a window, casting a warm glow on the array of cookware.",,4,2,entity,whole,entity - whole (pans),Are there pans? +COCOval2014000000101456,"A spacious kitchen with a large wooden table at the center, cluttered with an assortment of pots, pans, and cooking utensils. The table is surrounded by matching wooden chairs, and the walls are lined with shelves filled with spices and kitchenware. Sunlight streams in through a window, casting a warm glow on the array of cookware.",,5,2,entity,whole,entity - whole (cooking utensils),Are there cooking utensils? +COCOval2014000000101456,"A spacious kitchen with a large wooden table at the center, cluttered with an assortment of pots, pans, and cooking utensils. The table is surrounded by matching wooden chairs, and the walls are lined with shelves filled with spices and kitchenware. Sunlight streams in through a window, casting a warm glow on the array of cookware.",,6,2,entity,whole,entity - whole (chairs),Are there chairs? +COCOval2014000000101456,"A spacious kitchen with a large wooden table at the center, cluttered with an assortment of pots, pans, and cooking utensils. The table is surrounded by matching wooden chairs, and the walls are lined with shelves filled with spices and kitchenware. Sunlight streams in through a window, casting a warm glow on the array of cookware.",,7,1,entity,whole,entity - whole (walls),Are there walls? +COCOval2014000000101456,"A spacious kitchen with a large wooden table at the center, cluttered with an assortment of pots, pans, and cooking utensils. The table is surrounded by matching wooden chairs, and the walls are lined with shelves filled with spices and kitchenware. Sunlight streams in through a window, casting a warm glow on the array of cookware.",,8,1,entity,whole,entity - whole (shelves),Are there shelves? +COCOval2014000000101456,"A spacious kitchen with a large wooden table at the center, cluttered with an assortment of pots, pans, and cooking utensils. The table is surrounded by matching wooden chairs, and the walls are lined with shelves filled with spices and kitchenware. Sunlight streams in through a window, casting a warm glow on the array of cookware.",,9,1,entity,whole,entity - whole (spices),Are there spices? +COCOval2014000000101456,"A spacious kitchen with a large wooden table at the center, cluttered with an assortment of pots, pans, and cooking utensils. The table is surrounded by matching wooden chairs, and the walls are lined with shelves filled with spices and kitchenware. Sunlight streams in through a window, casting a warm glow on the array of cookware.",,10,1,entity,whole,entity - whole (kitchenware),Are there kitchenware? +COCOval2014000000101456,"A spacious kitchen with a large wooden table at the center, cluttered with an assortment of pots, pans, and cooking utensils. The table is surrounded by matching wooden chairs, and the walls are lined with shelves filled with spices and kitchenware. Sunlight streams in through a window, casting a warm glow on the array of cookware.",,11,1,entity,whole,entity - whole (sunlight),Is there sunlight? +COCOval2014000000101456,"A spacious kitchen with a large wooden table at the center, cluttered with an assortment of pots, pans, and cooking utensils. The table is surrounded by matching wooden chairs, and the walls are lined with shelves filled with spices and kitchenware. Sunlight streams in through a window, casting a warm glow on the array of cookware.",,12,1,entity,whole,entity - whole (window),Is there a window? +COCOval2014000000101456,"A spacious kitchen with a large wooden table at the center, cluttered with an assortment of pots, pans, and cooking utensils. The table is surrounded by matching wooden chairs, and the walls are lined with shelves filled with spices and kitchenware. Sunlight streams in through a window, casting a warm glow on the array of cookware.",,13,3,entity,whole,entity - whole (cookware),Is there cookware? +COCOval2014000000101456,"A spacious kitchen with a large wooden table at the center, cluttered with an assortment of pots, pans, and cooking utensils. The table is surrounded by matching wooden chairs, and the walls are lined with shelves filled with spices and kitchenware. Sunlight streams in through a window, casting a warm glow on the array of cookware.",,14,1,attribute,size,"attribute - size (kitchen, spacious)",Is the kitchen spacious? +COCOval2014000000101456,"A spacious kitchen with a large wooden table at the center, cluttered with an assortment of pots, pans, and cooking utensils. The table is surrounded by matching wooden chairs, and the walls are lined with shelves filled with spices and kitchenware. Sunlight streams in through a window, casting a warm glow on the array of cookware.",,15,2,attribute,size,"attribute - size (table, large)",Is the table large? +COCOval2014000000101456,"A spacious kitchen with a large wooden table at the center, cluttered with an assortment of pots, pans, and cooking utensils. The table is surrounded by matching wooden chairs, and the walls are lined with shelves filled with spices and kitchenware. Sunlight streams in through a window, casting a warm glow on the array of cookware.",,16,2,attribute,texture,"attribute - texture (table, wooden)",Is the table wooden? +COCOval2014000000101456,"A spacious kitchen with a large wooden table at the center, cluttered with an assortment of pots, pans, and cooking utensils. The table is surrounded by matching wooden chairs, and the walls are lined with shelves filled with spices and kitchenware. Sunlight streams in through a window, casting a warm glow on the array of cookware.",,17,6,attribute,texture,"attribute - texture (chairs, wooden)",Are the chairs wooden? +COCOval2014000000101456,"A spacious kitchen with a large wooden table at the center, cluttered with an assortment of pots, pans, and cooking utensils. The table is surrounded by matching wooden chairs, and the walls are lined with shelves filled with spices and kitchenware. Sunlight streams in through a window, casting a warm glow on the array of cookware.",,18,7,attribute,texture,"attribute - texture (walls, lined)",Are the walls lined? +COCOval2014000000101456,"A spacious kitchen with a large wooden table at the center, cluttered with an assortment of pots, pans, and cooking utensils. The table is surrounded by matching wooden chairs, and the walls are lined with shelves filled with spices and kitchenware. Sunlight streams in through a window, casting a warm glow on the array of cookware.",,19,7,attribute,texture,"attribute - texture (shelves, filled)",Are the shelves filled? +COCOval2014000000101456,"A spacious kitchen with a large wooden table at the center, cluttered with an assortment of pots, pans, and cooking utensils. The table is surrounded by matching wooden chairs, and the walls are lined with shelves filled with spices and kitchenware. Sunlight streams in through a window, casting a warm glow on the array of cookware.",,20,13,attribute,texture,"attribute - texture (cookware, array)",Is the cookware arrayed? +COCOval2014000000101456,"A spacious kitchen with a large wooden table at the center, cluttered with an assortment of pots, pans, and cooking utensils. The table is surrounded by matching wooden chairs, and the walls are lined with shelves filled with spices and kitchenware. Sunlight streams in through a window, casting a warm glow on the array of cookware.",,21,11,attribute,texture,"attribute - texture (sunlight, warm glow)",Is the sunlight casting a warm glow? +COCOval2014000000101456,"A spacious kitchen with a large wooden table at the center, cluttered with an assortment of pots, pans, and cooking utensils. The table is surrounded by matching wooden chairs, and the walls are lined with shelves filled with spices and kitchenware. Sunlight streams in through a window, casting a warm glow on the array of cookware.",,22,"1,2",relation,spatial,"relation - spatial (table, kitchen, at the center)",Is the table at the center of the kitchen? +COCOval2014000000101456,"A spacious kitchen with a large wooden table at the center, cluttered with an assortment of pots, pans, and cooking utensils. The table is surrounded by matching wooden chairs, and the walls are lined with shelves filled with spices and kitchenware. Sunlight streams in through a window, casting a warm glow on the array of cookware.",,23,"2,6",relation,spatial,"relation - spatial (table, chairs, surrounded by)",Are the chairs surrounding the table? +COCOval2014000000101456,"A spacious kitchen with a large wooden table at the center, cluttered with an assortment of pots, pans, and cooking utensils. The table is surrounded by matching wooden chairs, and the walls are lined with shelves filled with spices and kitchenware. Sunlight streams in through a window, casting a warm glow on the array of cookware.",,24,"7,8",relation,spatial,"relation - spatial (walls, shelves, lined with)",Are the walls lined with shelves? +COCOval2014000000101456,"A spacious kitchen with a large wooden table at the center, cluttered with an assortment of pots, pans, and cooking utensils. The table is surrounded by matching wooden chairs, and the walls are lined with shelves filled with spices and kitchenware. Sunlight streams in through a window, casting a warm glow on the array of cookware.",,25,"11,12",relation,spatial,"relation - spatial (sunlight, window, streams in)",Is the sunlight streaming in through the window? +COCOval2014000000101456,"A spacious kitchen with a large wooden table at the center, cluttered with an assortment of pots, pans, and cooking utensils. The table is surrounded by matching wooden chairs, and the walls are lined with shelves filled with spices and kitchenware. Sunlight streams in through a window, casting a warm glow on the array of cookware.",,26,"11,13",relation,spatial,"relation - spatial (sunlight, cookware, casting on)",Is the sunlight casting a warm glow on the cookware? +COCOval2014000000516248,"An office desk with a sleek, modern computer monitor that dominates the space. To the right, a hand is poised over a wireless mouse, guiding the cursor across the screen. The desk surface is clean except for a few essential items like a keyboard, a notepad, and a cup of pens beside the computer setup.",,1,0,entity,whole,entity - whole (office desk),Is there an office desk? +COCOval2014000000516248,"An office desk with a sleek, modern computer monitor that dominates the space. To the right, a hand is poised over a wireless mouse, guiding the cursor across the screen. The desk surface is clean except for a few essential items like a keyboard, a notepad, and a cup of pens beside the computer setup.",,2,1,entity,whole,entity - whole (computer monitor),Is there a computer monitor? +COCOval2014000000516248,"An office desk with a sleek, modern computer monitor that dominates the space. To the right, a hand is poised over a wireless mouse, guiding the cursor across the screen. The desk surface is clean except for a few essential items like a keyboard, a notepad, and a cup of pens beside the computer setup.",,3,0,entity,whole,entity - whole (hand),Is there a hand? +COCOval2014000000516248,"An office desk with a sleek, modern computer monitor that dominates the space. To the right, a hand is poised over a wireless mouse, guiding the cursor across the screen. The desk surface is clean except for a few essential items like a keyboard, a notepad, and a cup of pens beside the computer setup.",,4,0,entity,whole,entity - whole (wireless mouse),Is there a wireless mouse? +COCOval2014000000516248,"An office desk with a sleek, modern computer monitor that dominates the space. To the right, a hand is poised over a wireless mouse, guiding the cursor across the screen. The desk surface is clean except for a few essential items like a keyboard, a notepad, and a cup of pens beside the computer setup.",,5,0,entity,whole,entity - whole (cursor),Is there a cursor? +COCOval2014000000516248,"An office desk with a sleek, modern computer monitor that dominates the space. To the right, a hand is poised over a wireless mouse, guiding the cursor across the screen. The desk surface is clean except for a few essential items like a keyboard, a notepad, and a cup of pens beside the computer setup.",,6,1,entity,whole,entity - whole (desk surface),Is there a desk surface? +COCOval2014000000516248,"An office desk with a sleek, modern computer monitor that dominates the space. To the right, a hand is poised over a wireless mouse, guiding the cursor across the screen. The desk surface is clean except for a few essential items like a keyboard, a notepad, and a cup of pens beside the computer setup.",,7,0,entity,whole,entity - whole (keyboard),Is there a keyboard? +COCOval2014000000516248,"An office desk with a sleek, modern computer monitor that dominates the space. To the right, a hand is poised over a wireless mouse, guiding the cursor across the screen. The desk surface is clean except for a few essential items like a keyboard, a notepad, and a cup of pens beside the computer setup.",,8,0,entity,whole,entity - whole (notepad),Is there a notepad? +COCOval2014000000516248,"An office desk with a sleek, modern computer monitor that dominates the space. To the right, a hand is poised over a wireless mouse, guiding the cursor across the screen. The desk surface is clean except for a few essential items like a keyboard, a notepad, and a cup of pens beside the computer setup.",,9,0,entity,whole,entity - whole (cup of pens),Is there a cup of pens? +COCOval2014000000516248,"An office desk with a sleek, modern computer monitor that dominates the space. To the right, a hand is poised over a wireless mouse, guiding the cursor across the screen. The desk surface is clean except for a few essential items like a keyboard, a notepad, and a cup of pens beside the computer setup.",,10,2,attribute,other,"attribute - other (computer monitor, sleek, modern)",Is the computer monitor sleek and modern? +COCOval2014000000516248,"An office desk with a sleek, modern computer monitor that dominates the space. To the right, a hand is poised over a wireless mouse, guiding the cursor across the screen. The desk surface is clean except for a few essential items like a keyboard, a notepad, and a cup of pens beside the computer setup.",,11,5,attribute,other,"attribute - other (cursor, essential)",Is the cursor essential? +COCOval2014000000516248,"An office desk with a sleek, modern computer monitor that dominates the space. To the right, a hand is poised over a wireless mouse, guiding the cursor across the screen. The desk surface is clean except for a few essential items like a keyboard, a notepad, and a cup of pens beside the computer setup.",,12,8,attribute,other,"attribute - other (keyboard, essential)",Is the keyboard essential? +COCOval2014000000516248,"An office desk with a sleek, modern computer monitor that dominates the space. To the right, a hand is poised over a wireless mouse, guiding the cursor across the screen. The desk surface is clean except for a few essential items like a keyboard, a notepad, and a cup of pens beside the computer setup.",,13,8,attribute,other,"attribute - other (notepad, essential)",Is the notepad essential? +COCOval2014000000516248,"An office desk with a sleek, modern computer monitor that dominates the space. To the right, a hand is poised over a wireless mouse, guiding the cursor across the screen. The desk surface is clean except for a few essential items like a keyboard, a notepad, and a cup of pens beside the computer setup.",,14,9,attribute,other,"attribute - other (cup of pens, essential)",Is the cup of pens essential? +COCOval2014000000516248,"An office desk with a sleek, modern computer monitor that dominates the space. To the right, a hand is poised over a wireless mouse, guiding the cursor across the screen. The desk surface is clean except for a few essential items like a keyboard, a notepad, and a cup of pens beside the computer setup.",,15,3,entity,state,"entity - state (hand, poised)",Is the hand poised? +COCOval2014000000516248,"An office desk with a sleek, modern computer monitor that dominates the space. To the right, a hand is poised over a wireless mouse, guiding the cursor across the screen. The desk surface is clean except for a few essential items like a keyboard, a notepad, and a cup of pens beside the computer setup.",,16,"1,6",relation,spatial,"relation - spatial (computer monitor, desk, dominate)",Does the computer monitor dominate the space on the desk? +COCOval2014000000516248,"An office desk with a sleek, modern computer monitor that dominates the space. To the right, a hand is poised over a wireless mouse, guiding the cursor across the screen. The desk surface is clean except for a few essential items like a keyboard, a notepad, and a cup of pens beside the computer setup.",,17,"3,4",relation,spatial,"relation - spatial (hand, wireless mouse, over)",Is the hand over the wireless mouse? +COCOval2014000000516248,"An office desk with a sleek, modern computer monitor that dominates the space. To the right, a hand is poised over a wireless mouse, guiding the cursor across the screen. The desk surface is clean except for a few essential items like a keyboard, a notepad, and a cup of pens beside the computer setup.",,18,"4,5",relation,spatial,"relation - spatial (wireless mouse, cursor, across)",Is the wireless mouse guiding the cursor across the screen? +COCOval2014000000516248,"An office desk with a sleek, modern computer monitor that dominates the space. To the right, a hand is poised over a wireless mouse, guiding the cursor across the screen. The desk surface is clean except for a few essential items like a keyboard, a notepad, and a cup of pens beside the computer setup.",,19,"7,6",relation,spatial,"relation - spatial (keyboard, desk surface, beside)",Is the keyboard beside the desk surface? +COCOval2014000000516248,"An office desk with a sleek, modern computer monitor that dominates the space. To the right, a hand is poised over a wireless mouse, guiding the cursor across the screen. The desk surface is clean except for a few essential items like a keyboard, a notepad, and a cup of pens beside the computer setup.",,20,"8,6",relation,spatial,"relation - spatial (notepad, desk surface, beside)",Is the notepad beside the desk surface? +COCOval2014000000516248,"An office desk with a sleek, modern computer monitor that dominates the space. To the right, a hand is poised over a wireless mouse, guiding the cursor across the screen. The desk surface is clean except for a few essential items like a keyboard, a notepad, and a cup of pens beside the computer setup.",,21,"9,6",relation,spatial,"relation - spatial (cup of pens, desk surface, beside)",Is the cup of pens beside the desk surface? +COCOval2014000000310532,"A pristine white bathroom featuring a freestanding tub adjacent to a matching white sink. The walls are adorned with minimalist decor and the floor is tiled in a subtle grey pattern. Natural light streams in, illuminating the chrome fixtures and clean lines of the bathroom's design.",,1,0,global,,global - (pristine white),Is the bathroom pristine white? +COCOval2014000000310532,"A pristine white bathroom featuring a freestanding tub adjacent to a matching white sink. The walls are adorned with minimalist decor and the floor is tiled in a subtle grey pattern. Natural light streams in, illuminating the chrome fixtures and clean lines of the bathroom's design.",,2,1,entity,whole,entity - whole (bathroom),Is there a bathroom? +COCOval2014000000310532,"A pristine white bathroom featuring a freestanding tub adjacent to a matching white sink. The walls are adorned with minimalist decor and the floor is tiled in a subtle grey pattern. Natural light streams in, illuminating the chrome fixtures and clean lines of the bathroom's design.",,3,2,entity,whole,entity - whole (tub),Is there a tub? +COCOval2014000000310532,"A pristine white bathroom featuring a freestanding tub adjacent to a matching white sink. The walls are adorned with minimalist decor and the floor is tiled in a subtle grey pattern. Natural light streams in, illuminating the chrome fixtures and clean lines of the bathroom's design.",,4,2,entity,whole,entity - whole (sink),Is there a sink? +COCOval2014000000310532,"A pristine white bathroom featuring a freestanding tub adjacent to a matching white sink. The walls are adorned with minimalist decor and the floor is tiled in a subtle grey pattern. Natural light streams in, illuminating the chrome fixtures and clean lines of the bathroom's design.",,5,3,attribute,color,"attribute - color (tub, white)",Is the tub white? +COCOval2014000000310532,"A pristine white bathroom featuring a freestanding tub adjacent to a matching white sink. The walls are adorned with minimalist decor and the floor is tiled in a subtle grey pattern. Natural light streams in, illuminating the chrome fixtures and clean lines of the bathroom's design.",,6,4,attribute,color,"attribute - color (sink, white)",Is the sink white? +COCOval2014000000310532,"A pristine white bathroom featuring a freestanding tub adjacent to a matching white sink. The walls are adorned with minimalist decor and the floor is tiled in a subtle grey pattern. Natural light streams in, illuminating the chrome fixtures and clean lines of the bathroom's design.",,7,2,attribute,color,"attribute - color (walls, minimalist decor)",Are the walls adorned with minimalist decor? +COCOval2014000000310532,"A pristine white bathroom featuring a freestanding tub adjacent to a matching white sink. The walls are adorned with minimalist decor and the floor is tiled in a subtle grey pattern. Natural light streams in, illuminating the chrome fixtures and clean lines of the bathroom's design.",,8,2,attribute,color,"attribute - color (floor, subtle grey)",Is the floor tiled in a subtle grey pattern? +COCOval2014000000310532,"A pristine white bathroom featuring a freestanding tub adjacent to a matching white sink. The walls are adorned with minimalist decor and the floor is tiled in a subtle grey pattern. Natural light streams in, illuminating the chrome fixtures and clean lines of the bathroom's design.",,9,2,attribute,texture,"attribute - texture (floor, tiled)",Is the floor tiled? +COCOval2014000000310532,"A pristine white bathroom featuring a freestanding tub adjacent to a matching white sink. The walls are adorned with minimalist decor and the floor is tiled in a subtle grey pattern. Natural light streams in, illuminating the chrome fixtures and clean lines of the bathroom's design.",,10,2,attribute,texture,"attribute - texture (chrome fixtures, shiny)",Are the chrome fixtures shiny? +COCOval2014000000310532,"A pristine white bathroom featuring a freestanding tub adjacent to a matching white sink. The walls are adorned with minimalist decor and the floor is tiled in a subtle grey pattern. Natural light streams in, illuminating the chrome fixtures and clean lines of the bathroom's design.",,11,2,entity,state,"entity - state (bathroom, clean)",Is the bathroom clean? +COCOval2014000000310532,"A pristine white bathroom featuring a freestanding tub adjacent to a matching white sink. The walls are adorned with minimalist decor and the floor is tiled in a subtle grey pattern. Natural light streams in, illuminating the chrome fixtures and clean lines of the bathroom's design.",,12,"3,4",relation,spatial,"relation - spatial (tub, sink, adjacent)",Is the tub adjacent to the sink? +COCOval2014000000310532,"A pristine white bathroom featuring a freestanding tub adjacent to a matching white sink. The walls are adorned with minimalist decor and the floor is tiled in a subtle grey pattern. Natural light streams in, illuminating the chrome fixtures and clean lines of the bathroom's design.",,13,"1,2",relation,spatial,"relation - spatial (natural light, bathroom, in)",Is there natural light in the bathroom? +COCOval2014000000310532,"A pristine white bathroom featuring a freestanding tub adjacent to a matching white sink. The walls are adorned with minimalist decor and the floor is tiled in a subtle grey pattern. Natural light streams in, illuminating the chrome fixtures and clean lines of the bathroom's design.",,14,"1,2",relation,spatial,"relation - spatial (chrome fixtures, bathroom, in)",Are the chrome fixtures in the bathroom? +COCOval2014000000191919,"A pastoral scene unfolds with a herd of cows scattered across a lush green field, leisurely grazing under the open sky. The field is bordered by a simple wooden fence, and in the distance, a cluster of trees can be seen lining the horizon. The cows, with their varied brown and white patterns, appear content in their tranquil environment, occasionally lifting their heads to survey their peaceful surroundings.",,1,0,global,,global - (pastoral scene),Is there a pastoral scene? +COCOval2014000000191919,"A pastoral scene unfolds with a herd of cows scattered across a lush green field, leisurely grazing under the open sky. The field is bordered by a simple wooden fence, and in the distance, a cluster of trees can be seen lining the horizon. The cows, with their varied brown and white patterns, appear content in their tranquil environment, occasionally lifting their heads to survey their peaceful surroundings.",,2,0,entity,whole,entity - whole (cows),Are there cows? +COCOval2014000000191919,"A pastoral scene unfolds with a herd of cows scattered across a lush green field, leisurely grazing under the open sky. The field is bordered by a simple wooden fence, and in the distance, a cluster of trees can be seen lining the horizon. The cows, with their varied brown and white patterns, appear content in their tranquil environment, occasionally lifting their heads to survey their peaceful surroundings.",,3,0,entity,whole,entity - whole (field),Is there a field? +COCOval2014000000191919,"A pastoral scene unfolds with a herd of cows scattered across a lush green field, leisurely grazing under the open sky. The field is bordered by a simple wooden fence, and in the distance, a cluster of trees can be seen lining the horizon. The cows, with their varied brown and white patterns, appear content in their tranquil environment, occasionally lifting their heads to survey their peaceful surroundings.",,4,0,entity,whole,entity - whole (sky),Is there a sky? +COCOval2014000000191919,"A pastoral scene unfolds with a herd of cows scattered across a lush green field, leisurely grazing under the open sky. The field is bordered by a simple wooden fence, and in the distance, a cluster of trees can be seen lining the horizon. The cows, with their varied brown and white patterns, appear content in their tranquil environment, occasionally lifting their heads to survey their peaceful surroundings.",,5,0,entity,whole,entity - whole (fence),Is there a fence? +COCOval2014000000191919,"A pastoral scene unfolds with a herd of cows scattered across a lush green field, leisurely grazing under the open sky. The field is bordered by a simple wooden fence, and in the distance, a cluster of trees can be seen lining the horizon. The cows, with their varied brown and white patterns, appear content in their tranquil environment, occasionally lifting their heads to survey their peaceful surroundings.",,6,0,entity,whole,entity - whole (trees),Are there trees? +COCOval2014000000191919,"A pastoral scene unfolds with a herd of cows scattered across a lush green field, leisurely grazing under the open sky. The field is bordered by a simple wooden fence, and in the distance, a cluster of trees can be seen lining the horizon. The cows, with their varied brown and white patterns, appear content in their tranquil environment, occasionally lifting their heads to survey their peaceful surroundings.",,7,2,attribute,color,"attribute - color (cows, brown and white)",Are the cows brown and white? +COCOval2014000000191919,"A pastoral scene unfolds with a herd of cows scattered across a lush green field, leisurely grazing under the open sky. The field is bordered by a simple wooden fence, and in the distance, a cluster of trees can be seen lining the horizon. The cows, with their varied brown and white patterns, appear content in their tranquil environment, occasionally lifting their heads to survey their peaceful surroundings.",,8,3,attribute,texture,"attribute - texture (field, lush green)",Is the field lush green? +COCOval2014000000191919,"A pastoral scene unfolds with a herd of cows scattered across a lush green field, leisurely grazing under the open sky. The field is bordered by a simple wooden fence, and in the distance, a cluster of trees can be seen lining the horizon. The cows, with their varied brown and white patterns, appear content in their tranquil environment, occasionally lifting their heads to survey their peaceful surroundings.",,9,5,attribute,texture,"attribute - texture (fence, simple wooden)",Is the fence made of simple wood? +COCOval2014000000191919,"A pastoral scene unfolds with a herd of cows scattered across a lush green field, leisurely grazing under the open sky. The field is bordered by a simple wooden fence, and in the distance, a cluster of trees can be seen lining the horizon. The cows, with their varied brown and white patterns, appear content in their tranquil environment, occasionally lifting their heads to survey their peaceful surroundings.",,10,"2,3",relation,spatial,"relation - spatial (cows, field, scattered across)",Are the cows scattered across the field? +COCOval2014000000191919,"A pastoral scene unfolds with a herd of cows scattered across a lush green field, leisurely grazing under the open sky. The field is bordered by a simple wooden fence, and in the distance, a cluster of trees can be seen lining the horizon. The cows, with their varied brown and white patterns, appear content in their tranquil environment, occasionally lifting their heads to survey their peaceful surroundings.",,11,"2,3",relation,spatial,"relation - spatial (cows, field, leisurely grazing)",Are the cows leisurely grazing in the field? +COCOval2014000000191919,"A pastoral scene unfolds with a herd of cows scattered across a lush green field, leisurely grazing under the open sky. The field is bordered by a simple wooden fence, and in the distance, a cluster of trees can be seen lining the horizon. The cows, with their varied brown and white patterns, appear content in their tranquil environment, occasionally lifting their heads to survey their peaceful surroundings.",,12,"3,4",relation,spatial,"relation - spatial (field, sky, under)",Is the field under the sky? +COCOval2014000000191919,"A pastoral scene unfolds with a herd of cows scattered across a lush green field, leisurely grazing under the open sky. The field is bordered by a simple wooden fence, and in the distance, a cluster of trees can be seen lining the horizon. The cows, with their varied brown and white patterns, appear content in their tranquil environment, occasionally lifting their heads to survey their peaceful surroundings.",,13,"3,5",relation,spatial,"relation - spatial (field, fence, bordered by)",Is the field bordered by the fence? +COCOval2014000000191919,"A pastoral scene unfolds with a herd of cows scattered across a lush green field, leisurely grazing under the open sky. The field is bordered by a simple wooden fence, and in the distance, a cluster of trees can be seen lining the horizon. The cows, with their varied brown and white patterns, appear content in their tranquil environment, occasionally lifting their heads to survey their peaceful surroundings.",,14,"3,6",relation,spatial,"relation - spatial (field, trees, in the distance)",Are the trees in the distance? +COCOval2014000000191919,"A pastoral scene unfolds with a herd of cows scattered across a lush green field, leisurely grazing under the open sky. The field is bordered by a simple wooden fence, and in the distance, a cluster of trees can be seen lining the horizon. The cows, with their varied brown and white patterns, appear content in their tranquil environment, occasionally lifting their heads to survey their peaceful surroundings.",,15,"6,3",relation,spatial,"relation - spatial (trees, horizon, lining)",Are the trees lining the horizon? +COCOval2014000000191919,"A pastoral scene unfolds with a herd of cows scattered across a lush green field, leisurely grazing under the open sky. The field is bordered by a simple wooden fence, and in the distance, a cluster of trees can be seen lining the horizon. The cows, with their varied brown and white patterns, appear content in their tranquil environment, occasionally lifting their heads to survey their peaceful surroundings.",,16,2,entity,state,"entity - state (cows, content)",Are the cows content? +COCOval2014000000191919,"A pastoral scene unfolds with a herd of cows scattered across a lush green field, leisurely grazing under the open sky. The field is bordered by a simple wooden fence, and in the distance, a cluster of trees can be seen lining the horizon. The cows, with their varied brown and white patterns, appear content in their tranquil environment, occasionally lifting their heads to survey their peaceful surroundings.",,17,2,entity,state,"entity - state (cows, lift their heads)",Do the cows lift their heads? +COCOval2014000000191919,"A pastoral scene unfolds with a herd of cows scattered across a lush green field, leisurely grazing under the open sky. The field is bordered by a simple wooden fence, and in the distance, a cluster of trees can be seen lining the horizon. The cows, with their varied brown and white patterns, appear content in their tranquil environment, occasionally lifting their heads to survey their peaceful surroundings.",,18,2,entity,state,"entity - state (cows, survey their surroundings)",Do the cows survey their surroundings? \ No newline at end of file diff --git a/univa/eval/dpgbench/eval_prompts/dpgbench_prompts.json b/univa/eval/dpgbench/eval_prompts/dpgbench_prompts.json new file mode 100644 index 0000000000000000000000000000000000000000..ac4d222f4490fc73f623627002ca7fbd7f2780f8 --- /dev/null +++ b/univa/eval/dpgbench/eval_prompts/dpgbench_prompts.json @@ -0,0 +1,1067 @@ +{ + "226.txt": "On a worn-out stretch of city pavement, a bent, brown cigar lies discarded, its rough texture contrasting against the dull gray concrete. Nearby, a rust-covered key with intricate grooves rests haphazardly, hinting at long-forgotten locks and doors. The pavement's surface is littered with small pebbles and debris, telling tales of the bustling urban life that treads over it each day.", + "partiprompts155.txt": "A detailed oil painting captures the intricate fur of a young badger as it gently sniffs at a bright yellow rose. The scene is set against the rough texture of a large tree trunk, with the badger's claws slightly digging into the bark. In the softly painted background, a tranquil waterfall cascades down, its waters a shimmering blue amidst the greenery.", + "partiprompts17.txt": "An altered image of the Space Shuttle Endeavor, its exterior painted a bright yellow, as it soars high above the Earth's atmosphere. The vast expanse of South America is prominently visible below, with the deep blue of the surrounding ocean contrasting against the yellow of the shuttle. The curvature of the Earth can be seen at the edges of the photo, highlighting the shuttle's altitude.", + "vrd19.txt": "A person stands on a bustling city street, gazing ahead with a contemplative expression, dressed in a striped shirt with sleeves rolled up to the elbows. To their left and right, a row of identical metallic chairs is arranged neatly in a line, with one chair adjacent to the person. The shiny surface of the chairs reflects the sunlight, hinting at their smooth texture. Above the street, a bright-colored ball is suspended in mid-air, adding a playful contrast against the gray urban backdrop.", + "66.txt": "An antique rickshaw with chipped and faded red paint stands solemnly under the vast expanse of an early morning sky tinged with the soft hues of dawn. The worn seat, hinting at many years of service, looks out over an empty cobblestone street that hints at the day's quiet beginning. Rustic details of the rickshaw's metalwork become more apparent in the gentle morning light, indicating its rich history and the countless stories it could tell.", + "230.txt": "The dresser is adorned with a vibrant pink lipstick tube that stands out against the dark wood finish. Beside it, two necklaces with glittering pendants capture the waning light of the evening, each sparkle enhancing the jewelry's intricate details. The necklaces are elegantly draped over a small stand, creating a luxurious display on the otherwise unadorned surface of the dresser.", + "COCOval2014000000406315.txt": "A playful scene unfolds in a spacious room where a young boy with a mischievous grin is climbing into a large, open suitcase. The suitcase lies on a soft carpet, surrounded by toys and clothes scattered about. The boy seems to be attempting a game of hide-and-seek, tucking himself into the suitcase with a look of anticipation.", + "posescript0.txt": "You are balancing on your right foot, your left leg is raised and bent at the knee, which is now elevated above your waist level. Your body is turned towards the left, and you're gracefully leaning back, creating a slight arch in your spine. Your right arm is bent at the elbow, with your hand extended forward, hovering just in front of your chest, as if reaching for something just out of grasp. The position appears to be a dynamic, possibly yoga-inspired pose, illustrating both strength and flexibility.", + "countbench22.txt": "A digital vector illustration depicting a serene winter scene with six tall spruce trees silhouetted in black. The trees are set against a crisp white background that is dotted with an array of delicate, intricate snowflakes, varying in size and design. This image conveys the stillness and beauty of a snowy landscape without any other elements to distract from the stark contrast between the dark evergreens and the wintry backdrop.", + "stanford34.txt": "A beach scene captures a man, clad in blue and white striped swim shorts, standing barefoot on the warm, golden sand. To his side, a playful black and white dog, with its gaze fixed on an object in the sky, waits in anticipation. Suspended in the air above them is a spinning white frisbee, creating a dynamic moment of play and excitement just off the coast, where the gentle waves lap at the shore.", + "partiprompts4.txt": "A towering Gundam robot, painted in a striking combination of white, blue, and red, stands with its gleaming sword raised high against the backdrop of a sprawling metropolis. The cityscape features an array of tall, glass skyscrapers that reflect the fading light of the sunset. Beyond the urban expanse, a majestic mountain range looms, leading to the tranquil expanse of the ocean, while above, a dark, ominous moon dominates the twilight sky. The entire scene is rendered in a vivid, high-contrast style reminiscent of a detailed anime illustration.", + "295.txt": "In a spacious room, three brown wooden coffee tables of varying sizes stand upon a large, ornate red carpet with intricate patterns. The tables are arranged in a semicircular fashion, supporting an array of decorative items including small potted plants and coasters. The plush texture of the carpet contrasts with the smooth, polished surface of the tables, creating a harmonious visual effect within the space.", + "partiprompts104.txt": "A young boy with a joyful expression is perched high on the shoulders of a woman dressed in a long, flowing red dress. The woman's dress has intricate lace detailing along the hem and sleeves, and she stands with poise and grace. The boy, wearing a striped shirt and denim shorts, wraps his small hands around the woman's forehead for balance as they share a moment of connection.", + "189.txt": "Under the warm glow of an overhead light, a shiny chrome showerhead is poised above a pristine white bathtub with clawed feet. The porcelain surface of the tub is speckled with droplets of water, ready to embrace the evening's tranquility. To the side of the bathtub, an assortment of lavender-scented bath products and fluffy towels are neatly arranged, hinting at the luxurious bath time ritual that awaits.", + "whoops4.txt": "A striking orca whale is seen gliding through the blue waters of the Nile River, its black and white pattern contrasting vividly against the river's hues. In the background, the ancient silhouette of an Egyptian pyramid looms, its sandy beige stones bathed in the sunlight. The surface of the water ripples lightly as the majestic creature navigates the unusual setting, with palm trees and desert landscapes visible on the riverbanks.", + "whoops11.txt": "In the renowned portrait, the subject, known as the Girl with a Pearl Earring, is actually adorned with a pearl drop earring rather than a golden hoop. The soft texture of her pale skin contrasts with the dark, liquid-like background, while her blue and gold turban adds a touch of vibrant color to the composition. Light gently caresses her face, highlighting the luminescent pearl that gracefully hangs from her earlobe.", + "COCOval2014000000410889.txt": "A freshly baked pizza sits on a wooden table, its crust golden and edges slightly charred. The top is generously adorned with a variety of colorful toppings, including slices of pepperoni, chunks of bell pepper, and melted cheese. A sprinkling of fresh basil leaves adds a touch of green to the vibrant dish.", + "COCOval2014000000398222.txt": "A spacious dining room filled with a large table set for a feast, surrounded by guests engaged in lively conversation. The table is adorned with fine china, gleaming silverware, and an array of colorful dishes ready to be enjoyed. Soft lighting casts a warm glow over the scene, highlighting the faces of the many attendees who have come together to enjoy the dinner party.", + "209.txt": "In the soft glow of the waning daylight that filters through the window of an old-fashioned boutique, a tie with a classic diamond pattern rests elegantly on top of a pair of well-used skater sneakers. The sneakers exhibit a history of adventures in their scuffed edges and faded canvas. Set against a backdrop of antique furnishings and eclectic trinkets, the tie's smooth texture contrasts with the rough fabric of the shoes.", + "whoops28.txt": "A baffling scene where smoke is inexplicably wafting from the filter end of a cigarette between a person's fingers, rather than the lit end. The cigarette is resting in an ashtray that's placed on a round, glass-topped table. Stray ashes can be seen scattered around the ashtray, highlighting the peculiarity of the situation.", + "139.txt": "a pyramid-shaped tablet made of a smooth, matte grey stone stands in the foreground, its sharp edges contrasting with the wild, verdant foliage of the surrounding jungle. nearby, a crescent-shaped swing hangs from a sturdy tree branch, crafted from a polished golden wood that glimmers slightly under the dappled sunlight filtering through the dense canopy above. the swing's smooth surface and gentle curve invite a sense of calm amidst the lush greenery.", + "112.txt": "Scattered across the polished hardwood floor, five vibrantly yellow cobs of corn lie in a haphazard formation, untouched and contrasting with the dark grain of the wood. Nearby, a mop with a wooden handle rests against a light grey wall, its stringy head soaked and discolored from use. The room is illuminated by the subdued, monochrome light of early morning, casting soft shadows across the cobs and the floor.", + "partiprompts51.txt": "a golden-brown roast turkey being carefully taken out of a stainless steel oven by someone wearing oven mitts. the kitchen is filled with the aroma of the cooked turkey, and the counter nearby is set with various dishes and utensils needed for the meal preparation. the oven light casts a warm glow on the surrounding cream-colored kitchen tiles and the dark granite countertop.", + "10.txt": "On a rustic wooden table, three ripe eggplants with a glossy royal purple skin are carefully arranged in a neat row. Their plump, oblong shapes complement the table's textured surface, and they cast soft shadows in the warm, ambient light. Nearby, the woven pattern of a tan-colored napkin peeks out from beneath the vibrant, richly colored vegetables.", + "169.txt": "A white radiator, attached to a pale yellow wall with a faint floral wallpaper border, radiates warmth and gently increases the temperature of the room. Near the radiator, a black analog scale sits idle on the bathroom's tiled floor, marked with white and gray hexagonal patterns. The scale stands alone, surrounded by the room's muted colors and simple decor, its needle motionless, poised for the next reading.", + "partiprompts116.txt": "A tall man with dark hair, wearing a gray suit and sunglasses, is carefully stooping down to enter a sleek, low-profile red sports car. The car's glossy paint reflects the sunlight, highlighting its aerodynamic design. The vehicle is parked on a clean, concrete driveway beside a neatly trimmed lawn.", + "COCOval2014000000319830.txt": "An individual stands at the water's edge, a fishing rod in hand, poised and focused on the task at hand. The bank is lined with reeds and rocks, providing a natural habitat for the fish. In the distance, the gentle flow of the water creates a serene backdrop for this tranquil fishing scene.", + "stanford24.txt": "An antique typewriter with prominent round keys that protrude upwards, indicative of its vintage design, is displayed on a sturdy wooden table. The typewriter's deep black hue contrasts with the stark white labeling on each button, offering a classic, monochromatic aesthetic. Around the typewriter, the wooden table shows signs of use, adding to the object's historical character.", + "whoops37.txt": "a triangular yellow road sign with a black border and image of a dinosaur, signaling an area known for dinosaur crossings. it stands firmly alongside the road amidst tall green grass, with a dense forest in the background. the sign is noticeable to drivers who pass by this scenic route, drawing attention with its unique warning.", + "121.txt": "A rustic, vintage wooden desk sitting in the corner of an antique store, its surface aged to a warm honey color. Upon the desk lies a silver flute, its polished surface gently reflecting the soft, golden light from the late afternoon sun streaming through a nearby window. Behind the flute, an array of eclectic cleaning products, from old-fashioned feather dusters to vintage glass bottles, is artfully arranged, adding to the charm of the setting. These items catch the sunlight in a way that casts an array of subtle shadows and highlights across the desk's surface.", + "posescript15.txt": "A humanoid robot toy is positioned in a dynamic stance on a smooth, gray concrete floor. Its legs are angled with its toy feet firmly pointing towards the ground and its knees subtly bent forward, creating an impression of being ready to spring into action. The torso of the toy remains erect, with its head oriented straight ahead as if surveying the horizon, while its arms are bent and held slightly away from its body, the right arm retracted a fraction more than the left, giving a sense of asymmetrical balance to the overall posture.", + "partiprompts73.txt": "A striking yin-yang symbol where the traditional circles are replaced by the fierce heads of a tiger, one black and one orange. The symbol is set against a plain background that accentuates its bold colors and intricate details. The tiger heads are detailed with stripes that seamlessly blend into the swirling design of the yin-yang.", + "diffusiondb2.txt": "An intricate character sheet showcasing a demogorgon design, with artistic influences drawn from creators like Moebius, Greg Rutkowski, Zabrocki, Karlkka, and Jayison Devadas. The concept art, detailed and rich in texture, is vividly rendered in an 8K resolution and features a zenith view, capturing the monstrosity of the creature. The unique pincushion lens effect enhances the ultra-wide angle perspective, making the demogorgon appear even more imposing. This piece is currently trending on Artstation, highlighting the artistic community’s appreciation for Phuoc Quan’s distinctive style.", + "264.txt": "A small, teardrop-shaped candle with a pale blue hue graces the surface of a large, cubic storage box. The box itself features a textured, glossy white finish and sits squarely in the corner of a room. To the side of the box, there's a stack of neatly folded towels in varying shades of beige and cream.", + "partiprompts118.txt": "a collection of individuals clad in bright ski gear against the contrasting backdrop of a vast beige sand dune. Each person is equipped with skis and poles, ready to ascend the gentle slope of the dune under a clear blue sky. Their colorful attire stands out vividly against the monochrome landscape of sand.", + "partiprompts289.txt": "An exquisite mahogany chair with intricate carvings stands prominently in the room. The chair features a high back with elaborate designs and a plush red cushion that provides a stark contrast to the dark wood. Its legs are elegantly curved, adding to the overall sophistication of the piece. The texture of the cushion looks soft and inviting, beckoning one to sit and enjoy the comfort it offers.", + "149.txt": "A quaint Parisian bistro table, with an ornate metal base, sits on a cobbled street, its surface hosting a classic French kettle with an elegant, sweeping curvilinear profile and a glossy finish that catches the sunlight. Next to it lies a soft, felt French beret, in a deep shade of navy blue, adding a touch of artistic flair to the setting. The backdrop is a bustling Paris afternoon, with the silhouette of the Eiffel Tower looming in the distance, framed by the vibrant green leaves of trees lining the avenue.", + "COCOval2014000000367228.txt": "A youthful individual is engaged in flying a colorful kite in a spacious grassy field adjacent to a calm body of water. The sky above is clear, allowing the kite to ascend steadily on the gentle breeze. In the background, the water's edge is lined with reeds and small bushes, complementing the serene outdoor activity.", + "countbench2.txt": "The sky is adorned with the impressive formation of four sleek Blades aircraft, each painted in vibrant hues of red and white, with their contrails presenting a mesmerizing spectacle as they perform 26 consecutive loops, an endeavor set to break a world record. Mike Newman, who is visually impaired, daringly executed the initial loop with commendable skill before his co-pilot seamlessly assumed control for the remainder of the gravity-defying feat. Onlookers on the ground watch in awe as these agile planes carve perfect circles in the azure canvas above, their engines humming in harmonious unison.", + "midjourney35.txt": "A picturesque scene that is reminiscent of the Hudson River School style, with a whimsical twist incorporating dessert-themed elements. The river of rich, flowing chocolate curves through the landscape, while mountains in the distance resemble scoops of different ice cream flavors. Fluffy, pink cotton candy trees dot the banks of the river, adding a sweet playfulness to the traditional pastoral setting.", + "150.txt": "In a dimly lit room during twilight, a sleek, white toothbrush with angular bristles rests against the curvature of a modern, black computer monitor. The soft glow of the screen illuminates the bristles, casting long shadows on the desk. Nearby, the monitor's base reflects a faint shimmer, hinting at the gradual transition from day to night outside the window.", + "33.txt": "Golden, crispy French fries are strewn across a bustling kitchen counter, which is topped with a speckled granite surface. Amid a flurry of midday meal preparations, the scattered fries mingle with an array of ingredients and kitchen tools. Just beside the clutter, a stainless steel fryer continues to bubble away with the promise of more golden treats to come.", + "116.txt": "In the fading light of late afternoon, a scene unfolds in the autumn park, where a pair of worn brown boots stands firm upon a bed of fallen orange leaves. Attached to these boots are two vibrant blue balloons, gently swaying in the cool breeze. The balloons cast soft shadows on the ground, nestled among the trees with their leaves transitioning to auburn hues. Nearby, a wooden bench sits empty, inviting passersby to witness the quiet juxtaposition of the still footwear and the dancing balloons.", + "posescript29.txt": "An individual is seated on a smooth, light-colored floor with a relaxed posture, hands lifted in the air, palms facing upwards. Their head is tilted back, eyes likely gazing towards the ceiling, while their legs extend forward, creating a subtle V-shape with a small gap between the feet. The surrounding space appears calm and uncluttered, allowing the person's posture to stand out in the environment.", + "partiprompts146.txt": "A whimsical scene featuring a large red dragon, its scales glistening with a fiery hue, donned in a sleek black tuxedo with a crisp white shirt and a bow tie. The dragon is seated at a wooden table, intently focused on a chessboard where the pieces are intricately designed to resemble miniature robots, each with its own unique metallic finish. The game is set against a backdrop of a stone-walled room, with the dragon's tail casually draped over the edge of its chair.", + "partiprompts149.txt": "A fluffy white poodle, adorned with a red baseball cap, stands on its hind legs in front of a green chalkboard. In one paw, it holds a large, open dictionary, while the other paw is used to scrawl the word \"bonez\" in white chalk. The floor beneath the poodle is scattered with colorful pieces of chalk, and the room is filled with small wooden desks and chairs, suggesting a classroom setting.", + "271.txt": "In a room bathed in the warm glow of the late afternoon sun, a single large golden camera sits prominently on a desk. This camera, with its polished metallic finish, outshines and is notably bigger than the two smaller silver monitors positioned on either side of it. The edges of the monitors are reflecting the soft light, creating a contrast with the camera's shining surface.", + "localized11.txt": "The image displays a vibrant array of multicolored flowers and lush green leaves clustered at the lower section. In the bottom right corner, a small, round, terracotta pot peeks into the frame, providing a contrast to the natural elements. The floral bouquet features petals ranging from deep purples to bright yellows, with a variety of leaf shapes and sizes nestled amongst them.", + "drawtext38.txt": "a dense forest shrouded in darkness, illuminated only by a single light glowing faintly in the distance. the trees have thick, twisted trunks and are densely packed, their branches creating a canopy that shades the forest floor. clearly visible against this shadowy backdrop is the stark white text \"I've come to talk with you again,\" evoking a sense of solitude and mystery.", + "countbench13.txt": "An assortment of vibrant candies in various shapes and textures, each distinctly highlighted against a pristine white backdrop. The set features nine unique compositions, showcasing the candies from different angles and perspectives, allowing for the play of light and shadow to emphasize their colorful foreshortenings. Among the mix, glistening hard candies reflect the light, soft gummy treats exhibit their stretchy texture, and foil-wrapped chocolates add a metallic contrast to the collection.", + "partiprompts2.txt": "A high-resolution DSLR image captures a glossy Volkswagen van, its exterior artistically adorned with a vibrant mural depicting a bustling cityscape. Parked on a patch of lush green grass, the van serves as a backdrop to an unusual sight: a contented sloth, standing upright. The sloth is dressed in an eclectic ensemble consisting of a sleek leather jacket, a wide-brimmed cowboy hat, a traditional tartan kilt, and a neatly tied bowtie. In its clawed hands, it firmly grasps a wooden quarterstaff and an oversized, leather-bound book.", + "partiprompts97.txt": "An empty space where an invisible man would be, with a pair of horn-rimmed glasses seemingly floating in mid-air, and a pearl bead necklace draped in the space below them. In the space where his hands would be, a smartphone is held, as if being operated by the unseen figure. Around this curious scene, the room appears ordinary, with a couch and a coffee table nearby, upon which rests a scattering of magazines and a remote control.", + "partiprompts277.txt": "A striking piece of street art depicting a white robot with a vibrant red mohawk, painted against the rough texture of a red brick wall. The robot's eyes are detailed with a piercing blue, contrasting sharply with the warm tones of the bricks. Around the robot, the wall is adorned with various tags and smaller pieces of graffiti, adding to the urban tapestry of the scene.", + "259.txt": "As the first rays of the morning sun spill over the market, a glimmer catches the eye from beneath a stark white awning, where a series of five ornate, golden cosmetic mirrors are carefully arranged. Each mirror, varying in size from small handheld to large tabletop versions, reflects the vibrant hustle and bustle of the early market goers. The stands surrounding the mirrors boast an array of colors from the goods for sale, highlighting the diverse cultural tapestry of the community.", + "83.txt": "Three cows, a mix of white and brown patches, are lazily grazing in an expansive meadow under the soft glow of the afternoon sun. Before them, stands a large blackboard, planted firmly in the grass, creating a striking contrast with the surrounding lush greenery. Above them, a few wispy clouds are scattered in the otherwise clear blue sky.", + "stanford7.txt": "A man in a casual gray shirt and faded blue jeans is captured mid-air above a sleek black skateboard, executing a skillful jump. To the side of him lies a large black skateboard ramp with visible scuff marks from frequent use. In the expansive blue sky overhead, a few wispy clouds drift lazily by, adding a sense of height to his aerial feat.", + "COCOval2014000000434657.txt": "a solitary surfer is riding a wave, his silhouette outlined against the ocean's expanse. the water around him is a gradient of blues, with white foam cresting at the wave's peak. in the distance, the shoreline is visible, hinting at a vast beach beyond.", + "118.txt": "A tranquil scene where two brown, fibrous coconuts rest on the lush green grass beside a solitary deer, which is lying down, taking a respite. The deer has a rich, brown coat with white spots and appears to be at ease in the natural surroundings. In the background, a few trees with verdant leaves provide a quiet backdrop to this peaceful setting.", + "partiprompts74.txt": "a detailed pen-and-ink drawing that features a meticulously crosshatched sphere resting on a flat surface. The sphere has a prominent dark square etched onto its surface, creating a stark contrast with the rest of the shaded areas. The texture of the crosshatching gives the illusion of depth and dimension to the drawing.", + "partiprompts267.txt": "A towering robot with a head shaped like an oversized coffee cup looms over a city street, its metallic body reflecting the sunlight. One of its colossal feet is planted firmly on a crushed red sedan, crumpling the vehicle beneath its weight. The robot's arms, equipped with articulated joints, are poised as if ready for action, while around it, the street is scattered with debris from the chaos.", + "vrd20.txt": "A sleek silver laptop sits on a smooth wooden table, with its black keyboard visible. In front of the laptop lies a black optical mouse positioned neatly on a mouse pad. A piece of white paper, slightly crumpled, rests on the laptop's lower half, depicting a sketch of a person. The person in the drawing is shown wearing dark trousers. The table under the laptop also has faint scratches, hinting at frequent use.", + "253.txt": "An interior wall is fitted with four square-shaped power outlets, uniformly aligned in a horizontal row directly above a ruby red, round stool. The wall's paint is a soft cream color, creating a contrast with the vibrant red of the stool. The stool's smooth texture and glossy finish reflect the ambient light, emphasizing its bold hue in the otherwise neutral-toned room.", + "152.txt": "An array of bathroom essentials arranged neatly on a cool, gray marble countertop, consisting of a toothbrush holder, soap dispenser, and matching container, all with a metallic finish. To the side, a juicy, pink halved grapefruit rests on a delicate ceramic plate adorned with a subtle floral pattern. The toiletry set is thoughtfully placed to create an inviting and organized display next to the grapefruit.", + "partiprompts108.txt": "a focused woman wielding a heavy sledgehammer, poised to strike an intricately carved ice sculpture of a goose. The sculpture glistens in the light, showcasing its detailed wings and feathers, standing on a pedestal of snow. Around her, shards of ice are scattered across the ground, evidence of her previous strikes.", + "partiprompts245.txt": "a spacious room featuring a large painting of the Statue of Liberty prominently displayed on the main wall. Two modern chairs with sleek, silver frames and black cushions are positioned facing the artwork, creating a simple yet elegant seating area. The floor beneath is a polished hardwood, reflecting the soft light that filters into the room from a nearby window.", + "partiprompts103.txt": "a skilled barista in a white apron carefully pouring milk from a stainless steel pitcher into a white ceramic coffee cup. The milk swirls into the dark espresso, creating an intricate leaf pattern on the surface of the latte. The coffee cup sits on a saucer atop a polished wooden counter, surrounded by an array of coffee-making equipment.", + "170.txt": "Amidst the subtle lighting of a storefront display as dusk sets in, three striking neon green high heels captivate the attention of passersby. Each shoe features a sleek stiletto heel and is carefully arranged in a coordinated fashion, creating an eye-catching contrast against the shop's understated backdrop. Positioned off to one side, a mop with a silver, curved metal handle leans casually against the window, its presence adding an unexpected twist to the display's overall composition.", + "vrd38.txt": "A solitary figure stands on a sandy beach, shaded by a large red and white striped umbrella. The person is clad in bright yellow shorts and appears relaxed while under the protective cover of the umbrella. A silver metallic can lies on its side, partially buried in the sand, just a few steps away from the person's bare feet.", + "partiprompts211.txt": "A vibrant hot air balloon adorned with a colorful chameleon logo floats gracefully against a bright blue sky. The sun casts a warm glow on the scene, highlighting the balloon's rainbow hues and the fluffy white clouds that dot the horizon. Below the balloon, a patchwork of green fields and small houses can be seen from this aerial vantage point.", + "291.txt": "An aged crimson oven occupies the corner of a rustic kitchen, its window revealing the golden-brown crust of bread as it bakes within. Next to it, a towering, polished metallic spoon leans against a weathered brick wall, reflecting the soft kitchen light. Scattered nearby are a scattering of flour and a wooden rolling pin on a worn, marble countertop.", + "whoops25.txt": "El Castillo, a grand Mayan temple with steep stone steps and intricate carvings, rises majestically from the desert sands. The pyramid, predominantly gray with patches of lichen, dominates the arid landscape under a wide expanse of clear blue sky. Surrounding the temple, sparse desert vegetation and cacti provide a sharp contrast to the ancient structure's imposing presence.", + "269.txt": "On a marble countertop, three colorful cleaning product bottles are neatly arranged next to a stainless steel sink that glints under the gentle morning sunlight. The blue, green, and yellow bottles contrast with the cool metallic sheen of the sink and the light reflects softly off their smooth surfaces. Behind the sink, the wall is adorned with white subway tiles that add a touch of simplicity to the setting.", + "partiprompts58.txt": "A piece of golden-brown toast resting on a white ceramic plate, topped with bright yellow, freshly sliced mango. The mango slices are arranged in a fan-like pattern, and the plate sits on a light wooden table with a few crumbs scattered around. The texture of the toast contrasts with the soft, juicy mango pieces, creating an appetizing snack.", + "193.txt": "An aged wooden nightstand with an elegant finish stands beside a tall bed, supporting an oversized violin that stretches beyond its edges. The gentle evening light cascades through an adjacent window, casting a warm amber glow on the instrument's polished surface. Intricate details on the violin's body glimmer subtly, capturing the essence of its classical beauty.", + "partiprompts15.txt": "A towering statue of Abraham Lincoln, cast in a silvery-gray stone, is adorned with a gleaming, opaque astronaut's helmet that reflects the barren lunar landscape. The statue is positioned on the moon's surface, with its craters and dust visible around the base. In the dark sky above, the planet Earth looms large, a swirl of blue and white against the blackness of space.", + "4.txt": "On a smooth, beige desktop, four ballpoint pens with blue, black, silver, and red barrels are meticulously arranged at right angles to each other, creating a rectangular outline. In the center of this rectangle, five wooden pencils with freshly sharpened tips are placed with their erasers touching, forming a precise circle. The stark contrast between the rigid geometry of the pens and the soft curve of the pencils is evident upon the uniform background of the desk's surface.", + "243.txt": "Inside a peaceful home, the kitchen area features a stainless steel faucet, its sleek surface catching the light, towering just above a straw broom with bristles slightly frayed from use. The broom leans casually against a cream-colored wall, adjacent to the polished granite countertop that houses the sink and faucet. Around them, the kitchen is filled with other everyday utensils and appliances, creating a sense of domestic normalcy.", + "partiprompts296.txt": "A peculiar tree with a trunk that twists slightly as it rises stands in the center of a garden. Its branches are adorned with square-shaped, blue apples that hang amidst circular, bright yellow leaves. The contrast between the unconventional fruit and the vibrant foliage creates a striking visual against the backdrop of a clear sky.", + "partiprompts89.txt": "A vibrant blue wooden pyramid sits atop a glossy red plastic box, which appears sturdy and capable of supporting the weight of the pyramid. The box's surface is smooth, contrasting with the textured grain of the wooden pyramid. The objects are placed on a beige carpet, and the pyramid's sharp edges cast a slight shadow on the box, emphasizing their geometric shapes.", + "257.txt": "Amid the soft glow of twilight, a lone deer with a coat of warm brown and subtle spots stands still on the grassy bank of a tranquil lake. As it looks on, five geese with bright white feathers and orange beaks are captured in a moment of energetic flight, their wings beating in unison as they rise from the water's edge. The backdrop is painted with the serene surface of the lake, which reflects the blushing sky and the silhouettes of distant trees.", + "140.txt": "An outdoor setting illuminated by sunlight, showcasing three vibrantly red towels, meticulously folded and placed on a concrete surface. Beside this tidy arrangement, a sleek white scooter stands parked, its handlebar casting a slender shadow on the ground. The contrasting colors create a striking visual against the backdrop of a clear blue sky.", + "partiprompts308.txt": "a peculiar sight of a tree with vibrant yellow leaves, each leaf delicately edged with hints of autumnal orange. Among the branches hang unusual blue apples, their smooth surfaces reflecting the soft sunlight. The tree stands alone in a field, its roots sprawling across the rich, brown earth.", + "COCOval2014000000041572.txt": "A vintage black and white photograph captures a tense moment on a baseball field. In the foreground, a batter stands ready at home plate, his posture poised for the incoming pitch. On the mound, the pitcher is caught mid-windup, the baseball clutched tightly in his hand, with the rest of the players positioned strategically around the diamond.", + "partiprompts229.txt": "An old, rusty red pickup truck stands out with its white wheel rims, parked on a stretch of gravel road. The truck's paint is faded and peeling in places, revealing the passage of time on its body. In the truck bed, there's a collection of used tools and a couple of wooden crates, hinting at its utilitarian past.", + "partiprompts35.txt": "A dining table is laden with an array of Singaporean dishes, featuring a plate of fragrant chicken rice with golden-brown skin, a bowl of bak chor mee with minced meat and springy noodles, and a steaming bowl of spicy laksa with prawns and fish cakes. The tablecloth is a vibrant red, complementing the colorful dishes, and chopsticks rest beside each bowl. In the background, a pitcher of iced water and glasses are neatly arranged, ready for serving.", + "drawtext18.txt": "an animated image depicting a green turtle with a perplexed expression on its face. The turtle is standing upright on two legs and has a large, transparent thought bubble above its head, filled with the paradoxical question, 'what if there was no such thing as a thought bubble?' surrounding the turtle, there are simplistic drawings of grass and flowers, emphasizing the cartoonish nature of the image.", + "partiprompts222.txt": "a sleek red convertible sports car with its top down is navigating a sharp bend on a coastal road. the car's polished chrome rims catch the sunlight as it speeds along the asphalt, hugging the curve tightly. on the passenger side, the endless expanse of the ocean can be seen, with waves gently crashing against the rocky shore.", + "COCOval2014000000077222.txt": "a uniformed soldier kneeling down to meet the eye level of a group of young children. the children are gathered around with expressions of curiosity and excitement. the soldier's smile is warm and friendly as he extends his hand for a handshake or high-five.", + "partiprompts94.txt": "A surreal image capturing an astronaut in a white space suit, mounted on a chestnut brown horse amidst the dense greenery of a forest. The horse stands at the edge of a tranquil river, its surface adorned with floating water lilies. Sunlight filters through the canopy, casting dappled shadows on the scene.", + "partiprompts228.txt": "a sleek black Harley-Davidson motorcycle, its chrome accents gleaming in the light, adorned with an intricate flame decal in hues of red and orange. The motorcycle is parked on a smooth concrete surface, and its polished wheels reflect the surrounding environment. The handlebars are equipped with leather grips, and the seat is crafted from a rich, black leather that looks both comfortable and stylish.", + "partiprompts5.txt": "A whimsical scene captured in a portrait photo featuring a kangaroo donned in a vibrant orange hoodie and stylish blue sunglasses. The kangaroo stands confidently on the lush green grass, with the iconic Sydney Opera House forming an impressive backdrop. Clutched against its chest is a white sign with bold black letters that warmly proclaim \"Welcome Friends!\" to all who gaze upon the image.", + "partiprompts72.txt": "On a flat surface, there are two small, white circles positioned to the left side of a large, red triangle. The triangle is centrally placed on a bright green rectangular mat. The circles appear to be made of a smooth material, while the triangle has a slightly textured surface, creating a contrast in both color and texture.", + "261.txt": "A playful scene unfolds as a monkey with auburn fur cavorts amidst a trio of ducks on the bank of a tranquil pond. The setting sun bathes the area in a soft, golden glow, casting elongated shadows on the ground. Each duck, with its glossy feathers reflecting the light, pecks at the grass while the monkey's agile form is silhouetted against the amber sky.", + "COCOval2014000000367905.txt": "A man wearing a black rash guard is caught mid-fall from his surfboard amidst the ocean waves. The surfboard is visible, slightly tilted, indicating the loss of balance. The ocean around him is a deep blue, and the horizon can be seen in the distance with a clear sky overhead.", + "COCOval2014000000546965.txt": "A large transport truck with a two-tiered trailer loaded with multiple cars of different colors. The truck is parked on a wide, paved area, possibly a parking lot or a vehicle distribution center. Each car is securely fastened to the trailer, ready for delivery to their respective destinations.", + "partiprompts109.txt": "A woman with long, flowing black hair and rich, dark skin stands elegantly in a pristine white dress that cascades to the floor. The dress features delicate lace detailing along the hem and sleeves, adding a touch of sophistication. She is positioned near a large window with sheer curtains, which allows soft natural light to accentuate the contrast of her dress against her skin.", + "whoops2.txt": "A clear glass carafe is placed upside down on a smooth, wooden surface, with its contents defying gravity as they remain suspended within the vessel. The carafe has a slender neck and a broader base, showcasing a delicate curve. Sunlight filters through a nearby window, casting a luminous glow and creating a transparent shadow on the surface below the carafe.", + "diffusiondb29.txt": "a detailed and vividly colored painting by Edward Hopper that captures a group of mallgoths with pale complexions and dark, tattered clothing congregating in a dimly lit Hot Topic store. The scene is set against the backdrop of black and red shelves crammed with band merchandise and gothic accessories, while fluorescent lights cast an eerie glow over the scene. Each zombified figure appears to be engaged in conversation or browsing through the various items, creating a still yet dynamic tableau within the bustling environment of the mall.", + "partiprompts95.txt": "A detailed oil painting that captures the essence of a smiling businesswoman, her expression warm and inviting. She is depicted holding a sleek, modern cell phone in her right hand, which contrasts with the classical style of the artwork reminiscent of Rembrandt's technique. The rich, golden light highlights the textures of her suit and the soft curls in her hair, while the deep, warm background tones complement her confident stance.", + "249.txt": "A pristine white baseball with red stitching is captured mid-air, as it's forcefully struck against a backdrop of a dusky evening sky showing hues of orange and purple. Below, a geometrically intriguing hexagonal game board with multicolored spaces rests atop the dark wood of an antique desk. The elegant desk shows the patina of age and is intricately carved, lending a sense of history and dignity to the scene.", + "218.txt": "As the sun sets, casting a warm glow over the playground, a striking bright orange baseball bat lies half-buried in the sandy ground near the curved metal slide. The slide, painted in bold primary colors, forms a perfect arc that glistens with the residual daylight. Sparse footprints around the area hint at earlier games and laughter, now quiet in the evening's calm.", + "whoops7.txt": "A striking black bird with glossy feathers sits atop the vibrant orange petals of a Bird of Paradise flower. The unique flower is positioned in the midst of an arid desert landscape, with various cacti and sparse vegetation dotting the sandy ground. In the background, the sun casts a warm glow on the distant rolling dunes.", + "diffusiondb15.txt": "An awe-inspiring depiction of a gargantuan space squid, its tentacles wrapped tightly around a vividly colored planet, as it seems to consume the celestial body. The backdrop is a tapestry of outer space, scattered with twinkling stars and nebulous clouds, rendered in exquisite detail that highlights the surrealism of this cosmic horror. The artwork, suitable for an 8K resolution display, showcases the level of intricacy often celebrated on platforms like CGSociety, where digital fantasy artistry is pushed to the limits.", + "whoops21.txt": "A young child, no more than three years old, with a red sweater and mismatched socks, steps off the sidewalk onto a busy street with cars approaching. The child appears oblivious to the dangers, focused on a toy in hand. Around them, the traffic includes a bright yellow taxi and a blue sedan, both coming to a quick halt to avoid the child.", + "partiprompts110.txt": "A man and a woman are seated at a small round table with a checkered tablecloth. The man is enjoying a golden-brown glazed donut, while the woman delicately forks a piece of rich chocolate cake with a glossy icing. Between them is a vase with a single red rose, and in the background, a cream-colored wall is adorned with framed pictures.", + "posescript12.txt": "In a spacious room with a polished wooden floor, a person is captured in a dynamic pose, exhibiting an exaggerated stride. Their left leg is extended far in front, the foot planted firmly on the ground, while the right leg is stretched far behind. The right arm is bent at the elbow and directed downwards, while the left arm is held straight and swept backward. The individual's body leans heavily to the right, conveying a sense of motion and balance.", + "241.txt": "On a high exterior wall, two large white air conditioning units sit securely bracketed, their vents showing signs of weathering from constant exposure to the elements. Beside them, a rail mounted to the wall supports five sleek black hangers, their long forms casting faint shadows under the faint glow of the nearby street lamp. Above, the dark night sky stretches endlessly, with stars twinkling subtly far in the distance.", + "55.txt": "Two zebras, their black and white stripes creating a dizzying effect, are galloping side by side across the sprawling savanna, tinged golden by the sunlight. The texture of the grass appears rough and dry, a testament to the arid climate. Dust is being kicked up by their hooves, and in the background, sparse acacia trees punctuate the otherwise open landscape.", + "COCOval2014000000146190.txt": "a spacious green field under a clear blue sky, with a single figure standing in the center. The person is captured in mid-action, tossing a brightly colored frisbee with a focused expression. Around them, the grass sways gently, and in the distance, a line of trees can be seen marking the field's boundary.", + "58.txt": "On a stretch of sunlit sidewalk, three identical cylindrical blue parking meters stand in a neat line, each adorned with a digital display and coin slot. Their metallic surfaces gleam intermittently as pedestrians pass by, casting fleeting shadows along the paved walkway. Positioned uniformly, they oversee the adjacent parked cars, quietly awaiting the next round of patrons to deposit their change.", + "vrd4.txt": "A busy construction scene unfolds with a person clad in a high-visibility vest standing close to a large orange truck parked on the road. This individual is holding a heavy-duty bag, possibly filled with work tools, while positioned beside the truck's front end. The truck itself is equipped with a set of rugged wheels firmly planted on the pavement. Directly behind this truck, there's another of a similar make and model, creating a convoy-like arrangement. Traffic cones are arranged neatly around the primary truck, signaling ongoing work or a temporary hazard in the area.", + "partiprompts212.txt": "An old red pickup truck, its body covered in patches of rust, sits abandoned in an open field. The truck's white doors stand in stark contrast to the faded red paint, and the windshield is shattered, with spiderweb cracks running across the glass. The vehicle's bed is empty, and the tires are worn, hinting at many years of service and neglect.", + "54.txt": "In the gentle light of the early morning, three red stuffed animals—two teddy bears and a plush fox—are propped against a soft pastel-colored wall within a peaceful nursery room. The wall itself is painted in a gradient of pastel hues, creating a calming backdrop for the vibrant toys. The toys' plush fabric appears soft to the touch, and they sit closely together as if in a huddled group, providing a cheerful contrast to the subtle tones of the room. Nearby, a white wooden crib with delicate bedding completes the serene setting, signifying the presence of a young child's space.", + "COCOval2014000000103161.txt": "a white ceramic plate holding a simple meal consisting of a few roasted potatoes and an egg sandwich with a golden yolk peeking out. The plate is set upon a wooden dining table, accompanied by a fork and a knife lying beside it. The sandwich is made with toasted bread, adding a crunchy texture to the dish.", + "198.txt": "Amidst the golden hour's warm glow, a triumvirate of sturdy, vibrant orange carrots lies clustered together, their smooth surface catching the light, on an aged wooden picnic table with a history etched into its grain. Adjacent to these garden-fresh vegetables, two pristine wine glasses with a deep ruby-red brilliance stand side by side, seemingly in anticipation of a celebratory toast. The rustic table is positioned outdoors, where the sun's descending rays cast an amber tapestry over the scene, enhancing the natural beauty and rich colors of the food and drink assembled for an evening feast.", + "drawtext5.txt": "A metallic robot with a rounded head and drooping shoulders stands on a stainless steel assembly line designed for butter packaging. Surrounding the robot are tubs of spread, some of which have spilled onto the conveyor belt, causing a minor disruption. The robot's digital face displays a frown, and above it, a flashing red light signals a malfunction in the process. Large, cartoonish speech bubbles emerge from the robot, playfully emblazoned with the words, \"I can't believe it's not butter!\" in bold, white letters.", + "COCOval2014000000167696.txt": "a life-sized zebra sculpture positioned in the center of a well-manicured garden space. The garden is dotted with a variety of lush plants and flowers, providing a vibrant backdrop to the monochromatic statue. A gravel pathway winds around the garden, inviting visitors to view the sculpture from different angles.", + "diffusiondb1.txt": "In the digital artwork, Pinocchio and Geppetto are portrayed in exquisite detail, riding vintage bicycles along a cobblestone street, reminiscent of the early 20th century. Pinocchio's wooden texture is intricately rendered, with the grain of the wood and the joins of his limbs visible in ultra-high definition. Geppetto, beside him, is clothed in period-appropriate attire, his expression one of joy and concentration. The scene is crafted in 4K and 8K resolutions, boasting lifelike realism and clarity that highlights every nuance of the characters and setting. This vivid representation, popular among enthusiasts on Artstation, showcases a level of detail that elevates it to a piece of highly detailed digital art.", + "vrd12.txt": "A cheerful scene unfolds under a clear blue sky, where a group of people are enjoying a kite-flying session. One individual stands out, holding the strings of a brightly colored kite with geometric patterns, which dances just below the wisps of white clouds. Other individuals are scattered nearby, some with their own kites adding bursts of color to the sky. The kites soar and dip gracefully, with the warm breeze determining their aerial ballet. Overhead, the vast expanse of the sky serves as a canvas for this vibrant display, uniting the people in a shared moment of simple joy.", + "partiprompts70.txt": "a geometric pattern consisting of multiple squares, each progressively smaller and nested within the other. The outermost square is a bright yellow, with each subsequent square transitioning smoothly into a deeper shade of orange as they move inward. The squares are evenly spaced, creating a gradient effect that draws the eye toward the center, where the deepest hue of orange resides.", + "70.txt": "Two golden-brown spring rolls with a perfectly crispy texture sit invitingly on a woven bamboo mat. The setting sun casts a warm, orange hue over the scene, highlighting the glistening sheen of the freshly fried appetizers. Near the spring rolls, a small dish of dipping sauce reflects the sunset's glow, enticing one to indulge in the savory treat.", + "countbench39.txt": "A collection of images displaying a male nurse, each capturing different poses and facial expressions. He is dressed in a pristine white coat, which contrasts against the deep blue scrubs underneath. In one picture, he holds a stethoscope with a concentrated expression, while another shows him with a reassuring smile, offering a comforting presence. A clipboard is clutched in his hand in a third image, where his brow is furrowed in thought. The background features a clean, clinical setting with beige walls and medical equipment in view.", + "midjourney26.txt": "An expansive palace constructed from iridescent materials that shimmer with hues reminiscent of a vivid, Slime-like substance, majestically stands at the heart of a fantastical realm. Its towers twist skyward, defying conventional architecture with their organic, flowing forms. In the foreground, a field of exotic flowers blooms, each petal displaying an array of otherworldly colors that could have been plucked from a Lovecraftian spectrum, while overhead, a radiant sun bathes the surreal landscape in brilliant light.", + "partiprompts276.txt": "Long: Scattered across the dark wooden floor are long, jagged shards of a shattered mirror, each piece reflecting the intense, yellow eyes of a great horned owl perched nearby. The owl's feathers are a mix of deep browns and soft grays, and it sits stoically on the branch of an indoor plant. The room is dimly lit, casting a moody glow that enhances the sharpness of the mirror fragments and the piercing gaze of the owl.", + "vrd37.txt": "A cyclist wearing a dark jacket and a protective helmet is on an open road, astride a sleek bicycle with its wheels firmly planted on the asphalt. The bike's wheels, black with a reflective stripe, are in motion, indicating a journey in progress. The road ahead is clear, accompanied by the faint lines marking lanes, guiding the path for the traveler.", + "partiprompts59.txt": "A whimsical dessert creation, an orange jello molded into the shape of a small man, stands proudly on a white ceramic plate. The jello figure is translucent with a glossy sheen, capturing the light in its wobbly form. Around it, there are scattered mint leaves for decoration, providing a contrast to the vibrant orange color of the gelatin.", + "76.txt": "In a dimly lit bathroom with off-white tiles, there sits a wooden shelf against the wall, supporting five rolls of toilet paper arranged neatly side by side. Each roll is compact and untouched, displaying a uniform quilted texture. The shelf is positioned above a small waste bin, and to the side, a soft, pale blue towel hangs loosely.", + "COCOval2014000000360132.txt": "a tall giraffe standing next to a water hole, its long neck extended towards the lush leaves of an acacia tree. the tree's branches are just within reach of the giraffe's curious gaze. the scene is set in a sunlit savannah with the water hole reflecting the clear blue sky.", + "84.txt": "On a reflective metallic table, there is a brightly colored handbag featuring a floral pattern next to a freshly sliced avocado, its green flesh and brown pit providing a natural contrast to the industrial surface. The table is set for lunch, with silverware and a clear glass water bottle positioned neatly beside the avocado. The juxtaposition of the colorful fashion accessory and the rich texture of the avocado creates a striking visual amidst the midday meal setting.", + "137.txt": "Amidst the serene setting of a river bank, a single, bright rectangular bar of soap sits prominently on the rough, earthy terrain. Its surface gleams under the sunlight, contrasting with the natural surroundings. Several feet away, a curious black bear with a glossy coat cautiously approaches, nostrils flaring as it investigates the unfamiliar scent. The dense evergreen forest that lines the river's edge creates a lush, green backdrop to this unusual encounter.", + "partiprompts57.txt": "A close-up image of a ceramic plate filled with a colorful assortment of food, including slices of grilled chicken, a mix of steamed vegetables, and a scoop of mashed potatoes garnished with a sprig of parsley. The plate is set on a dark wooden dining table, and beside it lies a set of silverware wrapped neatly in a cloth napkin. The food is arranged in an appetizing display, showcasing a variety of textures from the crisp vegetables to the creamy potatoes.", + "drawtext4.txt": "A vibrant, wide-angle studio shot capturing oversized, three-dimensional letters spelling out \"colorful\". Each letter is meticulously crafted from an assortment of fuzzy spheres, varying in size and hues, giving the text a rich, tactile appeal. These chunky elements are perfectly aligned in the center of a square canvas, creating a dynamic and visually engaging composition.", + "partiprompts161.txt": "a detailed oil painting that captures the essence of an elderly raccoon adorned with a distinguished black top hat. The raccoon's fur is depicted with textured, swirling strokes reminiscent of Van Gogh's signature style, and it clutches a bright red apple in its paws. The background swirls with vibrant colors, giving the impression of movement around the still figure of the raccoon.", + "98.txt": "On a polished wooden table, a small circular red earphone rests, its size notably less than that of the rectangular-shaped green tape dispenser placed beside it. The table surface reflects the soft glow of the morning light, accentuating the smooth texture of the earphone's surface and the matte finish of the green tape dispenser. In the background, the grain of the wood can be seen, giving a warm ambiance to the arrangement of objects on the table.", + "whoops20.txt": "An athlete clad in a striped red and white soccer jersey stands poised on a green field, with his leg raised, ready to strike a glossy black bowling ball inadvertently placed amidst the white-lined boundaries. A goalpost looms in the background, its net gently swaying in the calm air. Around him, bewildered teammates and opponents alike pause, their expressions a mix of confusion and curiosity at the unusual sight.", + "COCOval2014000000070471.txt": "An adult is seated on a beige couch in a living room, holding a small child in their lap. The child, with a mischievous glint in their eye, is playfully biting into a black television remote. Around them, the room is filled with scattered toys and a plush, colorful rug on the floor.", + "midjourney9.txt": "A photorealistic depiction of a transformation from a furry caterpillar to a demonic figure with lifelike textures and detail. The caterpillar's body is portrayed with soft, delicate hairs transitioning into a glistening, wet pupa stage. The final form emerges as a horror-inducing demon with a screaming visage, sharp fangs, and red, slimy hands that are deformed yet eerily precise in their 3-dimensional rendering.", + "partiprompts112.txt": "A man and a woman are standing in the bed of a vintage pickup truck, which is painted a faded shade of red. The truck's bed is scratched and worn, indicating its age and use. The man is wearing a denim jacket and the woman a green sweater, both are casually leaning against the cab of the truck. Behind them, the backdrop is a field of tall grass, hinting at a rural setting.", + "partiprompts62.txt": "An intricately designed robot with a polished metallic surface, donning a vibrant red and white race car suit, stands with a confident posture in front of a sleek F1 race car. The robot's black visor reflects the brilliant hues of the setting sun, which casts a warm glow over the futuristic cityscape depicted in the background. The illustration, reminiscent of a scene from a dynamic comic book, captures the essence of speed and technology.", + "partiprompts257.txt": "a rectangular wooden coffee table situated in the center of a living room, with a glossy lifestyle magazine spread open on its surface. The table also features a small potted plant with vibrant green leaves, adding a touch of nature to the setting. Around the table, a plush beige carpet can be seen, complementing the warm tones of the room's decor.", + "partiprompts128.txt": "A striking portrait photograph showcasing a fluffy, cream-colored hamster adorned with a vibrant orange beanie and oversized black sunglasses. The hamster is gripping a small white sign with bold black letters that proclaim \"Let's PAINT!\" The background is a simple, blurred shade of grey, ensuring the hamster remains the focal point of the image.", + "161.txt": "Within the confines of a modern bathroom bathed in the subtle light of early morning, a sleek chrome showerhead glistens, mounted on a wall of finely veined marble tiles. Aside from the minimalist fixtures, a luxurious leather satchel with a hint of luster from its high-quality material casually occupies space on the smooth, cool surface of a marble countertop beside a pristine white sink. In the background, fluffy white towels are neatly stacked on a wooden shelf, providing a soft contrast to the room's hard surfaces.", + "208.txt": "On the lush green field, five orange cones are neatly arranged in a line. Nearby, three brown leather American footballs are scattered, their white laces and dimpled texture visible against the vibrant grass. In the background, the white lines marking the playing field add to the sense of organization and the sport being played.", + "partiprompts310.txt": "A close-up image of an intricately designed lotus flower, which appears to be crafted entirely from crystal-clear water droplets. The flower is set against a backdrop of soft green lily pads floating on a tranquil pond. Sunlight filters through the scene, highlighting the delicate texture and the shimmering surface of the water-formed petals.", + "180.txt": "A slice of vibrant red watermelon, with its green rind visible, serves as a plate for a single, orange-hued cooked shrimp. The curves of the shrimp follow the crescent shape of the melon, contrasting in both color and texture. Beside the watermelon, there are droplets of water, suggesting the fruit's juicy freshness.", + "midjourney17.txt": "An intricately designed airship, with sleek steel panels and ornate golden trims, hovers gracefully above a bustling port. The city skyline, a fantastical fusion of floating islands and elevated platforms, echoes the artistic vision of Ivan Shishkin's creations on ArtStation, reminiscent of the game Bioshock Infinite. Captured with the depth of field effect of a 35mm lens, the image exudes a cinematic quality, with the airship’s cables and anchors creating a stark contrast against the backdrop of the sky-high metropolis.", + "254.txt": "A gleaming red sports car with aerodynamic curves and a polished finish stands out against the backdrop of the subdued twilight. Beside it rests a sleek black bicycle, its slender frame casting a long shadow on the concrete as the day gives way to night. The street is devoid of pedestrians, offering a tranquil scene with the vehicles motionless under the fading light.", + "diffusiondb30.txt": "A highly detailed photorealistic illustration displaying a cowboy in a dynamic, cinematic lighting setup. The cowboy, rendered in stunning 8k resolution, stands at 6000 mm tall, capturing every facet of his rugged attire from the leather boots to the wide-brimmed hat. In the background, the bokeh effect beautifully blurs the lights, creating a striking contrast with the sharpness of the cowboy's figure in the foreground.", + "153.txt": "A transparent glass flask stands upright on a smooth, dark surface, filled with bright green beans that sharply contrast against the stunning backdrop depicting a starry night sky. The intricately painted celestial scene features deep blues and purples, with dots of white representing distant stars. The curvature of the flask magnifies the beans and some of the stars, creating an enchanting visual effect.", + "partiprompts69.txt": "a digital illustration of an adorable baby penguin emoji, sporting a vibrant blue hat on its head and snug red gloves on its flippers. The penguin is dressed in a bright green shirt that contrasts with its sleek black and white feathers, and it's wearing cheerful yellow pants that add a pop of color. The emoji is set against a clean, white background, making the colorful attire of the penguin stand out even more.", + "midjourney25.txt": "A detailed 4K resolution portrait of a character concept art dubbed \"Under The Dreaming Tree,\" characterized by its symmetrical design and realistic texturing. The intricately drawn character is situated centrally in the composition, surrounded by an ethereal backdrop that features the namesake tree with its expansive, leaf-laden branches. The character's visage displays a serene expression, with eyes that seem to reflect a hidden world within.", + "partiprompts275.txt": "An innovative water sculpture shaped like a flat-screen television stands in the center of a dimly lit room. The liquid crystal display, made entirely of cascading water, presents a luminous cityscape at night, with twinkling lights from skyscrapers and a reflection of the moon on the water's surface. Surrounding the unique installation, the floor is tiled in dark hues, accentuating the ethereal glow of the projected urban scene.", + "partiprompts298.txt": "A unique tree stands with its branches adorned with leaves that resemble vibrant purple balloons, glistening in the sunlight. The tree's trunk is a deep brown with a rough texture, contrasting sharply with the smooth, balloon-like foliage. Around the base of the tree, a bed of green grass provides a natural carpet, setting off the whimsical appearance of the tree's unusual leaves.", + "39.txt": "On a clear warm day, the sun radiates down on a sandy beach where a close-up of a wafer cone reveals chocolate ice cream beginning to melt down its textured sides. In the background, the sea glistens and reflects the sunlight, with gentle waves lapping at the shore. The ice cream's rich brown tones contrast sharply with the blue and turquoise hues of the ocean, creating a striking visual. Nearby, a few colorful beach umbrellas are dotted along the water's edge, offering shade to beachgoers.", + "78.txt": "Two vibrant aqua blue dolphins are gracefully leaping over the mirror-like sea surface, illuminated by the warm hues of an awe-inspiring sunset. The endless sea stretches into the horizon, reflecting the oranges and pinks of the fading sun, while the waves gently lap against each other. Nearby, the calm water is disrupted by the playful splashes created by the dolphins' acrobatics, encapsulating a moment of pure joy and freedom in nature.", + "partiprompts6.txt": "A striking statue of the Egyptian god Anubis, depicted with a jackal's head, is dressed unconventionally in modern attire consisting of a crisp white t-shirt, a black leather jacket, and a pair of aviator goggles resting atop its head. The statue stands in sharp contrast against the backdrop of a full moon that illuminates the night sky over the sprawling cityscape of Los Angeles. The city lights twinkle in the distance, creating a mosaic of urban life behind the ancient deity's contemporary ensemble.", + "partiprompts217.txt": "A dusty red pickup truck parked on a gravel path, with a chestnut horse standing calmly to its left, its mane gently blowing in the breeze. On the right side of the truck, two dogs, one with a golden coat and the other with black and white spots, sit attentively. The truck's bed is filled with hay bales, hinting at a day's work on the farm.", + "195.txt": "As the sun begins its descent in the late afternoon sky, a pair of brown leather boots can be seen tapping against a wooden pier, shedding the remnants of the ocean's saltwater. Nearby, a brightly colored surfboard, decorated with swirls of blue and yellow, stands propped up against a palm tree, basking in the warmth of the sun to dry off. Across the sandy beach, the waves gently lap at the shore, a rhythmic soundtrack to this tranquil scene.", + "partiprompts264.txt": "Two ceramic cups filled with steaming coffee are placed on a wooden table with a natural grain finish. The cup on the left showcases intricate latte art spelling out the word \"LOVE\" with a heart-shaped design, while the cup on the right has the word \"PEACE\" beautifully crafted atop its frothy surface. Both cups have a glossy finish, and the warm lighting accentuates the creamy texture of the latte art.", + "midjourney10.txt": "An epic scene unfolds, styled in the manner of Richard Schmid, where a fierce battle rages under a tempestuous sky pouring rain. Amidst the chaos, a colossal cave troll roars defiantly, towering over the Viking warriors who are locked in combat with their enemies. The backdrop is a city engulfed in flames, with thick smoke rising into the stormy atmosphere, all rendered in a vivid, cinematic matte painting. The gloomy weather and the city's destruction intensify the drama of the Viking army's relentless fight.", + "52.txt": "Three juicy, vibrant red strawberries, each dotted with tiny yellow seeds, lying in contrast against a pristine white ceramic plate. The berries are clustered closely together, positioned near the center of the smooth, reflective surface. The glossy texture of the fruit is highlighted by the bright natural light illuminating the clean, simplistic setup.", + "stanford18.txt": "A delicious pink smoothie sits in the center of a clean, white ceramic plate, with a sprinkle of cinnamon dusting the surface, giving it an aromatic allure. Beside the smoothie, a ripe, yellow banana lies slightly curved, its peel gently touched by the morning light. Close to the banana, a small cluster of plump blueberries adds a vibrant pop of deep blue to the arrangement, contrasting with the soft pink hue of the smoothie and the pristine white of the plate.", + "155.txt": "A vibrant hot pink cosmetic bag with a textured quilted pattern sits on the gray tile floor between two glossy, white ceramic urinals. The bag is partially unzipped, revealing an array of makeup brushes and beauty products peeking out. To the side, the chrome flush pipes of the urinals glint under the bright bathroom lighting.", + "partiprompts166.txt": "An exquisite oil painting that captures a raccoon with an almost human-like poise, dressed in attire reminiscent of the 17th century. The raccoon's fur is rendered in rich, textured strokes of brown and gray, and it wears a white ruffled collar and a deep red velvet coat that would befit a noble of Rembrandt's era. The background of the painting is a muted blend of dark, warm tones, creating a subtle contrast that draws attention to the subject's detailed and expressive face.", + "partiprompts253.txt": "A spacious living area featuring a large flat-screen television mounted on a pale wall, directly above a sleek, black entertainment console. In front of the television, there is a rectangular coffee table made of dark wood, surrounded by a comfortable beige sofa and two matching armchairs. The table is adorned with a small potted plant and a few magazines neatly arranged to one side.", + "partiprompts45.txt": "a vintage wine bottle with a tapered neck, its label partially peeled off, serving as a makeshift candle holder. A white candle, with wax drippings along the bottle's sides, is firmly stuck in the spout, casting a soft glow. The bottle is set upon a rustic wooden table, surrounded by a scattering of wax remnants and a few scattered wine glasses.", + "235.txt": "Amidst the soft hues of twilight, two towering traffic lights preside over a bustling intersection, casting a brilliant scarlet glow that demands the attention of all nearby. Beneath their authoritative presence, a modest yellow crosswalk sign attempts to assert its own importance, though its illumination is meek in comparison. The red lights reflect faintly on the glossy hoods of cars waiting patiently for the signal to change, while the pedestrian lines lay painted starkly on the dark asphalt below.", + "COCOval2014000000055053.txt": "A small town road lined with quaint houses and a smattering of trees on either side. In the middle of the road, a trio of white sheep ambles along, seemingly at ease amidst the quiet neighborhood. The road stretches out ahead, curving slightly as it disappears into the distance.", + "partiprompts130.txt": "An anime-style illustration depicts a muscular, metallic tiger with sharp, angular features, standing on a rooftop. The tiger is in a dynamic pose, gripping a sleek, red electric guitar, and its mouth is open wide as if caught in the midst of a powerful roar or song. Above the tiger, a bright spotlight casts a dramatic beam of light, illuminating the scene and creating stark shadows on the surrounding rooftop features.", + "posescript2.txt": "An individual is captured in a dynamic pose reminiscent of a reverse bridge. Suspended with their feet hovering above the ground, they balance their weight primarily on their arms, which show a slight bend at the elbows. Their gaze is intently focused down toward their hands, indicating concentration and bodily awareness.", + "drawtext2.txt": "On a stark white wall, the phrase \"Art is never finished, only abandoned\" comes to life through an array of dynamic paint splatters. The mural, reminiscent of graffiti art, is infused with muddy colors that give it a textured, woodcut appearance. Surrounding the bold, handcrafted letters, a spectrum of colors blend and bleed into each other, creating a visual dance on the edge of abstraction. The artwork stands out as a vivid and beautiful example of spectral color usage, drawing the viewer's eye into a world of continuous creation.", + "276.txt": "A rustic, warm-toned wooden table holds a white ceramic plate piled high with steaming dumplings, the pleats carefully crimped, indicating handcrafted care. Next to it sits a round, earthy-toned bowl filled with ripe, purple plums, their skins glossy and taut. The gentle glow of the setting sun casts a soft light over the scene, illuminating the golden wheat fields and a distant barn in the backdrop, painting a picturesque countryside tableau.", + "187.txt": "On a smooth, polished wooden desk, there are five small square-shaped power converters with a metallic finish neatly placed beside each other. Behind them, two round pink erasers lie in contrast to the wood grain, slightly showing signs of use with pencil shavings nearby. The desktop itself is bathed in the warm glow of the room's lighting, highlighting the gentle textures of the wood and the matte surfaces of the converters and erasers.", + "vrd13.txt": "A quaint urban scene where a cardboard box rests atop a wooden bench, its corners lightly frayed. The street unfurls directly beneath the sturdy bench and continues onward beneath the overhanging box. A lush tree, its leaves whispering with the breeze, stands tall next to the bench, its branches extending over the street and casting dappled shadows on the ground. Nearby, a person dressed in a casual jacket and comfortable pants is in repose, their bag placed nonchalantly beside them, completing this snapshot of everyday city life.", + "22.txt": "In the midst of a vibrant garden, a cylindrical green cup stands alone on a stone path, its surface reflecting the bright afternoon sunlight. The cup, with a smooth finish, is surrounded by blossoming flowers and lush greenery. The shadows of nearby plants dance on the cup as gentle breezes sway their leaves.", + "50.txt": "Three vibrant red dumbbells are neatly aligned on the polished wooden floor of a well-illuminated gym. The afternoon sunlight streams through the large windows, casting a warm glow on the equipment. In the background, there are rows of exercise machines and mirrors reflecting the interior of the space.", + "29.txt": "A picturesque bridge bathed in the warm glow of the early morning sun, flanked by two tall antique street lights. The street lights, with their ornate metalwork and frosted glass, cast elongated shadows across the weathered stone pathway of the bridge. The tranquil scene is further accentuated by the absence of pedestrians, giving the impression of a moment frozen in time just after dawn.", + "countbench12.txt": "A collection of eight elegant side chairs from the 1950s, designed by Gianni Vigorelli, each stands 37 1/2 inches tall. The frames are made from pearwood, featuring a warm, golden-brown hue with a smooth finish that highlights the wood's natural grain. The seats and backrests are upholstered in a sleek, black vinyl, providing a comfortable yet durable seating surface. These chairs measure 16 1/2 inches in width and 17 3/8 inches in depth, making them well-proportioned for a variety of dining spaces.", + "partiprompts168.txt": "a vibrant abstract painting featuring three geometric shapes: a large blue triangle, a smaller yellow triangle, and a red triangle, all against a white background. The blue triangle has a smooth texture, while the yellow and red triangles have a more textured, almost brush-stroked appearance. The shapes are arranged in a way that suggests dynamic movement and balance within the composition.", + "countbench30.txt": "A collection of nine vibrant, assorted speech bubble stickers, each displaying the acronym 'LOL' in bold, playful lettering. The stickers feature a kaleidoscope of colors such as pink, yellow, blue, and green, set against a pristine white background, emphasizing their colorful appeal. Each sticker has a unique shape and size, adding to the diversity of the set, and their surfaces are smooth with a slight sheen, suggesting they are made of a high-quality adhesive material suitable for a variety of surfaces.", + "stanford32.txt": "A gentleman stands behind a white linen-clad table, donning a sleek black jacket paired with a vibrant green tie. Atop the table lies an elaborately decorated cake with white icing and colorful sprinkles. The man, whose black hat adds a touch of sophistication, carefully holds a silver knife with an ornate handle, poised to slice the festive confection.", + "partiprompts300.txt": "a vibrant arrangement of blue and yellow flowers, with delicate petals and lush green stems, placed in a clear glass vase. The vase is situated on a polished wooden table, which reflects the soft light illuminating the room. Around the vase, there are a few scattered leaves, adding a touch of natural charm to the setting.", + "localized1.txt": "A delectable meal is prepared on a round white plate, featuring a savory food item gently positioned next to a small ceramic bowl. In the foreground, a second plate is meticulously set with a silver fork resting atop its rim. To the right of this setting, a stainless steel knife shines beside an array of other dining utensils and accouterments arranged neatly on a polished wooden table.", + "midjourney24.txt": "A meticulously crafted Art Nouveau screenprint featuring a dog's face, characterized by its remarkable symmetry and elaborate detailing. The canine visage, which is the central motif of the piece, exhibits intricate linework and stylized features typical of the Art Nouveau aesthetic. The artwork is deftly rendered in a harmonious palette, with each element of the design echoing the balanced and ornate nature of the style.", + "partiprompts124.txt": "A cartoonish scene unfolds with a white rabbit, dressed in a snug blue jogging outfit, clutching its side in evident discomfort, its facial expression twisted in pain. Meanwhile, a confident turtle, sporting a bright red tank top, strides past the finish line with a triumphant smile. The background is a simple race track that curves out of sight, lined with cheering spectators composed of various animated creatures.", + "partiprompts223.txt": "a busy intersection where a red sedan and a large white delivery truck are stopped side by side, waiting for the traffic light to turn green. The traffic light is mounted on a metal pole on the corner of the crosswalk. The road is marked with white lines and arrows indicating lanes for turning and going straight.", + "32.txt": "In an expansive gymnasium, five vibrant neon orange basketballs are meticulously arranged in a perfect line on the polished, glossy hardwood court. The sheen of the floor reflects the fluorescent overhead lights and the silhouettes of the basketball hoops that stand at each end of the court. The basketballs, with their distinct black lines and textured surfaces, provide a stark contrast to the tan and amber hues of the wooden planks beneath them.", + "COCOval2014000000136271.txt": "An array of colorful fruit bins line the front of a local produce stand, each filled with fresh, ripe selections. Above each bin, clear signs display the prices, inviting passersby to browse and purchase. The stand is neatly organized, showcasing a variety of fruits from apples to exotic mangoes, catering to the tastes of a diverse clientele.", + "diffusiondb34.txt": "An exquisite collection of premium 2D magical spell art assets, showcasing minimalistic designs with elegant gradients. Each piece is meticulously crafted, allowing for seamless kit-bash integration into digital projects. These paid assets flaunt a refined aesthetic ideal for enhancing any visual piece requiring a touch of enchantment.", + "2.txt": "An elegant and modern bathroom featuring a sleek, white rectangular bathtub filled with a froth of soap bubbles. The bathtub rests upon a floor of gray, matte tiles that complement the room's minimalistic design. Against the room's far wall stands a large window that frames the warm, amber hues of a sunset, casting a tranquil glow throughout the space.", + "17.txt": "A bright red lighter rests atop a polished wooden desk, its surface reflecting the soft overhead lighting. The desk itself boasts a rich and deep mahogany color, free from clutter except for the solitary lighter. Off to the side of the desk stands a green potted plant, adding a touch of vibrancy to the otherwise methodical arrangement.", + "localized18.txt": "The photo captures a tranquil natural setting with an expanse of green grass, which leads to an assortment of vibrant plants at varying heights. Scattered throughout the scene, autumnal dried leaves are strewn among the grass, hinting at the change of seasons. Towering trees with diverse foliage create a textured canopy against the clear blue sky, offering a snapshot of a diverse ecosystem.", + "whoops38.txt": "a man reclines on a hospital bed, his arm connected to an intravenous line that's delivering a fluid with a purplish hue. the IV bag hangs from a metal stand, its contents labeled clearly to distinguish its specialized nature. in the background, medical monitors display the patient's vital signs, and a nurse can be seen preparing additional medical supplies.", + "108.txt": "In a silent library setting, bathed in the soft glow of ceiling lights, stand two metal tripods, each clasping a single piece of white notepaper. Both tripods are positioned at the end of a long, mahogany table scattered with books and reference materials, hinting at a late-night study session. The library's rows of bookshelves cast long shadows on the carpeted floor, creating an atmosphere of calm scholarly focus as the clock strikes midnight.", + "190.txt": "A stainless steel fork with tines pointed upward lies atop a navy blue pencil case with white zippers, bathed in the warm glow of early morning sunlight. The pencil case, slightly ajar, reveals an assortment of colored pencils and a pair of scissors peeking out. The items are resting on a wooden desk, which has the grain pattern gently highlighted by the sun's rays.", + "midjourney34.txt": "In the art piece, a realistically depicted young girl with flowing blonde hair gazes intently into the distance, her eyes reflecting the vibrant hues of a spring forest. The verdant greens and soft pastels of the budding trees are captured in subtle brushstrokes, giving the scene a serene and tranquil atmosphere. The minimalist composition focuses on the girl's expression of wonder and the lush woodland background, while the texture of the oil paint adds depth and richness to the canvas.", + "partiprompts269.txt": "Looking up from a low angle, a tall white ladder with a single rung is propped against a textured yellow brick wall. The ladder's shadow casts a long, dark line across the bricks, hinting at the late afternoon sun. The wall shows signs of age with some bricks slightly eroded, giving it a rugged appearance.", + "59.txt": "Three sleek, dark wooden boats are resting along the banks of a tranquil, azure blue lake. The smooth surface of the water reflects the clear sky above and the lush greenery surrounding the lake's edge. Positioned close to each other, the boats' oars are tucked neatly inside, hinting at a recent or upcoming journey across the calm waters.", + "COCOval2014000000513096.txt": "Two men are standing in a room with walls adorned with historical memorabilia. On the left, a man dressed in a crisp military uniform gazes intently at a series of glass cases. Inside the cases, an array of bullet shells is meticulously arranged and labeled for display, while the man in the suit on the right points towards one of the exhibits, seemingly explaining its significance.", + "partiprompts306.txt": "A lush green ivy plant with broad leaves, creeping up the side of a weathered red brick wall. The wall has a rough texture, and the plant's tendrils are firmly attached, showcasing the contrast between the organic growth and the man-made structure. Small patches of moss can also be seen interspersed between the bricks, adding to the visual diversity of the scene.", + "vrd5.txt": "A panoramic cityscape showcasing a series of tall buildings beneath a vast expanse of blue sky. The streets below are lined with cars and pedestrians, running directly under these towering structures. In front of one building, a row of lush green trees adds a touch of nature to the urban setting. The trees obscure a lamppost which stands prominently behind them. Both the bustling street and the serene sky form a layered backdrop to the solid presence of the concrete and glass edifices.", + "238.txt": "On the cool, silken sands of a deserted beach, a pair of blue sandals lies side by side, their straps glistening gently in the bright moonlight. Next to the sandals, a white protective face mask is placed neatly, its ear loops partially buried in the fine grains of sand. The tranquil nocturnal shoreline stretches far into the distance, with the rhythmic sound of waves creating a peaceful backdrop for the inanimate companions.", + "146.txt": "A surreal scene of a giant pink, rubber glove emerging from the golden sands of the beach during the orange hues of sunset. The enormous glove, with its fingers outstretched, gently grips a tiny, sunlit yellow scallop shell. The tranquil ocean in the background ripples gently beneath a sky painted with the colors of dusk.", + "localized16.txt": "In the foreground of the image, a variety of colorful fruits are scattered across a wooden table, with their fine details and textures in sharp focus. The background features a blurred arrangement of kitchenware and a pastel-colored wall, providing a soft contrast to the vivid sharpness of the fruits on the table. The diffused light gently illuminates the scene, highlighting the smooth skins of the fruits and casting subtle shadows upon the wooden surface.", + "partiprompts67.txt": "A minimalist vector art logo, where the letters P, A, and X are creatively arranged to form the simple outline of an elephant facing left. The elephant silhouette is depicted in a vibrant orange hue against a clean, white background. The design is sleek and modern, with the negative space around the letters contributing to the overall elephant shape.", + "272.txt": "An aged and quaint room, lined with crinkled wallpaper, houses a row of four spherical, silver projectors resting on a weathered shelving unit at the rear. These projectors cast bright, focused beams of light toward the room's center, where an expansive antique oak desk sits solemnly. On the desk’s polished surface, three electronic keyboards, each with a different design and layout, are neatly arranged, waiting to be played.", + "posescript34.txt": "A dynamic posture captured mid-action with the left knee bent and the right leg lifted off the ground, extended slightly forward. The right arm remains relaxed, hanging down along the side, while the left arm is energetically bent, elbow out and hand raised upward. The individual's head is tilted forward, focused as if preparing for a swift movement or to maintain balance during a physical activity.", + "partiprompts21.txt": "A detailed photograph captures the image of a statue with the likeness of an ancient pharaoh, unexpectedly accessorized with a pair of bronze steampunk goggles resting atop its head. The statue is dressed in an anachronistic fashion, featuring a crisp white t-shirt and a fitted black leather jacket that contrasts with its traditional headdress. The background is a simple, solid color that accentuates the statue's unconventional attire and the intricate details of the steampunk eyewear.", + "drawtext26.txt": "A digitally rendered image of a whimsical toothpaste tube figurine that boasts a candy pastel color palette. The figurine is set against a soft, neutral background, enhancing its playful charm. On the body of the toothpaste tube, bold letters spell out the reminder 'brush your teeth,' inviting a sense of dental care responsibility. The tube cap is carefully designed to exhibit a realistic, shiny texture, creating a striking contrast with the matte finish of the tube itself.", + "countbench8.txt": "In a spacious living room, two 3-seater sofas with plush white cushions are symmetrically positioned opposite each other, creating a welcoming conversational area. Between them sits a nature grey 39\" coffee table made of Ostuni white mahogany, giving off a rustic yet modern vibe. Surrounding the central coffee table, three matching lounge armchairs with grey upholstery offer additional seating, enticing guests to relax and enjoy the space. The arrangement of the furniture promotes easy movement and social interaction within the room.", + "8.txt": "An eye-catching red hoverboard floats above the steel gray asphalt of a bustling urban street, surrounded by the golden hues of the setting sun during evening rush hour. The road is lined with tall buildings casting long shadows, and the air is filled with the sounds of the city’s activity. The hoverboard's sleek design and vibrant color contrast sharply with the muted tones of the concrete environment.", + "246.txt": "A vivid crimson cuboid-shaped recorder is positioned upright beside a circular, reflective CD with a transparent tone, resting delicately on a polished mahogany surface. The layout is complemented by a collection of other musical paraphernalia scattered around, including a pair of headphones with soft, cushioned earpieces and a stack of assorted CDs in colorful cases. The pristine surface beneath them reflects the gleaming light, highlighting the contrast between the sharp angles of the recorder and the smooth, rounded edges of the CD.", + "163.txt": "Two vibrant red jugs are carefully positioned below a trio of open black umbrellas, which stand stark against the backdrop of a grey, stormy sky. The jugs rest on the wet, glistening concrete, while the umbrellas, with their smooth, nylon fabric catching the breeze, provide a sharp contrast in both color and texture. Each umbrella casts a protective shadow over the jugs, seemingly safeguarding them from the impending rain.", + "292.txt": "A rustic wooden table bathed in soft afternoon sunlight, showcasing a hearty, crusty loaf of freshly baked brown bread alongside a richly colored, firm purple eggplant. The textures of the bread's crackled crust juxtapose with the eggplant's smooth, glossy skin. Nearby, a folded linen napkin and an assortment of herbs suggest preparations for a savory meal.", + "vrd9.txt": "A historic building stands majestically with a clock tower that reaches towards the sky. The face of the clock is clearly visible, set upon the tower's brick structure. Behind the beautiful edifice, soft clouds drift across the blue sky, while in the foreground, a lush green tree partially obscures the view of the building, its branches stretching out beneath the open sky. Across from the main structure, the tower stands out, a landmark that serves both as a visual focal point and a timekeeper for those who pass by.", + "41.txt": "Five red fire trucks sit parked in a semi-circle amidst a dense blanket of gray early morning fog enveloping the area. Each truck is equipped with ladders, hoses, and flashing emergency lights that pierce through the mist. The area surrounding the trucks is clear and spacious, suggesting an open field or wide street, allowing for quick movement in case an emergency call comes in.", + "188.txt": "In the midst of a sprawling savanna, a regal lion with a golden mane moves gracefully near a white washing machine and matching drying machine, which appear incongruous against the rolling dunes. The sun blazes down, casting sharp shadows that contour the sand around the appliances and the feline figure. Around this unusual scene, tufts of dry grass sway slightly in the hot breeze, accentuating the isolation of the domestic objects in this wild, open landscape.", + "vrd33.txt": "A city scene where a yellow school bus stands on an asphalt road, its large black wheels pressing against the firm surface. The road stretches underneath the bus and continues beyond the frame. Behind the stationary bus, the shadowy appearance of a white van can be glimpsed, poised as though in a momentary pause. Rising above the scene, the outlines of buildings stand, adding depth and an urban backdrop to the moment captured. The repetition of the van and building behind the bus indicates perhaps a slight congestion, common in city traffic scenarios.", + "stanford4.txt": "A young boy, donned in a vibrant blue shirt and black trousers, is energetically swinging a cobalt blue baseball bat at a neighborhood park. Beyond the chain-link fence, a group of his peers can be seen, their expressions a mix of anticipation and excitement as they observe the game. Nearby, an adult male, potentially a coach or a parent, stands in stark contrast, attired formally in a crisp white shirt and dark tie, his eyes fixed on the boy's technique.", + "vrd7.txt": "A picturesque outdoor scene featuring a ceramic vase prominently placed to the left of a lush, green lawn. The vase, with its smooth texture and intricate patterns, stands in the foreground, with the expansive, clear blue sky stretching overhead. Beyond the vase, a wooden bench can be seen, slightly obscured by the vase's presence. To the right, a dense, leafy bush rises up against the sky, situated just above a paved street that runs adjacent to the bush.", + "91.txt": "In the waning twilight, two canvas tents, conical in shape, are nestled closely on a field of soft, lush grass, their silhouettes casting gentle shadows. Near these temporary abodes, a sturdy square table sits under the open sky, with a lone black billiard ball positioned at its center, unmoving and glossy. The scene is quiet and still, as though the entire world is holding its breath for the break shot that will commence the morning's game of billiards.", + "partiprompts46.txt": "On a wooden cutting board, there are five vibrant green bell peppers neatly arranged to the right of two glossy red onions. The vegetables are freshly washed, with droplets of water accentuating their colors. The cutting board is set against a backdrop of a light gray kitchen countertop, which contrasts with the bright hues of the produce.", + "COCOval2014000000311879.txt": "A modern kitchen interior featuring stainless steel appliances, including a sleek oven and a large refrigerator. The countertops are clean and spacious, with a few cooking utensils neatly arranged. The kitchen is well-organized, with ample cabinet space above and below the countertops.", + "COCOval2014000000064574.txt": "A cozy indoor setting with a soft, textured blanket spread out on a flat surface. Resting upon the blanket are a sleek pen and an assortment of personal hair care products, including brushes and combs. The items are neatly arranged, suggesting a moment of grooming or self-care preparation.", + "partiprompts316.txt": "A creative image showcasing a palm tree that appears to be crafted entirely out of water, with droplets glistening as they form the shape of the fronds and trunk. The tree stands against a clear blue sky, and the sun's rays seem to dance off the watery surface, giving the illusion of movement. The water-palm is positioned on the left side of the frame, with its reflection subtly visible on the wet sand beneath it.", + "partiprompts319.txt": "An up-close image showcasing the intricate interior of a walnut, split cleanly down the middle to reveal its textured, brain-like halves. The walnut's shell exhibits a rich brown color with darker lines marking the divisions, while the nut inside contrasts with its lighter, creamy hue. The cross-section rests against a backdrop of a wooden table with visible grain patterns, highlighting the natural origin of the walnut.", + "partiprompts286.txt": "A bright yellow, diamond-shaped traffic sign stands out with a black silhouette of a wooly mammoth prominently displayed in its center. The sign's edges are slightly worn, indicating it has withstood the elements over time. It is mounted on a metal pole beside a road that meanders through a grassy area with a few scattered trees.", + "277.txt": "A modern kitchen vignette where a sleek, black induction cooker is placed on a polished granite countertop. Its surface glows as it heats a stainless steel pot, from which tendrils of steam rise, indicating a simmering soup within. Adjacent to the cooker, a vibrant red blender is in operation, its contents swirling at high speed, presenting a dynamic contrast to the tranquil act of the soup slowly cooking. The countertop around these appliances is dotted with various culinary tools and ingredients, embodying the lively activity typical of meal preparation time.", + "43.txt": "A cluster of plump, purple grapes, their surface kissed by the morning's dew, reflects the soft, golden light of the rising sun. Each grape, tightly packed alongside its fellows, shows off a frosty sheen indicating the cool freshness of early day. They hang delicately from a green vine that's draped across a rustic, wooden trellis in a peaceful garden.", + "3.txt": "A spacious room, where the soft glow of the evening light cascades through a nearby window, gently illuminating an antique mahogany desk. Atop the polished surface stands a single, ornate globe, its vibrant shades of green, blue, and brown continents contrasting beautifully against the deep blue of the oceans. The globe, detailed with meridian lines and country borders, spins gracefully on its axis, showcasing the intricacies of our world. Surrounding the globe on the desk are scattered vintage ink pens and crisp, ivory stationery, alluding to the quiet musings of a travel enthusiast or a learned scholar lost in thoughts of distant lands.", + "partiprompts71.txt": "A colorful children's book cover featuring a whimsical illustration of a fluffy white dog with a playful expression, wearing a green bandana, driving a bright red pickup truck. The truck is adorned with yellow stripes and is set against a backdrop of rolling green hills under a clear blue sky. The dog's paws are on the wheel, and the truck seems to be bouncing along a dirt path leading towards a cartoonish city skyline in the distance.", + "partiprompts147.txt": "A glossy black dog with a curious expression sits snugly between a lush green bush and an unusual pair of green pants that stand upright as if an invisible person were inside them. The pants are supported by a hidden frame, creating a whimsical garden display. The dog's shiny coat contrasts with the matte texture of the foliage and the fabric of the pants.", + "COCOval2014000000166358.txt": "A sprawling snow resort bustling with activity, with skiers and snowboarders dotting the slopes. Multiple ski lifts are in operation, carrying guests to the top of the white, powdery hills. The resort features a large lodge at the base, where more people can be seen enjoying the amenities.", + "diffusiondb22.txt": "an intricately detailed character drawing by Bastien Lecouffe Deharme featuring an elderly gentleman with long, flowing grey hair. He possesses majestic, large grey wings that extend from his back, conveying both wisdom and strength. The refinement of the character is further accentuated by a polished monocle nestled over one keen eye, and he is dressed in sophisticated attire that hints at a bygone era of elegance.", + "partiprompts82.txt": "A geometric composition featuring a large yellow triangle positioned above a green square and a red rectangle. The shapes are arranged against a plain background, creating a stark contrast in colors. The yellow triangle has a smooth texture, while the green square and red rectangle appear to have a matte finish.", + "158.txt": "In the early morning light, a vibrant mango-colored hot-air balloon, with its size dwarfing a majestic brass trumpet, begins its peaceful ascent. The balloon's large, bulbous shape stands out sharply against the pale blues and soft pinks of the dawning sky. Its woven basket, crafted from sturdy pale wood, carries passengers who peer out in awe over the landscape below. The fabric of the balloon is smooth and taut, capturing the warming rays of the sun as it climbs higher into the expansive atmosphere.", + "countbench29.txt": "A collection of nine beautifully crafted labels, designed specifically for the summer season, each featuring shades of blue and yellow. These labels are presented in a vector format, with item number 20445318, showcasing various summer-themed icons and motifs. The assortment includes labels of different shapes such as circular, rectangular, and even ribbon-like banners, ideal for summer sales, events, or product packaging in a sunny and vibrant design.", + "37.txt": "In the dimly lit interior of a spacious wardrobe, a neat row of five hangers stands out, each one a different brilliant hue—ranging from a deep royal blue to a bright lemon yellow. They are spaced evenly apart, casting soft shadows against the dark wooden back of the closet. The smooth, plastic texture of the hangers contrasts with the rough texture of the wardrobe's interior, and their curved shapes seem almost to beckon items of clothing to drape over them.", + "30.txt": "A group of fresh, green asparagus is bundled tightly together, standing upright against a clear glass container with a water droplet pattern, giving them a soldier-like appearance. They exhibit a bright green hue that graduates to a paler shade toward their fibrous stems, enhancing their natural gradient. The spears are set against a neutral-toned, textured backdrop that contrasts boldly with their vivid color and linear form.", + "partiprompts236.txt": "A grand wall within a royal castle, adorned with two large, ornate frames. The painting on the left showcases a regal raccoon king, depicted in vibrant oil colors with meticulous attention to his fur and crown. Opposite to it, the right painting is an equally detailed portrayal of the royal raccoon queen, her gaze dignified and attire resplendent. At the foot of these majestic artworks, a small, fluffy dog with a curious expression stands, clutching a handwritten sign in its mouth that pleads, \"plz conserve,\" adding a touch of whimsy to the stately scene.", + "COCOval2014000000014635.txt": "A woman dressed in a warm, stylish coat is seated at a small round table. She appears to be in a cozy indoor setting, possibly a café or a waiting area. The table is adorned with a vase containing a single flower, adding a touch of elegance to the scene.", + "210.txt": "An elegant array of footwear with ten pairs of high heels standing prominently, their height casting slender shadows on the vintage wooden panel backdrop that suggests they are in the midst of a boutique's display. These heels, in hues ranging from deep crimson to glossy black, distinctly tower over the organized collection of other shoes that occupy the lower shelves. The soft, diffused light filtering through the boutique's windows indicates it's late afternoon, which gently illuminates the shoes' textures and silhouettes against the retro wood paneling.", + "countbench7.txt": "In the vibrant backyard of a suburban home in Yarmouth, Maine, USA, three children of varying ages (a toddler around 2-3 years old, a preschooler aged 4-5, and a young child around 6-7 years) are gleefully playing in the spray of a water sprinkler. The lawn, lush and green, serves as a soft cushion under their bare feet as they run and jump through the scattering droplets of water. The afternoon sun highlights the joyful expressions on their faces as they engage in this quintessential summertime activity.", + "partiprompts173.txt": "a detailed sketch of a space shuttle, rendered in the intricate, technical style reminiscent of Leonardo da Vinci's famous drawings. The shuttle is depicted with numerous annotations and measurements, showcasing its complex design and structure. The paper on which it is drawn has an aged, yellowed appearance, adding to the historical feel of the artwork.", + "partiprompts220.txt": "A large blue airplane with white accents is taxiing on a vast concrete runway, its engines humming steadily. The sun is setting behind it, casting a warm glow and elongating the shadow of the plane on the ground. The runway is marked with white lines and numbers, indicating the designated path for the aircraft.", + "partiprompts242.txt": "A spacious living room features an unlit fireplace with a sleek, flat-screen television mounted above it. The television screen displays a heartwarming scene of a lion embracing a giraffe in a cartoon animation. The mantle of the fireplace is adorned with decorative items, including a small clock and a couple of framed photographs.", + "119.txt": "In the warm hue of the setting sun, a well-used wooden cutting board leans against the gray, splintered slats of an aging backyard fence. Nearby, a bright red stop sign, its paint slightly faded and peeling from years of service, is planted firmly beside a quaint garden shed with peeling blue paint and a rusty door handle. The grass, tinged orange by the sunset's glow, is dotted with dandelions and whispers of the day's end breeze.", + "51.txt": "A close-up view reveals a single, immaculate ace of spades resting on the surface of a polished mahogany table. The rich, dark wood of the table reflects the soft ambient light of the room. This card is positioned slightly askew, with the sharp, distinctly printed symbols contrasting against the smooth, even texture of the table's finish.", + "partiprompts281.txt": "An outdoor scene featuring a textured gravel driveway where a bright orange basketball rests to the left of two black and white soccer balls. The driveway is bordered by a patch of green grass, and the balls cast soft shadows on the ground due to the overhead sunlight. In the background, there is a glimpse of a wooden fence that marks the boundary of the property.", + "partiprompts251.txt": "A grand piano with a glossy black finish, its lid propped open to reveal the intricate inner workings. Resting on the music stand is an open songbook, its pages filled with musical notations above the ivory keys. The piano sits in a room with hardwood floors and a high ceiling, which enhances the instrument's rich sound.", + "268.txt": "On a rustic wooden table, a vibrant purple paintbrush, significantly larger than the standard size, lies beside a pair of silver-grey pliers with a matte finish. The bristles of the paintbrush appear soft and well-used, indicating a tool that has seen many a canvas, while the pliers show signs of wear, with slight scratches and smudges from frequent handling. The contrast between the artistic instrument and the utilitarian tool is striking against the natural grain of the wooden surface.", + "partiprompts100.txt": "An aerial perspective captures three individuals peering down at the bustling city streets from the edge of a skyscraper's rooftop. They are surrounded by a safety barrier, and the rooftop itself is adorned with gravel and small potted plants. Far below, the urban tapestry of roads, vehicles, and pedestrians unfolds in a miniature display, while other tall buildings rise up in the vicinity, creating a canyon of architectural marvels.", + "partiprompts14.txt": "A surreal lunar landscape unfolds with the iconic Great Pyramids and the Sphinx, all replicated in meticulous detail on the moon's dusty, grey surface. In the foreground, the silhouette of an astronaut, clad in a pearly white spacesuit, is captured from behind, gazing upon the ancient wonders. Above this otherworldly scene, the Earth hangs majestically in the dark expanse of space, its blue and white visage a stark contrast to the barren moonscape.", + "46.txt": "A vivid scene unfolds where several deep red, perfectly round tomatoes spill from a woven brown basket onto a rustic wooden tabletop. The basket lies on its side as the plump tomatoes scatter across the surface, some touching the dark green leaves of a nearby herb plant. In the background, the blurred outline of an open kitchen window lets in soft, natural light, casting gentle shadows around the fallen produce.", + "drawtext6.txt": "An artistic display featuring light magenta and blue paint streaks applied with a wide brush, creating a translucent effect as they overlap on a sheet of plastic configured into the shape of the letter 'F'. This creative piece is set against a pure white background, which accentuates the colors and the unique translucency of the materials. The edges of the paint strokes are soft and blend seamlessly into one another, giving the artwork a sense of fluidity and motion.", + "countbench15.txt": "Three individuals donned in matching black security uniforms stand against a stark white backdrop. Their focused expressions are partially concealed as they peer intently through binoculars, each facing a different cardinal direction as though scanning for signs of activity. The central figure is slightly elevated, on a raised platform, giving the impression that they are overseeing the area with heightened vigilance.", + "partiprompts240.txt": "a gathering of several cats with various coat patterns sitting attentively around a small table. A whiteboard stands in the background with the phrase \"stack more layers\" scrawled across it in bold, black marker. The room is filled with miniature chairs and a tiny coffee mug placed at the center of the table, suggesting an organized feline meeting.", + "stanford25.txt": "A close-up image reveals a hand grasping a sleek, dark necktie, its fabric slightly sheen in the light. The person's hand, adorned with a shiny wedding ring on the ring finger, emerges from the cuff of a gray collared shirt. Subtly peppered across the skin of the person's neck are a smattering of light brown freckles, offering a glimpse of their complexion beneath.", + "diffusiondb21.txt": "A thought-provoking piece of digital art that has gained popularity on ArtStation depicts a surreal scene where an open binder notebook serves as a door, standing incongruously amidst a dense woodland setting. The trees surrounding the notebook are rendered in meticulous detail, their bark dark and textured against the misty backdrop. The overall feel of the image evokes an eerie sense of a thriller, with the peculiar juxtaposition of the school supply and the natural environment inviting viewers to ponder the story behind it.", + "localized17.txt": "A closer look at the ground reveals a scattering of rocks in a mosaic of colors and shapes. Some are small, weathered pebbles tinged in earthy browns and soft grays, while others are larger, jagged stones with hues of deep red and speckled granite. The varied textures are evident, from smooth, water-worn surfaces to the coarse, granular feel of the larger boulders, all lying haphazardly on a bed of sandy soil.", + "COCOval2014000000276149.txt": "A snowy landscape bustling with activity as numerous individuals are scattered throughout the area. People are dressed in warm winter clothing, some are engaged in building a snowman, while others are enjoying a snowball fight. The ground is covered in a thick blanket of fresh snow that crunches underfoot, with footprints crisscrossing in various directions.", + "partiprompts47.txt": "A tall, transparent glass filled with the amber-colored Long Island Iced Tea cocktail, garnished with a slice of lemon on the rim. Beside the glass, there's a white napkin folded neatly on a dark wooden bar top. The drink is accompanied by a thin, black straw, and in the background, there are bottles of various liquors lined up against a mirrored wall.", + "38.txt": "An array of delicate, wavy potato chips loosely spread across the surface of an elegant, dark mahogany table. The wood grain is prominently visible under the sporadically placed chips, with soft light accentuating their undulating texture. In the background, a muted, empty ceramic bowl hints at the recent snack session that took place.", + "partiprompts297.txt": "A vibrant apple tree with a sturdy brown trunk, its branches laden with bright red, square-shaped apples, each one distinct in its geometric form. The tree is surrounded by a lush canopy of circular, green leaves that contrast sharply with the unusual shape of the fruit. Sunlight filters through the foliage, casting dappled shadows on the ground below.", + "countbench1.txt": "A dynamic composition captures the essence of good fortune with four ace playing cards, each standing upright on its corner, aligned in a perfect formation, reflecting onto the sleek surface below them. The playing cards possess a crisp white background, accented by the vibrant red and black symbols designating hearts, diamonds, clubs, and spades. This visual is set against a stark black and deep red backdrop, creating a striking contrast that emphasizes the cards and their significance. The photograph is credited to Samantha Craddock, encapsulating the 'Feeling Lucky' concept with clarity and artistic flair.", + "countbench38.txt": "An image of a serious-looking businessman, dressed in a tailored grey suit with a crisp white shirt and a dark tie. He is depicted in an unusual setting, lifting two surprisingly heavy dumbbells, his arms flexed showing significant effort. This unexpected juxtaposition against an office background, complete with a wooden desk and a black ergonomic chair, creates a striking visual.", + "partiprompts270.txt": "A row of waste disposal bins neatly aligned against a concrete wall, with a brown trash bin in the center. To its left, there is a green compost bin marked with recycling symbols, and to its right stands a blue recycling bin designated for paper and plastics. The bins are situated on a gray pavement, and each has a label indicating its specific use for waste segregation.", + "partiprompts39.txt": "A whimsical bowl of soup sits on a wooden table, its broth a vibrant green with chunks of tofu arranged to resemble the eyes and mouth of a playful monster. The words \"deep learning\" are spelled out in thin slices of carrot, floating on the surface of the soup. The bowl itself is a deep blue ceramic, providing a striking contrast to the lighter colors of the soup and its garnishes.", + "48.txt": "Eight vibrant green beach balls, each with a glossy texture, are randomly scattered across the golden sand that is patterned with the alternating shades of sunlight and shadow. Nearby, gentle waves lap at the shoreline, creating a rhythmic sound that complements the serene beachscape. The balls cast soft shadows on the sand, evidencing the bright midday sun overhead.", + "COCOval2014000000341973.txt": "Two young girls stand side by side in a brightly lit room, each holding a colorful doughnut with a smile. They are dressed casually, and the room behind them features a neutral-colored wall and a few hanging pictures. Their cheerful expressions suggest they are enjoying a fun moment together during a friendly gathering.", + "133.txt": "In the midst of a bustling cityscape under the bright midday sun, a solitary wooden bench with peeling green paint sits empty on the sidewalk. A city worker dressed in a reflective orange vest is actively disinfecting the bench surface, using a clear spray bottle filled with a blue cleaning solution. Passersby continue with their day, navigating around the cleaning activity, while the noise of the city hums in the background.", + "vrd35.txt": "An elegant dining arrangement features a clear glass bottle filled with a pale liquid, placed strategically to the left of a pair of matching glasses on a polished wooden table. The glasses, made of fine crystal, are positioned to the right of the bottle, catching the light and casting subtle reflections on the table's surface. A solitary chair, crafted from dark wood and adorned with a plush, cream-colored cushion, sits directly behind the table, completing the setting.", + "drawtext37.txt": "a simple white background highlighting a hand-drawn black circle that encompasses the playful, cursive text 'infinity makes me happy'. The words are crafted to resemble a quick, personal brush script, giving it a casual and intimate feel. Just outside the circle, faint sketch marks are visible, implying a human touch in the creation of this design.", + "posescript3.txt": "A figure is captured mid-motion, their left foot firmly planted on the gray asphalt, displaying a well-worn sneaker. Their right leg is extended forward with precision, the muscles taut and the silhouette of the leg cuts a straight line through the air. Both arms are angled, elbows bent in an almost geometric formation, with one arm stacked neatly over the other in front of the chest, hinting at a martial arts stance or a dancer's poise.", + "drawtext31.txt": "A close-up of a folded newspaper with a bold headline 'Aliens Found in Space' sprawled across the top in large black letters. The subheading underneath reads, 'The Truth About Everything Now Challenged', printed in a smaller yet prominent font. The newspaper, with its slightly crumpled texture, lies on a wooden table surface, surrounded by a scattered assortment of coffee mugs and pens.", + "184.txt": "A spacious study room featuring a large rectangular oak desk dominated by a scarlet barbell used as an unconventional paperweight. The desk surface is scattered with papers, books, and a sleek, silver laptop. Flanking the desk are tall bookshelves filled with an array of books, and the sunlight filters through a large window, illuminating the space with natural light.", + "localized4.txt": "In this monochromatic photograph, an array of vehicles, including cars and motorcycles, are captured against an urban backdrop. The background features an assortment of streetlights casting a soft glow, utility poles rising towards the sky, stacked logs waiting to be moved, and the silhouettes of various walls that add to the complexity of the scene. The foreground is dominated by a stretch of road that guides the viewer's eye through the image, paving a path amidst the diverse elements contained within this black and white tableau.", + "partiprompts31.txt": "A vibrant and detailed image showcasing a large ceramic bowl filled with steaming ramen, the noodles and broth glistening under the light. Floating amidst the savory dish are several origami boats, each crafted from paper in hues of red, blue, and yellow, adding a whimsical touch to the culinary scene. The bowl sits on a dark wooden table, contrasting with the bright colors of the paper crafts and the rich tones of the ramen ingredients.", + "7.txt": "Inside a warm room with a large window showcasing a picturesque winter landscape, three gleaming ruby red necklaces are elegantly laid out on the plush surface of a deep purple velvet jewelry box. The gentle glow from the overhead light accentuates the rich color and intricate design of the necklaces. Just beyond the glass pane, snowflakes can be seen gently falling to coat the ground outside in a blanket of white.", + "13.txt": "A sleek, black rectangular keyboard lies comfortably on the luxurious beige carpet of a quiet home office, bathed in the gentle sunlight of early afternoon. The keys of the keyboard show signs of frequent use, and it's positioned diagonally across the plush carpet, which is textured with subtle patterns. Nearby, a rolling office chair with a high back and adjustable armrests sits invitingly, hinting at a quick break taken by its usual occupant.", + "partiprompts48.txt": "A steaming bowl of Pho, with a rich, clear broth and a generous topping of fresh bean sprouts. The bowl sits on a dark wooden table, accompanied by a side plate of lime wedges and basil leaves. The noodles are submerged beneath the broth, and thin slices of beef float on the surface, partially obscured by the green sprouts.", + "stanford10.txt": "Gently bobbing on the tranquil water, a white boat is moored beside a slender wooden dock that stretches out from the shore. Beyond the dock, the body of water is smooth as glass, reflecting the silhouettes of distant homes nestled against a backdrop of lush greenery. Towering trees with robust canopies rise behind the houses, completing the serene lakeside landscape.", + "partiprompts36.txt": "A close-up view of a juicy burger patty resting on a soft, lightly toasted bottom bun. Fresh green lettuce and bright red tomato slices are neatly placed on top of the patty. Bold yellow letters spelling out \"COFFEE\" are artistically drizzled across the burger in a smooth mustard script. The burger sits on a plain white plate, with a few mustard droplets scattered around the edges.", + "whoops8.txt": "The scene captures a coal mine worker whose dirt-smeared hands are contrasted by meticulously manicured long nails, finished with a glossy acrylic coating. The worker is positioned next to a rugged cart filled with dark, lustrous coal. Around the worker, the dimly lit mine showcases the hard, rocky texture of the underground environment.", + "120.txt": "In an otherwise silent room, the melodic rhythm of a recorder being played gently reverberates throughout the space. A single lantern with a hexagonal frame and intricate metalwork sits nearby, emitting a soft, warm light that flickers subtly, illuminating the immediate vicinity. The walls, which are painted a muted cream color, catch the lantern's glow, creating a cozy ambiance around the musician.", + "localized13.txt": "In the foreground, two birds with vibrant feathers are perched upon rugged grey rocks that jut out near a tranquil pond with lush green plants at the water's edge. In the midground, a rustic wooden fence creates a boundary line, subtly dividing the natural scene from the world beyond. The background extends into a vast expanse of soft blue sky dotted with tufts of white clouds, stretching far into the horizon.", + "COCOval2014000000063595.txt": "A tennis court with a player dressed in a vibrant red shirt preparing for a serve. The player is positioned at the baseline, racket in hand, focused on the upcoming play. The court is marked with white lines, and a net stretches across the center, dividing the playing field.", + "95.txt": "The kitchen counter, bathed in soft afternoon light, showcases a collection of five golden keys strewn haphazardly across its white surface. Behind them rests a dark-colored microwave, designed with a nostalgic, retro aesthetic that contrasts with the modern simplicity of the surroundings. Nearby, a transparent vase holds a sprig of fresh greenery, adding a touch of life to the scene.", + "103.txt": "In a spacious loft with high ceilings and exposed brick walls, the morning light filters through large windows, casting a soft glow on a pair of trendy, high-top sneakers. These sneakers, made of rugged leather with bold laces, contrast sharply with the ornate, metallic vintage coffee machine standing next to them. The coffee machine, with its intricate details and polished finish, reflects the light beautifully, setting a striking juxtaposition against the practical, street-style footwear on the polished concrete floor.", + "diffusiondb25.txt": " an elaborate digital masterpiece that features the artist Tommy Cash, rendered in the distinctive and psychedelic style of Alex Grey combined with the nostalgic Americana of Norman Rockwell. The high-resolution 8K image is bursting with ornate details and intricate patterns, creating a fantasy-like atmosphere. Tommy Cash is depicted with hyper-realistic skin tones and textures, surrounded by a kaleidoscopic array of symbolic elements and vibrant colors.", + "167.txt": "Three sleek remotes are aligned perfectly next to a simple black picture frame, which encloses a monochrome photograph. These objects rest on the glossy surface of a rich mahogany coffee table. Surrounding them, the soft glow of a nearby lamp illuminates the living room's plush, earth-toned furniture, casting subtle shadows that contribute to a peaceful evening ambiance.", + "225.txt": "In the middle of a cozy room with a vintage charm, a circular wooden dining table takes the stage, its surface adorned with a decorative vase and a few scattered books. The room's warmth is maintained by an old-fashioned radiator humming steadily in the corner, a testament to its long service. As dusk approaches, the waning sunlight softly permeates the space through a window with a delicate frost pattern, casting a gentle glow that enhances the room's rustic ambiance.", + "vrd6.txt": "A figure standing at the busy street corner is casually dressed in blue jeans and a black jacket. The jacket, slightly ruffled by the breeze, is accompanied by dark sunglasses resting on the person's face, reflecting the urban surroundings. In their grip, they hold a leather bag, its strap slung over the shoulder, while the bag itself rests against their leg.", + "122.txt": "An old fashioned, metallic fan with a rounded base and rusted blades stands next to an ornate, antique knife with a weathered bone handle. Both items are propped against a timeworn wooden wall that bears the marks of age and the warm, golden hue of the afternoon sunlight filtering through a nearby window. The dust particles in the air catch the light, highlighting the vintage aura of the scene.", + "129.txt": "A well-organized glass display cabinet contains a collection of seven hairdryers, each boasting a sleek design and different hues. Adjacent to this assortment, three luxurious silver watches are elegantly showcased, their reflective surfaces glinting under the soft glow of the evening light filtering through a nearby window. The watches are arranged on a plush velvet stand that enhances their sophisticated appearance.", + "vrd34.txt": "A figure clad in a sleek black leather jacket and dark sunglasses sits astride a gleaming red street bike. The person has a firm grip on the handlebars, ready to ride, with one foot on the ground for balance. Beneath them, the bike is equipped with a metallic holder carrying a clear water bottle, securely attached to the frame. The bike and its rider are cast in a dynamic pose, suggesting motion even in stillness.", + "289.txt": "A luxury bathroom featuring a pristine white bathtub with a soft, fluffy white towel neatly folded on its edge. Resting next to the towel is a bar of pink, scented soap poised on a ceramic soap dish. The tub is situated near a frosted window that allows for natural light to fill the room, highlighting the clean lines and elegant fixtures of the space.", + "diffusiondb14.txt": "This is a vibrant, digitally-created watercolor illustration portraying an apocalyptic scene with sharp focus and a smooth finish. The artwork, by James Jean, features Rossdraws' signature style with elements reminiscent of Frank Frazetta's fantasy aesthetics, incorporating Mcbess's bold linework, and infused with the ethereal quality of Sakimichan's enchantments. The dynamic composition showcases a whirlwind of colors that vividly depicts the chaotic yet mesmerizing moment at the end of the world.", + "COCOval2014000000239274.txt": "A large pontoon boat, its deck lined with rows of seats, is filled with passengers. The boat is just beginning to move away from the dock, creating ripples on the water's surface. The shoreline is dotted with trees and a few buildings that are slowly receding into the background as the ferry starts its journey across the calm lake.", + "partiprompts132.txt": "In a whimsical scene, a gray donkey with a determined expression is engaged in a game of tug-of-war with a large, purple octopus. The donkey has the rope firmly gripped between its teeth, while the octopus's tentacles are wrapped around the other end of the rope, creating a stark contrast in textures. In the midst of their playful battle, a nimble orange cat is captured mid-leap over the taut rope, adding a dynamic element to the unusual tableau.", + "drawtext21.txt": "An ornate representation of the Taj Mahal intricately positioned at the center of a gold leaf mandala, which showcases an array of symmetrical patterns and delicate filigree. Surrounding the central image, the mandala's design features accents of vibrant blues and reds alongside the gold. Below this striking visual, the words \"Place of Honor\" are inscribed in an elegant, bold script, centered meticulously at the bottom of the composition.", + "partiprompts157.txt": "An intricate oil painting that captures two rabbits standing upright in a pose reminiscent of the iconic American Gothic portrait. The rabbits are anthropomorphized, donning early 20th-century rural clothing with the male rabbit wearing a black jacket and the female in a colonial print apron. The background features a wooden farmhouse with a gothic window, emulating the style and composition of the original artwork.", + "COCOval2014000000479732.txt": "A hefty sandwich filled with an assortment of meats and vegetables is nestled within a white Styrofoam container. The container sits on a plain surface, with a few crumbs scattered around it. The sandwich appears to be freshly made, with the contents slightly spilling out the sides due to its generous fillings.", + "drawtext19.txt": "a vibrant field of tall sunflowers standing against a clear blue sky, with one large, cheerful flower in the foreground about to be overwhelmed by an approaching green tractor. the sunflower's bright yellow petals and deep brown center contrast the cold metal of the tractor's body. the ominous caption 'after the sunflowers, they will come for you' overlays the image, giving an eerie foreshadowing to the scene.", + "79.txt": "three sleek, brass faucets with a modern, geometric shape stand aligned, streaming clear water into a white basin below. the sink is surrounded by a marble countertop, which reflects the light and brings out the warm golden tones of the metal. droplets of water can be seen splashing gently around the base of each faucet, indicating the force of the flowing water.", + "partiprompts193.txt": "A clear night sky where a slender crescent moon hangs delicately between the silhouetted branches of tall trees. The moon's pale light casts a soft glow on the intricate patterns of the branches, creating a contrast against the dark blue of the night sky. No other celestial bodies are visible in the small patch of sky framed by the intertwining tree limbs.", + "248.txt": "The countertop hosts a vibrant red microwave that towers over a smaller, deep green coffee machine sitting beside it. The microwave has a sleek digital display, while the coffee machine features an array of buttons and a glass carafe. Behind these appliances, a white tiled backsplash completes the kitchen scene.", + "47.txt": "A slender, black comb glides effortlessly through a cascade of golden locks that fall over a woman's shoulder. The smooth teeth of the comb reflect the overhead lighting as it navigates through the silky strands. Surrounding the scene, hair care products and a mirror can be seen on a marble countertop, hinting at a grooming routine in progress.", + "diffusiondb36.txt": "A lively movie set from the 1980's, characterized by vibrant neon lights and retro decor. In the foreground, a group of glamorous actresses donning glittery costumes and bold makeup strike dramatic poses. Behind them, vintage cameras and crew members are captured mid-action, surrounded by era-specific props and posters adorning the walls.", + "partiprompts19.txt": "Inside a temple, a unique wall painting captures the whimsical image of pandas engaged in a game of tennis, rendered in a style reminiscent of ancient Egyptian hieroglyphics. The pandas are depicted with exaggerated, playful expressions, using rackets that are stylistically simplified. The wall on which the painting is displayed has a textured, sandy hue, providing a stark contrast to the dark, bold lines of the painted figures.", + "diffusiondb37.txt": "An artistic representation bringing together the unique styles of Artgerm, Greg Rutkowski, and Alphonse Mucha to showcase a character that bears a striking resemblance to Vitalik Buterin, resembling the fictional creature Gollum. The character is given an elongated, gaunt figure with expressive, large eyes, and is illustrated amidst an Art Nouveau backdrop, reminiscent of Mucha's work. The use of vibrant colors and detailed linework reflects the collaborative influence of the three artists, creating a striking and memorable piece.", + "partiprompts49.txt": "a close-up view of a chilled Long Island Iced Tea cocktail, served in a tall glass with a lemon wedge perched on the rim. The drink is a blend of light and dark liquids, giving it a gradient appearance, and it's garnished with a small, colorful paper umbrella. Condensation beads on the outside of the glass, indicating its refreshing temperature.", + "290.txt": "A home office scene reveals a cylindrical, light-gray extension cord neatly coiled around the base of a sleek, black printer. The intricate texture of the cord contrasts with the printer's smooth, glossy surface. Near the printer, an array of paperwork is scattered, and the faint moonlight streaming through the window casts a soft glow on the scene at midnight.", + "COCOval2014000000053916.txt": "A serene grassland dotted with acacia trees under a clear sky. Two zebras stand side by side on the green grass, their stripes contrasting with the surrounding foliage. The shade from a large tree offers them a cool respite from the sun's warmth.", + "partiprompts241.txt": "A living room scene featuring an overturned glass of red wine on a beige fabric couch. The spilled wine has created an accidental pattern on the couch's surface, whimsically resembling the word \"OOPS\". The couch is positioned next to a small wooden side table, upon which rests an open book and a remote control, untouched by the spill.", + "diffusiondb23.txt": "Augusta National Golf Club is showcased under ethereal conditions, with the renowned first and second holes entirely submerged in water. The scene is illuminated by a soft, ambient glow that filters through the morning fog, casting delicate light rays across the tranquil expanse. The photography captures the unexpected beauty of the iconic golf course, paying homage to the Masters, despite nature's inundation.", + "168.txt": "A whimsical scene unfolds as two pairs of spectacles rest comically on the bridge of a horse's nose, glinting slightly against the fading light of a vibrant sunset. The backdrop is a quintessential rural farm, complete with wooden fences and distant rolling hills painting the horizon in hues of orange and purple. The glasses, one with round, golden frames and the other with square, jet-black rims, add a touch of eccentricity to the tranquil pastoral setting.", + "partiprompts209.txt": "A striking blue semi-truck with a matching trailer is captured mid-air, soaring over a neatly aligned row of motorcycles. The motorcycles are positioned between two sturdy metal ramps, which facilitated the truck's impressive jump. The scene unfolds in an open area with a clear sky overhead, emphasizing the boldness of the blue truck as it defies gravity in this daring stunt.", + "partiprompts247.txt": "a bright yellow wall serves as the backdrop for an impressive, large framed oil painting, which vividly depicts a vintage car in shades of red and chrome. The painting is positioned at eye level and is flanked by two small wall-mounted lamps that cast a soft glow, accentuating the colors and details of the artwork. Below the painting, a narrow console table with a glossy finish reflects the light, enhancing the overall visual impact of the display.", + "285.txt": "In a vibrant green field, a cinnamon-colored cat with stripes is in full sprint, its body low to the ground as it chases after a spherical toy designed to look like a charcoal-colored antelope. The toy is rolling unevenly across the terrain, causing tufts of grass to sway in its wake. The cat's fur ripples with each agile movement, and its intense focus is evident even at a distance.", + "71.txt": "In a contemporary office with minimalist design elements, five square-shaped, black printers are arranged in a row along a white countertop. They are humming with activity as they produce documents, with sheets of white paper steadily emerging from their feed trays. Their glossy surfaces reflect the soft light coming from the overhead fixtures, and each printer displays a small, glowing screen indicating its current status. Surrounding the printers, swivel chairs with ergonomic designs and translucent glass partitions contribute to the overall sleek and professional ambiance of the workspace.", + "202.txt": "An industrial scene featuring a large, rusty orange excavator with a weathered appearance and a mechanical arm extended. It is in the process of lifting heavy, metallic cubes with a patina of age, loading them into the bed of a weathered dark green pickup truck. The backdrop consists of a dilapidated factory with fading paint and broken windows, evidence of a once-thriving industrial era.", + "localized14.txt": "In the photograph, there's a round, brown plate that is neatly arranged with an assortment of vibrant, colorful food. Positioned against a stark white background, the plate's contents stand out, creating a striking contrast. The surface of the food gleams slightly, suggesting a freshly prepared meal waiting to be enjoyed.", + "214.txt": "Under the soft glow of a rising sun, a round jade-colored table supports six freshly steamed baozi, their white wrappers slightly translucent, emitting tender wisps of steam. Neatly accompanying them are four ice cream cones, each boasting a different, vivid hue, ranging from the deep purple of blackberry to the cheerful yellow of mango. The morning light accentuates the contrast between the warm fog lifting from the baozi and the frosty sheen on the scoops of ice cream.", + "partiprompts258.txt": "a spacious kitchen featuring a large stainless steel refrigerator with a double-door design. The refrigerator stands next to sleek, dark wooden cabinets that reach up to the ceiling. In front of the refrigerator, there is a kitchen island with a white marble countertop, and hanging above are three modern pendant lights with a brushed metal finish.", + "drawtext20.txt": "A digital image depicts an animated panda character, standing at a podium in a spacious conference room, giving a presentation to an invisible audience. The panda is adorned with a blue tie and is pointing towards a large projector screen that displays bold text stating 'Diffusion Models – in the style of van Gogh,’ with swirling patterns reminiscent of the famous Dutch painter's work in the background. The room is lined with grand windows showing a clear day outside, and rows of empty black chairs face the presenting panda, suggesting an air of anticipation for the talk.", + "172.txt": "A well-loved silver pot emits a gentle steam on a modern gas stove with blue flames licking at its base. In the foreground, a hand wields a vivid green marker that dances across the open pages of a sketchbook, which is sprawled casually on a nearby wooden kitchen table. The sketchbook contains whimsical drawings, random doodles intertwined with occasional splashes of color, capturing the spontaneous bursts of creativity.", + "partiprompts178.txt": "A vibrant and colorful graffiti mural on a textured concrete wall, featuring the phrase \"BE EXCELLENT TO EACH OTHER\" in bold, stylized lettering. Next to the text, there's an image of a whimsical green alien, donning a sleek black tuxedo with a bright red bow tie. The alien's playful expression adds a touch of humor to the otherwise rough urban canvas.", + "partiprompts216.txt": "A vibrant underwater scene where a yellow dump truck, brimming with black and white soccer balls, is whimsically placed among the colorful coral reef. The truck appears to be 'scuba diving' in the clear blue waters, surrounded by schools of tropical fish and intricate sea life. The coral formations exhibit a multitude of hues, from bright pinks to deep purples, creating a playful contrast with the artificiality of the submerged vehicle.", + "288.txt": "In the bathroom, a sleek circular metal sink reflects the soft overhead lighting, creating a serene and clean atmosphere. Next to the sink, three cylindrical bars of green soap are meticulously lined up, each embossed with intricate patterns, waiting to be used. The soaps rest upon a white marble countertop that contrasts with the cool, brushed finish of the sink.", + "194.txt": "At a playground, there are two colorful plushie toys, fashioned to resemble cheerful little characters, securely riding on the backs of small mechanical sheep. These sheep are on a circular track, endlessly circling beneath the warm glow of an orange sunset that blankets the sky. The surrounding play area is dotted with other equipment, but these plushie toys, with their exaggerated smiles and bright button eyes, stand out against the fading daylight.", + "partiprompts248.txt": "A large, bold sign with the words 'KEEP OFF THE GRASS' is painted in white letters on a weathered brick wall. The wall has a rough texture and shows signs of age with some bricks slightly chipped and discolored. In front of the wall, there's a small strip of green grass that appears well-maintained, contrasting with the urban backdrop.", + "COCOval2014000000424349.txt": "A chef dressed in a white apron and a tall chef's hat is sliding a freshly topped pizza into a large industrial oven. The professional kitchen is equipped with stainless steel countertops and a variety of cooking utensils hanging from a rack above. The warm glow from the oven illuminates the chef's focused expression as they carefully handle the pizza peel.", + "157.txt": "A fluffy white pillow rests against the cool glass of a large window, accompanied by a pair of sleek black binoculars positioned on the ledge. The windowsill, bathed in the early morning light, also houses a small potted plant with vibrant green leaves, offering a contrast to the neutral tones of the room. Outside the window, the faint pre-dawn hues hint at the promise of a new day.", + "whoops19.txt": "An individual in a light blue shirt and khaki shorts is methodically sweeping the sandy beach with a long, wooden-handled broom. Around him, the soft golden sand is sparsely dotted with seashells and footprints. Nearby, a series of colorful beach umbrellas and lounging chairs are arranged, contrasting against the clear blue sky.", + "COCOval2014000000493435.txt": "A park bench made of weathered wood, with a large, flat-screen television set precariously on top. Behind the bench, an open umbrella with a colorful pattern provides a stark contrast to the bench's muted tones. The scene is set on a paved path with grass on either side, hinting at a public space with an unusual arrangement of objects.", + "265.txt": "A majestic white crane with outstretched wings captured in the act of taking flight from a patch of green grass. In the foreground, an ambulance emblazoned with vibrant red crosses races past, its siren lights ablaze with urgency against the evening sky. The cityscape beyond is silhouetted by the fading hues of dusk, with the outlines of buildings casting long shadows as the day comes to a close.", + "drawtext8.txt": "An intricately designed sculpture of the letter W, rendered in three-dimensional form, is masterfully crafted from a thin wire with an iridescent light metallic chrome finish. The isometric perspective emphasizes the sculpture's geometric precision, showcasing its ultra-detailed structure. It stands prominently against a deep, dark background, further accentuating the reflective and shimmering quality of the wire material.", + "109.txt": "Adjacent to each other in a room, a large rectangular bed draped in a navy-blue comforter sits parallel to a square-shaped nightstand with a matte finish. The nightstand holds an angular lamp and a small stack of hardcover books. The two pieces of furniture are positioned on a plush beige carpet that covers the majority of the floor space.", + "191.txt": "Two worn pairs of leather boots lie haphazardly on a dusty barn floor, their laces tangled and their muddy soles facing outward. They are adjacent to a tall, weathered wooden barrel that stands upright, bearing the marks and scratches of frequent use. The golden light from the setting sun filters through the gaps in the barn's wooden slats, casting elongated shadows that stretch towards the old, creaking doorway.", + "partiprompts184.txt": "a tranquil lakeside setting where a herd of sauropods is seen gracefully traversing the water's edge. The gentle giants, with their long necks and tails, are silhouetted against the backdrop of a dense forest. The calm lake reflects the soft hues of the sky as the prehistoric creatures continue their age-old migration.", + "diffusiondb12.txt": "A high-resolution portrait of the acclaimed actress Julianne Moore trending on Pinterest, captured by the lens of photographer Kyle Thompson. Her hair is styled in full platinum blonde waves that frame her intensely expressive, pale-skinned visage with high detail. The photograph, exuding realism and superior quality, showcases her piercing gaze that imparts a sense of subtle strength.", + "199.txt": "An aged and weathered workbench is laden with tools and materials, its surface coated with a fine layer of sawdust. A rolled-out tape measure and a wooden ruler lie parallel across the bench, both extending their lengths to aid in an unseen project. Beside these measuring tools, a ceramic ashtray cradles a lit cigar and a smoldering cigarette, their trails of smoke winding upwards. The ashtray is situated to the left of the measuring tools, and behind it, various unfinished woodworks can be glimpsed, suggesting the area is frequented by a craftsman.", + "countbench14.txt": "A collection of four intricately designed bookmarks, each featuring black and white doodles of various flowers and ornamental patterns. These bookmarks are tailored for adults who enjoy coloring, offering a creative and relaxing activity. The detailed vector illustrations are perfect for bringing to life with a splash of color, and the bookmarks are crafted to be both functional and aesthetically pleasing.", + "posescript13.txt": "A figure balances gracefully on their right foot, with their left leg extended straight behind them, parallel to the ground. The torso of the person is pitched forward in a dynamic pose, creating a straight line from head to the elevated heel. The left arm mirrors the extension of the leg as it reaches slightly forward, while the right arm is bent at the elbow and opens to the right, adding a sense of movement and balance to the overall posture.", + "midjourney4.txt": "A stage designed with a fusion of natural and industrial elements, featuring sleek silver glass panels reminiscent of a high-tech laboratory, situated alongside a soft, feathered carpet. The flooring transitions into an area of polished wood leading to a sturdy stone wall, adding an earthy touch to the synthetic ambiance. Overhead, raw concrete merges into the form of a salvia patens roof, juxtaposed with a tranquil sand-laden backdrop that suggests the gentle shores of a lake. In the center, an oval mirror with a slim steel frame reflects the composed space, including the transparent screen that adds a layer of modernity to this eclectic setting.", + "stanford11.txt": "A delectable square slice of pizza with a golden-brown crust sits at an angle on a round, emerald-green plate. Toppings of earthy mushrooms, glossy black olives, and juicy red tomato chunks are scattered across the melted cheese. Resting beside the pizza slice, shredded purple and crisp white cabbage add a vibrant contrast to the plate, creating an appealing mix of shapes and colors.", + "123.txt": "In the bustling heart of the city, under the clear midday sky, stands a sparkling white sink, its porcelain surface gleaming in the sunlight. It is an unusual sight: the sink, vastly larger than a nearby old burgundy bicycle with a wicker basket, positioned as if it were a modern art installation. The surrounding concrete ground of the cityscape contrasts sharply with the clean and polished texture of the oversized sink.", + "77.txt": "Five savory pizzas with vibrant red tomato sauce and a generous amount of golden cheese are being baked to perfection inside the warm, rustic brick oven. The oven, radiating heat, has a wooden handle peeking out, suggesting it's an old-fashioned, manually-operated one. The flames at the back cast a flickering glow, highlighting the oven's arch and the earthen tones of the bricks.", + "partiprompts13.txt": "An imaginative aerial panorama of downtown Manhattan, where the iconic Millennium Wheel stands out, juxtaposed against the backdrop of the Statue of Liberty, both bathed in the golden hues of the afternoon sun. The skyline is transformed by the surreal addition of the Great Pyramid, which sits majestically on a sandy island, surrounded by the steel and glass skyscrapers. The Hudson River meanders around the cityscape, reflecting the unusual yet striking architectural ensemble.", + "124.txt": "Under the bright midday light, a sleek glass display shelf within a boutique shop showcases an array of cosmetics. Three lipsticks, each a different shade of pink, red, and burgundy, are aligned meticulously beside a pair of shining black leather shoes, reflecting the overhead lighting. The shoes boast a perfect sheen, hinting at their unworn condition, and they sit adjacent to the lipsticks, adding contrast with their sharp, polished appearance against the soft textures of the makeup.", + "diffusiondb35.txt": "an intense scene unfolds on the streets of San Francisco, where bursts of orange muzzle flashes cut through the gray smoke billowing in the air. Armed police officers take cover behind their black and white patrol cars, exchanging fire with sharply dressed individuals, suspected members of the mafia, wielding shiny pistols. The chaos is concentrated on a street lined with historic red-brick buildings, their windows reflecting the glaring emergency lights of police vehicles. Nearby, discarded bullet casings glint on the asphalt, evidence of the fierce battle taking place.", + "COCOval2014000000542910.txt": "A woman with an intense expression is interacting with an unseen person to the side of the frame. Her facial expression is one of playful aggression, with her teeth bared in a mock snarl. She appears to be in a brightly lit room, with casual attire suggesting a comfortable, informal setting.", + "stanford14.txt": "A traveler stands in a busy train station, clad in a tan jacket that falls to their mid-thigh, paired with a snugly fitted gray scarf around their neck. On their back, a worn brown backpack suggests a journey in progress. They are intently gazing at the cell phone in their hands, perhaps checking a schedule or reading a message. Before them, a sleek silver train rests on the track, its doors poised to open and welcome passengers to the next leg of their travels.", + "COCOval2014000000231527.txt": "A rustic wooden table with a natural grain finish, bathed in soft light. On its surface, a cluster of ripe oranges is arranged next to two glass jars filled with a vibrant orange marmalade. The jars catch the light, highlighting the rich color and texture of the contents within.", + "266.txt": "An old-fashioned kitchen setting with a cast-iron kettle and a ceramic teapot sitting atop a rough-hewn, wooden table that bears the marks and patina of age. The kettle's metallic surface has a dull gleam, reflecting the warm ambient light, while the teapot, adorned with a floral pattern, adds a touch of nostalgia to the setting. In the background, there is a window with curtains partially drawn, allowing for a soft natural light to fill the room. Nearby, a woven basket filled with dried flowers accentuates the rustic charm of the cozy interior.", + "85.txt": "A vivid nuclear green electric drill in action, its bit spinning rapidly as it bores into a thick, black leather belt. The power tool's textured grip ensures a firm hold and starkly contrasts with the sleek, dark surface of the belt, which is held down against a sturdy wooden workbench. Around the drill, shreds of black material and wood dust are scattered, evidence of the tool's forceful endeavor.", + "whoops26.txt": "A man with bright red boxing gloves awkwardly attempts to play a glossy black grand piano in the center of a room. Around him, the floor is a polished hardwood, reflecting the soft overhead lighting. Despite the gloves, he appears concentrated, engaged in his unique challenge, with sheet music propped up on the piano's stand.", + "partiprompts292.txt": "A sleek, metallic robot with articulated joints and glowing blue eyes stands holding a large, rectangular sign with bold, colorful letters that spell out \"Let's PAINT!\" The robot's silver surface reflects the bright lights of the room, and it is positioned next to an array of paint cans in vibrant hues, neatly arranged on a tarp-covered floor. Behind the robot, a blank canvas on an easel awaits the first stroke of creativity.", + "262.txt": "An eye-catching bright red megaphone rests on its side, situated in close proximity to a sleek black microphone that stands upright on a dark stage. The stage itself is equipped with various electronic devices and cables running across its surface, hinting at the preparations for an upcoming event. The microphone, with its polished metal finish, gleams under the stage lights, waiting to project the voice of the speaker into the night.", + "partiprompts80.txt": "A shiny metallic blue sphere rests to the left of a vibrant yellow felt box on a smooth, gray surface. The sphere reflects the light, creating a gleaming highlight on its curved surface, while the felt box has a soft, matte texture that contrasts with the sphere's reflective finish. The box appears slightly larger than the sphere, and both objects are positioned against a neutral background that emphasizes their colors and textures.", + "partiprompts213.txt": "An old-fashioned covered wagon with a weathered canvas top and wooden spokes on its wheels is captured from behind. Peeking out from the flap of the canvas, a large polar bear's head emerges, its fur a stark contrast to the beige fabric of the wagon. The wagon itself is parked on a gravel path, surrounded by tufts of grass and small shrubs.", + "partiprompts279.txt": "A gleaming golden trophy with intricate engravings stands too tall to fit inside a small, worn brown leather suitcase that lies open on the floor. The suitcase, cluttered with clothes and other personal items, cannot accommodate the trophy's wide base and elongated handles. The surrounding space is cramped, with other travel accessories and a pair of shoes scattered nearby, indicating a packing process interrupted by the realization that the trophy must be transported separately.", + "partiprompts230.txt": "a patriotic-themed chopper motorcycle, its body emblazoned with the iconic red, white, and blue of the Stars and Stripes. The bike's gleaming chrome accents catch the light, highlighting its meticulous craftsmanship. Parked on a stretch of open road, the motorcycle's American flag motif stands out boldly against the asphalt.", + "localized21.txt": "The expansive surface appears to be a wall constructed from weathered wooden planks, each exhibiting unique patterns of grain and knots. The rustic wooden barrier casts subtle shadows, hinting at its rough texture and the natural variations in its warm brown tones. No other objects are in view, putting the entire focus on the wooden wall's organic and sturdy character.", + "80.txt": "Two bars of soap, one lavender and the other oatmeal-colored, are neatly placed beside a vibrant yellow pineapple with a thick, green crown. They rest on a white porcelain dish that contrasts with the dark granite countertop. Behind them, a small kitchen window lets in natural light that helps highlight their distinct textures and colors.", + "posescript9.txt": "In a well-lit room with a soft beige carpet, an individual is practicing a forward bend yoga stretch. Their torso is folded over, head nestled between their arms, with their hands lightly meeting at their feet, showing a relaxed and mindful posture. Although the knees maintain a slight bend to protect the joints, the legs remain parallel to each other, with only a small gap separating them, creating a harmonious balance in the pose.", + "87.txt": "A collection of three vibrant magenta hats, each featuring a unique pattern and texture, are arranged side by side on a dark, polished wooden surface. Nearby, two translucent bottles with intricate designs reflect the ambient light. The bottles are carefully positioned to the right of the hats, and their contents cast a slight shadow on the wood grain.", + "143.txt": "A compact blue speaker with a sleek design sits atop the edge of a vibrant yellow bathroom sink. The sink is situated against a pristine white tiled wall, contrasting sharply with its vivid color. The texture of the speaker appears smooth and modern, clearly distinguishable from the glossy finish of the ceramic sink basin.", + "posescript20.txt": "The individual in question presents a dynamic stance, with the left foot stepping forward onto a beige, textured rug that covers the wooden floor. They are extending their right arm upward toward the ceiling, which has a smooth, white finish. Simultaneously, the left arm stretches back, contrasting against the pale yellow wall behind them, creating an image of motion within the room.", + "282.txt": "Two slender bamboo-colored chopsticks lie diagonally atop a smooth, round wooden cutting board with a rich grain pattern. The chopsticks, tapered to fine points, create a striking contrast against the cutting board's more robust and circular form. Around the board, there are flecks of freshly chopped green herbs and a small pile of julienned carrots, adding a touch of color to the scene.", + "stanford30.txt": "An elegant three-tiered cake, with layers alternating between chocolate brown and creamy white icing, stands as the centerpiece on a polished wooden table. Scattered gracefully around the base of the cake are delicate red and yellow flower petals, adding a touch of color to the presentation. Beside the cake rests a pristine white plate, upon which lies a silver fork with an ornate handle, ready for the first slice to be served.", + "whoops0.txt": "A young boy with forlorn expression gazes downward, his hair tousled as though he's had a long day. He's clad in a plain white t-shirt that contrasts with the intricate designs of a temporary sleeve tattoo adorning his arm. The tattoo features a mixture of colorful dragons and floral patterns that extend from his shoulder down to his wrist. Nearby, a set of colored markers are strewn about, suggesting a recent artistic endeavor.", + "242.txt": "Amidst a hazy urban setting enveloped by a soft gray mist, a bright red fire truck speeds forward, sirens blaring and lights flashing. Its large wheels churn as the truck speeds past, sending a line of bright orange traffic cones tumbling in disarray. Behind the fire truck, the blurred shapes of city buildings loom, adding to the urgency of the scene as the vehicle rushes to an unseen emergency.", + "COCOval2014000000229427.txt": "Two people, a man and a woman, are standing in a spacious living room, each holding a game controller in their hands. They are focused on a large television screen in front of them, which is displaying a colorful video game interface. Around them, the room is furnished with a comfortable couch and a coffee table scattered with magazines and remote controls.", + "partiprompts266.txt": "A surreal image of a clear glass light bulb adrift in the vast expanse of outer space, its filament replaced by a miniature sailing boat with white sails unfurled. The light bulb, seemingly floating among the stars and nebulae, casts a subtle glow that illuminates the delicate features of the boat within. Surrounding the bulb, the cosmos stretches out in shades of deep blues and purples, speckled with the twinkling of distant stars.", + "299.txt": "A polished brown leather briefcase with visible stitching details rests on a white tablecloth, displaying a sense of organization amidst the surrounding environment. Beside the briefcase, a vibrant red fedora hat provides a striking contrast against the pristine table covering. The table, placed in a room with light beige walls, gives an impression of a professional setting with a touch of personal style.", + "partiprompts311.txt": "A vibrant garden scene where two red tulips stand out with their bright petals, surrounded by three white daisies with yellow centers. The flowers are nestled among green leaves and stems, with the red tulips slightly taller than the daisies. The arrangement is set against a backdrop of dark soil, hinting at a well-tended garden bed.", + "105.txt": "A traditional Venetian mask with intricate designs and feather embellishments is placed on a polished wooden table. Next to the mask, there sits a substantial golden trophy, shining with reflected light, its surface etched with small, detailed engravings. The table and its prestigious items are set against a deep sepia-toned backdrop that enhances the objects' visual appeal.", + "partiprompts107.txt": "A focused young woman with round spectacles is deeply engrossed in a thick, leather-bound book that rests on a polished mahogany desk. The desk is neatly organized, with a brass desk lamp casting a warm glow over her reading material. To her left, there's a small potted plant with vibrant green leaves, adding a touch of nature to the scholarly setting.", + "diffusiondb20.txt": "The image captures a whimsical scene with a brown tabby cat, its fur patterned in shades of dark brown, black, and light taupe. The cat, situated as if in the throes of space, is portrayed with a transparent, gleaming bubble encasing its head like an astronaut's helmet. Around it, an assortment of smaller bubbles float serenely in the imagined cosmos, with a creatively interpreted Saturn adorned with rings in the backdrop, providing an aura of interstellar exploration.", + "partiprompts87.txt": "An array of geometric shapes arranged on a dark, matte black surface. There are ten triangles, each with a different hue ranging from vibrant red to deep blue, and five squares that are uniformly white. The shapes are scattered in no particular order, creating a visually striking contrast against the black background.", + "whoops12.txt": "A woman stands amidst a gentle downpour, shielded by an unconventional umbrella constructed from a fishnet, with visible droplets of rain caught in its mesh. She's wearing a yellow raincoat that contrasts with the grey, wet pavement around her. As she walks, puddles ripple at her waterproof boots, reflecting the overcast sky above.", + "countbench31.txt": "an interior design arrangement showcasing a pair of iconic Eames RAR chairs in a sleek black finish, with their characteristic smooth curves and wooden rocker legs. Adjacent to the chairs, there's a contemporary black bedroom furniture set that includes a bed frame, nightstands, and a dresser, all featuring minimalist lines and matte surfaces. The entire setup is part of a home design concept that blends modern aesthetics with classic mid-century elements.", + "partiprompts272.txt": "A massive, red-striped ball made of lightweight styrofoam, careened into a small, round wooden table, causing it to collapse under the unexpected force. The table, previously adorned with a delicate lace tablecloth and a ceramic vase, now lies in disarray with the broken vase and scattered flowers beside the remnants of the table. The ball, seemingly unscathed by the collision, rests awkwardly against the splintered wood of the shattered table.", + "222.txt": "A well-worn traditional fire tong with a darkened, metal finish rests gently beside a contemporary stainless steel extractor on a rugged, aged wooden table. The table's surface reveals the texture of the grain and bears the marks of frequent use. Sunlight pours through a nearby window, casting a soft, warm glow that highlights the contrast between the old and the new kitchen tools.", + "151.txt": "In a dimly lit room, a sleek, black projector casts a bright image onto a large white screen for an evening presentation. Beside the bed, a small nightstand made of polished dark wood carries a solitary leather wallet, lying undisturbed amidst the quietude of the space. The wallet's smooth surface reflects the faint glow emanating from the projector, subtly highlighting its details and the meticulous stitching along its edges.", + "localized7.txt": "The focal point of the image is a colorful Rubik's cube with a mix of unsolved red, blue, green, and yellow squares. Just beneath the cube, the texture of a soft, dark cloth can be observed, providing a contrast to the cube's vivid colors. The backdrop is enveloped in shadows, accentuating the cube's brightness. To the lower portion of the frame, a nondescript black object is partially visible, adding a sense of depth to the composition.", + "partiprompts78.txt": "a striking painting dominated by shades of black and white, creating a stark contrast on the canvas. In the right corner, a vivid red flower stands out, adding a pop of color to the monochromatic background. The texture of the brush strokes is visible, giving the painting a dynamic and tactile quality.", + "vrd21.txt": "A bright red umbrella hovers protectively above a pair of sleek black-framed glasses which rest on a gloss-finished wooden table. Beneath the umbrella, the glasses are shielded from the ambient light. A verdant green plant with lush leaves springs from within a terracotta pot, which sits to the right of the glasses, adding a touch of nature to the composition. To the left of the scene, a person clad in a striped shirt stands shoulder-to-shoulder with another individual, engrossed in cheerful conversation. In the background, a leafy tree gracefully arches over the umbrella, casting a softened shadow over the entire tranquil setting.", + "partiprompts174.txt": "an impressionistic painting that features a vibrant array of colors, depicting a tree with a swirl of green and yellow leaves next to an old stone building with a red-tiled roof. The brush strokes are thick and visible, giving the painting a textured look, and the tree's branches seem to dance around the building's edges. The sky in the background is a mix of blues and purples, suggesting either dawn or dusk.", + "COCOval2014000000096306.txt": "An indoor recreational space with several table tennis tables set up for play. Players are engaged in matches, with some practicing serves while others are in the midst of a rally. The room is filled with the sound of ping pong balls being struck back and forth across the tables.", + "293.txt": "At a bustling farmer's market stall, a ripe hamimelon with its signature netted green rind and succulent orange flesh lies beside a crisp head of lettuce, which displays vibrant green leaves. The two fresh produce items bask under the diffuse amber light of the late afternoon sun, which casts a soft glow over the array of fruits and vegetables. Around them, an assortment of seasonal goods is neatly arranged on wooden tables, inviting customers to sample the local harvest.", + "partiprompts76.txt": "A graphic image featuring a stark black background that serves as a canvas for a large, vibrant yellow circle positioned centrally. Below and to the right of the circle, there's a small, matte red square, creating a stark contrast in both color and shape. The simplicity of the composition draws attention to the geometric figures and their bold colors.", + "114.txt": "In an elegantly simple room, two pairs of sandals—one blue and one red—sit tidily beneath a quaint, square wooden side table featuring a weathered finish that suggests a touch of rustic charm. The side table, which casts a soft shadow onto the textured salmon pink wall behind it, provides a harmonious balance to the vibrant footwear. The floor beneath the table is a polished light hardwood, reflecting a faint glow from the natural light entering the room.", + "diffusiondb6.txt": "A digital art piece depicting an anthropomorphic fox character with vibrant orange fur and emerald green eyes, wearing a sleek, silver-hued jacket and holding a neon-lit shopping bag, standing in the midst of a bustling, high-tech mall. The scene draws inspiration from Makoto Shinkai with its depth and use of light, the detailed and realistic texture akin to the works of James Gurney, while incorporating characteristic anime-style aesthetics. Surrounding the fox are other fantastical creatures, each rendered with the distinct, expressive touch reminiscent of Don Bluth's animation. Artists like Hibbary, Dark Natasha, and Goldenwolf could be credited with influencing the fox's lifelike fur and captivating poise. The image would be well-suited for the galleries of FurAffinity, known for its community of artists who celebrate anthropomorphic animals through their creative endeavors.", + "274.txt": "An open pencil case with a variety of colored pencils strewn about lies adjacent to a set of sleek, black binoculars resting on the smooth surface of an aged oak desk. The desk, marked by the patina of use, features intricate grain patterns and is sprinkled with fine papers and an antique brass lamp. The combination of school supplies and exploratory equipment suggests a space dedicated to both study and adventure.", + "partiprompts121.txt": "A plump wombat, adorned in a crisp white panama hat and a vibrant floral Hawaiian shirt, lounges comfortably in a bright yellow beach chair. In its paws, it delicately holds a martini glass, the drink precariously balanced atop the keys of an open laptop resting on its lap. Behind the relaxed marsupial, the silhouettes of palm trees sway gently, their forms blurred into the tropical backdrop.", + "midjourney36.txt": "An ancient-inspired agora stands amidst a dense palm farm, its robust columns crafted from the sturdy trunks of Sabal palms, rising into the sky. The structure's foundation and seating areas are composed of a unique oyster shell concrete, lending a textured, gritty feel to the smooth surfaces. The space between the palms is filled with the rustic beauty of this communal gathering spot, which is both inviting and impressive in its naturalistic design.", + "20.txt": "An ornate royal carriage, painted in deep red with golden trim, stands prominently against a landscape blanketed in pristine snow. Behind it, the silhouettes of tall pine trees dusted with white can be discerned through the soft haze of a winter's day. In front of the carriage, the snow-covered ground glistens under the subtle light of the afternoon sun.", + "COCOval2014000000580698.txt": "A large brown bear is partially submerged in a clear, tranquil body of water. The sun casts a warm glow on the bear's fur, highlighting its texture and creating a serene scene. The water ripples gently around the bear as it sits calmly, enjoying the warmth of the sunlight.", + "81.txt": "In a brightly-lit laundry room, a pair of ripe yellow bananas rest nonchalantly against the sleek surface of a silver washing machine. The spacious room is adorned with colorful splashes of paint on the walls, creating a lively and playful atmosphere. Sunlight streams through a nearby window, enhancing the vibrancy of the space and casting soft shadows around the cheerful fruits.", + "diffusiondb39.txt": "a grainy black-and-white image from a 1920s television show, featuring the iconic figure of Batman. He is captured mid-dance, with exaggerated gestures typical of vaudeville performances of the time. The scene shows him on a simple stage with minimal props, evoking the early days of television when the focus was purely on the performer's charisma and talent.", + "19.txt": "An elegant brass saxophone rests upright on a stand in the center of a dimly lit stage, its polished surface catching the limited light and casting a warm glow. The slight shimmer of the instrument stands in stark contrast to the dark, empty chairs surrounding it, evoking a sense of anticipation. Its curves and keys are highlighted by a single beam of spotlight, waiting to come to life in the quiet twilight of the auditorium.", + "partiprompts250.txt": "a festive array of red and yellow balloons tied with curling ribbons, gently bobbing from the breeze of a spinning ceiling fan. The fan has wooden blades and a brass finish, which contrasts with the bright colors of the balloons. The balloons are clustered in a joyful bunch, casting soft shadows on the ceiling above.", + "partiprompts210.txt": "A vibrant yellow dump truck, its bed brimming with black and white soccer balls, navigates through the colorful terrain of a coral reef. The surrounding waters are a clear blue, teeming with marine life, and in the distance, a massive blue whale glides gracefully. The coral formations exhibit a multitude of hues and intricate textures, providing a stark contrast to the industrial machine in their midst.", + "44.txt": "A bright yellow tennis ball lies in stark contrast on the vibrant green of a freshly mowed grass court. The ball's fuzzy texture is highlighted by the sunlight, casting a small shadow on the neatly trimmed lawn. Nearby the baseline, the white chalk lines distinctly mark the boundaries of the playing field, creating a geometric harmony on the court.", + "165.txt": "In a modern kitchen, a square, chrome toaster with a sleek finish sits prominently on the marble countertop, its size dwarfing the nearby red vintage rotary telephone, which is placed quaintly on a wooden dining table. The telephone's vibrant red hue contrasts with the neutral tones of the kitchen, and its cord coils gracefully beside it. The polished surfaces of both the toaster and the telephone catch the ambient light, adding a subtle shine to their respective textures.", + "250.txt": "An expansive airport terminal alive with the hurried steps of travelers, featuring white tiled floors and large glass windows revealing views of parked airplanes. Overhead, a lattice of metal beams supports a ceiling from where seven dome-shaped black surveillance cameras keep a vigilant eye on the bustling concourse. Amidst the flow of people, rows of blue and grey seating areas are interspersed with digital flight information displays.", + "whoops13.txt": "The iconic Statue of Liberty, with its verdant green patina, stands imposingly with a torch raised high in front of the Big Ben Clock Tower, whose clock face is clearly visible behind it. The Big Ben's golden clock hands contrast against its aged stone façade. In the surrounding area, tourists are seen marveling at this unexpected juxtaposition of two renowned monuments from different countries.", + "vrd15.txt": "A group of individuals standing side by side, each dressed in casual attire. The first person is wearing beige chinos and a green shirt, while the next has on a pair of blue jeans and a white t-shirt. Each person has footwear, with one showcasing bright red sneakers and another in brown leather boots. Their proximity suggests they are together, perhaps friends or family, with their attire indicating a relaxed, informal gathering.", + "partiprompts255.txt": "a grand piano, its glossy black surface partially obscured by the warm glow of multicolored Christmas lights draped across it. The piano stands in a room with hardwood floors and a high ceiling, giving it an elegant presence. Nearby, a green potted plant adds a touch of life to the scene, contrasting with the piano's ebony finish.", + "partiprompts219.txt": "An aerial perspective showcases a red pickup truck with a silver flatbed, loaded with neatly stacked brown cardboard boxes. The truck is parked on a gray concrete driveway, adjacent to a well-manicured green lawn. Surrounding the vehicle, a few orange traffic cones are placed, indicating a temporary work zone or moving area.", + "countbench10.txt": "An elegantly designed bathroom features two white pedestal sinks stationed at either end, framing a custom-built cabinet nestled snugly in between. This unique cabinet is crafted to match the sleek aesthetic of the pedestals, finished in a soft beige hue with silver handles that add a touch of sophistication. It offers the perfect blend of the classic pedestal style with the practicality and storage of a traditional vanity, ensuring functionality without compromising on elegance.", + "partiprompts101.txt": "A classic Greek statue carved from white marble, depicting a muscular man with a stern expression as he gently comforts a cat with an unusually large head. The cat, also sculpted from marble, seems to be at ease in the man's strong arms. The statue stands on a stone pedestal, and the intricate details of the man's curly hair and the cat's fur texture are visible, highlighting the sculptor's skilled craftsmanship.", + "192.txt": "A curious vessel, with an architecture reminiscent of a giant green broccoli, basks in the bright sunlight, casting a shimmer across its intricate, leaf-like structures. It floats serenely in the midst of a vast ocean, the water around it sparkling as if sprinkled with diamonds due to the sun's reflection. The horizon stretches endlessly, with the clear blue sky meeting the deep azure of the sea at a distant line.", + "COCOval2014000000100343.txt": "A cozy kitchen scene where a plush teddy bear is seated amongst a bunch of ripe bananas. The bananas are resting on a wooden countertop, which also features a variety of other groceries and kitchen utensils. In the background, a window allows natural light to illuminate the teddy bear's soft fur and the vibrant yellow of the bananas.", + "vrd10.txt": "Two individuals are seated next to each other at a wooden dining table. One person, sporting a pair of dark sunglasses, has them resting casually on their crisp, white shirt collar. They are dressed casually with denim jeans, while their companion is also in a relaxed shirt and jeans ensemble. In front of them, a ceramic plate is set on the table, indicating a meal might soon be enjoyed. The person wearing the sunglasses exudes a laid-back vibe, with the accessory complementing their casual attire.", + "midjourney2.txt": "An anthropomorphic wolf, clad in a crisp white shirt and a patterned tie, sits elegantly on a subway train designed in the distinctive styles of Wes Anderson and Moebius. The setting of the New Yorker Magazine cover is depicted through a silkscreen print that showcases an image transfer technique, embodying a realistic comic illustration with intricate details. The wolf's poised demeanor contrasts with the bustling subway environment, where every texture and pattern speaks to the meticulous attention to detail characteristic of the illustrative work.", + "vrd28.txt": "An urban scene where a public bus painted in bright colors navigates through the street, passing by a pedestrian waiting patiently beside a tall traffic light. To the side, a car with shiny alloy wheels is parked, with the backdrop of a modern grey building towering over it. Just beyond the car, the unique feature of green grass can be seen growing atop the roof of a nearby eco-friendly structure.", + "midjourney16.txt": "A digitally rendered image of the iconic Monalisa capturing a selfie, boasting 8K resolution and hyper-realistic details that highlight the delicate textures of her skin and the intricate fibers of her clothing. The scene is illuminated with cinematic lighting that casts soft shadows and enhances the depth of field, giving a three-dimensional quality to the image. The background is blurred artfully, drawing full attention to her enigmatic expression and the modern device in her hands, all created with the precision of an Octane render engine.", + "COCOval2014000000187240.txt": "A vibrant red bus is parked on a bustling city street, its size overshadowing the adjacent white van. The street is lined with a mix of small shops and residential buildings, each with their own unique facades. The vehicles are positioned parallel to the curb, with the bus's destination sign clearly visible above its windshield.", + "stanford37.txt": "A large, circular clock with a green face is affixed to the exterior of a brick building, the brickwork displaying a variety of warm, earthy tones. The clock features Roman numerals in an elegant font, and each numeral is accented with subtle gold embellishments that catch the light. Directly beside the clock, there is a single arched window with a lattice design, providing a glimpse into the building's interior.", + "partiprompts285.txt": "A delicate, spherical glass sculpture with intricate blue and green patterns, previously perched on a wooden shelf, has tumbled to the floor due to the lack of secure anchoring. The shelf, lined with various other art pieces, stands against a pale yellow wall. The fallen sculpture now lies near a potted fern, its position suggesting the quiet aftermath of the incident.", + "partiprompts86.txt": "A sizable blue box with a smooth, matte finish sits prominently in the center of the room. Atop its surface rest three small, vibrant yellow boxes, each with a glossy texture and sharp, clean edges. The blue box's substantial size dwarfs the trio of yellow boxes, creating a striking contrast in both color and scale.", + "237.txt": "A quiet scene is set within a busy commercial kitchen, where stainless steel surfaces are bustling with activity. In one corner, a gleaming white porcelain cup sits beside a large stainless steel basin, both impeccably clean and ready for their next purpose. The walls, clad in white subway tiles, reflect the glimmer of overhead lights, giving the room a bright, active atmosphere. In the background, the hum of ovens and stovetops blend with the rhythmic chopping of diligent cooks preparing for the morning rush.", + "partiprompts85.txt": "a vibrant stained glass window featuring a depiction of a tyrannosaurus rex in hues of green and blue, set against a backdrop of a peaceful prehistoric landscape. The dinosaur's posture suggests a moment of rest, with its massive tail curling alongside its body. Sunlight filters through the textured glass, casting colorful patterns on the interior walls of the room.", + "partiprompts26.txt": "A surreal and unlikely scene where the iconic Millennium Wheel, with its towering white and blue structure, stands adjacent to the green-hued Statue of Liberty, which raises its torch high into the sky. In the background, the intricate spires of the Sagrada Familia church rise majestically, showcasing its unique architectural blend of Gothic and Art Nouveau styles. The three landmarks are juxtaposed in a way that defies their geographical realities, creating a fantastical skyline.", + "107.txt": "On a rich maroon stage, a quintet of grand pianos gleams under the stage lights, their polished black surfaces reflecting their surroundings. Each piano is encircled by a small scatter of walnuts, their round, brown shapes contrasting with the sleek lines of the instruments. The pianos are methodically arranged, allowing ample space for performers to maneuver around them during a recital.", + "partiprompts153.txt": "A haunting painting depicts a ghastly, pale creature with an expression of terror, its body bearing a resemblance to both a lifeless corpse and the nascent form of a sperm or fetus. The creature's twisted outline is mirrored in the tumultuous, swirling patterns that dominate the blood-red sky above. The entire scene is set against a backdrop that evokes a sense of foreboding, with the stark red tones and fluid lines creating a sense of motion and unease.", + "110.txt": "A single, long green onion with its pristine white root end and vibrant green top stands upright in a tall, thin, clear glass vase. The delicate onion contrasts with the smooth and solid form of the vase which rests upon the speckled granite kitchen countertop. The morning light filters through a nearby window, bathing the onion and vase in a gentle, diffused glow that highlights their subtle textures and colors.", + "partiprompts10.txt": "A detailed sculpture of an ancient pharaoh, crafted from a lustrous bronze metal, stands imposingly against a plain backdrop. The statue is adorned with a pair of intricate steampunk glasses that rest on the bridge of its sculpted nose, and it wears a weathered leather jacket draped over a crisp white t-shirt. Emblazoned on the shirt is a detailed illustration of a space shuttle, adding a modern twist to the traditional regal attire.", + "255.txt": "On a bright day, a trio of sunshine yellow shrimp can be seen scuttling about the base of a striking zebra, its coat a contrast of black and white stripes reminiscent of a starry sky without a moon. The zebra stands casually on a patch of vibrant green grass, seemingly unfazed by the small crustaceans exploring around its hooves. The sun casts a warm glow on the scene, enhancing the vivid colors and casting short shadows on the ground beneath the animals.", + "196.txt": "A vast, metallic extractor, its surface reflecting the pale hues of dawn, towers beside a wooden cello that sits elegantly aglow in the morning light. Both objects are bathed in a gentle, warm ambience as the sun rises, casting long, soft shadows across the floor. The extractor's robust shape and industrial design create a striking visual juxtaposition with the smooth, curved silhouette of the cello.", + "COCOval2014000000212403.txt": "A rider atop a chestnut horse in the middle of a spacious pasture enclosed by a wooden fence. The pasture is dotted with patches of green grass and the occasional tree, providing a serene setting for the horse and rider. In the distance, a barn can be seen, completing the pastoral scene.", + "partiprompts68.txt": "In the center of the composition, there is a neatly arranged stack of three vibrant red cubes, each with a smooth, glossy finish that reflects the ambient light. To the right of this stack, there is a deep blue sphere with a matte texture, providing a stark contrast to the geometric sharpness of the cubes. On the left side, two emerald green cones with a slightly textured surface are positioned, their pointed tips directed upwards, creating a symmetrical balance in the arrangement.", + "244.txt": "Three delicious-looking sandwiches, overflowing with fresh lettuce, crisp cucumber, and ripe avocado slices, are neatly aligned on a sleek, glass-top table. Each sandwich is encased in a golden-brown bread that has been lightly toasted to perfection. The sunlight pouring through a nearby window casts a warm glow, accentuating the vibrant colors of the vegetables and making the table's glass surface shine with reflected light.", + "stanford12.txt": "A vibrant array of very green broccoli florets rests on a large square plate, accompanied by a scattering of slender yellow beans. Both vegetables are lightly coated in a pale, creamy sauce that adds a subtle sheen to the dish. The plate itself, with its expansive, flat surface, provides an ample canvas for the vividly colored, healthy meal.", + "27.txt": "Three sleek silver wheelchairs, each featuring square-shaped seats and metallic frames, are arranged in a tidy row. The wheelchairs, with their black cushioned seats and shiny armrests, sit on a smooth gray concrete floor. The background reveals a soft beige wall, suggesting the setting may be a clinical or therapeutic environment.", + "partiprompts42.txt": "A chilled, transparent bottle of light beer with condensation beads forming on its surface, placed on a wooden table. A bright yellow slice of lemon is wedged onto the rim of the bottle, adding a citrus accent to the beverage. The bottle label is partially obscured by the moisture, but hints of green and gold are visible on the design.", + "countbench32.txt": "A carefully arranged still life photo of a natural bird's nest containing three beige, speckled eggs. The nest is positioned on a subdued, dark backdrop to enhance the texture and detail of the twigs and eggs. The lighting is focused to create soft shadows and highlights that reveal the intricate patterns on the eggs and the interwoven structure of the nest.", + "diffusiondb33.txt": "a highly intricate and vibrant cityscape that reflects a fusion of Moebius's imaginative design and Makoto Shinkai's detailed animation style. The streets are aglow with neon signs in a kaleidoscope of colors, casting reflections on the glossy, rain-slicked pavements. Towering skyscrapers with glowing windows rise towards a starless night sky, as the artwork garners significant attention and praise on ArtStation.", + "partiprompts123.txt": "An impressionistic painting depicts a vibrant blue cow standing serenely in a field of delicate white flowers. Adjacent to the cow, there is a robust tree with a canopy of red leaves and branches laden with yellow fruit. The brushstrokes suggest a gentle breeze moving through the scene, and the cow's shadow is cast softly on the green grass beneath it.", + "diffusiondb26.txt": "In the depicted oil painting, we can observe Yair Lapid, gripping a torch where flames flicker wildly, cast in a dramatic, chiaroscuro light reminiscent of Michelangelo's style. He stands as a central figure amongst a cluster of people who are rendered with great detail, showcasing distinct yet harmonious facial expressions and postures. The background of the scene is a muted blend of earthy tones, creating a stark contrast that highlights the central composition of Yair and his companions.", + "28.txt": "A beautiful red kite, with a pattern of yellow suns and blue moons on its surface, floats effortlessly against the backdrop of a pristine blue sky. Its square shape is outlined by a strong frame, and long, flowing tails that dance whimsically in the wind. Below, the soft golden sands of the beach stretch out, creating a striking contrast with the kite's vivid colors.", + "posescript18.txt": "An individual is poised in a challenging yoga pose on a seafoam green exercise mat. Their left leg is anchored firmly on the ground, providing support as their right leg extends directly in front of them, parallel to the floor. The left arm reaches gracefully towards the rear, while the right arm creates a horizontal line, extending outwards from the shoulder. The subject's head is tilted back ever so slightly, showing a serene expression as light from a nearby window reflects softly off their skin.", + "partiprompts53.txt": "A tall glass filled with a vibrant red Bloody Mary cocktail, garnished with a green celery stick and a skewered olive. The glass is beaded with condensation and sits on a small white plate beside a folded white napkin. The cocktail is placed on a dark wooden bar counter, illuminated by warm overhead lighting.", + "partiprompts259.txt": "a collection of various laptops with different sizes and colors, stacked haphazardly on a plush beige sofa. The sofa is positioned against a white wall, and the laptops appear to be in a state of disuse with some open and others closed. Nearby, a small wooden coffee table holds a single potted plant, adding a touch of greenery to the scene.", + "partiprompts172.txt": "An intricately detailed oil painting that captures the whimsical essence of a feline super math wizard. The cat, adorned with a wizard's hat and cape, is surrounded by floating mathematical symbols and equations. The rich textures of the brush strokes give depth to the cat's fur and the magical elements, creating a vivid and captivating scene.", + "partiprompts135.txt": "A tall giraffe, adorned in a whimsical white bathing suit with polka dots, is cautiously approaching the edge of a wooden diving board. The diving board extends over a large, clear blue swimming pool, reflecting the bright sunlight. The giraffe's long legs move gingerly, displaying a mix of hesitation and grace as it prepares to execute its dive.", + "partiprompts32.txt": "Two ceramic cups sit side by side on a marble countertop, one featuring an intricate latte art design of the Eiffel Tower, the other boasting a foamy depiction of the Statue of Liberty. Both cups have a glossy finish, with the Eiffel Tower cup having a delicate, pastel blue hue, while the Statue of Liberty cup is a soft shade of pink. The steam rising from the cups suggests the coffee is freshly brewed, and a silver spoon rests beside each cup, positioned on a small, round saucer.", + "partiprompts33.txt": "An imaginative scene unfolds with a castle intricately constructed from golden tortilla chips, its towers and walls standing tall amidst a flowing river of vibrant red salsa. Surrounding the edible fortress, tiny burritos, wrapped in soft tortillas with visible fillings, appear to be animated and meandering along the banks of the salsa river. The entire whimsical landscape is set upon a large plate, suggesting a playful, culinary creation.", + "partiprompts90.txt": "In the detailed Renaissance paintings, the Virgin Mary is depicted seated gracefully within a stone loggia, her robes a rich blend of blues and reds, with delicate folds that suggest softness and depth. The background features a dreamlike, hazy landscape, rendered in muted tones through the use of the sfumato technique, which blends colors and tones subtly together. This landscape seems to stretch endlessly into the distance, with faint outlines of trees and hills, giving the impression of a serene and untouched wilderness.", + "40.txt": "Two glossy black motorcycle helmets are securely mounted on a white wall adorned with various tools and metal racks. The helmets, with their visors closed, are suspended next to each other by sturdy hooks, reflecting the fluorescent lights above. The wall's smooth texture starkly contrasts the matte finish of the protective gear.", + "COCOval2014000000217133.txt": "an aged pickup truck sits with its hood propped open, revealing a dusty and intricate engine beneath. The vehicle's body shows signs of wear and rust, hinting at its long service and many journeys. The truck is parked on a stretch of gravel, with no other vehicles in immediate sight.", + "256.txt": "A metal ladder, silver and slightly weathered, stands against a partially-built brick wall within a construction site. Nearby, a sturdy shovel with a wooden handle and a dirt-stained blade leans against a mound of earth. Small clumps of soil spill onto the ground beside it. In the background, the silhouette of an unfinished building looms against the night sky, its shape barely visible under the faint glow of a distant street lamp.", + "partiprompts243.txt": "a sizable gift box wrapped in shimmering silver paper and secured with a glossy red ribbon, positioned to the left of a lush green Christmas tree adorned with twinkling lights and golden ornaments. The tree stands on a soft, white tree skirt that contrasts with the dark wooden floor, and scattered around are smaller presents adding to the festive scene.", + "partiprompts224.txt": "a bright blue pickup truck parked on a gravel road, its flatbed occupied by a large rhinoceros. The animal's rough, gray skin contrasts sharply with the vehicle's smooth, metallic paint. Nearby, a few scattered acacia trees provide a sparse canopy in the otherwise open savannah landscape.", + "drawtext22.txt": "A complex sculpture resembling a human brain, intricately woven from silver wires and sheets of off-white paper, strategically folded and molded. Each convolution of the brain is meticulously crafted, with the phrase 'deep thoughts' inscribed in a flowing script along the cerebral folds. This thought-provoking art piece is centrally displayed on a plain pedestal, highlighting its detailed craftsmanship and the profundity of its intended message.", + "midjourney14.txt": "A mannequin dressed in a black latex maid's uniform stands prominently in a photography store, displaying a chic hat positioned at an angle and a fashionable hip skirt. The figure is surrounded by suspended groceries appearing as if frozen mid-air, creating a dynamic storefront arrangement. Around the mannequin are shelves stocked with well-known brands of photographic supplies, such as Kodak and Fuji film, while posters advertising the latest IMAX releases and redshift photography techniques adorn the walls, promoting a high level of photorealism in their imagery.", + "200.txt": "A gleaming stainless steel showerhead mounted on a beige tiled wall, with beads of water steadily dripping from its nozzle onto the glossy white porcelain urinal below. The urinal is flanked by grey dividers, ensuring privacy, and the floor beneath is speckled with small, wet splashes reflecting the dim early morning light filtering through a frosted window just out of view. The metallic fixtures of the showerhead are complemented by the chrome handles and plumbing visible under the urinal, creating a cohesive and functional restroom vignette.", + "drawtext33.txt": "A creative studio photograph featuring tactile text spelling 'hello' with vibrant, multicolored fur that stands out boldly against a pure white background. This playful image is showcased within a unique frame made of equally fluffy material, mimicking the texture of the centerpiece. The whimsical arrangement is perfectly centered, lending a friendly and inviting vibe to the viewer.", + "223.txt": "Amidst the darkness of a quiet room, illuminated by the ethereal blue light of a holographic display that projects a visualization of cyberspace, sits a sleek cell phone and a modern router/modem on a polished wooden desk. The intricate patterns of the wood grain are faintly visible under the neon glow, which casts soft reflections on the devices' surfaces. The router/modem, with its blinking indicator lights, stands beside the phone, which shows a clock on its screen indicating the late hour.", + "countbench19.txt": "Nine differently colored labels, each featuring the iconographic representation of a Central Processing Unit, aligned neatly for visual comparison. These square icons vary in shades from vibrant red to deep blue, with the CPU symbol prominently displayed in the center. The texture of the labels appears smooth, and they are arranged in a grid pattern on a plain, light background that enhances their visibility in the illustration.", + "drawtext23.txt": "a vibrant garden filled with an array of colorful flowers meticulously arranged to spell out the word 'peace' on the lush green grass. The garden is enclosed by a white picket fence and surrounded by tall trees that sway gently in the breeze. Above, against the backdrop of a blue sky, whimsical clouds have been shaped to form the word 'tensions', contrasting with the tranquil scene below.", + "COCOval2014000000377183.txt": "A modern office space featuring a sleek desk with a computer set up, including a monitor, keyboard, and mouse. Beside the computer, there's a printer with a stack of paper next to it. An ergonomic office chair is positioned in front of the desk, ready for someone to sit down and start working.", + "posescript14.txt": "A person practicing a yoga pose on a light grey mat in a spacious room with white walls. He stands firmly, balancing on his left leg while his right knee is bent upwards, and his right hand gently holds his right ankle. His left arm is extended back, enhancing his poise, and his gaze is intently fixed towards the left corner of the room, displaying a sense of concentration and balance.", + "drawtext11.txt": "An aerial view of Toronto's skyline dominated by the iconic CN Tower standing tall amongst the surrounding buildings. The image is taken from the window of an airplane, providing a clear, bird's-eye perspective of the urban landscape. Across the image, the words \"The CN Tower\" are prominently displayed in the playful Comic Sans font. The cluster of city structures is neatly bisected by the glistening blue ribbon of a river.", + "partiprompts162.txt": "a surrealistic painting that depicts a vibrant red sports car with its form melting over the curved edges of a large, ornate golden clock. The background of the painting is a desolate landscape with a clear blue sky, reminiscent of Salvador Dali's distinctive style. The car's glossy paint appears to be dripping like liquid, blending the concepts of time and motion in a dreamlike tableau.", + "partiprompts29.txt": "a traditional kachina doll stands with its intricate feathers adorning its head, creating a vibrant crown of colors. It is dressed in a ceremonial white dress with detailed patterns, and its feet are clad in meticulously crafted brown boots. The doll is positioned against a plain backdrop, which accentuates its detailed craftsmanship and the rich cultural heritage it represents.", + "posescript32.txt": "A figure can be seen balancing on both feet, their torso tilted sharply to the left, creating a dynamic angle. Their arms are stretched out on either side of their body for balance, with each elbow forming a precise 90-degree bend. The person may seem to be mid-exercise or in the middle of a stretching routine, possibly wearing comfortable athletic attire suitable for the activity.", + "partiprompts75.txt": "a whimsical drawing of a brown and white horned owl, with bright yellow eyes, wearing a small black graduation cap atop its head. The owl is clutching a tiny rolled-up diploma tied with a red ribbon in its talons. The illustration has a light blue background, and the owl is perched on a stack of colorful books with golden titles etched on the spines.", + "COCOval2014000000261981.txt": "A sleek black cat with a smart tie around its neck lounges comfortably on a neatly made bed. The bed features a white duvet and a selection of plush pillows against a simple headboard. The room is illuminated by soft light, highlighting the cat's glossy fur and the playful contrast of its formal accessory.", + "COCOval2014000000042810.txt": "A woman dressed in athletic attire, featuring a crisp white top and a vibrant pink skirt, is poised on a tennis court. She is in the midst of a serve, with the tennis ball held aloft in one hand and her racket ready in the other. The court is marked with white lines and surrounded by a high fence, indicating a dedicated space for the sport.", + "partiprompts239.txt": "A spacious room with a high ceiling, where a single, narrow beam of natural light streams down from a small skylight above. This focused beam of light casts a warm glow upon an easel standing directly beneath it. Mounted on the easel is a detailed Rembrandt-style painting, depicting the intricate features of a raccoon's face, which is highlighted by the light against the otherwise dim surroundings.", + "midjourney29.txt": "A voluminous library, bathed in soft, muted blue hues, stretches majestically across a spacious Victorian-style living room. Intricately carved wooden bookshelves, filled with an array of books of various sizes and colors, line the walls and a grand fireplace sits as the room's focal point. The vray render showcases hyperrealistic textures, from the plush, patterned rug beneath the polished wooden tables, to the delicate fabric of the antique armchairs scattered throughout the space.", + "drawtext3.txt": "an architectural blueprint displaying a simple house design, with clean lines indicating a large triangular roof atop square walls, and a rectangular base representing the floor. The drawing is executed with precise, thin blue lines on a white background, giving it a technical and minimalist appearance. Alongside the schematics, there's handwritten text that reads 'this house is built on the principles of abstraction', suggesting an artistic or philosophical approach to the building's design.", + "239.txt": "In the quiet of the evening, a clean, square tissue box with a floral pattern rests atop a folding table beside a pair of modern, metallic washing and drying machines. The laundry room is brightly illuminated, highlighting the soft blue hue of the machines and the sparkling cleanliness of their chrome accents. Along the wall, rows of wooden shelves hold neatly folded towels and various cleaning supplies.", + "partiprompts7.txt": "A surreal composite image showcasing the iconic Sydney Opera House with its distinctive white sail-like structures, positioned improbably beside the towering Eiffel Tower, its iron lattice work silhouetted against the night. The backdrop is a vibrant blue sky, pulsating with dynamic energy, where yellow stars burst forth in a dazzling display, and swirls of deeper blue spiral outward. The scene is bathed in an ethereal light that highlights the contrasting textures of the smooth, shell-like tiles of the Opera House and the intricate metalwork of the Eiffel Tower.", + "partiprompts197.txt": "In the center of a bustling intersection, a large tree with a thick trunk and sprawling branches stands out amidst the concrete. Its green leaves contrast sharply with the grey asphalt roads that converge around it. Traffic lights and street signs are positioned awkwardly around the tree's base, creating an unusual juxtaposition of nature and urban infrastructure.", + "partiprompts227.txt": "a pristine white yacht floats serenely in the tranquil waters of a secluded bay, its sleek hull reflecting the bright sunshine. The expansive deck is lined with polished wooden railings, and several deck chairs are arranged facing the open water. In the distance, the gentle hills surrounding the bay are dotted with green foliage, providing a picturesque backdrop under the clear blue sky.", + "diffusiondb27.txt": "A striking image depicting an imagined distant galaxy teeming with life, inspired by the work of the renowned artist Caspar David Friedrich, is showcased in high quality on Artstation. The matte painting presents a vibrant scene filled with ethereal colors and pulsating with otherworldly energy. As viewers delve into the scene, they encounter intricate details of celestial bodies and the silhouettes of people populating this fantasy cosmos.", + "partiprompts20.txt": "A ceramic Athenian vase with a smooth, matte black finish stands prominently against a plain white background. The vase is adorned with a unique painting that depicts pangolins engaged in a game of basketball, rendered in a style reminiscent of ancient Egyptian hieroglyphics. The intricate design features a combination of earthy tones and bold outlines, giving the artwork a sense of dynamic movement and historical depth.", + "drawtext35.txt": "a colorful bowl filled with milk and alphabet-shaped cereal pieces floating on the surface. Amongst the scattered letters, the word 'smackeroo' is carefully arranged in the center of the bowl. The bowl sits on a light-colored table, with a silver spoon resting beside it.", + "138.txt": "Three perfectly shaped dumplings, with their pleats meticulously crimped, sitting in solitude on a reflective glass surface which captures their image under the soft glow of a moonlit night. The large mirror is resting against a wall with a faint pattern, amplifying the quietude of midnight. The room is hushed, with the only movement being the gentle shift of shadows as the night deepens, highlighting the stillness of the scene.", + "midjourney31.txt": "An intricately detailed character concept art piece presented in 4K resolution, portraying the concept of 'Blind Ambition.' The character is situated dead-center in a symmetrical portrait stance, their gaze obscured, suggesting the metaphorical blindness of ambition. The realism of the artwork is accentuated by subtle textures and shading that bring the character to life on a digital canvas.", + "stanford3.txt": "A bundled-up individual trekking through freshly fallen snow, wearing a thick black jacket, fitted blue jeans, and sturdy boots designed for winter weather. This person has their head covered with a warm hat and is carefully navigating in front of a muted-color building that shows the subtle signs of weathering from the cold season. Nearby, a solitary parking meter stands encased in a layer of snow, its coin slot obscured by the icy accumulation.", + "53.txt": "Two cylindrical-shaped, golden lamps with a brushed metallic finish stand side by side, casting a warm glow on the dark wooden bedside table. The illumination from the lamps highlights a small stack of books and a pair of reading glasses placed next to them. In the background, the subtle outline of a neatly made bed can be seen, with the surrounding area cloaked in the soft shadows of the midnight hour.", + "stanford2.txt": "A vibrant blue train is parked at a bustling train station, its red doors sliding open to welcome passengers. The train, adorned with white stripes, stands out against the grey concrete of the platform. A long yellow line stretches across the platform, marking the boundary for commuters. The station is buzzing with activity, with passengers rushing, while the train awaits its next departure.", + "102.txt": "Two multicolored butterflies with delicate, veined wings gently balance atop a vibrant, orange tangerine in a bustling garden. The tangerine, with its glossy, dimpled texture, is situated on a wooden table, contrasting with the greenery of the surrounding foliage and flowers. The butterflies, appearing nearly small in comparison, add a touch of grace to the scene, complementing the natural colors of the verdant backdrop.", + "partiprompts205.txt": "the word 'START' is boldly written in white chalk on a gray concrete sidewalk. the letters are large and slightly smudged at the edges, indicating recent use. to the side of the word, there's a small pile of colorful chalk pieces, and the sidewalk extends into the distance, bordered by a neatly trimmed green lawn.", + "COCOval2014000000126671.txt": "A clean, bright bathroom featuring a white toilet next to a bathtub. The tub is equipped with a shower that has a striped curtain partially drawn. The walls are tiled, and a small window allows natural light to filter in, illuminating the space.", + "posescript36.txt": "In an expansive room, the subject is captured in a dynamic squatting position with their torso angled towards the left. The left arm is firmly planted on the floor, supporting the weight of the body, while the right arm extends directly forward, fingers outstretched and intent. The head tilts in the same direction as the torso, with eyes fixed forward, expressing concentration and balance.", + "countbench37.txt": "Two metal baking sheets rest on a kitchen countertop; one holds a spread of raw, vibrant green broccoli and pale white cauliflower florets, while the other displays the same vegetables transformed by heat, their colors now a deeper green and brown, edges crisped from baking. These trays provide a visual contrast between their pre and post-oven states, showcasing the effects of roasting on their textures and hues.", + "posescript10.txt": "A person is positioned on a cushioned grey floor mat, with their knees drawn closely to their chest and their bare feet slightly tucked underneath. Their arms are extended wide, fingers splayed upon the cool floor surface, creating a sense of balance. The individual's gaze is directed intently downwards, focused on the space just above their folded legs, as if in deep contemplation or in the midst of a stretching routine.", + "COCOval2014000000264619.txt": "A sandy beach scene where a man stands at the water's edge, clutching a brightly colored surfboard under his arm. In the distance, two wind gliders are skimming across the surface of the ocean, their sails billowing in the breeze. The horizon is dotted with small boats, and the sky above is clear, hinting at favorable conditions for water sports.", + "diffusiondb13.txt": "a captivating matte painting by Artem Demura, showcasing a dimly lit room filled with tall wooden bookshelves crammed with books of diverse sizes and colors. In the center, a sturdy, aged table is set, its surface cluttered with an assortment of items, perhaps long abandoned. The room is drenched in shadows, but shafts of volumetric lighting pierce through the darkness, highlighting the fine dust particles suspended in the air and illuminating the intricate details of the room's contents.", + "186.txt": "During the warm glow of a dwindling summer evening, a particular fussy feline with distinctive calico markings is perched atop a garden table. The cat, seemingly indifferent to its surroundings, sports a pair of large, reflective aviator sunglasses that sit comically upon its small, furry face. Around the cat, there are scattered pots of blooming flowers, contributing to the charm of the scene, and in the background, hints of orange and pink skies are visible through the foliage.", + "vrd8.txt": "A scene indoors where a person is sitting comfortably with a plush pillow tucked behind them, sporting a casual jacket and a hat. The individual is engaged with a laptop that rests on their knees, and they're wearing shoes, which suggests they might be in a semi-public environment like a co-working space or a lounge. Nearby, another person is engaged in an activity, possibly interacting with the laptop user or absorbed in their own task.", + "partiprompts28.txt": "An intricate culinary creation, a map of the United States crafted entirely out of assorted sushi pieces, is displayed on a large, round white plate. The plate sits on a dark wooden table, accompanied by a tall glass of red wine to its right, casting a slight shadow on the polished surface. Each state is represented by a different type of sushi, offering a colorful and textured mosaic of rice, seaweed, and various fish.", + "stanford28.txt": "A young boy, sporting a black sweater and a pair of blue jeans, casually strolls alongside a friendly-looking dark brown horse. The boy also has a vibrant blue shirt loosely tied around his waist, adding a pop of color to his outfit. The horse, with its shiny coat and gentle eyes, walks calmly next to him on a gravel path that's lined with wooden fences on both sides.", + "partiprompts206.txt": "A dilapidated spaceship, covered in patches of rust and with peeling paint, is depicted in the midst of a powerful blast-off, leaving a trail of smoke and fire behind. In the distance, a sprawling cityscape with towering skyscrapers stretches towards the horizon, where it meets the calm expanse of the ocean. Beyond the city, a range of majestic mountains rises up, and above it all, a large, dark moon dominates the sky, casting a mysterious glow. The entire scene is rendered in a high-contrast anime style, with sharp lines and dramatic shading that give the illustration a dynamic and intense feel.", + "posescript28.txt": "An individual is captured in a dynamic pose with their body leaning forward, their right arm bent at a 90-degree angle in front of them, and their left arm extended behind. They wear a bright yellow short-sleeved shirt which contrasts with their dark blue trousers. Their gaze is intently focused towards their right, possibly fixed on something or someone out of view, giving the impression of movement or anticipation.", + "stanford13.txt": "A majestic bird of prey with white breast and belly contrasted by brown wings is perched confidently on the sturdy branch of a leafy green tree. Its sharp gaze, highlighted by a striking yellow eye, reveals a sense of purpose as it holds a shimmering silver fish with dark spots in its firm beak. The tree, bathed in sunlight, provides a natural backdrop, accentuating the textures of the bird's feathers and the subtle sheen of the fish's scales.", + "stanford29.txt": "A classic vintage airplane, predominantly white with red and black accents, is parked on a clear area adjacent to a tranquil body of water. The sky above is densely populated with fluffy, white clouds, hinting at the possibility of changeable weather. Nearby, a small, unassuming box sits on the ground, its purpose unclear, yet it appears inconspicuous against the grandeur of the aircraft.", + "midjourney15.txt": "An imaginative digital artwork that features a fantasy female character, stylized with the intricate detail and ethereal qualities reminiscent of Peter Mohrbacher's angelic designs. The scene is richly textured with the layered brushwork akin to Craig Mullins, while the character is positioned in a whimsical world that pays homage to Studio Ghibli's magical backdrops. The color palette and decorative patterns echo the opulent artistry of Gustav Klimt and the flowing elegance of Alphonse Mucha, while the bold contrast and shadowing are influenced by Mike Mignola's distinctive style. Frank Frazetta's dynamic forms and Boris Vallejo's muscular fantasy realism influence the figure's pose and musculature, creating a visually arresting tableau with extreme detail and depth.", + "whoops32.txt": "A single silver coin glistens as it miraculously floats on the surface of a clear, blue body of water. Sunlight reflects off the coin's smooth, metallic texture, creating a shimmering effect on the surrounding water. Nearby, the gentle ripples in the water create a subtle movement that contrasts with the stillness of the coin.", + "stanford27.txt": "An imposing large building with gray stone walls and tall windows secured by dark iron bars, casting shadows on the facade. In front of this edifice, a diverse group of people walk by on the wide concrete sidewalk, some in casual attire, others in business suits, all going about their daily routines. A bustling street runs parallel to the sidewalk, filled with an array of vehicles including yellow taxis, red buses, and private cars of various makes and colors, creating a vibrant urban scene.", + "15.txt": "An ornate silver cosmetics mirror gracefully positions itself upon a pristine white marble vanity top. Surrounding the mirror are various high-end makeup products and delicate perfume bottles, each catching the room's natural light in their uniquely colored glass. The vanity itself, sleek in design with clean lines, is nestled in a space that feels both modern and timeless.", + "partiprompts64.txt": "An aerial view of a coastal French city, captured in a satellite image, reveals a sprawling green park on the western edge, bordered by neatly arranged streets. To the north, a majestic mountain looms over the urban landscape, its peak just touching the edges of a drifting cloud that partially obscures the view. The intricate patterns of the city's layout are visible, with residential areas, winding roads, and the shimmering coastline all distinctly marked from this bird's-eye perspective.", + "diffusiondb4.txt": "A captivating portrait by the acclaimed artist Krenz Cushart, showcasing a young girl with ethereal beauty, gracefully suspended amidst the soft, billowy clouds. Her delicate features are rendered with meticulous attention to detail, enhanced by the artist's intricate brush strokes that bring life to her flowing hair and the subtle play of light across her visage. The artwork, suffused with a dreamlike quality, has garnered widespread admiration and is currently a sensation on the Pixiv Fanbox platform.", + "273.txt": "Three white golf balls are precisely placed on the black, moving conveyor of a large treadmill. The golf balls, significantly smaller in scale, appear almost like tiny planets gliding along the treadmill's expansive surface. The ambient light casts a soft glow on the scene, accentuating the contrast between the smooth texture of the golf balls and the textured belt of the treadmill, as the treadmill operates in a room with fading daylight filtering through a nearby window.", + "countbench23.txt": "A colorful collection of four cartoon-styled calendars, each uniquely illustrating the essence of a different season. The spring calendar bursts with shades of green and pink, featuring blooming flowers and sprouting leaves. The summer calendar glows with vibrant sun motifs and vivid blue skies. Autumn is represented with warm oranges and browns, showcasing falling leaves and harvest themes. The winter calendar is adorned with soft whites and blues, depicting snowy scenes and cozy fireside images. Each calendar is distinct, yet they all share a whimsical charm that captures the spirit of their respective seasons.", + "partiprompts102.txt": "a reimagined version of the Mona Lisa, where the iconic figure is depicted with a brown cowboy hat tilted rakishly atop her head. In her hand, she grips a silver microphone, her mouth open as if caught mid-scream of a punk rock anthem. The background, once a serene landscape, is now a vibrant splash of colors that seem to echo the intensity of her performance.", + "partiprompts186.txt": "A pristine white bird with a long neck and elegant feathers stands in the foreground, with a towering dinosaur sculpture positioned behind it among a grove of trees. The dinosaur, a deep green in color with textured skin, contrasts sharply with the smooth plumage of the bird. The trees cast dappled shadows on the scene, highlighting the intricate details of both the bird and the prehistoric figure.", + "stanford22.txt": "A man clad in a denim jacket and jeans, topped with a pristine white cowboy hat, gently strokes the mane of his equally white horse. The horse stands calmly by a wooden fence that outlines a sprawling field. Naked trees form a stark silhouette against the dimming sky, indicating the approach of evening.", + "stanford15.txt": "A skier, clad in a bright yellow snowsuit that stands out against the white snow, swiftly descends a snowy slope. A cloud of freshly stirred powder trails behind them, evidence of an exhilarating jump just taken. In their gloved hands, they firmly grip two black ski poles that cut through the powdery snow with each focused movement. The vast expanse of the mountain can be seen around them, adorned with snow-laden conifers and the distant peaks shrouded in mist.", + "185.txt": "Under a vast expanse of clear blue sky, a dilapidated piece of machinery with peeling orange paint and signs of rust is carefully maneuvering a pair of red bricks. The vehicle, possibly an aging forklift or crane, creaks as it transports the heavy materials across a barren construction site. Each brick has a rough texture, accentuated by the bright sunlight casting sharp shadows on the ground.", + "COCOval2014000000321522.txt": "The kitchen boasts a vintage aesthetic, complete with classic appliances that hark back to a bygone era. Retro pictures adorn the walls, adding to the nostalgic charm of the space. The countertops are lined with period-appropriate gadgets and decorative items, complementing the overall old-fashioned theme.", + "posescript16.txt": "A dynamic athletic stance where the individual's left leg is raised just off the ground, bent at a sharp angle at the knee, demonstrating balance and readiness. The right arm extends forward emphatically, elbow bent upwards, suggesting a poised gesture or possibly the midst of an action. Meanwhile, the left arm angles down and to the front, balancing the posture, as the head tilts slightly forward, gaze lifted upward with an air of determination or focus.", + "221.txt": "An outsized dolphin with a sleek, gray body glides through the blue waters, while a small, fluffy chicken with speckled brown and white feathers stands on the nearby sandy shore, appearing diminutive in comparison. The dolphin's fins cut through the water, creating gentle ripples, while the chicken pecks at the ground, seemingly oblivious to the vast size difference. The stark contrast between the dolphin's smooth, aquatic grace and the chicken's terrestrial, feathered form is highlighted by their proximity to one another.", + "212.txt": "In a spacious room, an ornate vintage clock with a large, circular face and roman numerals stands prominently against a pastel-colored wall, its intricate hands pointing to the time. Beside it, a small, oval-shaped mirror with an elegant antique frame hangs neatly, reflecting a portion of the room’s interior. The contrast in size between the commanding presence of the clock and the modest mirror creates a unique focal point in the space.", + "61.txt": "A modern kitchen featuring a polished granite countertop where a square-shaped stainless steel rice cooker stands conspicuously. The appliance's surface gleams under the natural morning light that filters through the window. Behind it, the kitchen wall is clad in a vibrant orange wallpaper with subtle patterns, adding a dash of color to the culinary space.", + "partiprompts142.txt": "An animated frog with a rebellious punk rock style, clad in a black leather jacket adorned with shiny metal studs, is energetically shouting into a silver microphone. The frog's vibrant green skin contrasts with the dark jacket, and it stands confidently on a large green lily pad floating on a pond's surface. Around the lily pad, the water is calm, and other pads are scattered nearby, some with blooming pink flowers.", + "posescript6.txt": "A person in an athletic stance with a focused expression, balancing on their left leg that is extended straight beneath them, touching the ground. Their right leg is bent at the knee and lifted behind their body, muscles tensed in a dynamic posture. Both arms are stretched out in front, parallel to the ground, with hands facing down as if they are about to begin a sprint.", + "midjourney13.txt": "A vivid and eclectic depiction of a fisherman's village drawn by Ralph Steadman, composed of dark velvet hues, contrasting with splashes of bright yellow and teal. In the foreground, a tall coconut tree sways, its silhouette framed against the backdrop of a small, bustling island. A sturdy jetty extends into the water, where several fishing boats rock gently with the waves.", + "whoops9.txt": "A man dressed in a thick, insulated jacket and bright orange snow pants is expertly skiing down a large sand dune. The dune's golden sands contrast with the clear blue sky above. Despite the unusual setting, the man's skis carve out smooth trails, leaving a unique pattern behind him as he descends amidst the vast desert surroundings.", + "COCOval2014000000277051.txt": "A rustic wooden table set outside, perhaps in a garden or patio area. On its surface, a pair of small birds are perched, casually observing their surroundings. The table shows signs of weathering, indicating it's been a part of the outdoor scenery for some time.", + "partiprompts254.txt": "An elegant ceiling fan with intricately designed blades, suspended from a high ceiling. The fan is equipped with an ornate light fixture that features delicate glass panels and brass accents. The light casts a warm glow that reflects off the polished wooden floor below.", + "partiprompts278.txt": "Two violins with rich, brown varnish are standing upright, their necks leaning against a light-colored wooden chair. The bows are placed carefully on the ground in front of them, with the horsehair facing upwards. The instruments cast soft shadows on the polished floor, hinting at the natural light entering the room.", + "154.txt": "A bright white air conditioner, its sleek rectangular form protruding slightly, is mounted high on a beige wall above eye level. Directly below, on the tiled kitchen floor, stands a vintage round gas stove, painted in a vibrant shade of red and featuring classic white knobs. The contrast between the modernity of the air conditioner and the rustic charm of the gas stove creates a distinctive look in the room.", + "147.txt": "In the midst of a bustling cityscape, during the golden hour of sunset, stands an enormous trombone that stretches upwards like a unique city monument. Its brass surface is painted with bold sections of red, green, and yellow, mimicking the familiar sequence of a traffic signal. Around its base, people and vehicles move about, creating a dynamic contrast between the stillness of the instrument and the motion of the city life.", + "280.txt": "A modern, spacious room bathed in natural sunlight, featuring a clean white wall and a hardwood floor with a subtle sheen. In the center, a pair of white sneakers sits side-by-side, neatly positioned on the floor. Wrapped around them is a single brown leather belt with a polished buckle that glints in the light, creating a sense of order within the space.", + "partiprompts262.txt": "A sleek, silver robot with articulated arms is standing in a modern kitchen, surrounded by stainless steel appliances. It is carefully stirring a pot on the stove, which is filled with a colorful mixture of vegetables. The countertops are neatly arranged with various cooking utensils and ingredients, including a cutting board with freshly chopped herbs.", + "diffusiondb9.txt": "A digital illustration of a girl features her with vibrant rainbow-colored hair that cascades smoothly down her shoulders. She has two spiraling unicorn horns emerging from her forehead, adding a fantastical element to the portrait. Fresh, vivid colors blend seamlessly in gradients across the composition, showcasing a high level of detail and skill. The image is in sharp focus, with rim lighting that highlights the contours of her face and creates a sense of depth against the softly blurred background.", + "partiprompts61.txt": "A vibrant mural on a red brick wall features the inspirational phrase \"BE EXCELLENT TO EACH OTHER\" in bold, black lettering. Next to the text, there's a whimsical graffiti depiction of a green alien donning a sleek black tuxedo, complete with a bow tie. In the foreground, a bright yellow fire hydrant stands out on the gray concrete sidewalk, adding a pop of color to the urban scene.", + "midjourney33.txt": "A 35mm film still capturing a scene from David Lynch's reimagined version of 'The Wizard of Oz', with the setting transposed to the lush, green backdrop of the Pacific Northwest. In the frame, a Dorothy character dons a plaid dress reminiscent of flannel, common in the region, and her ruby slippers contrast with the verdant forest floor. Towering evergreens and a hazy mist encapsulate the background, providing an enigmatic touch true to Lynch's signature style.", + "COCOval2014000000085298.txt": "A young girl with her hair tied back stands in the middle of a tennis court, gripping a tennis racket with determination. The court is marked with white lines, indicating the boundaries for the game. Around the court, a tall fence can be seen, enclosing the area for players and spectators alike.", + "diffusiondb38.txt": "in the whimsical artwork by Remedios Varo, a boy roams through a cobbled street with a giant yellow and black butterfly on a leash. The butterfly towers over the boy, its wings a complex network of vibrant hues and patterns, contrasting with the dull grays and browns of the surrounding buildings. The boy, dressed in a simple green shirt and brown trousers, looks up in awe at his colossal companion as they proceed on their surreal promenade.", + "207.txt": "A contemporary bathroom features a white hanging shelf, securely mounted on a pale blue wall, showcasing an assortment of toiletries. The items include a glass container of cotton swabs, a small plant in a terracotta pot, and an array of bottles with chrome caps reflecting the soft overhead light. Below the shelf, a plush cotton towel, perfectly fluffed and of a gentle lavender hue, hangs elegantly over a polished chrome towel bar.", + "countbench35.txt": "A rustic wooden wall displaying a row of five golden stars representing Amazon feedback. Next to the stars, there's a human index finger pointing at the highest star, implying a top rating. The wood grain texture is visible around the shiny golden stars, and the contrast between the natural wood and the metallic gleam of the stars is striking.", + "partiprompts198.txt": "A clear blue sky serves as the backdrop for a white airplane, leaving behind a long, linear chemtrail that stretches across the expanse. The trail is a stark white against the deep blue, and it slowly diffuses at the edges as it drifts away from the plane. Below, the landscape is dotted with the occasional fluffy white cloud, providing a serene contrast to the straight line above.", + "partiprompts79.txt": "An artistic representation of the planet Earth, with a swirl of musical notes in black ink encircling the globe. The Earth is depicted in vibrant blues and greens, indicating the oceans and continents, while the musical notes appear to dance around the planet's surface. The background of the drawing is a stark white, emphasizing the contrast and the harmony between music and the world.", + "partiprompts54.txt": "A couple is seated at a small round table in a cozy café, with the man enjoying a warm latte from a tall white mug. The woman, casually dressed in a green sweater, is sipping a cold beer from a clear pint glass. Between them is a small vase with a single yellow tulip, adding a touch of color to the scene.", + "partiprompts134.txt": "A whimsical image captures a green frog with a contemplative expression, sitting comfortably on a lily pad while holding a newspaper. The newspaper, humorously titled \"Toaday,\" features a bold headline and an illustration of another frog on its front page. The frog's webbed fingers are spread across the paper, which is slightly crumpled from being held.", + "partiprompts125.txt": "An intricate Chinese ink and wash painting that depicts a majestic tiger, its fur rendered in delicate brush strokes, wearing a traditional train conductor's hat atop its head. The tiger's piercing eyes gaze forward as it firmly grasps a skateboard, which features a prominent yin-yang symbol in its design, symbolizing balance. The background of the painting is a subtle wash of grays, suggesting a misty and timeless landscape.", + "COCOval2014000000211560.txt": "A large black bear with a thick coat of fur is sprawled out on a rocky outcrop. Its gaze is fixed directly on the camera, giving a sense of direct engagement with the viewer. The rocks where the bear rests are surrounded by a smattering of green foliage, hinting at a forested habitat.", + "partiprompts177.txt": "A vibrant depiction of a robot, spray-painted in hues of blue and silver, adorns an aged brick wall. The sidewalk in front of the wall, made of weathered concrete slabs, is interrupted by tufts of green grass sprouting from the cracks. The artwork casts a shadow on the uneven ground, hinting at the late afternoon sun.", + "86.txt": "A medium-sized brown dog with a shiny coat stands in a large room filled with warm, yellow sunlight streaming in from a nearby window. The curious canine directs its attention towards a pristine white porcelain urinal situated awkwardly in the center of the otherwise unfurnished space. The room's aging, cracked walls, painted a once-bright shade of blue, provide a stark contrast to the urinal's smooth and clean surface.", + "partiprompts167.txt": "An abstract oil painting that depicts a chaotic blend of vibrant colors and swirling patterns, giving the impression of a vast, disorienting landscape. The canvas is filled with bold strokes of reds, blues, and yellows that seem to clash and compete for space, symbolizing the complexity and confusion of navigating through life. Amidst the turmoil, a small, indistinct figure appears to be wandering, searching for direction in the overwhelming expanse.", + "partiprompts180.txt": "A vibrant watercolor mural depicting a group of foxes playing jazz instruments adorns a large wall on a bustling city street. The foxes are painted in various shades of orange and red, with one playing a saxophone and another on the drums, set against a backdrop of colorful musical notes. The wall itself is part of a row of buildings, with pedestrians passing by and occasionally stopping to admire the artwork.", + "partiprompts0.txt": "A cheerful sloth, adorned with a black leather jacket and a brown cowboy hat, stands confidently on a patch of green grass. Its attire is completed with a red tartan kilt and a neatly tied bowtie. In one claw, it grasps a sturdy quarterstaff, while the other holds a large, ancient-looking book. Positioned a short distance behind the sloth, there is a gleaming Volkswagen van, its exterior decorated with vibrant flower patterns. The entire whimsical scene is captured through a wide-angle lens from a low vantage point, emphasizing the sloth's stature and the van's presence.", + "partiprompts44.txt": "A ceramic plate filled with fluffy white rice, crowned with a colorful medley of sautéed vegetables including bright green broccoli, red bell peppers, and golden corn kernels. The plate is set upon a dark wooden dining table, contrasting with the vibrant hues of the food. Beside the plate, there's a set of silverware neatly placed on a navy blue napkin.", + "vrd1.txt": "A modern, ergonomic workspace, featuring an array of electronic devices laid out on a spacious wooden desk. There are multiple monitors side by side, with the sleek edges of each screen nearly touching. A laptop is placed to the right end of this row, its screen raised to meet the height of its larger companions. Nestled comfortably under the desk is a black, adjustable swivel chair. Various personal items are scattered about the desk, including a slim keyboard, a mobile phone to the left, and a pair of glasses lying in proximity to a pile of papers, whilst a person is seated at the desk, engrossed in work.", + "countbench28.txt": "An expansive dining space features a large wooden table with three additional extension leaves, providing ample room for guests. Around the table, there are six matching chairs, each crafted with elegant design, and among them, a Leander high chair stands out, specially designed for a child to join the family meals. The table is set under a hanging chandelier that casts a warm glow over the polished surface of the wood.", + "partiprompts320.txt": "a whimsical scene featuring a bright orange fruit donning a miniature brown cowboy hat with intricate stitching. The orange sits atop a wooden table, its textured peel contrasting with the smooth surface beneath. To the side of the orange, there's a small cactus in a terracotta pot, completing the playful western theme.", + "partiprompts287.txt": "Two well-worn baseballs, their white leather stained and scuffed from use, rest on a wooden floor on either side of a vibrant yellow basketball. The basketball, with its pebbled texture and black lines, stands out in contrast to the muted tones of the baseballs. The trio of sports equipment is casually arranged, suggesting a recent game or practice session.", + "236.txt": "A frisky golden retriever with a shiny, shaggy coat stands next to a life-sized penguin statue with a sleek, glossy surface in the midst of a bustling public park. The dog, with its tongue playfully hanging out, seems to be in mid-bark or mid-laugh, directed at the stoic, black and white penguin which stands in stark contrast to the dog's exuberant pose. The park is bathed in the warm glow of the afternoon sun, casting long shadows on the green lawn speckled with dandelions. Nearby, children's laughter can be heard as they play, oblivious to this charming and whimsical scene.", + "countbench16.txt": "A collection of six finely crafted porcelain plates, each adorned with intricate blue and white \"Merryman\" patterns, indicative of their unique and valuable nature. These plates, likely originating from London in the year 1752, have an undeniable historical charm and are thought to be from the Lambay estate. They are estimated to be valued between £20,000 to £30,000, reflecting their rarity and the craftsmanship of the era.", + "partiprompts41.txt": "A ripe, golden pineapple sits centered on a light wooden table, with a single green-bottled beer to its left and a pair of identical bottles to its right. The beers have droplets of condensation on their surfaces, indicating they are chilled. The pineapple's spiky green leaves contrast with the smooth, cylindrical shape of the beer bottles.", + "posescript39.txt": "A person is positioned in a dynamic, asymmetrical pose within a spacious room. Their legs are spread slightly wider than shoulder-width apart, almost as if they are about to sit into an invisible chair, reflecting an athletic stance. The individual's right arm hangs casually by their side while their left arm extends outward and upward, creating a feeling of movement. Their head is subtly turned to the right, giving the impression that their attention is fixed on something outside of the immediate view.", + "vrd0.txt": "A bustling urban street teeming with vehicles; in the forefront, a sleek silver sedan with a focused driver at the wheel navigating cautiously. Adjacent to it, a bright red compact car with its driver's side mirror just inches away. Just ahead, a bulky white van looms, its boxy shape dominating the view of the sedan's driver. To the rear, the silver car is trailed by a navy blue hatchback keeping a safe distance, while on the far side, it is flanked by a green coupe, all of them partaking in the steady flow of traffic. Bringing up the rear, a large city bus looms, casting a shadow over the cars ahead, as it waits for the right moment to continue its designated route.", + "midjourney5.txt": "An outdoor setting where an array of brightly painted rocks is meticulously arranged in a gridded pattern on the ground. Each stone is carefully spaced to maintain uniformity and starts with vibrant red rocks in the top right corner, progressing through the colors of the rainbow to end with deep violet ones in the lower left corner. The smooth surfaces of the stones glisten in the sunlight, enhancing the vividness of each hue.", + "135.txt": "Chrome silver medals, both engraved with intricate designs, can be seen gently spinning within the drum of a white washing machine. The machine is placed beside a window through which bright sunlight streams, casting a warm glow on the machine's glossy surface. The gentle rotation of the medals creates a soft clinking sound against the steel interior of the washer, which is otherwise filled with clothes on a slow spin cycle.", + "99.txt": "In the spacious backyard, a large square green trash bin stands firmly on the grass, its solid structure stark against the natural setting. Approaching it, a vibrant red baseball rolls steadily across the lawn, its round shape contrasting with the rectangular contours of the bin. The grass, slightly damp, leaves a faint trail on the ball as it moves closer to the stationary receptacle.", + "vrd3.txt": "A skier, dressed in a vibrant red jacket and black pants, stands firmly on a pair of silver skis with hints of blue along the edges. They are wearing a white helmet that covers their head securely, with matching white ski goggles resting just above the brim of the helmet. The skier is positioned in the foreground of the scene, with a clear expanse of snowy terrain stretching out behind them, and the tips of their skis are just visible below the frame of the image.", + "partiprompts323.txt": "a large, round orange pumpkin carved with a smiling face, sitting on a wooden table. Inside the hollowed-out pumpkin, a small flickering candle casts a warm glow through the cut-out eyes and mouth. The pumpkin is surrounded by a scattering of fallen autumn leaves.", + "251.txt": "A small, round glass flask sits filled with a brightly colored, luminous potion on an aged wooden tabletop, its contours clear and sharp. The flask seems tiny in comparison to the massive stainless steel rice cooker positioned in the corner of the room, its steam vent puffing gently as it diligently prepares a sizeable meal for a nocturnal feast. The tabletop's surface is scattered with a few pieces of parchment and an assortment of dried herbs, which adds to the contrast between the delicate glassware and the robust kitchen appliance.", + "partiprompts77.txt": "A minimalist graphic with a stark white background featuring a large, vibrant blue circle dominating the center. Below and to the right of the circle, there's a small, emerald green square, providing a stark contrast in both color and shape. The smooth textures of the shapes give the image a clean and modern aesthetic.", + "111.txt": "In the dim light, five pairs of diverse shoes are gathered together on the concrete ground, near the wheel of a gleaming gold sports car. The car boasts a polished finish that rivals the sun's radiance, and its sleek curves are evident even in the shadows. The shoes, ranging from worn sneakers to shiny leather loafers, create a contrasting ensemble against the luxury vehicle's opulent appearance.", + "49.txt": "Two emerald green briefcases, both with a finish that's smooth to the touch, rest side by side upon the polished surface of an aged oak desk. The wood grain detailing on the desk is prominently displayed in the soft, diffused light of the afternoon sun that filters through a nearby window. Each briefcase is adorned with silver clasps that catch the light, creating a subtle but striking contrast against the dark, rich tones of the wood beneath them.", + "partiprompts16.txt": "A plush teddy bear, adorned with a shiny black motorcycle helmet and a flowing red cape, is perched confidently on a miniature red motorcycle. The toy bike and its adventurous rider are positioned against the bustling backdrop of Rio de Janeiro, with the iconic Dois Irmãos mountain peaks rising majestically in the distance. The scene captures the playful contrast between the soft texture of the teddy bear and the sleek metal of the motorcycle, all under the bright Brazilian sun.", + "203.txt": "Inside a bathroom with white tiled walls, a pastel pink toothbrush is propped up next to a towering yellow mop with a fluffy fiber head. Despite their size difference, they both lean casually against the same wall, with the toothbrush appearing diminutive when compared to the mop. The floor is speckled with small water droplets, hinting that the mop may have been recently used.", + "midjourney23.txt": "An incredibly detailed digital artwork depicting an enormous skyscraper soaring into the sky, set against the background of an industrial power station as imagined by visionary artists Peter Elson, Chris Moore, and Jim Burns in 4K resolution. The skyscraper is adorned with intricate designs, reflective glass windows, and numerous protruding antennas. The power station at its base is a complex of pipes, wires, and glowing energy cores, showcasing a hyper-realistic portrayal of future technology.", + "vrd26.txt": "On a sandy beach, a person stands clad in colorful board shorts beside a bright yellow umbrella that's anchored into the sand. Near them, another individual relaxes in a navy blue beach chair, enjoying the shade provided by the large umbrella. The first person is also standing close to the other, indicating companionship as they both appear to be enjoying their beachside retreat.", + "260.txt": "The scene is set on an unpolished wooden tabletop where the contrasting textures of a faded pink eraser, showing signs of frequent use, and a chrome-finished screwdriver with a glossy handle catch the eye. Both items are basked in the glow of the midday sun, highlighting the fine layer of dust that covers the table's surface. The screwdriver lies parallel to the table's edge, while the eraser is placed haphazardly near a scattering of pencil shavings.", + "diffusiondb19.txt": "A surreal figure appears to be sculpted from intertwining tendrils of gray smoke and whirling flurries of snow, giving the impression of a man caught in a blizzard. In one hand, this ethereal being holds what looks to be a gateway to the cosmos, depicted in a photorealistic manner with vibrant nebulae and star clusters visible within its confines. The entire scene is a highly detailed octane render, showcasing sharp contrasts and the interplay of light and shadow that imbues the image with a sense of depth and complexity.", + "whoops35.txt": "A daring individual clad in bright yellow attire, gliding down a vast beige sand dune on a pair of sleek, black roller skates. Their posture suggests a careful balance as they navigate the fine granular surface, leaving behind a wavy trail in the sand. Around them, the dune stretches into the distance, meeting a clear blue sky at the horizon.", + "drawtext36.txt": "A unique perspective of a large, irregular-shaped gray stone casting a long, imposing shadow over the ground, as seen from the vantage point of an ant. The sun's position gives the shadow a stretched appearance, trailing across the textured dirt surface speckled with tiny pebbles and grass blades. The caption 'look at that shadow!' humorously emphasizes the grandeur of the scene from the ant's perspective.", + "diffusiondb3.txt": "A bustling subway scene comes to life in a digital painting that has become a favorite on Artstation, showcasing a diverse crowd where an Indian woman stands out, attired in a vivid orange traditional garment. Beside her, a Chinese man is depicted in sharp focus, wearing a light blue shirt and holding onto a strap for balance. Concept art by renowned artists Artgerm, Greg Rutkowski, and Magali Villeneuve, the illustration captures the energy of the tube through intricate details and realistic textures. The background is filled with a multitude of passengers, each rendered distinctly to emphasize the crowded nature of the tube.", + "countbench3.txt": "Ten School Resource Officers are set to serve in seven local school districts, as part of the School Resource Officer (SRO) Program led by Broome County District Attorney Steve Cornwell. The officers, in their distinct uniforms, will be a significant presence in the school environment, providing security and fostering relationships with the students. The schools, each with its unique architectural design and color scheme, will benefit from this added layer of security and community engagement. This initiative is a significant part of the district attorney's efforts to ensure a safe and conducive learning environment for the students.", + "partiprompts145.txt": "A majestic brown horse stands in profile, its coat gleaming in the sunlight, with a black saddle securely fastened on its back. The number 55 is prominently displayed in white on the horse's rear flank, indicating its identification or racing number. The horse's mane is neatly combed, and it appears calm and well-trained, ready for a ride or competition.", + "countbench21.txt": "A vibrant tableau depicting ten children of various ages aligned on a long wooden bench in an outdoor setting, each with a unique expression of merriment. The bench, weathered and sturdy, supports their collective weight as they pose for the photo, surrounded by lush greenery and brightly colored balloons tethered to the bench ends. The children are dressed in casual party attire, with several sporting colorful hats, and the scene is illuminated by the warm glow of a string of lights dangling overhead, suggestive of a festive celebration in their midst.", + "countbench11.txt": "A set of four green plastic food containers displayed against a stark white background, each captured from a distinct angle to showcase the varying perspectives of their design. The containers exhibit a smooth texture and a slightly reflective surface that catches the light subtly. Arranged neatly, they demonstrate the versatility of their form and capacity through the different foreshortenings presented.", + "partiprompts303.txt": "A whimsical illustration featuring a small, white baby daikon radish with little green shoots on top, dressed in a pink tutu. The radish character is anthropomorphized with tiny arms and legs, walking a brown dog on a red leash. The dog appears to be a friendly, medium-sized breed with a wagging tail, and they are both on a gray sidewalk next to a grassy area.", + "partiprompts171.txt": "a detailed 17th-century Dutch Baroque painting depicting a chestnut horse standing amidst a vibrant field of tulips and daisies. The horse's mane and tail are elegantly captured by the artist, flowing with the gentle breeze that seems to animate the scene. In the background, a traditional windmill sits under a partly cloudy sky, completing this pastoral landscape.", + "drawtext16.txt": "In the image, a sleek, metallic humanoid robot stands before a dusty chalkboard, on which it has carefully scrawled 'Representation Learning' in eloquent cursive. Surrounding the central text are several complex mathematical formulas and intricate diagrams, each contributing to a lecture on advanced concepts in machine learning. The robot's articulated fingers hold a piece of white chalk, leaving a trail of fine dust as it continues to write.", + "vrd17.txt": "A scene inside a cozy room, where an individual with discernible facial features calmly sits at a wooden table. They are dressed in a neatly buttoned, plaid shirt, and round-framed glasses rest comfortably on their nose. Their hands are occupied with a sleek, modern smartphone which they are intently gazing at. To the side of the table, there is a matching wooden chair, subtly indicating that the space is set for more than one occupant.", + "stanford9.txt": "In the distance, towering black mountains with their peaks blanketed in thick layers of snow stand majestically. Against this dramatic backdrop, a flock of black birds is captured in their dynamic mid-flight, crisscrossing the scene with elegance and energy. Above them, the sky is a tapestry of deep grays clashing with the remnants of serene blue, creating a striking contrast that defines the horizon.", + "117.txt": "A gleaming pair of golden cymbals lies in stark contrast to a collection of round, static bottles of toiletries arranged neatly on a shelf. The metallic sheen of the cymbals is emphasized by the surrounding muted tones of the shampoo and lotion containers. The bathroom shelf upon which they rest is made of polished oak, adding a warm touch to the setting.", + "partiprompts301.txt": "a potted plant with delicate small flowers featuring vibrant purple petals sits on a wooden windowsill. the plant's green leaves are lush and interspersed among the flowers, creating a contrast against the light-colored wall behind it. sunlight filters through the window, casting a soft glow on the plant's foliage and petals.", + "227.txt": "On the soft, warm sand of the beach, a fluffy white rabbit with rounded ears is caught in a curious moment, gently placing its paw on the ribbed surface of a pink scallop shell. The scallop, slightly open, reveals its smooth interior contrasting with its coarse outer texture, while hues of pink and orange from the setting sun reflect off its surface. There's a tranquil ocean backdrop with the gentle ebbing of the tide, and the fading daylight casts a golden glow over the scene, highlighting the rabbit's soft fur and the shell's subtle color.", + "partiprompts290.txt": "a spacious square where a large, weathered stone pedestal stands prominently at the center, devoid of the horse statue that once adorned it. The pedestal's surface is rough and covered with patches of moss, indicating its age and exposure to the elements. Around the base, cobblestones are laid in a pattern that radiates outward, suggesting the importance of the now-absent statue.", + "countbench25.txt": "A detailed analysis on the future of Liverpool's striker line-up, contemplating the value and potential each player brings to the team. The focus is on the eight forwards currently with the club, assessing their skills and considering whether they should be retained or sold, especially with the imminent signing of Christian Benteke. Charts and statistics accompany the evaluation, providing a comprehensive overview of the players' performances to inform the decision-making process.", + "stanford26.txt": "A peaceful scene with an infant peacefully napping on a soft mattress covered with a vibrant, patterned fabric. The little one is dressed in a cozy shirt featuring black, white, and blue stripes. Close to the slumbering baby, there is a cuddly toy doll dressed in a whimsical blue and purple hoody, suggesting a playful atmosphere in the child's sleeping area.", + "whoops1.txt": "A group of people decked in contemporary winter attire, consisting of vibrant parkas and insulated boots stand amidst a snowy landscape. In their midst, a colossal woolly mammoth, with its shaggy, matted fur and long, curved tusks, towers above them. The individuals, exhibiting expressions of awe and curiosity, extend their gloved hands towards the mammoth, highlighting the surreal encounter as delicate snowflakes continuously fall around them.", + "midjourney7.txt": "Within a grand extraterrestrial place of worship, a group of alien beings is depicted in reverent prayer, illuminated by beams of light filtering through stained glass panels featuring cosmic motifs. The advanced alien architecture captures the imagination with soaring arches and embedded technology, rendered in striking yellow and blue tones that highlight the meticulous detail and realism of the scene. This masterpiece of science fiction, brought to life with the precision of Octane rendering software at an 8K resolution, showcases an awe-inspiring tableau, reminiscent of the most sophisticated pieces found on the ArtStation platform.", + "partiprompts305.txt": "A quaint garden space featuring a robust apple tree with a sturdy trunk and branches laden with ripe red apples. The garden itself is bordered by a low, stone wall and contains a variety of flowering plants and shrubs. In the foreground, a small wooden bench invites visitors to sit and enjoy the peaceful surroundings.", + "278.txt": "In the early hours of the day, a spacious, brightly-lit public restroom showcases two gleaming white toilets with shiny silver flush handles neatly aligned against a pale blue-tiled wall. Nearby, a pristine white urinal, also spotless and ready for use, is equipped with an automatic flush sensor. The floor beneath these fixtures is polished to a high shine, reflecting the overhead lights, and the entire space is absent of any visible debris or grime, emphasizing the meticulous cleanliness of the facility.", + "partiprompts3.txt": "An anime-style illustration depicts a whimsical scene where a kangaroo, rendered in vibrant shades of brown and tan, clutches a rectangular sign with the words \"Starry Night\" scrawled across it in bold, whimsical lettering. The kangaroo is seated comfortably in front of the iconic Sydney Opera House, its distinctive white sail-like structures contrasting sharply with the deep blue of the night sky. To the kangaroo's side, the Eiffel Tower looms, its iron lattice silhouette adding to the surreal composition. Above, the sky is alive with dynamic swirls of blue and bursts of radiant yellow stars, capturing the essence of a dreamlike cosmic event.", + "5.txt": "An illuminated calculator with a sleek, dark casing and round, raised buttons sits flat on a wooden office table. The sun's fading light gently seeps through the window, casting a warm glow over the calculator's surface and the scattered papers around it. Shadows from nearby objects subtly play across the table, enriching the tranquil setting of a quiet study space.", + "130.txt": "On a brisk morning, a delicate white paper napkin gently enfolds a vibrant yellow mango, contrasting sharply with the fruit’s robust size. The mango, plump and juicy, sits prominently at the center of a light wooden dining table. Around it, the early daylight casts soft shadows, highlighting the texture of the napkin's folds as it cradles the mango.", + "COCOval2014000000417946.txt": "A scenic outdoor area captured in a photograph, featuring a lush green lawn with a variety of plants and trees. In the background, there's a clear blue sky with a few scattered clouds. The image conveys a sense of openness and natural beauty.", + "whoops27.txt": "A large, colorful rooster, with glossy feathers in shades of red, green, and gold, appears to be emerging from a cracked white eggshell. The scene unfolds on a rustic wooden table, with loose straw scattered around the egg's fragments. Against the backdrop, there's a barn door slightly ajar, allowing a sliver of daylight to accentuate the rooster's vibrant plumage.", + "11.txt": "A vintage-style kitchen featuring an integrated dishwasher that's finished with a panel matching the surrounding warm wood cabinetry. Above the dishwasher, a muted stone countertop is adorned with an assortment of vintage kitchen tools and fresh green herbs in terracotta pots. The room exudes a rustic charm, with exposed ceiling beams and a classic farmhouse sink completing the homely setting.", + "partiprompts99.txt": "a man dressed in a dark business suit and tie is carefully ascending a silver aluminum ladder. The ladder is propped securely against the side of a pristine white house with beige trim around the windows. Sunlight reflects off the house's clean siding, highlighting the contrast between the man's formal attire and the manual task at hand.", + "partiprompts252.txt": "a rustic wood cabin nestled in a clearing, its dark brown logs contrasting with the bright green of the surrounding grass. In front of the cabin, there's a circular fire pit made of stacked stones, with a few wooden benches arranged around it. The fire pit is currently unlit, and a stack of chopped firewood is neatly piled to one side, ready for use.", + "171.txt": "A vibrant yellow rabbit, its fur almost glowing with cheerfulness, bounds energetically across a sprawling meadow dotted with a constellation of wildflowers. The creature's sizeable, red-framed glasses slip comically to the tip of its nose with each jubilant leap. As the first rays of sunlight cascade over the horizon, they illuminate the dew-draped blades of grass, casting the rabbit's exuberant shadow against the fresh green canvas.", + "233.txt": "Three sleek black tripods standing in a row, their legs slightly splayed on a grey, granulated floor for stable support. Positioned prominently in front of them is a compact, silver remote control with a smooth, metallic finish. The arrangement suggests a photographic studio setup, with the remote likely used to control the cameras mounted on each tripod.", + "COCOval2014000000361885.txt": "A spacious living area with modern furnishings and a large flat-screen TV mounted on the wall. In the center, a man is standing with a Wii remote in hand, ready to play a video game. The room is well-organized, with no visible clutter and a sleek, contemporary design.", + "vrd32.txt": "A peaceful scene where a large green tree with lush leaves partially obscures the view of a white van parked behind it. In the foreground, two individuals are present; one wearing beige trousers and a navy blue jacket while leisurely riding a bicycle. The other person, clad in grey pants and a black jacket, is standing right beside the cyclist, both positioned to the side of the tree.", + "57.txt": "An open laptop with a sleek metallic finish and a black keyboard sits centered on a wooden desk. The desk displays an assortment of office supplies, such as a pen holder, a stack of notebooks, and a potted green plant to one side. Visible on the laptop's screen is a colorful array of icons against a bright wallpaper, indicating it is powered on and ready for use.", + "25.txt": "A robust pigeon, with grey and white feathered plumage, sits comfortably on the sturdy branch of a venerable oak tree, replete with sprawling arms and knotted bark. Below, the mossy roots of the tree stretch out into the cobblestone paths of a charming village, where small, thatched-roof cottages neighbor each other. Sunlight dapples through the dense leaf canopy above, casting playful shadows on the scene below.", + "14.txt": "Three vibrant green lettuce leaves gently float on the surface of crystal-clear water in a shallow white porcelain basin. The sunlight catches the delicate veins of the leaves, highlighting their fresh, crisp texture. Nearby, tiny air bubbles cling to the edges of the leaves and the smooth inner surface of the basin.", + "partiprompts1.txt": "A vibrant oil painting depicts a glossy, turquoise VW van parked against the backdrop of a bustling city skyline. In the foreground, a contented sloth stands out with its unique attire consisting of a sleek leather jacket, a traditional tartan kilt, and a quirky bowtie, all topped off with a classic cowboy hat. The sloth grips a sturdy quarterstaff in one hand while balancing a large, leather-bound tome in the other, all set upon a lush patch of green grass that contrasts with the urban environment behind it.", + "drawtext34.txt": "A vibrant parrot perched confidently on the wooden railing of an old pirate ship, its feathers a bold mixture of greens, blues, and reds. It's donned a small, comically endearing pirate hat atop its head. The backdrop is filled with the taut ropes and billowing sails of the ship, and emblazoned across the image is a humorous caption declaring, \"I'm the captain now.\"", + "whoops30.txt": "Inside the microwave sits a clear glass bowl, filled to the brim with scoops of colorful ice cream with visible flecks of vanilla beans. The microwave's interior light casts a warm glow on the ice cream, which threatens to melt if the door were to remain closed for long. It's an odd place for a cold dessert that's usually served at a chilly temperature to avoid its creamy contents from turning into a soupy mess. The microwave is positioned on a countertop, surrounded by assorted kitchen gadgets and a spice rack full of various seasonings.", + "partiprompts256.txt": "a quaint kitchen space with a small white goat standing amidst the appliances and cabinetry. The cabinets are a pale shade of wood, and the countertops are a matching white, cluttered with various kitchen utensils and a bowl of fresh vegetables. Sunlight streams in through a window above the sink, casting a warm glow on the goat and the tiled flooring.", + "164.txt": "In an open outdoor setting, a decorative coffee table with elaborate wood carvings and curved legs is positioned under the expansive blue sky of a clear afternoon. On the surface of the table, an out-of-place toothbrush with white and blue bristles sits alone. The table stands on a patch of vibrant green grass, and no other items or furniture are immediately visible in the vicinity.", + "36.txt": "An elegant pair of glasses with a unique, gold hexagonal frame laying on a smooth, dark wooden surface. The thin metal glints in the ambient light, highlighting the craftsmanship of the frame. The clear lenses reflect a faint image of the room's ceiling lights. To the side of the glasses, a leather-bound book is partially open, its pages untouched.", + "127.txt": "A giant faux oyster, with a rough textured exterior akin to rock, opens to reveal its sleek interior resembling a lustrous pearl. From within its spacious maw, a vintage camera with black leather casing and silver details gently slides out as if it were an oversized pearl escaping the confines of its shell. The camera is caught mid-motion, creating a sense of dynamic action against the still life of the display.", + "174.txt": "Two intricately designed bracelets with patterns of gold and silver hues rest at the base of a tall playground slide, which towers above them with its vibrant red and yellow plastic sides. The bracelets catch the fading light of a radiant sunset that paints the sky in brilliant shades of orange and pink. In the near distance, the silhouette of the playground swings can be briefly made out against the colorful backdrop.", + "COCOval2014000000471528.txt": "An eye-catching graphic designed to capture the attention of writers across the country. It features bold text and vibrant colors to announce the National Novel Writing Month event. The graphic includes motivational slogans and the dates of the event, encouraging authors to unleash their creativity and join the challenge.", + "whoops34.txt": "A piece of fluffy white cake on a porcelain plate is being dusted with fine grains of black pepper. The cake sits on a wooden table with intricate grain patterns visible on its surface. Surrounding the cake, there's a silver fork with an ornate handle and a crumpled napkin, indicating someone has recently enjoyed a bite.", + "COCOval2014000000516542.txt": "A series of colorful signs are lined up along the roadside at the town's edge, each promoting different library events. The signs feature dates and times for upcoming book sales, author readings, and children's story hours. The backdrop to these signs is a quiet street that leads into the heart of the town, with the library itself visible in the distance.", + "partiprompts150.txt": "An oil-on-canvas masterpiece that captures the dynamic essence of a blue night sky, bursting with the energy of swirling azure hues and speckled with stars that seem to explode in shades of yellow. Dominating the celestial scene is a luminous, fuzzy-edged yellow crescent moon, casting its soft glow from the upper portion of the canvas. Below this cosmic display, a tranquil village is depicted to the right, its quaint houses huddled in repose. On the left, a towering cypress tree stretches upwards, its branches undulating like flames, creating a stark contrast against the serene sky. In the distance, amidst the gentle roll of blue hills, the spire of a church stands tall, a silent sentinel overlooking the sleepy hamlet.", + "217.txt": "On a rainy day, three umbrellas with bright and varied colors—yellow, red, and blue—are opened wide and positioned upright on a worn, wooden table. Their fabric canopies are dotted with fresh raindrops, capturing the soft, diffused light of a hazy morning. Beside these umbrellas lies a classic round watch with a leather strap and a polished face that reflects the muted light. The watch and umbrellas share the table's space, hinting at a paused moment in a day that has just begun.", + "vrd36.txt": "an individual balancing on a bright yellow surfboard, riding the crest of an ocean wave. parallel to the shore, a series of tall buildings stand in close proximity to one another, creating a dense urban skyline. the closest building has a reflective glass facade, while the one alongside it features beige brickwork.", + "midjourney20.txt": "A grand, sprawling landscape inspired by the iconic style of Hayao Miyazaki's \"Nausicaä of the Valley of the Wind\" and the \"Breath of the Wild\" from The Legend of Zelda series. The scene blends the fantastical elements of Studio Ghibli's post-apocalyptic setting with the vibrant, open-world aesthetic found in the game. Towering, ancient trees with twisted roots rise from the earth, while bioluminescent creatures add a touch of surreal luminance, hinting at an adventure awaiting at the edge of the world.", + "229.txt": "Three vibrant red fire extinguishers stand out prominently against a backdrop of intense orange flames that are consuming the scene. The fire extinguishers, with their glossy, metallic surfaces, appear gigantic in comparison to the diminutive five sheets of white notepaper scattered haphazardly around the area. The notepapers bear slight curling at their edges, suggesting subtle warping from the heat of the surrounding inferno.", + "stanford5.txt": "Eight white hands, all gripped around the edges of sleek smartphones, are positioned at the bottom of the frame. The phones display colorful screens visible against the backdrop of a light-textured wall. Above two of the hands, the lower halves of faces are in view; one features the bottom of a male's face with an unshaven chin, likely in his mid-thirties, wearing a light green canvas jacket, and the other, a female with sun-kissed blond hair, is dressed in a classic blue denim jacket. Both appear to be engrossed in the content on their devices.", + "partiprompts189.txt": "a modern storefront with large glass windows and a bold sign above the entrance that reads 'openai' in sleek, white lettering. The facade is painted in a muted gray, complementing the contemporary design. Inside, through the transparent windows, one can see rows of neatly arranged products and a few customers browsing.", + "COCOval2014000000354868.txt": "An aged locomotive, its surface weathered and worn, chugs forcefully along the tracks of a sprawling rail yard. The yard is a maze of intersecting rails, scattered with various railcars and equipment. The train's determined movement gives the impression of urgency as it navigates through the industrial landscape.", + "COCOval2014000000309495.txt": "A pristine white bathroom with a ceramic toilet installed against a tiled wall. Beside the toilet, a single roll of toilet paper rests on a holder within arm's reach. The floor is tiled in a matching white, reflecting the cleanliness of the space.", + "88.txt": "A dusty brown baseball glove, looking worn from many games, dramatically overshadows a pair of small silver pliers lying next to it. Both items rest on a wooden workbench, and the glove's leather creases hint at its frequent use. The pliers' red handles are slightly ajar, suggesting a recent task left unfinished.", + "vrd23.txt": "A sleek silver car with a visible license plate is driving on an asphalt road. Above the road, there's a vast blue sky dotted with a few wispy clouds. Further down the road, stands a tall lamp post peeking out from behind a lush green bush. The bush is planted beside a brick building with large windows. On the sidewalk, there's an individual clad in blue jeans and a black leather jacket, casually strolling by.", + "localized2.txt": "A modern interior scene featuring a sleek, white pedestal standing squarely on a polished concrete floor. Atop the pedestal rests an avant-garde, mesh-like structure, its curves and interwoven lines resembling a futuristic sofa. Behind this unique piece of furniture, there is a crisp white wall, upon which hangs an assortment of small, framed pictures and decorative shelves holding minimalist ornaments.", + "stanford21.txt": "Two vibrant yellow pendant lights dangle gracefully from a thick, black wire, illuminating the area beneath them. Below the glow of the lights stand two lush green trees, their leaves rustling slightly in a gentle breeze. Beside these trees rests a tall tan building, its walls smooth and unassuming in the soft light. Scattered next to the building are various signs, displaying bold letters and symbols, directing passersby and adding a splash of color to the urban landscape.", + "partiprompts181.txt": "A quaint fairy cottage nestled in a lush garden, with delicate smoke wisps rising from its stone chimney. The cottage features a thatched roof and walls covered in climbing ivy. A curious squirrel peers out from a small, round window, framed by wooden shutters.", + "101.txt": "Inside a dimly lit room, the low luminance emanates from a bedside lamp casting a soft glow upon the nightstand. There lies a travel magazine, its pages open to a vivid illustration of a car driving along a picturesque landscape. Positioned on the image is a light pink toothbrush, its bristles glistening in the ambient light. Beside the magazine, the textured fabric of the bedspread is just discernible, contributing to the composed and quiet scene.", + "125.txt": "A sizable rectangular storage box with a smooth, beige surface is positioned directly adjacent to a diminutive, round cherry with a glossy red exterior. The cherry's vibrant color contrasts sharply with the muted hue of the box. Both the box and the cherry rest on a white marble countertop that amplifies their distinct shapes and sizes.", + "posescript8.txt": "In this indoor scene, a person is seated directly on a hardwood floor with their legs extended out and slightly bent. The left leg is folded at a more acute angle than the right. Their gaze is directed upwards, towards the ceiling, with a look of concentration. Arms are extended behind, with fingers outstretched, touching the floor for support, and palms turned outward, suggesting an open and relaxed posture. The surrounding space is free from obstructions, offering room for comfort and movement.", + "287.txt": "In an expansive field, a chestnut horse with a flowing mane is captured in the midst of a powerful buck, its hooves churning up tufts of green grass. Adjacent to the field, a playful seal can be seen in a clear blue pond, its slick body arcing gracefully as it performs an energetic flip, splashing water droplets into the air. The surrounding area is dotted with wildflowers and a wooden fence encloses the field, maintaining a boundary between the terrestrial exuberance of the horse and the aquatic acrobatics of the seal.", + "partiprompts291.txt": "Two flags are flying side by side against a clear sky; the first is a white flag emblazoned with a bold red circle in its center, while the second is a solid blue flag with no markings. The flags are attached to grey metal poles that stand in close proximity to each other, creating a striking contrast of colors. The fabric of the flags ripples gently in the breeze, highlighting their distinct and vibrant hues.", + "270.txt": "A deserted park scene illuminated by a soft moonlight where an orange frisbee lies on the grass, slightly tilted to one side. Nearby, a wooden cello and its bow rest in solitude against a weathered park bench, their elegant forms casting long shadows on the pavement. The surrounding trees sway gently in the breeze, indifferent to the forgotten items left in the wake of an earlier emergency rehearsal.", + "partiprompts280.txt": "a close-up image of a wooden fiddle with fine grain details, resting beside an orange basketball on the green surface of a ping pong table. The table has white boundary lines and a net stretched taut in the center. In the background, there's a blurred view of a room with a gray floor and a stack of folded chairs against the wall.", + "posescript7.txt": "A slender figure is maintaining a poised stance, balancing skillfully on their right leg while the left leg extends outward as if caught mid-motion. The right arm maintains a semi-rigid extension, giving a sense of dynamic tension while the left arm is bent, the hand gently cupping upwards like it's cradling an invisible sphere. Their torso remains erect and proud, with the head elegantly tilted upwards and to the left, suggesting a gaze directed towards something intriguing just out of view.", + "263.txt": "In the expansive grasslands, bathed in the orange hues of the setting sun, a tall giraffe gracefully bends its long neck toward a tranquil pond to sip water. Beside the pond, a small, bright red crab scuttles amongst the stones and reeds at the water's edge. The pond’s surface reflects the myriad colors of twilight, while in the background, the silhouettes of acacia trees stand against the dimming sky.", + "localized6.txt": "The photograph captures a wide expanse of sky with trees dotting the horizon, their leaves vibrant green against the blue backdrop. Below, neatly stacked boxes rest against a black metal railing, which runs parallel to the lush grass. Scattered around the vicinity, miscellaneous objects are haphazardly placed. The composition is framed with elegant black borders on both the left and right sides, giving the image a structured finish.", + "vrd2.txt": "A person is seen wearing a helmet and a jacket while standing on a grassy field. The helmet appears to be sturdy, possibly for biking or other extreme sports. The jacket the person is wearing is a vibrant color, contrasting with the green grass beneath their feet. They are also wearing a shirt underneath the jacket, which peeks out from the collar.", + "localized0.txt": "A vibrant outdoor field with lush green grass and neatly painted boundary lines. Numerous athletic men, donned in brightly colored sports attire, are energetically chasing after a spherical ball under the bright daylight. The background is a soft focus, enhancing the dynamic movement of the players in the foreground. Surrounding the playing area, there are scattered equipment and water bottles, indicating a serious game is in progress.", + "COCOval2014000000084701.txt": "A spacious living room featuring a large, comfortable couch facing a modern coffee table. Alongside the main furniture, there's a stack of suitcases and travel bags, hinting at recent travels or an upcoming trip. The room is completed with tasteful decor and a large window allowing natural light to fill the space.", + "144.txt": "During a tranquil evening, a grey seal with inquisitive eyes explores a vibrantly illustrated book left on the coarse sands of a deserted beach. The book's pages flutter in the gentle sea breeze, revealing bursts of purples, greens, and reds. Nearby, scattered seashells and washed-up seaweed provide a natural backdrop to this unusual scene.", + "partiprompts265.txt": "a metallic humanoid robot with a sleek silver finish is captured in mid-air, its limbs splayed out in a dramatic fashion. the robot is surrounded by a vibrant array of Easter eggs, each painted in bright, glossy hues of pink, blue, yellow, and green. the eggs are scattered haphazardly on the lush green grass beneath the robot, creating a stark contrast with the android's chrome appearance.", + "stanford16.txt": "A woman strides confidently down a bustling city sidewalk, her hand pressing a sleek black smartphone to her ear. Above her brow, a stylish pair of sunglasses rests, poised on her head amidst locks of hair. Around her, the sidewalk teems with a diverse crowd of pedestrians, each absorbed in the rush of their own daily routines.", + "COCOval2014000000095297.txt": "a man is seated at a rustic wooden table, holding an oversized slice of pizza in his hands. the pizza is loaded with an array of colorful toppings, and strings of melted cheese stretch with each bite he takes. the table also has a few scattered napkins and a half-empty soda glass beside a pizza box with the lid ajar.", + "partiprompts207.txt": "Inside a subway train, the seats are occupied by several red pandas with soft, reddish-brown fur. One particularly curious red panda is engrossed in reading a newspaper, holding it with its black and white paws. Through the train's windows, a dense jungle with lush green foliage can be seen passing by in the background. The interior of the train is a mix of metallic grays and bright artificial lighting, contrasting with the natural colors visible outside.", + "89.txt": "Two glossy red high heels with pointed toes and slender stiletto heels are positioned ominously over a diminutive grey mouse cowering on the creamy white floor. The mouse's fur is slightly ruffled, betraying a sense of trepidation, as it looks up at the imposing footwear. The contrasting size and color between the vibrant shoes and the mouse emphasize the stark difference in their presence.", + "220.txt": "Three glossy billiards balls, each distinctly colored in solid hues of red, yellow, and blue, are captured in a dynamic roll across a vibrant green felt billiards table. In stark contrast, a pair of granite curling stones with colored handles rest motionless nearby, their polished surfaces reflecting the soft, ambient lighting of the room. The billiards balls, significantly smaller in size compared to the hefty curling stones, navigate the expanse of the table with ease and precision.", + "drawtext10.txt": "A complex piece of generative art on a white background, featuring the words \"Time is temporary, everything is temporary\" emerging from a swirl of viscous smoke crafted from an intricate array of dots. It resembles flowing rivers, incorporating elements of graph design that give it an analytical yet abstract aesthetic. The typography has a fluidity that suggests impermanence and the fleeting nature of existence.", + "partiprompts140.txt": "A vibrant pink flamingo stands attentively, its beak nestled within the pages of an oversized book laid open on a grassy patch. To the side of this curious scene, a towering stack of hardcover books leans slightly, as if mirroring the flamingo's posture. The entire whimsical setup is captured in a high-resolution DSLR photograph, showcasing the intricate details of the flamingo's feathers and the colorful book spines.", + "298.txt": "A quaint scene unfolds on a polished wooden table, drenched in the warm glow of the afternoon sun, where a quintet of deep purple, woven baskets with a round shape is meticulously arranged. Each basket cradles a square, rich crimson wallet that stands out against the violet hues. Delicate shadows cast by the baskets and wallets dance upon the table, accentuating their colors and contours in the sunlight.", + "COCOval2014000000206496.txt": "A group of tourists is seated atop a large elephant, which is part of a caravan of elephants walking in a line. Each elephant carries passengers securely fastened in a howdah, and they are led by guides walking alongside them. The procession of elephants moves through a natural trail surrounded by dense foliage.", + "partiprompts282.txt": "a vibrant lavender backpack with a plush triceratops head peeking out from the top, its green eyes and three distinct horns adding a playful touch. The backpack is made of a soft, velvety material and is resting against a pale wooden bench. Around it, there are scattered crayons and a few sheets of paper with childlike drawings.", + "partiprompts88.txt": "a detailed background pattern featuring a repeating sequence of red roses with lush green leaves and white skulls with subtle gray shading. the roses are in full bloom, showcasing their intricate petals, while the skulls have a smooth texture and hollow eye sockets. the pattern is set against a neutral-toned backdrop, creating a striking contrast between the elements of life and death.", + "COCOval2014000000245497.txt": "a young skateboarder caught mid-air as they leap off the last step of a concrete staircase. the skateboarder's focus and determination are evident in their posture. the steps are part of a public urban area, with metal railings on one side and a grassy patch visible in the background.", + "partiprompts175.txt": "a detailed oil painting depicting a ginger cat with green eyes, intently focused on a game of checkers. The cat is seated at a small wooden table, with the checkerboard laid out in front of it, pieces strategically placed. The painting captures the texture of the cat's fur and the wood grain of the table, set against a soft, neutral background that draws attention to the subject.", + "posescript5.txt": "A figure is positioned in a spacious room, demonstrating a wide stance squat. Their right hand is gently placed on their left hip, while their left hand rests below the right, accentuating the curve of their waist. The person's head is turned to the right, possibly focusing on an object or point in that direction, creating a strong and balanced posture.", + "midjourney8.txt": "A realistic human skeleton, its aged bones a stark off-white, stands erect in the center of an empty, dust-covered swimming pool. The skeleton clutches a golden spear, its tip gleaming even in the muted light, held aloft as if in a declaration of power. Red drapery is artfully hung around the skeleton's frame, creating a strong contrast with its pale bony structure and the dull grey of the pool's concrete.", + "partiprompts126.txt": "An animated squirrel with a rebellious punk rock vibe, clad in a black leather jacket adorned with shiny metal studs, is captured mid-shout into a silver microphone. The rodent stands confidently on an old, rugged tree stump that serves as an impromptu stage, with one paw gripping a small brown beer bottle. The stage is dimly lit, with only a few spotlights highlighting the squirrel's dynamic performance.", + "countbench5.txt": "A collection of nine vibrant VIP sign icons, indicating membership or exclusive status. Each label varies in color, providing a rainbow spectrum from red to violet, and they are designed with a sleek, glossy texture. The symbols feature a simple, bold font that stands out against the solid background, rendering them ideal for vector illustrations where distinction is key.", + "partiprompts83.txt": "An intricately designed digital emoji showcasing a whimsical cup of boba tea, its surface a glistening shade of pastel pink. The cup is adorned with a pair of sparkling, heart-shaped eyes and a curved, endearing smile, exuding an aura of being lovestruck. Above the cup, a playful animation of tiny pink hearts floats, enhancing the emoji's charming appeal.", + "partiprompts114.txt": "A joyful black Labrador retriever with a glossy coat leaping up towards a smiling woman clad in a bright red sweater. The woman is standing in a grassy backyard, her arms open to embrace the energetic dog. Behind them, a wooden fence can be seen, partially covered by climbing green ivy.", + "posescript19.txt": "A figure depicted with a dynamic pose: its left arm extends forward while the right arm is elongated back, parallel with its spine. Both legs are positioned closely together in a near vertical line, with the right leg gracefully stacked atop the left. The silhouette reflects a ballet dancer's poise during a challenging balancing act.", + "279.txt": "Three red wine glasses, casting shimmering reflections from the morning sunlight, are evenly filled to the halfway point with a deep crimson liquid. Beside them, four matte purple plates rest unoccupied on a smooth, dark wooden dining table. The arrangement of the tableware suggests a pause in a meal, or the anticipation of company yet to arrive.", + "104.txt": "Two sleek blue showerheads, mounted against a backdrop of white ceramic tiles, release a steady stream of water. The water cascades down onto a vivid, crisp green pear that is centrally positioned directly beneath them. The pear's smooth and shiny surface gleams as the water droplets rhythmically bounce off, creating a tranquil, almost rhythmic sound in the otherwise silent bathroom.", + "midjourney19.txt": "Visually intriguing macro photography captures the essence of mystical waves, seemingly afloat and intertwined with delicate, hair-like particles. Shades from a psychedelic color palette entwine, creating a stunning and surreal scene reminiscent of twilight. These vibrant waves, rendered with high-octane graphical precision, offer a hyper-realistic glimpse into an otherworldly dimension.", + "9.txt": "Two richly purple-colored folders resting on a wooden table flooded with warm sunlight. The table's surface reflects a subtle sheen, highlighting the folders' smooth texture and the shadows they cast. Around the folders, the table is mostly clear, save for a silver pen lying diagonally near one of the folders.", + "97.txt": "A vibrant pink pig trots through a snowy landscape, a bright blue backpack strapped securely to its back. The pig's thick coat contrasts with the soft white blanket of snow that covers the ground around it. As it moves, the blue backpack stands out against the pig's colorful hide and the winter scene, creating a striking visual amidst the serene, frost-covered backdrop.", + "COCOval2014000000313130.txt": "a modern kitchen features a sleek silver refrigerator standing beside a matching microwave. The appliances are set against a wall with a subtle paint finish, and the room is illuminated by natural light streaming in from a nearby window. The clean lines and minimalist design suggest a contemporary home with an emphasis on functionality.", + "countbench33.txt": "A vibrant canvas stretched across a 2cm thick wooden frame, adorned with the illustration of abstract, beautiful female faces depicted on three separate segments of the canvas. The artwork displays a unique juxtaposition of blooming flowers and the delicate features of women, with a rich color palette that includes hues of purple, red, and yellow. Each of the three portions of the canvas seamlessly connects, creating a continuous visual narrative that celebrates feminine beauty and botanical elegance.", + "partiprompts105.txt": "a family of four, consisting of two adults and two children, strolls along a sandy beach with gentle waves lapping at their bare feet. The adults are holding hands, and the children are playfully skipping ahead. The sky above them is a clear blue, and seagulls can be seen flying near the water's edge. In the distance, a lighthouse stands tall on a rocky outcrop.", + "COCOval2014000000092768.txt": "An elderly gentleman with a weathered face sits on a park bench, cradling a well-worn wooden guitar in his arms. His fingers are poised over the strings, ready to play a tune. The bench is situated along a path lined with trees that provide a canopy of shade overhead.", + "partiprompts268.txt": "a striking propaganda poster featuring a cat with a sly expression, dressed in an elaborate costume reminiscent of French Emperor Napoleon Bonaparte. The feline figure is holding a large, yellow wedge of cheese as if it were a precious treasure. The background of the poster is a bold red, with ornate golden details that give it an air of regal authority.", + "177.txt": "A small, red candle with a flickering flame is placed on the bathroom countertop, emitting a soft glow beside the large, square, white porcelain toilet. The candle's subtle shimmer reflects off the polished chrome fixtures of the bathroom, creating a warm ambiance. The size contrast between the tall, slender candle and the robust toilet form a unique visual pairing in the compact space.", + "219.txt": "A vibrant green calculator rests neatly beside a trio of pristine white board erasers, neatly organized on a spacious, uncluttered wooden desk surface. The desk's polished finish reflects the soft, ambient light of the room, highlighting the contrast between the calculator’s buttons and its body. To the right of the calculator and erasers, there is ample space for writing materials or additional office supplies, suggesting an environment conducive to productivity and order.", + "diffusiondb32.txt": "A digital anime-style illustration of Peter Thiel that showcases intricate details and vibrant colors, trending on ArtStation. He is depicted wearing a meticulously designed Saiyan uniform from the Dragon Ball Z series, with the uniform featuring a prominent blue and orange color scheme. The portrait captures Thiel with a determined expression, his hair styled in the iconic spiky Saiyan fashion, set against a simple, nondescript background to emphasize the character design.", + "stanford8.txt": "A vibrant green door stands out against the stark contrast of its surrounding white walls, which are visibly marred with smudges and streaks of accumulated grime. Next to the door rests a large black bicycle, featuring a well-worn leather seat, a sign of frequent use. The bicycle's matching black handles complement the overall stark monochrome aesthetic, making it a prominent feature within this urban scene.", + "partiprompts179.txt": "A grand city fountain situated in the center of a bustling square, with a creamy white liquid cascading down its tiers instead of water. The fountain's base is surrounded by numerous cats of various colors and sizes, eagerly lapping up the milk. The stone structure of the fountain is intricately carved, and despite the unusual substitution of milk, it stands as an impressive focal point in the urban landscape.", + "197.txt": "In a sunlit kitchen, a vibrant array of green vegetables flourish in a wall-mounted planter positioned directly above a white power outlet. The lush leaves present a stark contrast to the crisp, clean paint of the wall. Sunlight streams in from a nearby window, casting a natural glow that enhances the deep greens of the spinach, kale, and herbs thriving within the urban indoor garden setup.", + "COCOval2014000000516248.txt": "An office desk with a sleek, modern computer monitor that dominates the space. To the right, a hand is poised over a wireless mouse, guiding the cursor across the screen. The desk surface is clean except for a few essential items like a keyboard, a notepad, and a cup of pens beside the computer setup.", + "205.txt": "In a tranquil forest clearing by the water's edge, a large orange tent with its entrance zipped shut is pitched on a grassy knoll overlooking a serene lake. A few steps away from the tent, on the forest floor scattered with autumn leaves, a circular gold bracelet catches the sunlight, creating a subtle sparkle amid the natural surroundings. The nearby trees cast gentle shadows over the area, enhancing the peaceful ambiance of the outdoor scene.", + "COCOval2014000000214123.txt": "two women are seated at a modern kitchen island with sleek countertops. they appear to be engaged in a casual conversation over cups of coffee. the kitchen is equipped with contemporary appliances and a vase of fresh flowers adds a touch of color to the space.", + "partiprompts309.txt": "a unique flower with delicate pink petals arranged in a circular pattern, at the center of which is an intricate design resembling the face of a cat with green eyes. The flower's texture appears soft and velvety, and it is situated among a bed of green leaves that provide a contrasting backdrop to its whimsical feature.", + "localized19.txt": "A modern electronic device featuring a sleek grey panel, which is adorned with bright, illuminated text offering clear instructions. Surrounding the text, there's an array of tactile buttons in black and red, and several toggle switches with orange indicators that provide user control. The arrangement of buttons and switches appears organized, facilitating ease of use for various functionalities.", + "posescript27.txt": "An individual is standing in front of a gently curved white wall, embodying a sense of tranquility through their posture. Their arms hang loosely at their sides, contributing to the relaxed aura they exude. The left leg is gracefully bent at the knee such that the left foot is nestled against the right inner thigh, displaying the classic pose of a tree in yoga practice. The person's attire is minimal and provides a contrast to the simplicity of the backdrop. Their focus appears to be directed inward, further emphasizing the meditative state suggested by their stance.", + "131.txt": "A spherical tissue dispenser sits flush against the curved edge of a white porcelain sink, creating a harmonious visual continuity. The tissue dispenser, with its polished silver finish, reflects the soft light in the room, contrasting with the sink's matte surface. The basin itself is neatly embedded into a marble countertop, which stretches across the bathroom, punctuated by chrome faucets that gleam under the overhead lighting.", + "partiprompts322.txt": "A whimsical scene at the beach where a pineapple, complete with its spiky green leaves, is balanced atop a vibrant blue wave as if it were surfing. The pineapple's textured, golden-brown skin glistens with droplets of ocean water. In the background, the sandy shore is dotted with colorful beach umbrellas and sunbathers enjoying the sunny day.", + "partiprompts50.txt": "a classic old-fashioned cocktail sits on a polished wooden bar top, its amber liquid gently hugging a large, clear ice cube. next to the glass, a white linen napkin is neatly folded, with a silver cocktail spoon resting atop. the drink is garnished with a vibrant orange peel, adding a pop of color and a hint of citrus aroma to the scene.", + "COCOval2014000000180800.txt": "Rows of neatly arranged wooden shelves line the interior of a local grocery store's produce section. On one of the shelves, small metal pails filled with bright, ripe oranges catch the eye. The oranges are stacked to the brim, offering a fresh and colorful selection to shoppers passing by.", + "localized15.txt": "In the image, a sleek white car sits parked on a smooth concrete surface, its polished exterior reflecting the sunlight. Behind the vehicle, a tall, weathered wall stands, painted in a faded blue with peeling patches revealing its past layers. The car's position, about an arm's length away from the wall, creates a clear spatial separation between the two.", + "partiprompts136.txt": "A whimsical scene featuring a small elf with pointed ears and a green hat, sipping orange juice through a long straw from a disproportionately large orange. Next to the elf, a curious squirrel perches on its hind legs, while an owl with wide, observant eyes watches intently from a branch overhead. The orange's vibrant color contrasts with the muted browns and greens of the surrounding forest foliage.", + "partiprompts56.txt": "a piece of golden-brown toast resting on a white ceramic plate, topped with bright green, creamy slices of avocado arranged neatly. next to the plate, there's a silver knife with some avocado residue on the blade, and a sprinkle of red pepper flakes over the avocado slices adds a pop of color.", + "267.txt": "A vintage rectangular carriage, with intricate metalwork and wooden panels, occupies the foreground, resting on the uneven cobblestone street. Above it, the sky is overcast with dark, billowing clouds that seem to loom ominously. Nearby, a sleek, rounded hoverboard with a glossy finish gracefully glides in circles around the carriage, its futuristic design contrasting sharply with the historical vehicle.", + "partiprompts170.txt": "An intricately detailed oil painting that showcases a vibrant and whimsical creature, a fusion of a hamster and a dragon, set against a swirling backdrop of psychedelic colors. The creature's fur is a kaleidoscope of hues, with scales that shimmer in iridescent tones, and it's depicted with a playful yet majestic pose. The artwork is framed in an ornate, golden frame that complements the fantastical theme of the painting.", + "whoops3.txt": "Two elegantly dressed women, adorned in intricate Renaissance gowns with puffed sleeves and rich embroidery, hold up a sleek, modern smartphone to capture a selfie. Their attire features deep hues of red and gold, contrasting with the metallic sheen of the phone. They stand in a room with classic architectural elements, including a large window that bathes them in natural light.", + "COCOval2014000000559400.txt": "Rows of fresh produce line the interior of a bustling grocery store. Bags filled with crisp apples and plump grapes are neatly arranged on the shelves, inviting shoppers to add them to their carts. The fruits' vibrant colors stand out against the backdrop of other grocery items in the background.", + "stanford19.txt": "As the evening progresses, the sky transitions into a mesmerizing canvas with the sun dipping below the horizon, casting a warm orange glow across the scenery. The blue sky, now infused with hues of pink and purple, serves as a backdrop for the scattered, fluffy clouds. Below this enchanting sky, the city comes to life with streets bustling with the rhythmic flow of traffic, illuminated by the flickering of numerous traffic lights.", + "partiprompts169.txt": "a detailed watercolor painting that captures a majestic snowy owl with its pristine white feathers standing in the midst of a lush green field. The owl's bright yellow eyes are a stark contrast to the soft hues of the grass, and its feathers are intricately detailed, giving a sense of texture to the artwork. The field is dotted with wildflowers and the occasional blade of grass that sways gently, suggesting a light breeze in this tranquil scene.", + "whoops36.txt": "A sizable panda bear is situated in the center of a bubbling stream, its black and white fur contrasting with the lush greenery that lines the water's edge. In its paws, the bear is holding a glistening, silver-colored trout. The water flows around the bear's legs, creating ripples that reflect the sunlight.", + "63.txt": "Atop the smooth green felt of a billiard table, three glossy red cue sticks lay orderly in parallel, as if awaiting their players. Around the edges of the table, a scattering of billiard balls rests in the calm before a match, each reflecting the warm, fading light of dusk creeping in through nearby windows. The room is quiet, and the ambiance suggests the anticipation of an evening game, with the only movements being the gentle sway of a ceiling fan above and the shadows stretching across the floor as the sun sets outside.", + "localized8.txt": "In the visual, an object with a vivid orange hue and intricate patterns catches the eye. The bottom left portion of the object bears inscriptions in a darker tone, offering a clue to its purpose or origin. It stands out boldly against a stark white background, providing a striking contrast that accentuates its design and color.", + "partiprompts283.txt": "An intricate oil painting depicting a colossal robot constructed from an assortment of sushi pieces, wielding a pair of oversized wooden chopsticks. The robot stands against a backdrop of a futuristic cityscape, with its sushi components meticulously detailed to show the texture of rice and seaweed. The chopsticks in the robot's grasp are elegantly positioned as if ready to pluck a piece of sushi from a hovering platter.", + "partiprompts144.txt": "A whimsical image capturing a squirrel standing upright on a patch of green grass. The squirrel, with its bushy tail and brown fur, is holding a wooden arrow above its head with its tiny paws, as if it's just won a battle. In its left hand, it grips a miniature longbow, and around it, fallen autumn leaves add a touch of natural decor to the scene.", + "countbench34.txt": "A tranquil pond with vibrant clear blue water, where three pristine white waterlilies float gracefully on the surface. Each waterlily has a perfectly formed shape with delicate petals radiating outwards from a yellow center. The smooth surface of the water reflects the sky above, enhancing the serenity of the scene, as gentle ripples emanate outward from the blossoms.", + "partiprompts133.txt": "An anthropomorphic beaver, exuding an air of sophistication, stands upright beside a towering pile of books in a library setting. The beaver is adorned with a pair of round, wire-rimmed glasses perched on its nose, a neatly buttoned vest, and a vibrant necktie featuring an array of geometric patterns. The surrounding shelves are filled with an assortment of leather-bound and hardcover books, some with gold lettering on their spines, creating a backdrop of literary abundance.", + "partiprompts156.txt": "An oil painting depicting an abstract anime landscape, where a vibrant door stands out amidst a backdrop of shadowy hues. The door, painted in bright, luminescent colors, appears to be a gateway, cutting through the surrounding darkness with its inviting glow. Swirls of contrasting colors give the impression of a mystical portal, beckoning viewers to step through into a realm of knowledge and discovery.", + "partiprompts137.txt": "A glossy black dog with a shiny coat is comfortably seated on a rustic wooden chair, its tail gently resting on the seat. Beside the chair, a white cat with distinctive black ears and bright green eyes is standing on its hind legs, with its front paws placed on the edge of the chair, as if engaging in a silent conversation with the dog. The chair sits on a smooth, terracotta-tiled floor, and behind them, a potted plant adds a touch of greenery to the scene.", + "96.txt": "Four sleek airplanes, with shiny metallic surfaces reflecting the sunlight, fly in a tight formation through the clear blue sky. Below them, an orange and black zigzagged extension cord lies haphazardly across a dusty brown field, contrasting with the precise aerobatics above. The planes' trailing jet streams create parallel lines that transiently scar the vastness of the open sky.", + "296.txt": "A sleek, crisp white Formula 1 car with sponsor logos emblazoned on it is parked upon a pier with smooth, polished marble slabs reflecting the sun's gleam. Beside the car, gently swaying on the clear azure waters, is a rustic wooden boat with weathered planks and faded paint. The boat's small bobbing motion contrasts with the stillness of the powerful racing car, making for an unusual yet fascinating combination at the water's edge.", + "countbench20.txt": "a collection of four vibrantly colored, circular buttons, each featuring a simplistic heart icon with a prominent plus sign at its center, signaling the option to add to favorites. These flat-designed icons are isolated against a clean background, making them immediately identifiable for user interface purposes. Each button presents a different hue: one is red, another blue, the third one is a sunny yellow, and the last one is green, creating a visually appealing and intuitive set for users to interact with.", + "160.txt": "As the sky transitions into hues of orange and purple during twilight, a sleek silver sailboat cuts through the calm waters. On the deck of the boat, a small makeshift kitchen setup can be seen, where someone is carefully preparing long, string-like noodles. The gleaming surface of the boat reflects the fading sunlight, and the gentle ripples on the water create a tranquil scene. Nearby, the silhouette of the coastline is just barely visible against the evening sky.", + "stanford31.txt": "A middle-aged man is perched atop a majestic gray elephant, slowly making their way through a lush, waist-high swamp. The man is wearing a wide-brimmed hat and khaki clothing, blending with the natural surroundings. This tranquil scene is framed by two thick, moss-covered logs from an ancient tree, hinting at the dense forest beyond.", + "COCOval2014000000205054.txt": "A cozy room featuring a sturdy wooden table at the center. Atop the table, a gray cat is comfortably sprawled out, basking in the tranquility of the space. The table also holds a few scattered papers and a potted plant, adding a touch of lived-in charm to the scene.", + "partiprompts284.txt": "Three robots of varying hues are positioned in a row, each with a distinct and sleek design. The white robot on the left boasts a glossy finish and rounded edges, while the central red robot has a more angular form with matte surfaces. To the right, the black robot stands with a metallic sheen, its articulated joints suggesting advanced mobility. They are all placed on a smooth, gray concrete floor, and behind them is a plain wall with a few cables hanging neatly arranged.", + "COCOval2014000000413552.txt": "A cozy indoor setting where a woman is seated with a baby on her lap. The infant, dressed in a colorful outfit, gazes directly into the lens of the camera with a curious expression. The background is softly blurred, highlighting the interaction between the child and the camera.", + "297.txt": "In a homey living area, against the backdrop of a pastel-hued wall, a sturdy mahogany side table stands adjacent to a plush, large teal couch. The side table features a lamp with a cream shade and a scattering of paperback books stacked neatly on its surface. Positioned comfortably next to the couch, the side table complements the warm ambiance, while the couch offers an inviting place to relax, covered with throw pillows in shades of teal, mustard, and gray.", + "240.txt": "On a sturdy, wooden drafting table lies a vintage brass scale, gleaming with a polished finish alongside an extended yellow tape measure casually strewn across the table's surface. The tables crafted from a rich, dark hardwood, distinctly contrasts with stark white blueprints and rolled-up scrolls flanking the scale. The tape measure is partially coiled, with black and red measurement markings clearly visible and stretches out towards the edge of the table, indicating precise dimensions for an ongoing project.", + "182.txt": "A solitary camel, with its characteristic humps and creamy beige coat, slowly ambles beside a striking, plush, round red couch, which seems oddly out of place in the vast desert landscape. The harsh midday sun casts a sharp shadow from the camel, dwarfing the small couch in comparison. Around the odd couple, the endless sea of sand contrasts with the vibrant red upholstery, as no other objects or signs of life interrupt the peculiar desert scene.", + "181.txt": "A picturesque winter morning is captured within a cozy kitchen, where a sturdy blue ladder stands erect near a window veiled with delicate patterns of frost. The morning light reveals the contrast between the ladder and the set of sleek, ebony chopsticks lying in repose on the surface of the highly polished wooden kitchen table. The table also bears the serene presence of a white porcelain teapot, poised as if waiting to pour warmth into the chilly day.", + "countbench24.txt": "A quaint collection of waterproof stickers, each featuring whimsical designs of cats and dogs intertwined with imagery of meaty meatballs and festive New Year couplets. The set comprises a small, curated group of five unique stickers, each with its own vibrant color scheme and glossy texture. These stickers are neatly displayed in a section designated for pet lovers and holiday enthusiasts, providing a charming and functional decoration that can withstand the elements.", + "partiprompts113.txt": "an elderly woman with shoulder-length straight gray hair and round metal-rimmed glasses sits comfortably in a plush armchair. She is wearing a lavender cardigan over a white blouse, and a silver necklace can be seen around her neck. In her lap rests an open hardcover book, and beside her, a small wooden side table holds a ceramic teacup and saucer.", + "whoops24.txt": "a solitary hippo immersed in icy waters, with hints of white and blue icebergs scattered around it. the gray skin of the hippo contrasts with the clear, chilly water reflecting the light of the midday sun. in the background, a snowy bank with patches of exposed rock faces suggests a cold, polar habitat.", + "midjourney28.txt": "A vintage full-page schematic drawing of a virtual reality headset from the 1800s, rendered in precise, symmetrical line art occupies the gray paper. The intricate details of the design are captured in the fine lines and annotations that fill the page. Surrounding the central image, there are smaller diagrams and text that provide additional explanations and specifications for the headset's components.", + "26.txt": "A gray donkey with a tuft of dark mane lies tranquilly beneath the expansive branches of a large oak tree that sits at the edge of a meandering river. The river's crystal-clear waters reflect the lush greenery of the banks and the vibrant blue sky above. In the background, the gentle slope of the riverbank is dotted with wildflowers and tall grasses, creating a picture of pastoral serenity.", + "partiprompts263.txt": "two grand pianos with glossy black finishes are positioned adjacent to each other in a spacious room with high ceilings. each piano is open, revealing the intricate strings and hammers inside, and the polished wood reflects the overhead lighting. between the pianos, there's a narrow walkway, and a red velvet curtain can be seen in the background, suggesting a performance area or a music hall setting.", + "92.txt": "Two square-shaped pink erasers rest on the tiled floor next to a pristine white porcelain toilet. The erasers feature slight smudges from use and are positioned closely to each other. In the background, the metal toilet flush handle gleams under the bright bathroom light, and a soft blue bath mat lies a short distance away, partially visible in the scene.", + "stanford36.txt": "A cozy scene with a vibrant orange cat peacefully curled up on a rich blue fleece blanket. Upon the cat's back rests a whimsical red and white striped hat, perched as though donned in mid-play. Directly in front of the feline, a soft blue pillow lies slightly askew, offering a comfortable resting spot. The cat's one eye is partially open, giving a glimpse of its golden iris, surveying its surroundings with a languid gaze.", + "drawtext27.txt": "an image capturing an assortment of trees, ranging from young saplings to full-grown specimens with thick trunks and sprawling branches. The trees are pictured in a lush green forest, where each tree stands at a different height, signifying their unique stages of growth. The photo's emphatic caption, 'growth is a continuous process,' is etched at the bottom, inspiring a reflection on development and progress.", + "midjourney39.txt": "A scene featuring several prominent items: a piece of matte black paper lies beneath a set of decorative zodiac-themed tarot cards, carefully placed in the center. Above this arrangement, two spherical ornaments designed to resemble moons hang suspended, with a silhouette of a mountain range providing a stark backdrop. Additionally, two white streaks, perhaps cords or decorative ribbons, run parallel to each other, intersecting the paper and the tarot cards, adding a dynamic element to the composition.", + "COCOval2014000000164121.txt": "A spacious kitchen featuring natural wooden cabinets that show signs of frequent use. The countertop is cluttered with an assortment of kitchen gadgets, utensils, and a bowl of fresh fruit. Sunlight streams in, illuminating the space and highlighting the details of the cluttered surface.", + "partiprompts190.txt": "A bold, white sign with the words 'KEEP OFF THE GRASS' stands prominently next to a lush, green lawn. The sign, with its stark black lettering, is mounted on a metal pole and positioned at the edge of the neatly trimmed grass. Surrounding the lawn are small flowering plants, adding a touch of color to the scene.", + "partiprompts23.txt": "Two ceramic cups sit side by side on a wooden table, one filled with a steaming latte that has a detailed foam art depiction of the United States map on its surface. The other cup, equally warm, showcases an intricate latte art representation of the African continent. Both cups have a glossy finish, and the table reflects the soft glow of the overhead lighting.", + "diffusiondb10.txt": "An impressively detailed pencil illustration of Maggie Smith in the character of Reverend Mother is generating buzz on the ArtStation platform. The artwork, which has garnered awards for its lifelike quality, demonstrates a finesse reminiscent of Artgerm and Greg Rutkowski's dynamic strokes, with compositions that subtly hint at the influence of Alphonse Mucha's style. Its cinematic feel is accentuated by the careful play of light and shadow, earning acclaim and trending status among the art community.", + "partiprompts122.txt": "A majestic granite statue of a wombat warrior, clad in intricately detailed armor, stands proudly in the center of a temple's cella. The statue, gripping a broad sword with both hands, is bathed in a soft beam of light that filters down from an unseen source above, highlighting the textures of its stony surface. It is perched upon an ornate pedestal, which adds to its imposing presence. The scene is captured through a wide-angle lens, giving it a grandiose and expansive feel, reminiscent of an anime-style oil painting with vibrant colors and dynamic shading.", + "partiprompts321.txt": "a sturdy tree with a thick trunk and sprawling branches that have intertwined with the metal links of a silver chain-link fence. the fence is partially enveloped by the tree's roots and bark, creating a unique blend of natural and man-made elements. the surrounding area is dotted with green grass and a few scattered wildflowers.", + "posescript24.txt": "A figure is in a dynamic crouched position on a geometric patterned floor, with one knee supporting the pose and the other leg extended slightly to the side. The person's left arm reaches toward the ground for balance, palm facing down, while the right arm is bent, with the hand placed near the face. The individual's head is tilted upward, possibly in concentration, complementing the fluid lines of the body's pose.", + "213.txt": "A delectable chocolate cake, light and fluffy in texture, with a rich dark brown hue, sits atop an ornate wooden table that features intricate carvings on its edges. To the right of the cake, a pristine white plate cradles seven plump sausages that bear the marks of grilling, their skins a dark, crispy brown contrasted against the plate's stark whiteness. Behind this culinary display, the backdrop reveals a contemporary kitchen characterized by sleek stainless-steel appliances and a smooth marble countertop bathed in the warm glow of pendant lighting.", + "COCOval2014000000465130.txt": "The room features a neatly made bed with a plush comforter, positioned against a soft-colored wall. Adjacent to it, a cozy chair and a couch offer additional seating options, while a sleek TV stand and a sturdy desk complete the room's furnishings. The desk is set up with a lamp and some stationery, ready for work or study.", + "stanford20.txt": "A cozy corner featuring a brown wooden shelf laden with assorted electronics, including silver DVD players and an outdated radio, their cords neatly arranged along the side. Occupying a prime spot on one of the shelves is a ginger tabby cat, curled up and napping amidst the items. Below, on the floor, rest two small, shiny silver barbells, catching the light from the overhead fixture. Right beside the shelf stands an impressive large bottle encased in a carved, dark-stained wooden crate, adding a touch of rustic elegance to the setting.", + "232.txt": "A vividly colored balloon with hues of red and blue hovers gently above a wooden cosmetics table. The table holds a delicate synthetic bristle brush dusted with powder to one side and a sleek black eyeliner pencil lying parallel to the brush. Nearby, an open compact mirror reflects the floating balloon, adding a sense of depth to the scene.", + "COCOval2014000000425925.txt": "A bustling city street lined with various shops and cafes, leading the eye towards a distinctive building in the distance. The building is notable for its maroon steeple, which houses clocks just beneath a prominent standing platform. The architecture of the building stands out against the urban landscape, hinting at historical significance amidst the modern city life.", + "173.txt": "In the dim light of twilight, a room is visible with a backpack resting against the wall; the backpack is a deep blue with hints of grey and sports several small pockets along its exterior. Next to it, a neon green toothbrush stands upright, propped against a clear drinking glass on a wooden nightstand. Outside the window behind them, the sky transitions to a deep navy hue, dotted with twinkling stars that create a tranquil backdrop.", + "COCOval2014000000284772.txt": "A brown dog paddles through the clear blue water, its eyes focused ahead. In its mouth, it firmly holds a brightly colored Frisbee, seemingly proud of its retrieval. The sun reflects off the water's surface, creating a sparkling effect around the swimming canine.", + "partiprompts312.txt": "a vibrant apple tree with a multitude of shiny red apples nestled among lush green leaves. the tree's branches are spread wide, with the sunlight filtering through the foliage and casting dappled shadows on the ground below. some apples hang low enough to be within arm's reach, while others are perched higher up, peeking out from the leafy canopy.", + "partiprompts111.txt": "An elderly woman with silver hair and glasses sits comfortably in an armchair, a colorful picture book open in her lap. Beside her, a young boy and girl, her grandchildren, listen intently, the boy wearing a green-striped shirt and the girl in a yellow dress. They are surrounded by a cozy room with a plush beige carpet and a small wooden table stacked with more books.", + "drawtext1.txt": "A visually striking digital art piece featuring the phrase \"It takes AI and rain to make a rainbow\" set against a deep black background. The text is displayed in vibrant, holographic neon colors that shimmer and change as if touched by light, creating an illusion of depth and movement. Surrounding the words are colorful, swirly patterns that give off a magical ripple effect, enhancing the 'bruh moment' of surreal wonder it aims to elicit. Intricate white and gold neon lines weave through the composition, adding an elegant contrast to the bold colors. The entire scene is crafted using 3D computer graphics, achieving a photorealistic quality that makes the elements seem tangible.", + "partiprompts65.txt": "A vibrant graffiti artwork displaying the word \"WOMBAT\" in bold, multicolored letters, each character outlined in black to create a striking contrast against the stark white wall. The letters are embellished with various shades of blue, green, red, and yellow, with dramatic splashes of paint scattered around the composition. The texture of the dripping paint adds a dynamic and tactile quality to the mural.", + "midjourney27.txt": "An aerial view captures the Chernobyl station in the gentle embrace of spring, framed in the distinct and meticulous symmetry reminiscent of a Wes Anderson tableau. The imposing structure is centered between the burgeoning greenery that flanks it, under the vast expanse of a midday sky punctuated by towering cumulonimbus clouds. The scene is a study in contrasts, with the stark industrial facade of the station juxtaposed against the whimsical patterns of nature reasserting itself.", + "56.txt": "On a clean, organized office desk, there are three red staplers arranged in a precise line. Each stapler has a sleek, rectangular shape with a glossy finish that reflects the overhead lighting. They sit atop a polished, dark brown wooden surface surrounded by scattered paper clips and a few pens, providing a contrast to the vibrant red color of the staplers.", + "partiprompts315.txt": "a colorful butterfly-shaped kite entangled among the branches of a tall oak tree. the kite's wings are a vibrant mix of blue and yellow, contrasting with the green leaves. the tree's rough bark and the kite's silky texture are juxtaposed as the kite flutters gently in the breeze.", + "100.txt": "An immaculate white vanity desk featuring an array of beauty products, among which a soft-bristled cosmetics brush and a sleek black eyeliner pencil are neatly arranged. To the side, a stark and dissonant element, a metallic handgun, lies on the textured surface of a grey concrete floor, creating a jarring juxtaposition against the delicate makeup tools. The vanity itself is positioned against a white wall, illuminated by the natural light streaming in from a nearby window.", + "drawtext28.txt": "Sitting at one end of a wooden park bench, the perspective is directed upwards towards a clear blue sky with a few fluffy clouds drifting by. In the expanse of the sky, the inspirational phrase 'imagine the outcome' appears, almost as if written by an airplane's smoke trail. The bench, with its weathered slats and cast-iron arms, provides a tranquil spot for contemplation within the grassy expanse of the park.", + "69.txt": "A group of five unique fish with deep blue, almost iridescent bodies, glide gracefully just above the sandy seabed. These aquatic creatures resemble delicate sea bubbles, with their round and translucent appearances. The surrounding waters are a calm shade of blue, casting a serene light on the ocean floor where patches of coral and seashells can be glimpsed.", + "128.txt": "Beneath the expansive night sky, sprinkled with myriad twinkling stars, a flag adorning the pinnacle of a towering lighthouse drifts gently in the evening breeze, its hues subdued by the soft silver glow of the moon. The sturdy structure of the lighthouse, painted in alternating bands of white and red, stands as a stalwart sentinel on the rugged shoreline. At the water's edge, the rough texture of the rocks is intermittently made visible by the intermittent wash of foamy waves, where a solitary lobster, its dark, glossy carapace reflecting the moonlight, slowly makes its way out of the embrace of the ocean.", + "midjourney3.txt": "An evocative tintype photograph by Ansel Adams, capturing the chilling tableau of gaunt, skeletal figures with the mythical visage of Icarus, their bodies conjoined in a macabre ballet as they plummet through a midnight sky. The figures are adorned with an array of feathered wings that are sprawling from their emaciated frames in a desperate, though futile, attempt at salvation. High levels of detail reveal the intricate interplay of shadow and light, casting an otherworldly glow across the scene that harkens back to the haunting visual narratives of the 1800s.", + "72.txt": "In the open expanse of a school's sports field, under the clear blue sky of a radiant sunny day, four vibrant American footballs are captured in mid-flight. The footballs, featuring hues of red, blue, yellow, and green, are spherical in shape, contrasting sharply with the green turf below. Each ball glistens in the sunlight as they arc gracefully above the field, momentarily suspended against the backdrop of a few wispy clouds.", + "whoops17.txt": "Two individuals are deeply engrossed in a strategic game, seated at a polished wooden table with a chessboard that uniquely features all black chess pieces. The players, both wearing glasses, are in a room with cream-colored walls and a potted plant in the corner. To the side of the chessboard, a timer is set, indicating the serious nature of their contest. The sunlight from the adjacent window casts a soft glow on the game, highlighting the intricate details of the ebony pieces.", + "partiprompts127.txt": "A slow-moving sloth, with shaggy brown fur and a relaxed expression, is seated in a bright red go-kart on a winding race track. In its three-toed claw, it clutches a ripe yellow banana, seemingly undisturbed by the race. Just a few meters behind the kart, a single banana peel lies on the asphalt track, a potential hazard for the other racers.", + "localized3.txt": "In a grassy outdoor setting, several individuals are wearing protective helmets and standing near vivid blue and yellow inflatable pillars. In the foreground, there's a semblance of a game or event taking place amidst the greenery. Towards the back, multiple tents are set up alongside a tall bamboo structure, and colorful posters are visible, fluttering in the gentle breeze.", + "partiprompts261.txt": "A sleek black grand piano sits majestically in the center of the room, its polished surface reflecting the overhead lights. Adjacent to it is a white bench with curved legs, positioned perfectly for a pianist to sit and play. The piano's open lid reveals the intricate strings and hammers inside, ready to produce melodious sounds.", + "partiprompts295.txt": "a vibrant flower with large, crimson petals and a bright yellow center, standing in stark contrast to the moon's barren, grey surface. The flower's delicate texture is a surprising sight amidst the moon's craters and dust. In the background, the Earth can be seen rising, a swirl of blue and white, providing a breathtaking backdrop to this surreal lunar scene.", + "partiprompts63.txt": "A playful collection of 2x2 emoji icons, each resembling a vibrant macaron with a distinct facial expression. The top left macaron is a sunny yellow with a beaming smile, while the top right is a fiery red with furrowed brows and an angry scowl. Below them, the bottom left is a bright blue with wide, surprised eyes, and the bottom right is a soft lavender with a tearful, sobbing face. Each of the macaron emojis is whimsically topped with a miniature brown cowboy hat, adding a touch of whimsy to their appearance.", + "drawtext29.txt": "An artist's rendition of the Hubble Space Telescope, bathed in the glimmer of distant stars set against the backdrop of the sprawling Milky Way galaxy. The image is rich with hues of blue and purple nebulas, and the telescope appears as a sophisticated structure with reflective solar panels. Overlaying this cosmic panorama is bold, inspirational text that reads 'The Universe is a Mystery, But We Are Here to Solve It', signifying the relentless human pursuit of knowledge beyond our world.", + "posescript21.txt": "a figure in a dynamic pose, with their upper body leaning towards the right, arms raised high above their head forming straight angles at the elbows. The right knee of the subject is sharply bent, supporting their weight, while the left leg extends gracefully back, enhancing the sense of motion in the posture. The individual's head is angled downwards, focusing intently on something out of view, giving the entire pose an air of concentration and balance.", + "82.txt": "In a dimly lit space, a vibrant green broom with stiff bristles is being used to sweep a muted, grey floor. Shadows stretch across the room, illuminated by the soft orange glow of a smoldering cigarette that has been left unattended. The faint light creates an eerie dance of wisps of smoke in the blue hues of the twilight. Nearby, a simple wooden chair and a metal bucket can be seen, suggesting the room's utilitarian purpose.", + "midjourney18.txt": "An intricately detailed representation of the Marvel character Ghost Rider featuring a human skull, with flames licking around the contours of the skull and rising above it in a fierce expression of fiery vengeance. The skull, alight with bright orange and yellow tones, dominates the image with its full head in view, set against a stark, void-like background that accentuates its fierceness. The character concept art captures both the macabre essence and supernatural intensity of the spectral figure.", + "partiprompts244.txt": "a spacious room featuring a deep blue wall that serves as the backdrop for an expansive framed watercolor painting. The artwork depicts a serene mountain landscape with subtle hues of green and blue, suggesting a peaceful natural setting. Below the painting, a small wooden table holds a decorative vase with dried flowers, complementing the room's aesthetic.", + "stanford6.txt": "An almost empty airport tarmac bathed in the soft glow of the early morning sun. A few scattered luggage carts stand idle near the terminal, while two commercial airplanes sit parked on the apron, their boarding stairs down, anticipating the arrival of passengers. In the distance, by the edge of the main airport building, stand two tall poles, painted in alternating bands of red and white, standing out against the clear blue sky.", + "partiprompts218.txt": "an empty metal bike rack with a silver finish, positioned on a concrete sidewalk. several colorful bike locks are attached to it, indicating the frequent use of the rack by cyclists. the absence of bicycles gives the rack a forlorn appearance against the backdrop of a quiet street.", + "midjourney38.txt": "An endearing, fluffy creature with fur in various shades of lavender and teal, straight out of a Pixar film, illuminated by vibrant, volumetric lighting that provides a rich depth to the scene. The textured fur of the character reflects the high-quality 4k resolution, adding to its lifelike photorealistic appearance. Positioned next to the monster, a sparkling star accentuates its whimsical nature, set against a meticulously rendered background that showcases Pixar's attention to detail.", + "stanford23.txt": "A tricolored calico cat with a mixture of brown, black, and white fur comfortably sits on top of a modern flat-screen television. The TV is currently on, displaying a colorful nature documentary, providing a dynamic contrast to the cat's serene posture. Surrounding the television is a backdrop of brown and beige floral wallpaper, contributing to a warm and homely aesthetic within the room.", + "partiprompts139.txt": "A whimsical scene where a llama, adorned with a pair of oversized, round sunglasses, stands confidently on the metallic deck of a spacecraft. The deck beneath the llama's hooves gleams with a polished silver finish, reflecting the starry cosmos that surrounds the vessel. In the vast backdrop, the Earth looms large, a swirl of blue oceans and white clouds, providing a stunning contrast to the spaceship's sleek, futuristic design.", + "211.txt": "Four bright yellow slippers are neatly aligned on a beige carpet, their fuzzy texture suggesting warmth and comfort. Next to them, a pair of elegant burgundy bow ties with a silk finish lay gracefully, hinting at a formal event. The color contrast between the vivid slippers and the refined bow ties creates a unique and curious combination.", + "partiprompts225.txt": "A vibrant orange pickup truck parked beside a sleek yellow Porsche 911 on a smooth gray asphalt road. The Porsche's polished surface reflects the sunlight, highlighting its aerodynamic shape and the truck's sturdy, boxy frame. Between the two vehicles, the contrasting sizes and designs are evident, with the pickup's raised suspension towering over the low-profile sports car.", + "vrd16.txt": "A friendly dog with a golden coat sits peacefully in a grassy area, surrounded by a copse of tall green trees. The clear blue sky above offers a bright canopy over the scene. Nearby, a person wearing a wide-brimmed straw hat stands gazing toward the horizon, with the trees providing a lush green backdrop. To their side, a wooden post stands firmly planted in the ground under the open sky, also in front of the trees, tying the elements of the setting together.", + "34.txt": "An assortment of artisanal cheese wheels, each exhibiting a distinct texture and color palette, ranging from pale creamy whites to rich oranges, are spread across a rough-hewn wooden table brimming with character. The warm rays of the early morning sun filter through a window to the side, lending a natural illumination that highlights the subtle hues of the cheeses. In the background, the soft shadows cast by the window frame accentuate the contours of the rustic table, contributing to the inviting display of dairy delights.", + "countbench27.txt": "Seven cylindrical brown glass beer bottles are symmetrically arranged on a reflective surface, casting subtle shadows and clear reflections on the stark white background. Each bottle stands upright, showcasing their identical shape and size, with labels facing forward that hint at their various contents. The glossy finish of the bottles contrasts with the matte texture of the background, emphasizing the simplicity and symmetry of the composition.", + "partiprompts30.txt": "An intricately arranged wooden charcuterie board is adorned with an assortment of farm animal figurines, each skillfully crafted from various types of cheese and slices of ham. The cows, sheep, and pigs are positioned amidst a landscape of crackers and grapes, creating a playful barnyard scene. In the background, a brown dog with perked ears and a glossy coat sits attentively, its gaze fixed on the edible menagerie with an unmistakable look of longing.", + "206.txt": "In a dimly lit room, a stark black blackboard and a pristine white whiteboard are mounted next to each other on a pale wall, creating a striking contrast. The whiteboard is clean, while the blackboard has faint remnants of chalk dust. Directly below them, on a brown wooden table, rests a single pink folder, its bright color standing out in the quiet shadow of the evening.", + "whoops29.txt": "An elderly gentleman with silver hair and a tweed jacket sits leisurely on a wooden park bench. In one hand, he holds an ornate, carved wooden pipe from which he is blowing soap bubbles that glisten in the sunlight. The bubbles drift slowly in the air, reflecting an array of colors against the backdrop of a clear blue sky.", + "countbench36.txt": "An artistic array of six vibrant mugs featuring a spectrum of colors, each with a smooth, glossy finish indicative of gradient mesh design elements. These mugs are depicted in a two-dimensional vector format, suitable for stock imagery, and their handles are gracefully curved to the right, allowing for easy visual differentiation. The mugs' colors transition flawlessly from one to another, showcasing the use of digital illustration techniques for a realistic appearance.", + "COCOval2014000000126046.txt": "An urban street corner featuring freshly painted blue arrows on the asphalt, directing traffic flow. Several bright orange traffic cones are strategically placed to guide vehicles around a construction area. In the background, a traffic light hangs above, glowing green, signaling drivers to proceed with caution.", + "diffusiondb0.txt": "A visually striking digital portrayal of a futuristic woman, designed with an exquisite attention to detail that showcases her elegant pose, encased in an array of meticulously rendered leaves. Produced by the skilled artist Janice Sung, the image is a high-definition 4K creation that glows with stunning volumetric lighting effects. The woman's appearance is characterized by a level of hyper-realism that captures the intricate textures of her skin and the leaves, enhanced by the luminous, fantasy-inspired ambiance.", + "whoops10.txt": "A one-on-one comparison of a woman and her reflection in a large, frameless mirror affixed to a pastel-colored wall. The woman is clad in a sleek black dress and pearl earrings, whereas her reflection dons a vibrant red sundress with a delicate gold necklace. The entire setting is illuminated by natural light filtering in through a nearby window.", + "partiprompts307.txt": "a vibrant green plant with broad leaves and a sturdy stem, situated at the bottom of a clear, gently flowing stream. The stream's bed is lined with smooth, multicolored pebbles that glisten under the water. Sunlight filters through the water, casting dappled patterns on the plant and the surrounding rocks.", + "COCOval2014000000328512.txt": "A close-up image of a giraffe's face, with its large, brown eyes staring directly into the camera lens. The giraffe's long neck and distinctive patterned fur are clearly visible against a backdrop of blue sky and a few scattered clouds. Its ears are perked up, giving it a look of curiosity as it gazes at the viewer.", + "diffusiondb24.txt": "A digital composition featuring a man with finely detailed, lifelike features standing beside a whimsically fantastical creature reminiscent of the renowned Studio Ghibli's style. The creature is adorned with a smooth, glossy coat that gives off the impression of a vibrant array of textures. Both figures are positioned against a stunningly crisp and clear 8k resolution backdrop that accentuates the intricate details and colors of their surroundings.", + "diffusiondb8.txt": "A captivating 1950s-style movie poster that radiates a retrofuturistic charm, adorned with the artistic influence of legends like Moebius, Brom, and Ian Miller. It features a striking character in the foreground, presenting to an audience of intrigued scientists who are seated in a spacious conference room. The poster is illuminated with moody, vibrant colors that bring the scene to life, and every intricate detail is rendered with exceptional clarity in a 4K resolution.", + "COCOval2014000000241677.txt": "A scenic trail where a group of riders are mounted on their horses, moving in a line. The horses appear well-groomed, and the riders are dressed in casual riding attire. The path they are on is bordered by trees, and the group seems to be enjoying a leisurely ride in the countryside.", + "partiprompts160.txt": "An abstract cubist painting depicts a chaotic scene where a tornado, composed of angular shark figures, collides with the geometric forms of a skyscraper. The skyscraper is rendered in a series of fragmented, multi-colored planes, suggesting the reflective surfaces of glass and steel. The sharks, with their sharp edges and varying shades of grey and blue, swirl around in a tumultuous dance of destruction within the painting's frame.", + "partiprompts274.txt": "A unique, high-contrast painting depicting an espresso machine with a dark, almost sinister appearance, as if it were crafted from shadows and whispers. The machine stands out against a stark white background, its spouts resembling outstretched hands, ready to brew a concoction from the very essence of human souls. The artwork conveys a surreal and eerie atmosphere, where the machine becomes an otherworldly artifact with a power beyond mere coffee making.", + "93.txt": "A pair of striking royal blue slippers with a plush, round appearance and a cozy texture stands prominently in the foreground, drawing the eye with their vibrant color. They contrast with the muted, distant backdrop where a weathered green truck, heavy and sturdy, sits idle with traces of dust and use marking its surface. The background is bathed in the warm glow of a burnt-orange sunset that casts long shadows and highlights the outlines of other objects scattered around the faded and pebbled ground.", + "286.txt": "Under the soft hues of twilight, a standard black stapler can be seen next to a robust, orange and metallic chainsaw. Both items are cast in the gentle light, creating elongated shadows on the ground beneath them. The textures are distinctly different – the stapler's smooth, plastic finish contrasts sharply with the rugged, seemingly worn appearance of the chainsaw. They sit unusually together on a patch of grass still holding onto the day's warmth.", + "posescript25.txt": "A dynamic sculpture of an athlete in the midst of a sprint, with the form capturing the essence of motion. The head of the figure is titled upwards, suggesting determination and focus, while the hands are strategically positioned close to the body; the left arm is tucked below the right, which extends outward to emulate the action of an intense run. The muscles are sculpted in a way to depict tension and energy, complementing the overall impression of speed and agility.", + "90.txt": "A worn piece of luggage placed beside a metal spoon, both lying atop an aged, dusty table. The dim light of the moon barely illuminates the objects, revealing their outlines in the quiet darkness of midnight. Shadows stretch across the table's surface, enhancing the stillness of the nocturnal scene.", + "partiprompts143.txt": "Two sea creatures, a swordfish with its elongated, pointed bill and a narwhal with its iconic spiraled tusk, are engaged in an underwater duel on a sandy seabed that resembles an arena. The swordfish's sleek, silvery body contrasts with the mottled gray and white of the narwhal as they circle each other. On the sidelines, a bright red crab and a dark-shelled lobster wave their claws enthusiastically, as if cheering on the competitors amidst the swaying sea plants.", + "234.txt": "An old, vibrant red heavy truck with visible signs of wear and weathering stands stationary near a weathered stop sign of the same color. The truck is parked on a street lined with historical buildings featuring peeling paint and brick facades that speak to the rustic charm of the town. The scene is further characterized by cobblestone pathways and antique street lamps, suggesting a place that has withstood the passage of time.", + "228.txt": "A cozy bathroom features a pristine, white claw-foot bathtub on a backdrop of pastel green tiles. Adjacent to the tub, a tower of soft, white toilet paper is neatly stacked, glimmering gently in the diffuse glow of the afternoon sunlight streaming through a frosted window. The gentle curvature of the tub contrasts with the straight lines of the stack, creating a harmonious balance of shapes within the intimate space.", + "partiprompts52.txt": "A vibrant green bell pepper rests to the left of a glossy red bell pepper on a wooden cutting board. The two peppers are positioned against a backdrop of a well-stocked kitchen, with an array of spices and cooking utensils in the background. The contrasting colors of the peppers create a visually appealing composition on the neutral-toned surface of the board.", + "posescript11.txt": "A person is captured in a dynamic pose, with both arms raised to head level and extended toward the right, careful not to touch the head. The individual's gaze is directed attentively to the right, as if focusing on something in the distance. Their stance exudes balance and intention, with the left foot placed forward and the right foot behind, creating a strong, stable base for the graceful positioning of the limbs.", + "vrd30.txt": "A functional kitchen setup featuring a stainless steel stove seamlessly integrated into wooden cabinetry. Beside it, a tall white refrigerator stands, its surface dotted with an array of colorful magnets. Above the nearby sink, a sleek chrome faucet curves elegantly. The refrigerator and stove are positioned in close proximity, creating a convenient cooking triangle. On the countertop, a ceramic bowl rests atop a matching plate, suggesting a meal recently prepared or soon to be enjoyed.", + "COCOval2014000000449726.txt": "A rustic piece of crusty bread with a circular cutout in the center, where a fried egg sits perfectly cooked. The yolk is still runny, and the edges of the egg are slightly crispy. The plate on which the bread and egg rest is white, providing a stark contrast to the golden brown hues of the meal.", + "65.txt": "A vibrant display of ten round-shaped boxing gloves arranged in five pairs, each pair a different neon color, against a backdrop of a wall covered in colorful graffiti. The wall's artwork features an array of abstract designs and tags, adding an urban feel to the showcase. The gloves appear to be made of a glossy, leather-like material, and they are hung at eye level for easy viewing and selection.", + "diffusiondb7.txt": "An artistic fusion of styles reminiscent of the great masters like H.R. Giger's dark surrealism, Richard Schmid's refined realism, and Jeremy Lipking's contemporary impressionism comes to life in a striking full-length portrait painting. The expansive canvas is filled with loose, impressionistic brushstrokes that capture the haunting beauty of a Victorian-style giant spaceship. The vessel exists in an otherworldly space, its intricate metalwork framed by ethereal swaths of color, giving it an almost dreamlike presence amidst the undefined, loose genre of the painting's background.", + "166.txt": "A modern office space featuring a sleek, transparent glass desk upon which five identical flat, rectangular smartphones are arranged in a precise, evenly spaced line. Each phone reflects the overhead lighting, emphasizing their dark, glossy screens. To the side of this technological display, a single roll of white toilet paper stands out, its soft texture a stark contrast to the smooth glass surface, poised precariously at the desk's edge as if forgotten in haste.", + "whoops33.txt": "A dynamic scene unfolds at the historic Colosseum, where a fleet of sleek, multicolored racing cars roar past an excited crowd. The vehicles, adorned with vibrant decals and sponsor logos, navigate a temporary circuit that has been meticulously laid out within the ancient arena's interior. Spectators are perched on stone seats that have withstood the test of time, their attention fixed on the blur of machines vying for the lead under the bright afternoon sun.", + "stanford33.txt": "In a clear, spacious field, two towering giraffes can be seen leisurely standing behind a tall, silver metallic fence that glints in the sunlight. Directly in front of this barrier, there is a man draped in a vivid blue shirt adorned with a tropical floral print, which contrasts sharply with the plain backdrop. On his head, he sports a sleek black cap, and he appears to be gazing intently at the majestic creatures as they graze in the background.", + "175.txt": "Within the discolored interior of a derelict building, an old claw-foot bathtub sits against a crumbling wall, its once-white enamel stained with time. Inside the tub rests a pair of vibrant, high-top sneakers—reds, blues, and yellows clashing with the drab surroundings. The sneakers, juxtaposed with the peeled paint and cracked tiles, suggest an untold story of hasty departure. Despite being inanimate, they seem to take on a life of their own as shadows elongate with the approach of midnight, casting an uncanny aura over the scene. Nearby, a window with broken panes allows the moonlight to filter in, further illuminating the sneakers' abandonment.", + "62.txt": "An old skateboard with scuffed edges and faded stickers leans delicately against the rough texture of a red brick wall. Its wheels, well-worn and dusty, hint at many adventures it might have seen. Nearby, the early morning sun casts a soft glow on the ground, accentuating the contrasting textures of the brick and the smooth, aged wood of the skateboard deck.", + "vrd27.txt": "In a tidy office setting, an individual dressed in a crisp white shirt stands beside a sleek black desk. A neatly hung grey coat can be seen on a coat stand to the person's left. Underneath this desk, a brown leather bag rests against one of the desk's steel legs. This person is also wearing clear glasses with a silver frame, which complement the professional attire.", + "partiprompts141.txt": "A towering Egyptian obelisk stands under a clear sky, its ancient hieroglyphs barely visible in the sunlight. Atop this stone pillar, a menacing black dragon with scales like onyx crouches, its wings unfurled and its fiery breath directed towards a solitary knight below. The knight, clad in shining silver armor, holds up a shield in a futile attempt to deflect the intense heat, while the ground around him is scorched and illuminated by the dragon's flames.", + "posescript23.txt": "A young athlete in a white tank top and black shorts positioned with both of his hands grasping an invisible object near his waist on the right side. His posture is dynamic, with both knees bent, indicating readiness for movement, and his torso tilted forward, suggesting a sense of forward momentum. His gaze is locked straight ahead, showing focus and determination, as if he's visualizing his next action in a sport or dance routine.", + "whoops14.txt": "A person dressed in a full, white beekeeper's suit with a mesh veil is engaging in a fencing match. Their opponent, blurred in the background, is wearing a traditional white fencing outfit with a metallic mask. In the foreground, the beekeeper wields an épée, its slender blade glinting in the light filtering through the nearby window.", + "31.txt": "An array of freshly baked goods is presented on a rectangular silver tray with a reflective surface. To one side, vibrant sun-yellow lemon tarts, their delicate, flaky pastry crusts cradling a glistening citrus filling, are arranged neatly in a row. Adjacent to them, slightly purple-blueberry muffins, their tops golden brown and dusted with a fine layer of sugar, exhibit a contrasting texture. The pastries are placed against a backdrop of a marbled white countertop, with soft natural light enhancing their appetizing colors.", + "35.txt": "Three graceful antelopes are seen grazing on the sparse, golden grasses of the sprawling savannah under the soft, purpling skies of dawn. The silhouette of an acacia tree punctuates the horizon as the first light of day gently begins to illuminate the vast, open plain. With delicate movements, the animals move slowly, their tan and white coats blending subtly with the earthy tones of their serene surroundings.", + "partiprompts60.txt": "A futuristic robot, sporting a sleek silver body and a black visor, stands with its chest puffed out, displaying the bold number 42 emblazoned in white. It towers confidently in front of a vibrant red F1 race car, which is parked on an asphalt track. In the background, the silhouette of a cityscape is visible against the orange and pink hues of a setting sun, all captured in a dramatic wide-angle perspective reminiscent of a dynamic comic book illustration.", + "partiprompts183.txt": "a concrete sidewalk running alongside a weathered wooden post, which has a bright blue '5' prominently painted on its flat top surface. The post is planted firmly in the ground, with patches of green grass sprouting around its base. To the side of the sidewalk, there's a neatly trimmed hedge that stretches out of view.", + "12.txt": "Two spiraling strands of rich, crimson-colored pasta rest elegantly on the surface of a polished dark wooden table, the grain of the wood accentuating their vibrant hue. This rustic Italian kitchen is bathed in the warm, golden light of the late afternoon sun, which highlights the intricate texture of the pasta. The table, set amidst traditional décor and terracotta pots filled with fresh herbs, offers a tranquil setting for this simple yet captivating culinary display.", + "0.txt": "An expansive field, blanketed by the soft light of morning, cradles a collection of eight cabbages, their green heads round and plump. These vegetables are nestled among rows of rich soil, dotted with glistening droplets of dew that cling to their crinkled leaves. As wisps of mist begin to lift, the cabbages lie poised, ready for the day's impending harvest.", + "posescript22.txt": "A figure in a dynamic pose, standing on their right foot with the left leg lifted gracefully behind the body, knee bent at a 90-degree angle. Their left arm extends horizontally at the level of their face, fingers elegantly pointed, while the right arm is raised with the hand near the chin level, palm facing inward. The head is gently tilted back, eyes gazing upward, creating a line of sight that follows the direction of the extended left arm.", + "countbench26.txt": "an elegant set of six vintage silver tablespoons, each intricately crafted with the 1847 Rogers Ambassador pattern. The spoons, exhibiting a fine luster and delicate engravings, lie gracefully aligned on a dark velvet cloth. The ornate design of each handle reflects the care and craftsmanship of the historic silverware, with flourishes and floral motifs adorning the metal surface.", + "141.txt": "A solitary, white swan gracefully makes its way across the tranquil surface of a still lake, its reflection almost perfect in the water. Above, mounted on the sturdy branches of dense, leafy trees, three black surveillance cameras silently observe the scene. Their lenses, though inactive and unblinking, appear to follow the swan's serene passage, contrasting starkly with the natural beauty of the early morning. The lake is surrounded by a lush greenery that gently sways in the light breeze, undisturbed by the technological sentinels.", + "132.txt": "In the corner of a dimly lit room, a rectangular, charcoal-gray computer box exhibits its sharp edges as it rests beside an elegantly draped, cherry-red silk bow tie. The contrast between the electronic's matte finish and the tie's glossy sheen is striking. The computer appears dormant, while the bow tie seems almost ready to be picked up and worn to an event. Behind these objects, the ambient lighting casts soft shadows against the plain, light-colored wall.", + "drawtext13.txt": "A robust, powerful vehicle with a matte black finish and oversized tires sits imposingly in the frame, its structure evidently designed for rugged terrains. Bold, white lettering on the side of the truck declares \"I'm a truck, not a car,\" asserting its identity with pride. Its exterior is characterized by reinforced bumpers and a raised suspension, showcasing its capability to tackle challenging off-road conditions.", + "localized20.txt": "A textured concrete wall serves as a canvas for vibrant graffiti. The colorful artwork features a detailed portrait and bold lettering with various hues of blue, orange, and pink. Surrounding the graffiti, there are signs of age on the wall, including slight wear and chipped paint, highlighting the contrast between the old surface and the fresh paint.", + "partiprompts138.txt": "A vibrant scene featuring a punk rock platypus, its webbed feet firmly planted on an old tree stump. The creature is clad in a black leather jacket, embellished with shiny metal studs, and it's passionately shouting into a silver microphone. Around its neck hangs a bright red bandana, and the stump is situated in a small clearing surrounded by tall, green grass.", + "stanford38.txt": "A man with short, brown hair is standing in an open field, dressed in a crisp white shirt and black athletic shorts. In his hand, he grips a vibrant green frisbee that is decorated with intricate black graphics. Around him, the grass is slightly overgrown and sways gently in the breeze.", + "142.txt": "a bright neon pink hurdle stands out against the backdrop of a golden setting sun, casting long shadows on the sand below. perched upon the hurdle, a vibrant orange crab clings tightly, its pincers silhouetted against the dimming sky. in the distance, waves can be seen gently crashing onto the shore, reflecting the rich hues of the sunset.", + "partiprompts37.txt": "A clean white plate sits empty on a polished wooden table, with no bananas in sight. Beside it, a clear glass stands, also devoid of any orange juice, reflecting the light from the room. The table surface is smooth and the area around the plate and glass is uncluttered, emphasizing their emptiness.", + "countbench4.txt": "A comprehensive PDF Cross Stitch Pattern available for instant download, featuring an assortment of ten meticulously crafted designs. Each pattern showcases a unique cacti or succulent plant housed within a geometric terrarium, optional for those who wish to add an extra layer of complexity to their craft. These patterns embody intricate details that celebrate the natural beauty of desert flora, enhanced by the sharp angles and clear lines of the terrariums.\n", + "134.txt": "A giant brass tuba with its large bell facing upwards, eclipsing a petite penguin below. The penguin, with its characteristic black and white plumage, appears to waddle curiously around the towering instrument. This peculiar scene unfolds against the backdrop of a rich crimson sunset, casting a warm glow over the entire setting.", + "partiprompts203.txt": "a massive tornado with a swirling gray funnel cloud, tearing through the landscape with debris flying around its base. At the top of the vortex, a small wooden house, with its windows shattered and roof partially torn off, is being lifted into the air. The tornado is moving across an open field, and the sky above is a menacing shade of dark gray.", + "midjourney37.txt": "A sleek, white laboratory designed with a blend of Matt Mahurin's moody aesthetic and Tsutomu Nihei's architectural sensibilities creates a stark, futuristic scene. The room features angular, geometric furniture with surfaces that have a smooth, matte finish, reflecting the dim, ambient lighting. Along the walls, various high-tech equipment and monitors display cryptic data, casting soft blue glows that contribute to the laboratory's enigmatic atmosphere.", + "179.txt": "An animated scene depicts a bright orange traffic cone in a playful balancing act with a small, pinkish-red hat on an imaginary, straight line. The cone's texture appears rough and rigid, in stark contrast to the soft, fabric texture of the diminutive hat. Both items are similarly hued but differ vastly in shape and size, creating a whimsical and absurd visual.", + "drawtext14.txt": "A beautifully aged antique book is positioned carefully for a studio close-up, revealing a rich, dark brown leather cover. The words \"Knowledge is Power\" are prominently featured in the center with thick, flowing brushstrokes, gleaming in opulent gold paint. Tiny flecks of the gold leaf can be seen scattered around the ornately scripted letters, showcasing the craftsmanship that went into its creation. The book is set against a plain, uncluttered background that focuses all attention on the intricate details of the cover's design.", + "drawtext25.txt": "A close-up view of a canvas where the word 'swirl' is artistically represented with muted pastel colors, such as light pink, baby blue, and soft yellow, mixed elegantly into a white background. The paint appears thick and tactile, giving it a 3D globular texture that seems almost liquid in form. The colors gently intertwine with each other, following the shape of the letters, creating an appealing visual of blending hues.", + "partiprompts119.txt": "a group of four musicians performing live on a modestly-sized stage with bright spotlights casting shadows behind them. The lead singer, clad in a red leather jacket, grips the microphone stand, while the guitarist, dressed in a black shirt, strums his electric guitar with fervor. The drummer, situated at the back, is partially obscured by his drum kit, and the bassist sways to the rhythm. In front of the stage, a small but enthusiastic audience is gathered, some with raised hands, enjoying the live music.", + "partiprompts249.txt": "A sparse kitchen interior featuring natural wood cabinets and pristine white appliances, including a refrigerator and an oven. The space is characterized by clean lines and a minimalist aesthetic, with a light-colored tile backsplash complementing the simplicity of the room. The wooden cabinets have sleek, modern handles, and the absence of clutter on the countertops accentuates the room's spacious feel.", + "midjourney30.txt": "A rendered Celtic temple stands majestically in a digital landscape created using Unreal Engine 5, exhibiting high details that contribute to its photorealistic appearance. Intricate stone textures and realistic lighting effects are captured with the help of Octane rendering, enhancing the visual fidelity of the scene. The temple is surrounded by a lush environment, featuring detailed foliage that demonstrates the advanced capabilities of the rendering software.", + "partiprompts25.txt": "An imaginative scene where the iconic Sydney Opera House, with its white sail-like shells, sits prominently on the left. To the right, the Eiffel Tower, constructed of intricate iron lattice work, towers over the landscape. Behind both landmarks, the majestic Mount Everest looms, its snow-capped peak piercing the sky.", + "106.txt": "During the twilight hour, an individual can be seen extending an arm towards the sky, pointing at a trio of wild birds gliding through the rich deep blue of the early evening sky. The birds' silhouettes contrast distinctly against the fading light, their wings spread wide as they soar. The person is silhouetted against the dusky sky, creating a peaceful scene of human connection with nature.", + "23.txt": "A vivid pair of crimson, round headphones rests on the smooth surface of a transparent glass table. The glass reflects the gentle glow of the dim morning light, which filters through a nearby window. Around the headphones, there's a scattering of paper and pens, hinting at a quiet workspace that is not currently in use.", + "COCOval2014000000101456.txt": "A spacious kitchen with a large wooden table at the center, cluttered with an assortment of pots, pans, and cooking utensils. The table is surrounded by matching wooden chairs, and the walls are lined with shelves filled with spices and kitchenware. Sunlight streams in through a window, casting a warm glow on the array of cookware.", + "countbench0.txt": "A close-up photograph provides a bird's-eye view of an elegant tea selection box, partitioned into neat compartments. Each section cradles a different variety of tea, carefully wrapped in paper sachets with small labels indicating their flavors. The box itself boasts a light gray base with artistic splashes of vibrant oranges and pinks, adding a touch of vivid color to the array of teas presented within.", + "diffusiondb17.txt": "In an expansive sewer bathed in shadow, a mechanical spider looms, crafted with astonishing detail that suggests it could spring to life at any moment. The fine drawing, accentuated with hyper-realistic textures, showcases the intricacy of its design, each metallic segment reflecting the scant warm light that filters through the gloom. The artwork is presented in an ultra-high definition 4K resolution, capturing the essence of this eerie, mechanical wonder in a moody, warm-lit environment.", + "whoops16.txt": "Greta Thunberg, the environmental activist, is captured in a photograph holding a clear disposable plastic cup. The cup, seemingly out of place considering her advocacy, is juxtaposed against her usual image of supporting sustainable practices. She is standing outside, with a small crowd in the background, all focused on the scene unfolding around them. Greta's expression is serious and contemplative, with her signature long braid and casual attire.", + "whoops5.txt": "In the scene, a silver-framed magnifying glass with a black handle is being held over a glossy-screened smartphone, which displays an image that is being enlarged. The smartphone, lying on a wooden table with fine grain patterns, is surrounded by a few scattered papers and a green potted plant to its side. The details on the phone's image become more pronounced under the scrutiny of the magnifying lens, which is held steadily by a hand with a silver watch on its wrist.", + "COCOval2014000000342593.txt": "A young boy is seated comfortably in a cushioned chair in a well-organized living room. He is intently focused on the television screen in front of him, gripping a video game controller with both hands. Around him, the room is adorned with a few framed pictures and a plant on the windowsill, adding a touch of homeliness to the space.", + "COCOval2014000000010363.txt": "A sleek gray cat balances on the roof of a polished black car. The car is situated in a driveway, flanked by neatly trimmed hedges on either side. Sunlight reflects off the car's surface, highlighting the cat's poised stance as it surveys its surroundings.", + "204.txt": "In the quiet glow of the afternoon sun, a bright yellow helmet and a dusty green backpack are spotted perched on the roof of a silver SUV. The helmet, with minor scuff marks and a dark visor, sits slightly askew, as if hastily placed there. The backpack, partially unzipped with a water bottle peeking out, leans against the vehicle's black roof rack, hinting at a recent adventure or a pause in a journey.", + "18.txt": "In the illumination of the evening, a trio of square-shaped white induction cookers sit neatly arranged on a large central cooking island with a smooth, marbled countertop. Around them are scattered various cooking utensils, a cutting board hosting a half-chopped onion, and a crystal-clear glass bowl filled with ripe cherry tomatoes. The overhead lights cast a soft glow on the metallic surface of the kitchen vent hood above the island, reflecting the cookers below.", + "whoops22.txt": "A young child with brown hair, focused intently, sits at a wooden table scattered with colorful crayons and paper. In their small hand is a bright red pencil, with which they are diligently drawing a vibrant blue flower that's taking shape on the white sheet before them. Sunlight filters through a nearby window, casting a warm glow on the child's artwork.", + "partiprompts273.txt": "A smooth, rectangular bar of dark chocolate lying on a white marble surface, with the ironic word \"WRAPPER\" embossed on its surface in bold letters. The chocolate bar, with its neatly segmented squares, is unwrapped and ready to be broken apart and enjoyed. Surrounding the bar, there are faint traces of its former gold foil wrapper, crinkled and pushed aside.", + "partiprompts165.txt": "an abstract oil painting dominated by deep red and black hues, with thick, textured patches of white creating a stark contrast. The canvas is stretched over a sturdy wooden frame, and the paint appears to be applied with vigorous, impasto techniques. This piece of art is hung on a neutral-colored wall, allowing the vibrant colors and bold textures to stand out prominently.", + "COCOval2014000000572260.txt": "A room with walls lined with shelves filled to the brim with an assortment of objects. Each shelf is crowded with items ranging from books and vases to small trinkets and photo frames. The collection appears eclectic, with no immediate sense of order, giving the space a lived-in and personalized feel.", + "156.txt": "In a dimly lit room during the nighttime, a red, circular router casts a soft blinking light, indicating activity. Beside it, a paintbrush with bristles stained in hues of blue and green lies abandoned on a wooden desk. The surface of the desk is slightly cluttered, with various papers scattered around the still equipment.", + "partiprompts27.txt": "A detailed Persian metal engraving vase, showcasing intricate patterns and designs, rests to the left side of a vibrant bouquet of orange flowers. The vase, with its silver sheen and traditional craftsmanship, sits on a polished wooden table. The orange petals of the flowers provide a stark contrast to the metallic tones of the vase, creating a visually appealing composition.", + "64.txt": "An old wooden stool with three legs and a unique triangular seat placed by the window, bathed in the soft glow of moonlight as the clock strikes midnight. The varnish on its surface has faded, hinting at its age and the many years it has stood there. Beside it, a tall grandfather clock, its pendulum swinging steadily, marks the late hour within the quiet room.", + "partiprompts98.txt": "a politician stands on a wooden stage, dressed in a bright red soccer jersey emblazoned with a white number '10'. In one hand, they hold a yellow and blue volleyball, gesturing with the other as they address the crowd. Behind them, a large banner hangs, displaying the emblem of a local sports team, and to their right, a podium with microphones stands ready to amplify their speech.", + "partiprompts40.txt": "A cold bottle of amber-colored beer with droplets of condensation sits beside a ceramic ashtray. The ashtray contains a half-smoked cigarette, its gray ash contrasting with the ashtray's dark hue. Nearby, a small pile of bottle caps and a lighter can be seen on the wooden surface of the table.", + "COCOval2014000000045844.txt": "In an open area, two children are energetically swinging their rackets on a makeshift tennis court outlined with chalk on the ground. Makeshift nets are set up, and the kids are wearing casual sports attire, indicating an informal game. The surrounding area is spacious enough to accommodate their game, with a few trees casting a gentle shade nearby.", + "partiprompts152.txt": "A lone figure, cloaked in a heavy mist, stands on an ancient cobblestone street, gazing upwards at the towering, dark gothic architecture that looms ominously above. The soft, golden glow of an old-fashioned street lamp casts a warm light nearby, contrasting with the cool, grey stones underfoot. This scene, reminiscent of a bygone era, is captured in the textured brushstrokes of an oil painting, giving it a timeless quality.", + "partiprompts288.txt": "A spacious, open book lies flat on a wooden table, its pages filled with blocks of text and a large, detailed illustration of a cat on the right side. The illustration depicts a gray feline with intricate patterns, lounging amidst a backdrop of sketched furniture. The left page is densely packed with small, black font, narrating a story that accompanies the image, and the edges of the book's pages show signs of frequent use.", + "partiprompts9.txt": "An imaginative anime-style illustration that features the iconic Sydney Opera House with its distinctive white sail-like shells, sitting adjacent to the towering Eiffel Tower with its intricate iron lattice work. Both structures are set against a vibrant blue night sky, pulsating with dynamic energy, where yellow stars burst forth amidst swirling patterns of electric blue. The fantastical scene is further accentuated by the exaggerated proportions and stylized elements typical of anime art, creating a surreal and whimsical landscape.", + "partiprompts234.txt": "A sleek white boat with the words 'BLUE GROOVE' emblazoned in bold blue letters along its hull. The boat is moored to a wooden dock with ropes coiled neatly on the planks. The vessel's polished surface reflects the bright sunlight, and a few life jackets can be seen piled inside the boat's interior.", + "midjourney12.txt": "In the midst of an enigmatic scene, a mystical cat sits enveloped by undulating curls of vibrant smoke in hues of purple, blue, and green. Its eyes shine luminously, emitting an aura of enigmatic chaos magic that seems to dance around its sleek, shadowy fur. At the forefront of this visual marvel, an emblematic 'all seeing eye' is prominently featured, adding to the arcane theme. The background fades into a blur, creating a shallow depth of field that places the focus squarely on the eerie yet captivating feline figure.", + "COCOval2014000000447553.txt": "A serene beach scene with a vast expanse of sand stretching out towards the horizon. In the distance, a couple is seen with a colorful kite soaring high in the sky above them. The beach is devoid of other visitors, giving the couple a private moment with the gentle sea breeze.", + "COCOval2014000000113571.txt": "A man stands at a table with a colorful birthday cake adorned with lit candles. He carefully slices the cake with a long knife, preparing to serve the guests. The table is covered with a festive tablecloth and scattered with other party accessories.", + "whoops15.txt": "Rows of seats are occupied by attentive audience members, each holding small containers of assorted vegetables. The theater is semi-lit by the glow of the screen, casting a soft light on the vibrant greens, reds, and yellows of the fresh snacks. No traditional popcorn can be seen; instead, the room is filled with the sound of crisp, healthy bites.", + "midjourney22.txt": "Entwined in an enchanting dance, colorful whisps of light with a luminous glow twist and swirl against the backdrop of a deep, dark void. The edges of these curling tendrils shimmer with an occult-inspired essence, sparkling with what could be described as chaos magic. Each strand appears in sharp focus against a background that dissolves into the shallow depth of field, highlighting the ethereal play of light and shadow.", + "drawtext15.txt": "A detailed painting from the 17th century in the French Baroque style, featuring an imposing female lion with a thick golden mane and deep, expressive eyes. The majestic lion is depicted with soft, intricate brushstrokes against a backdrop of rolling hills and a cloudy sky. In a humorous contrast to the grandeur of the scene, a whimsical speech bubble emerges from the lion's mouth containing the word \"meow\" in elegant script.", + "224.txt": "Three exquisitely crafted violins, with their elegant F-shaped sound holes and smooth, glossy wooden surfaces, rest gently beside a grand piano. The piano's polished ebony finish reflects the soft, gentle curves of the violins that lie on a velvet-lined case. Behind them, the piano's open lid reveals its intricate strings and hammers, inviting a symphony of sounds to be played.", + "partiprompts304.txt": "A close-up image of a unique four-leaf clover, intricately formed from droplets of water on a smooth, reflective surface. Each leaf of the clover is perfectly shaped, with the water's surface tension creating a delicate and symmetrical appearance. The background is a soft blur, emphasizing the clarity and detail of the water-formed clover in the foreground.", + "partiprompts120.txt": "A striking black and white image captures the whimsical scene of a panda, adorned with a pointed wizard's hat, perched atop a majestic horse. The panda appears engrossed in an open book it holds with its paws. The horse, with a glossy chestnut coat, stands motionless on an urban street, its hooves nestled among tufts of vibrant green grass peeking through the pavement cracks. In the background, a large expanse of a gray concrete wall serves as a canvas for a mural of vivid flowers in hues of red, yellow, and blue, with the bold letters spelling out \"PEACE\" adding a splash of color and a message of tranquility to the urban setting.", + "COCOval2014000000310532.txt": "A pristine white bathroom featuring a freestanding tub adjacent to a matching white sink. The walls are adorned with minimalist decor and the floor is tiled in a subtle grey pattern. Natural light streams in, illuminating the chrome fixtures and clean lines of the bathroom's design.", + "COCOval2014000000183648.txt": "A group of three individuals positioned beside a towering elephant in an open area. The elephant's gray skin contrasts with the colorful clothing of the people. They appear to be engaged in a moment of interaction, with the vast sky above them and the ground beneath scattered with dry grass.", + "115.txt": "A delicate silver ring with a sleek band sits gracefully next to a large, dark leather wallet that seems to overflow with cards and receipts. Both items rest on a polished wooden bedside table, whose grain texture subtly complements the metallic luster of the ring. The wallet's bulky appearance emphasizes the fine simplicity of the ring, highlighting the stark difference in their sizes and designs.", + "partiprompts293.txt": "a small brown football rests on a green surface, positioned in front of a trio of bright yellow tennis balls that are neatly aligned. The football's laces are prominently displayed, contrasting with the smooth, fuzzy texture of the tennis balls. In the background, there is a blurred net, suggesting the proximity of a sports field or court.", + "posescript17.txt": "A figure captured mid-stride presents a dynamic stance wherein the left leg is extended backward, toe grazing the ground, while the right leg is propelled forward, indicative of a purposeful step. Their left arm mirrors the forward momentum, bent at the elbow and directed ahead, while the right arm stretches straight behind them, creating a strong sense of motion. The silhouette of this person suggests a brisk walk or the beginning of a run, accentuated by the precise positioning of limbs that conveys both balance and speed.", + "partiprompts131.txt": "A whimsical child's crayon drawing depicting a green gecko adorned with a blue and white striped train conductor's hat. The gecko, with a playful smile, is holding a small flag featuring a black and white yin-yang symbol. The drawing is characterized by bold, colorful strokes and is placed on a fridge door, held by a variety of magnets.", + "partiprompts191.txt": "A monochromatic photograph capturing the stark contrast of a solitary black tree against a white, snowy landscape. The tree's intricate branches are devoid of leaves, creating a network of dark lines that stand out sharply. In the background, the horizon is barely distinguishable, with the white of the snow blending into the overcast sky above.", + "localized9.txt": "Centrally placed on a raised platform, a sleek red sports car gleams under bright lights. The platform is surrounded by railings, beyond which a small crowd of people are scattered, some intently observing the car, others engaged in conversation. Advertising banners and promotional stands can be glimpsed in the background, flanking a large white tent that is set up near a modern building structure with glass facades.", + "67.txt": "A solitary microphone with a silver finish stands erect on an empty stage, its round, black base firmly planted on the dark wooden floorboards. The reflective surface of the microphone gleams under the bright stage lights. Directly behind the microphone, the backdrop is a rich, crimson curtain that hangs gracefully from the ceiling to the floor.", + "vrd39.txt": "A tall, gray tower looms over the bustling street below, where cars and buses navigate through the flow of traffic. The street is canopied by a row of leafy green trees, which cast dappled shadows onto the asphalt. Behind a ruddy red car parked along the side of the road, more trees with thick foliage provide a backdrop of natural green against the urban environment. A large yellow bus makes its way down the lane, adding vibrancy to the cityscape.", + "283.txt": "A small, silver lighter with a gentle flame flickering at its tip is placed beside a large, gleaming golden trophy on a polished wooden table. The trophy is intricately designed, with handles on each side and an engraving that signifies some kind of sporting achievement. The wooden table's surface reflects a faint glow from the lighter's flame, adding a subtle warmth to the surrounding cool metallic and wooden textures.", + "245.txt": "In a clear blue tropical sea, a ripe yellow banana bobs on the gentle waves alongside a brown, hairy coconut. The fruit duo is surrounded by vibrant coral visible beneath the water's surface. Near the horizon, one can spot a small island with lush green palm trees swaying in the breeze.", + "partiprompts159.txt": "An abstract oil painting that radiates a blend of bright, joyful colors, with swirls of yellow and white that suggest a sense of light and positivity. The canvas is filled with dynamic strokes and splashes of color that seem to dance and spread across the surface, reaching out as if to touch every edge of the frame. The painting gives the impression of happiness diffusing into the space around it, with no single point of focus but rather a harmonious amalgamation of uplifting hues.", + "whoops31.txt": "A single pineapple sprouts unexpectedly from a patch of coarse desert sand, its green crown contrasting starkly against the pale, arid landscape. Surrounding the fruit, small tufts of dry grass struggle to survive under the harsh sun. Despite the inhospitable environment, the pineapple's textured, golden-brown skin suggests it is ripening well.", + "partiprompts106.txt": "a striking portrait that captures the essence of Salvador Dalí, with one side of his face depicted in his iconic, surrealistic style, and the other half transformed into a metallic, robotic visage. The painting features a vivid array of colors, with the robotic side incorporating shades of silver and hints of circuitry, contrasting with the warm, flesh tones of Dalí's human side. The background is a simple, solid color to ensure the focus remains on the intricate details of Dalí's dual representation.", + "posescript37.txt": "A dynamic stance captured in a moment of intense action shows an individual with their legs spread apart for balance. Their right arm is drawn back, poised in a throwing position, with their hand just below the level of their head, ready to launch. The left arm is relaxed and lowered, the elbow bent, and the hand gently resting on the stomach area, creating a counterbalance to the tension in the right arm.", + "partiprompts154.txt": "An intricately detailed oil painting depicts a raccoon dressed in a black suit with a crisp white shirt and a red bow tie. The raccoon stands upright, donning a black top hat and gripping a wooden cane with a silver handle in one paw, while the other paw clutches a dark garbage bag. The background of the painting features soft, brush-stroked trees and mountains, reminiscent of traditional Chinese landscapes, with a delicate mist enveloping the scene.", + "drawtext24.txt": "An intricate display of grapevines artfully shaped to form the phrase \"open your mind,\" emerging from the top of a sculpted head. The head is adorned with colorful flowers where butterflies are delicately perched, adding life to the scene. The DSLR captured image showcases the crisp textures and vibrant hues against a softly blurred background, accentuating the central theme.", + "partiprompts38.txt": "A clear glass filled with vibrant orange juice sits to the right of a white ceramic plate, which cradles two slices of golden-brown toast generously spread with melting butter. The plate and glass are positioned on a light wooden table, with a patterned napkin folded neatly beside them. Sunlight filters through a nearby window, casting a warm glow on the breakfast setup and highlighting the texture of the freshly baked toast.", + "partiprompts317.txt": "a cheerful yellow banana with a wide, drawn-on smile, donning a red bandana with white paisley patterns. It's placed against a backdrop of assorted fruits on a light wooden table. The banana's peel is partially opened, revealing its ripe, edible interior.", + "COCOval2014000000325237.txt": "Pedestrians with umbrellas navigate a wet sidewalk glistening from the rainfall. The street alongside is lined with lampposts and trees that are gently swaying in the breeze. Puddles have formed on the ground, reflecting the overcast sky and the city buildings that loom in the background.", + "284.txt": "Several large, cylindrical metal barrels, stacked in a pyramid formation, stand under a grey, overcast sky. Adjacent to these barrels is a massive, dark-colored SUV with tinted windows, both resting on the cracked pavement of an abandoned gas station. The desolate scene is illuminated by the diffuse light of the midday sun, which barely seeps through the thick cloud cover above.", + "midjourney11.txt": "a distorted, low-resolution video feed from a trail camera, displaying a bizarre scene of animated minion figurines moving erratically within a crop circle that appears cursed and sinister. the image is plagued with digital artifacts, creating a grainy texture that adds to the unsettling atmosphere. flashes of datamoshing cause the figures to appear fused and deformed, creating a chilling effect as they twist and contort in unnatural ways.", + "midjourney0.txt": "An intricate tower crafted of white cloth and rope stands with an ethereal presence against the stark tundra backdrop, with windows and ramparts woven into its design. The structure appears to float just above the muted colors of the earth, with clouds swelling around it, adding a voluminous depth to the scene. The photograph boasts an impressive dynamic range, capturing the subtlest nuances from the brightest cloud to the deepest shadow. Reminiscent of a Studio Ghibli fantasy blended with the magical realism of a Michael Parkes painting, the image is strikingly detailed and remarkably photorealistic.", + "posescript30.txt": "An individual is captured in a dynamic exercise pose on a gray fitness mat, their body nearly aligned for a push up. However, the hips are notably rotated to the right, creating a twist through their torso. The person's gaze is directed to the right, maintaining the line of the twist, with both arms extended straight and palms pressed firmly against the ground.", + "partiprompts81.txt": "a flag with three distinct vertical stripes prominently displayed against a clear sky. The leftmost stripe is a deep blue, the middle is a crisp white, and the rightmost stripe is a vibrant red. The flag is attached to a silver pole that is mounted on a grey building, fluttering gently in the breeze.", + "vrd29.txt": "A modern living room arrangement featuring a sleek, flat-screen monitor placed squarely on a low wooden table, which is positioned close to a plush gray sofa. Adjacent to the sofa, there is a matching chair, creating a cozy seating area. The table, nestled between the chair and the sofa, supports the monitor and is also within reach for those seated. Above the monitor, a contemporary lamp hangs, providing ample light and adding a touch of elegance to the setup. Near the chair, the sofa presents a perfect space for relaxation, while maintaining a spatial harmony with the rest of the furniture.", + "COCOval2014000000224622.txt": "a towering clock tower stands against the backdrop of a clear blue sky. the clock face is visible, showing the time, with intricate details around its frame. the structure's architecture is a blend of classic and modern elements, with the tower rising prominently above the surrounding buildings.", + "midjourney6.txt": "A retro-futuristic album cover that encapsulates the essence of the synthwave movement in 1985, crafted exclusively in varying shades of blue. The primary visual is an old-fashioned car emerging from the mouth of a dimly lit tunnel, its gleaming headlights cutting through the surrounding darkness. The artwork is cinematic in its composition, featuring vintage elements that suggest motion and speed, finished with a fine film grain texture that mimics the classic look of a 35mm photograph. The band's name, \"BRO,\" is emblazoned above the image in a bold, stylized font that complements the album's overall theme.", + "145.txt": "Three brown chickens with glossy feathers are gathered around a large, metallic silver hammer lying on the ground. The hammer's handle is engraved with intricate designs, and it reflects the sunlight, drawing the birds' attention. The chickens appear to be pecking and bobbing their heads curiously, as if they are performing a dance in a circle around the tool. Nearby, blades of green grass can be seen poking through the soil, adding contrast to the scene.", + "diffusiondb31.txt": "An imaginative abode, reminiscent of the signature style of the renowned architect Zaha Hadid, floats ethereally above ground on a sizable cloud. The structure boasts a sleek, white, curvilinear form enveloped in lush, vibrant green vegetation, with hanging vines gracefully draping its sides. The house's futuristic design contrasts with the organic tapestry of flora, creating a harmonious blend of nature and avant-garde architecture.", + "partiprompts66.txt": "A vibrant display of graffiti showcasing the word \"GIGGLE\" in thick, colorful letters splashed across a weathered red brick wall. Each letter is painted in a different hue, creating a rainbow effect that stands out against the faded background. Just beside the lettering, there's a large splotch of white paint that looks as if it has exploded from behind the word, adding a dynamic sense of movement to the static wall.", + "partiprompts55.txt": "A stream of white milk flowing gracefully from a clear glass pitcher into a deep blue ceramic bowl. The bowl is sitting on a marble countertop, surrounded by a scattering of fresh strawberries and a box of cereal. Sunlight filters through a nearby window, casting a warm glow on the scene and highlighting the smooth texture of the milk's surface.", + "partiprompts96.txt": "A large Saint Bernard dog with a reddish-brown and white coat stands on its hind legs, its front paws reaching up into the air. Seated on the dog's broad shoulders is a young girl with curly hair, wearing a pink dress and a wide smile. The scene takes place in a spacious backyard, where a wooden fence can be seen in the background, partially covered by climbing ivy.", + "183.txt": "In the fading light of dusk, three circular targets aglow with bright neon lights hang suspended in the tranquil evening air. Below, a well-worn pair of skating shoes, marked with scuffs and bearing the tale of countless rides, sits abandoned on the weathered wooden slats of an old park bench. Around the bench, the soft glow of nearby street lamps casts a subtle light, creating a gentle contrast with the vivid colors of the floating targets.", + "whoops18.txt": "A focused individual with a blue denim jacket is strumming an electric guitar amidst the quietude of a library. Surrounded by towering wooden bookshelves filled with an array of books, he is seated on a simple chair with a burgundy cushion. His guitar, a sleek black instrument with silvery strings, catches the light from the overhead lamps as he creates a melody in this uncommon setting.", + "COCOval2014000000567609.txt": "An interior space featuring a collection of yellow ceramic ornaments neatly arranged on a shelf. In the center of the room stands a table with a clear glass vase filled with a bouquet of fresh flowers. The walls are adorned with framed artwork, complementing the warm tones of the ceramics and floral arrangement.", + "countbench9.txt": "An illustration depicting a group of six stylish girls clad in vibrant, eye-catching swimsuits, each showcasing a unique design and an array of lively colors that stand out against the plain background. The characters are accessorized with various beach-related items such as sunglasses, hats, and beach balls, providing a sense of summer fun. The artwork, created using a vector style, boasts clean lines and a modern aesthetic that captures the energy of a joyful, sunny day at the beach.", + "posescript35.txt": "a figure in a dynamic pose with their right leg slightly bent, standing firmly on the ground, while their left leg is bent and positioned behind the right, suggesting motion or a dance step. The right arm is raised up and curved over the head in an elegant arc, while the left arm extends horizontally out to the side and slightly to the rear, enhancing the sense of balance and stretch. The individual's stance is wide, with a considerable gap between the feet, adding a powerful presence to the overall posture.", + "partiprompts271.txt": "a neatly printed quote, 'Do unto others as they would do unto you,' in a simple black font centered on a pristine white canvas. The text is surrounded by a thin black border, and the canvas is positioned against a light grey wall. Just below the quote, in smaller letters, the source of the saying is attributed, adding a touch of elegance to the presentation.", + "partiprompts313.txt": "a picturesque scene featuring a small tree, its branches laden with delicate white blossoms, standing in the center of a lush green lawn. the tree's rounded shape is accentuated by the contrast of the vibrant green leaves against the pure white petals. surrounding the tree, a variety of colorful flowers can be seen, adding to the charm of the tranquil setting.", + "24.txt": "Five red hockey sticks, each with a slender shape and a worn texture from frequent use, are propped against the frosty rink's white boards. The sky above casts a dim, featureless gray light over the area, accentuating the early morning stillness. On the icy surface of the rink, illuminated by the ambient outdoor lighting, the sticks' shadows form elongated silhouettes, showcasing their readiness for the day's practice.", + "partiprompts12.txt": "A scenic train journey unfolds during the monsoon season in Kerala, with raindrops rhythmically tapping against the windowpane. Inside one of the train's carriages, a plush koala bear toy, donning a small, colorful hat, is propped up against the glass, peering out at the lush landscape. Outside, numerous tall coconut trees sway gently in the rain, their green fronds glistening with moisture, creating a verdant backdrop as the train meanders through the countryside.", + "whoops6.txt": "A small infant with round, silver-framed glasses perched on their nose is comfortably sitting in the center of a plush white bed. The child, dressed in a pale yellow onesie, holds an open, colorful picture book with both tiny hands, appearing to gaze intently at the illustrations. Surrounding the infant are an assortment of plush toys, including a fluffy blue bear and a soft green frog, scattered about the soft, cream-colored bedspread.", + "partiprompts163.txt": "a vivid and bizarre oil painting by Salvador Dalí that depicts a cat with exaggerated features engaged in a game of checkers. The checkerboard is floating in an undefined space, with pieces that seem to melt over the edges. The background swirls with a mix of warm and cool colors, adding to the dream-like quality of the scene.", + "252.txt": "In the depths of a vibrant underwater scene, a large, dark red fish glides gracefully through the water, its scales glistening with the filtered sunlight from above. Surrounding the fish is a lively coral reef, bustling with an array of corals in striking hues of purple, yellow, and green, their unique and intricate forms providing a stunning backdrop. Tiny, iridescent fish dart around the nooks of the corals, adding to the dynamic and rich tapestry of marine life inhabiting this tranquil aquatic world.", + "partiprompts148.txt": "A panoramic view of a sprawling field blanketed with vibrant wildflowers, where a tall giraffe and a striped zebra stand side by side. The giraffe's long neck stretches towards the blue sky, while the zebra's black and white stripes provide a stark contrast against the multicolored floral backdrop. In the distance, a line of acacia trees can be seen under the bright sunlight, completing this picturesque savanna scene.", + "42.txt": "As the amber hues of dusk blanket the sky, a sleek Formula 1 car, emblazoned with vibrant colors and sponsorship logos, races around the asphalt track, its engine thundering defiantly against the quieting day. The powerful headlights cut through the dimming light, illuminating the course ahead while the car’s aerodynamic shape slices through the cool evening air. The grandstands, now silhouetted by the setting sun, are filled with a blurred sea of spectators, their cheers muffled by the roar of high-performance engines vying for the lead. The racing circuit is lined with bright white track limits and colored curbstones, highlighting the boundaries as the car expertly navigates each turn.", + "COCOval2014000000365511.txt": "A suburban street lined with power lines that intersect above, casting a web of shadows on the pavement below. To the side, a solitary tree stands tall, its branches reaching towards the lines. Nearby, a street sign is clearly visible, indicating directions or street names for passersby.", + "countbench18.txt": "A cheerful family of four gathered around a wooden dining table set within a brightly lit kitchen. The table is laden with a scrumptious breakfast spread, including bowls of colorful fruit, pitchers of juice, and plates of toast. Two young children, a boy and a girl, their faces lit up with joy, are seated between their parents, eagerly reaching for their favorite dishes. Behind them, the kitchen is cozy and welcoming, complete with white appliances and a vase of fresh flowers adding a touch of warmth to the scene.", + "partiprompts22.txt": "A stuffed toy monkey, with a soft brown texture, is precariously balanced on a floating log in the middle of the Charles River. It's adorned with a distinctive red and white Boston Red Sox baseball cap. In the background, the prominent buildings of the Massachusetts Institute of Technology (MIT) can be seen, creating a juxtaposition of playful whimsy and academic prestige.", + "partiprompts204.txt": "A glossy black grand piano stands majestically adjacent to the green mesh of a tennis court net. The piano's open lid reveals its intricate golden interior, contrasting with the stark white lines of the court. Nearby, a collection of tennis balls is scattered on the ground, hinting at a recent game.", + "partiprompts195.txt": "a view through a window pane speckled with raindrops, showcasing a cityscape of tall buildings with reflective glass facades. the gray overcast sky looms above the urban skyline, and the raindrops create a blurred effect on the structures in the distance. the window's frame is a stark white, contrasting with the muted colors of the city beyond.", + "partiprompts231.txt": "a precarious stack of three pickup trucks with the bottom one painted red, the middle one a faded blue, and the top one a dusty white. Each truck is dented and scratched, suggesting they've been through rough conditions. The trucks are set against a backdrop of a clear sky, and they cast long shadows on the gravel lot where they are stacked.", + "whoops23.txt": "An iconic tower known for its unintended tilt is captured in an unusual, digitally manipulated image where it appears perfectly vertical. The surrounding area is filled with tourists, some of whom are playfully posing with their hands out as if they were interacting with the tower's usual lean. The sky above is clear, casting a warm glow on the tower's white marble facade.", + "diffusiondb11.txt": "An ominous figure looms within the frame, a dark demonic entity with an array of infinite, wispy wings that cascade behind it like a shadowy aurora. Each translucent wing shimmers with a sinister glow, suggesting an otherworldly portal to a malevolent dimension, illuminated in an eerie spectrum of dark neochrome colors. The unsettling image, reminiscent of the haunting styles of Beksinski and Gammell, is captured through the lens of a 35mm camera, casting a tangible unease as though the entity could breach the confines of its two-dimensional prison at any moment.", + "posescript33.txt": "A figure is poised in an active stance, with their buttocks pushed back and their torso inclined forwards, suggesting a sense of readiness or engagement in an activity. Their arms are extended downwards, positioned close to the body, with elbows bent and hands reaching straight out in front, as if ready to grasp or manipulate something. The person's head is subtly tilted back, indicating a focus towards the ceiling or sky, possibly observing something of interest or intent above them.", + "partiprompts117.txt": "A man with shoulder-length blonde hair and deep brown eyes stands casually in a room. He's wearing a simple white t-shirt that contrasts with his distressed blue jeans. Around him, the space is minimally furnished, with a single potted plant in the corner adding a touch of greenery.", + "midjourney1.txt": "An extraordinary rendition of Melbourne's Southern Cross Station presented from a bird's-eye view, encapsulated by the signature aesthetics akin to the works of Makoto Shinkai. The image boasts a resolution of 8K, delivering an ultra-detailed and sharply defined portrayal that captures even the subtlest of features. The station and its surroundings are bathed in epic lighting that casts dramatic shadows and projects vivid light refractions across the scene, offering a sense of hyperrealism that's enhanced by the ultra uplight effect. Each element within the composition is rendered with high fidelity, giving life to a photorealistic scene that is both captivating and intricately depicted.", + "partiprompts92.txt": "A detailed photograph captures the intricate features of a pharaoh statue adorned with unconventional accessories. The statue is wearing steampunk glasses that have intricate bronze gears and round, reflective lenses. It is also dressed in a stark white t-shirt that contrasts with a dark, textured leather jacket draped over its shoulders. The image is taken with a high-quality DSLR camera, ensuring that the textures and colors of the statue and its attire are vivid and sharp. The background is a simple, unobtrusive blur, drawing all attention to the anachronistic ensemble of the pharaoh.", + "posescript26.txt": "In a room with beige carpeting, an individual is in the midst of a sit-up exercise, positioned on the floor with their body slightly raised. Their left hand is pressed against their cheek to support their head, while their left leg is bent inward, creating an angle at the knee. The space around them is sparse, and to their side, a folded yoga mat and a pair of dumbbells lay within reach.", + "partiprompts208.txt": "A vibrant yellow 2017 Porsche 911 is captured in motion, navigating a winding mountain road with its sleek body hugging the curve. The sports car's headlights are piercing through the overcast weather, illuminating the path ahead. In the background, a lush green valley stretches out beneath a sky filled with grey clouds, hinting at the vast expanse beyond the road's edge.", + "281.txt": "A modern kitchen scene where a stainless steel gas stove ignites with a soft blue flame, casting a warm glow on the surroundings. Close by on the granite countertop rests a green glass bottle, which reflects the flickering light, creating subtle reflections around it. The stove is surrounded by various cooking utensils and a spice rack filled with an assortment of colorful spices.", + "partiprompts200.txt": "A classic wooden rocking chair with a smooth, varnished finish sits adjacent to the green, chain-link fence of a tennis court. The court's surface is a vibrant blue with white boundary lines, and a few tennis balls can be seen resting near the net. In the background, there's a tall fence that separates the court from a row of dense, neatly trimmed hedges.", + "partiprompts235.txt": "a powerful steam locomotive with a black and red exterior, billowing white steam as it speeds along the tracks through a vast, sandy desert landscape. The locomotive's wheels kick up small clouds of sand, and the clear blue sky stretches endlessly above. No other vehicles or structures are in sight, just the occasional cactus dotting the horizon.", + "partiprompts194.txt": "a picturesque autumn scene where a quaint cottage with a thatched roof sits beside a tranquil lake, surrounded by trees with leaves in vibrant shades of orange, red, and yellow. The cottage's wooden exterior is complemented by white-framed windows, and a stone chimney rises above the roofline. The lake reflects the warm fall colors, creating a mirror image of the foliage and the small structure on its calm surface.", + "partiprompts115.txt": "A detailed painting that features the iconic Mona Lisa, with her enigmatic smile, set against a bustling backdrop of New York City. The cityscape includes towering skyscrapers, a yellow taxi cab, and the faint outline of the Statue of Liberty in the distance. The painting merges the classic with the contemporary, as the Mona Lisa is depicted in her traditional attire, while the city behind her pulses with modern life.", + "partiprompts164.txt": "An intricately detailed oil painting captures the essence of a young badger, its fur rendered with fine brushstrokes that give it a tactile quality. The badger's snout is gently poised above a vibrant yellow rose, which stands out against a backdrop of muted green foliage. The contrast between the animal's coarse fur and the delicate petals of the rose is emphasized through the artist's skillful use of texture and color.", + "partiprompts151.txt": "A vivid oil painting that depicts a surreal and dreamlike seascape, where time seems to have lost all meaning. The canvas is filled with an array of clocks and watches, all of which are distorted and melting across the barren terrain, their shapes soft and elongated in a manner that defies reality. On the left side of the painting, a small wooden table stands, its surface dominated by a golden pocket watch that has attracted a swarm of tiny ants. At the heart of the scene, there is an odd, flesh-like figure draped over a lifeless tree, adding to the enigmatic and otherworldly atmosphere of the artwork.", + "COCOval2014000000508291.txt": "a vast open field dotted with patches of greenery and a few scattered trees under a clear blue sky. two giraffes are seen gracefully moving across the terrain, their long necks and legs casting shadows on the ground. in the distance, a gentle slope rises to meet the horizon, hinting at the expansive savannah that stretches beyond.", + "stanford0.txt": "A solitary figure stands on the sandy expanse of the beach, identifiable as a lifeguard by the bright red shorts and white tank top they are wearing. The sky above is a blanket of grey, hinting at the overcast weather as gentle waves rhythmically roll onto the shore. Beside the lifeguard, a vivid yellow and black rescue board leans against a wooden post, its surface speckled with droplets from the sea's mist. Nearby, the shoreline extends into the distance, marked by the sporadic presence of seagulls and scattered shells.", + "countbench6.txt": "A detailed vector illustration showcasing four separate square compositions, each highlighting different aspects of waste management and recycling processes. The vibrant images feature a variety of flat design icons and pictograms that represent sorting bins, recycling symbols, and cleaning equipment. Each square has a distinct color palette to categorize the type of waste, ranging from organic to plastic, metal, and paper, emphasizing the importance of recycling and proper disposal.", + "176.txt": "Within an expansive auditorium, a single megaphone with a metallic finish and a bold black stripe lies abandoned on a vast, textured orange carpet. Rows of empty seats surround the area, hinting at the silence of an event now passed. The natural afternoon light filters in through large windows, casting long, soft shadows across the carpet and the solitary object at rest.", + "216.txt": "A striking dishwasher with a glossy, rainbow-colored exterior stands out in a neatly-arranged kitchen with white marble countertops. Inside the open dishwasher, five stainless steel pots are being methodically cleaned by the powerful water jets. Surrounding the dishwasher are orderly arranged kitchen utensils and a spice rack filled with an assortment of colorful spices in clear glass jars.", + "vrd31.txt": "Multiple pairs of skis and a single snowboard are arranged near a vehicle: several pairs of skis are neatly packed in a long box that rests directly on the snowy street, while another set protrudes from the front seat of a nearby car, hinting at preparations for a wintery adventure. Adjacent to the box on the street, a sturdy basket filled with additional pairs of skis confirms the enthusiasm for the snowy escapades awaiting. Just beyond these preparations, the car, with its frosted windows, stands proudly under a vast, clear sky, promising a day of thrill on the slopes.", + "partiprompts84.txt": "The book cover features a sleek, modern design with a gradient of blue to purple hues, symbolizing the concept of 'Backpropaganda' by the author I.C. Gradients. The title is emblazoned in bold, white font across the top, with the author's name neatly printed at the bottom. The cover also displays an abstract illustration that hints at the theme of artificial intelligence, with interconnected nodes and lines subtly forming a network pattern.", + "partiprompts199.txt": "a brightly colored storefront with large, bold letters spelling out 'AwesomePurchase' above the entrance. The shop's window displays are neatly arranged with an array of products, and a small, potted plant sits to the left of the door. The facade of the building is a clean, modern white, contrasting with the vibrant signage.", + "posescript4.txt": "A depiction of a human figure demonstrating a specific stance: the individual's legs are positioned beyond shoulder width apart, firmly planted on a textured grey mat. The torso is inclined forward modestly, as if preparing to engage in a gentle stretch or a physical activity. The subject's head is courteously tilted to the right, conveying a sense of thoughtfulness or focus, while both arms curve gracefully downward before the body, with hands nearing each other but not quite making contact, hovering just inches apart.", + "COCOval2014000000191919.txt": "A pastoral scene unfolds with a herd of cows scattered across a lush green field, leisurely grazing under the open sky. The field is bordered by a simple wooden fence, and in the distance, a cluster of trees can be seen lining the horizon. The cows, with their varied brown and white patterns, appear content in their tranquil environment, occasionally lifting their heads to survey their peaceful surroundings.", + "COCOval2014000000339120.txt": "An outdoor tennis court with a green surface and white boundary lines. A man and a child are engaged in a playful tennis match, each holding a racket and focusing on the ball. The court is surrounded by a tall fence, and there are trees casting shadows on the ground nearby.", + "45.txt": "At a busy city crossroads, three square-shaped signs, featuring a bold crosswalk symbol in bright yellow, command attention from pedestrians and motorists alike. Positioned against the backdrop of a bustling urbanscape, the signs possess a reflective quality, enhancing their visibility even amidst the chaotic street movement. Anchored securely to the pavement, these uniform signs present the familiar pedestrian crossing imagery, delineating safe walking zones in an area dense with traffic.", + "275.txt": "An immense grey elephant with gently flapping ears lumbers towards a bubbling stream, a stark contrast against the lush green grass. Meanwhile, in the cool, reflective waters, a sleek black swan glides gracefully, its red beak standing out against its dark feathers. The gentle ripples caused by the swan's movement disrupt the reflection of the overhanging trees on the water's surface.", + "COCOval2014000000023272.txt": "A calico cat, sporting a patchwork of orange, black, and white fur, is comfortably nestled on top of a sleek Mercedes Benz. The luxury vehicle, with its emblem glinting in the light, is stationary, possibly in a quiet residential area. The cat, with its eyes gently shut, appears to be in a state of serene repose, oblivious to the world around it.", + "partiprompts260.txt": "three violins with a glossy finish and delicate strings lying side by side on a polished hardwood floor. the instruments, each with a rich brown color and unique wood grain patterns, are positioned near a black music stand. natural light from a nearby window casts soft shadows around the violins, highlighting their elegant curves.", + "vrd24.txt": "A small, vibrant green tree sits snugly within a terracotta pot that features intricate patterns etched into its surface. The pot is placed to the left of a simple white ceramic cup with a delicate handle, both resting on a wooden countertop. To the side of the cup is a chair with a woven seat, and the tree in the pot shares this proximity with the chair as well. Perched precariously on the edge of the chair is a crumpled piece of paper, the handwriting upon it partially visible, creating a tableau of everyday items in close association.", + "178.txt": "A dining room setting showcasing an unusually large red bell pepper with a shiny, slightly wrinkled texture, prominently placed beside a diminutive golden medal with a red ribbon on a polished wooden dining table. The pepper's vibrant hue contrasts with the medal's gleaming surface. The scene is composed in natural light, highlighting the intricate details of the pepper's surface and the reflective quality of the medal.", + "drawtext17.txt": "A vibrant and playful three-dimensional rendering of the word 'fuzzy' made from an assortment of colorful furry spheres, each varying in size. The spheres are clumped together to form chunky, organic letter shapes that appear soft to the touch. The whimsical text is centered within the frame, casting a slight shadow on the plain background, enhancing its three-dimensional effect.", + "partiprompts158.txt": "A detailed painting depicts an ancient, ornate treasure chest with intricate carvings and a heavy, rusted metal clasp, nestled in the shadows of a dark, damp cave. Beside the chest, a broad sword with an embellished hilt stands propped up, its blade catching the faint, eerie glow emanating from within the chest. The rough texture of the cave walls is accentuated by the contrast of the sword's gleam and the chest's subtle sheen.", + "68.txt": "An artist with fingers dusted in multicolored pigments is holding a set of five cylindrical-shaped paint brushes that sport vibrant blue handles. These brushes are gently splayed between skilled fingers, poised like a conductor's baton ready to orchestrate strokes on a pristine white canvas that awaits on an easel. The bristles of the brushes appear soft and unused, contrasting with the worn-in look of the artist's hand, evidencing countless hours of previous creations.", + "vrd22.txt": "An image showcasing an individual with a smartphone in their left hand, positioned right next to a pair of black-framed glasses resting upon a table. The person in the scene, clearly engrossed in their device, is wearing a textured dark jacket, suitable for chilly weather. Above them, a clear blue sky stretches expansively, uninterrupted by any visible obstacles or elements.", + "partiprompts246.txt": "a spacious living room featuring a towering Egyptian statue situated in the corner, its surface a blend of gold and azure hues. The room is furnished with a plush beige sofa and a glass coffee table in the center. Along the walls, bookshelves filled with an array of books add a cozy feel to the space.", + "posescript38.txt": "A person stands in a poised stance with their legs straight, making contact with each other down to the feet, which are clad in black, lace-up shoes. Their back maintains a subtle lean forward, suggesting a stance of attentiveness or mild anticipation. Their arms rest casually along the sides of their body, with hands gently relaxed. The person's head is tilted just a fraction to the left, their gaze perhaps fixed on an unseen object of interest in their immediate vicinity.", + "16.txt": "A hefty, red-painted chainsaw rests prominently on the surface of a sturdy, solid oak table. The metal components of the chainsaw catch the soft glow of the early morning sunlight, causing a shimmering effect. The wood's rich, deep grain stands in contrast to the boldness of the chainsaw, and there are wood shavings scattered nearby, hinting at recent activity.", + "drawtext30.txt": "A close-up image depicting two hands against a muted background, with one hand delicately gripping a bright red heart and the other securely holding a jagged yellow lightning bolt. Above them, bold lettering in a strong, contrasting color proclaims 'love is power'. The text is stylized with an energetic font that echoes the dynamic essence of the symbols cradled in the hands.", + "partiprompts187.txt": "a breathtaking photograph capturing the vibrant hues of a sunset with streaks of pink and orange painting the sky behind the majestic Grand Canyon. The canyon's intricate rock formations are silhouetted against the illuminated backdrop, showcasing the deep crevices and towering spires. In the foreground, the Colorado River can be glimpsed winding its way through the ancient geological marvel.", + "136.txt": "As the dawn breaks, two personal care items, a toothbrush with white and blue bristles alongside a tube of toothpaste, are methodically placed under the protective cover of an awning adorned with a geometric hexagonal pattern. The soft morning light gently illuminates the scene, casting subtle shadows beneath the items on the reflective glass surface they rest upon. The awning's shade provides a tranquil, organized backdrop to the start of the day.", + "partiprompts318.txt": "A solitary tree stands in the midst of a grassy field, its branches reaching out in all directions without a single leaf to be seen. The bark of the tree is a rough, gray texture, contrasting with the vibrant green of the grass. Despite the warm season, the tree's bare limbs give it a stark, sculptural appearance against the clear blue sky.", + "partiprompts18.txt": "A close-up image captures a furry wombat with a curious expression, donning a bright red backpack snugly fitted on its back. The adorable marsupial stands on its hind legs, with both arms raised in a triumphant or playful gesture. In the distance, the iconic Mount Rushmore serves as a majestic backdrop, with the carved faces of the four presidents etched into the mountainside.", + "partiprompts93.txt": "An imaginative depiction of the Mona Lisa, portrayed in a modern setting where she is seated at a wooden breakfast table. In her hands, she holds a delicate white porcelain cup from which she sips coffee. Before her lies a plate with a fluffy omelette and a golden-brown croissant, accompanied by a small vase containing a single red rose. The scene is illuminated by natural light that filters through a nearby window, casting a soft glow on the table's surface.", + "75.txt": "Two woven baskets with brown and tan hues rest gently on the vibrant green grass in a peaceful meadow. The larger basket, slightly ajar, reveals a cozy blanket peeping out, while the smaller one seems to be packed with a picnic setup. Surrounding them, a few wildflowers add specks of color to the tranquil scene, uninterrupted by the gentle breeze swaying the grass blades.", + "partiprompts43.txt": "A large, clear glass pitcher filled to the brim with golden beer, the frothy head spilling slightly over the edge. An elephant's trunk, textured and wrinkled, is playfully dipped into the pitcher, disrupting the liquid's surface. The pitcher sits on a wooden table, with a few scattered peanuts nearby, hinting at a bar-like setting.", + "drawtext12.txt": "a tranquil cityscape with high-rise buildings silhouetted against the evening sky. In the foreground, a large, fluffy, solitary cloud hovers subtly, its edges tinged with a golden hue from the setting sun. Below the cloud, in elegant, rounded cursive letters, the words 'contemplate the clouds' invite onlookers to pause and reflect amidst the urban environment.", + "posescript31.txt": "A focused individual captured in a dynamic martial arts pose, with both legs bent at the knees in a strong and stable crouch. The person's body is hunched purposefully over, conveying readiness and balance. Each arm is extended forward, bent at the elbow, and the wrists are also bent in meticulous form, displaying the precision and discipline of the martial arts stance.", + "diffusiondb28.txt": "An intricate visual display combining the unique styles of Geert Goiris, Sally Mann, and Paolo Roversi, synthesizing into a singular piece of award-winning concept art entitled \"Portrait of Chaos.\" The artwork features a compelling blend of surreal landscapes, enigmatic portraits, and ethereal scenes, each contributing a distinct texture and emotion. The colors in the image are a juxtaposition of muted tones and stark contrasts, with an emphasis on the play of light and shadow.", + "drawtext32.txt": "An image of a newspaper lies flat, its bold headline 'Local pig eats prize pumpkin' emblazoned across the top in large lettering. Below the headline, there's a photograph capturing a pink pig with muddy spots, surrounded by the remnants of a once massive, bright orange pumpkin, now half-devoured. The paper appears slightly crumpled, emphasizing its texture, with the photograph and text clearly visible against the off-white background of the newsprint.", + "COCOval2014000000537211.txt": "A serene lakeside setting where a wooden dock extends into the water. A man is casually seated at the edge, enjoying a hot dog, with a relaxed posture that suggests a leisurely day. The water is calm, and the dock appears to be a popular spot for visitors to take in the view and enjoy a bite to eat.", + "midjourney32.txt": "A gritty, realistic interpretation of the World War II Normandy invasion, painted in the grandiose and dramatic style reminiscent of Albert Bierstadt's sweeping landscapes. The scene integrates the atmospheric lighting and moody skies associated with Edward Hopper's work, while also incorporating the fine detail and dynamic compositions akin to Craig Mullins' digital artistry. The painting captures the raw emotion and chaotic intensity of the historic moment, portrayed through the use of deep, muted tones and the precise depiction of soldiers' expressions amidst the battle-torn beaches.", + "COCOval2014000000110587.txt": "A man stands in front of a bathroom mirror, a toothbrush lodged in his mouth as he brushes his teeth. The bathroom is equipped with a white porcelain sink and a small window that lets in natural light. On the counter, there's a tube of toothpaste lying next to a cup filled with assorted dental hygiene tools.", + "201.txt": "In the calm and pristine setting of a forest blanketed in snow, three colorful skiboards are positioned vertically against a tree trunk, their pointed ends etched with vibrant patterns and designs standing out against the white backdrop. Beside them, two wooden hockey sticks lie, their shafts crossing over one another in a silent contest of height, both adorned with faded tape near the blade. The smooth, icy surface of a nearby frozen pond can be glimpsed through the trees, hinting at a recent winter sport rendezvous.", + "partiprompts314.txt": "A close-up image capturing the intricate details of a maple leaf, which is composed entirely of clear, sparkling water droplets. The leaf is set against a smooth, dark background that accentuates its delicate water structure. The droplets glisten as they cling to the invisible veins of the leaf, creating a natural yet surreal piece of art.", + "COCOval2014000000441411.txt": "A domestic cat with a sleek coat stands alert next to a plush brown teddy bear. The teddy bear is seated on a hardwood floor, its size comparable to the feline companion beside it. Both the cat and the teddy bear are positioned near a light-colored wall, with a hint of a houseplant's green leaves in the corner of the scene.", + "stanford17.txt": "Two young girls are trekking on a dirt trail that meanders through a dense forest on a large, imposing mountain. The trees enveloping the path are lush and varying shades of green. Each girl is holding a brightly colored umbrella to shield themselves from the elements. The mountain's peak looms in the distance, partially obscured by the canopy of towering trees.", + "162.txt": "A playful monkey with a chestnut coat and bright eyes is clumsily handling a crimson red heart-shaped tea pot. The monkey sits in a verdant jungle environment, surrounded by an array of glossy green leaves and suspended vines. The tea pot, with its glossy ceramic finish, reflects the dappled sunlight that filters through the dense canopy overhead.", + "diffusiondb18.txt": "A visual timelapse piece crafted in the style of Botticelli's 'Birth of Venus' using vibrant acrylic paints. The scene is bustling with a kaleidoscope of colors, showcasing a central figure that emerges with ethereal grace amidst the bold, sharp focus of its details. Surrounding this figure, the canvas is brought to life with an array of vivid hues and painstakingly rendered unrealistic elements that create an explosion of fantastical imagery.", + "partiprompts215.txt": "a vintage blue Porsche 356 is captured mid-turn on a winding asphalt road, its polished surface reflecting the bright sunlight. The car's classic design is accentuated by its rounded headlights and sleek bodywork. Alongside the road, a low stone wall partially covered in moss provides a contrast to the well-maintained vehicle.", + "partiprompts226.txt": "a futuristic spaceship with a design reminiscent of the iconic Sydney Opera House, featuring multiple white, shell-like structures that form its hull. The vessel hovers above the ground, with a slight iridescent sheen on its surface that reflects the light of a distant sun. It is surrounded by a barren landscape, which contrasts sharply with the spaceship's smooth, curved architecture.", + "partiprompts237.txt": "A whimsical scene unfolds in a lecture hall where a donkey, adorned in a vibrant clown costume complete with a ruffled collar and a pointed hat, stands confidently at the podium. The donkey is captured in a high-resolution photo, addressing an audience of attentive students seated in rows of wooden desks. Behind the donkey, a large blackboard is filled with complex mathematical equations, hinting at the serious nature of the lecture juxtaposed with the humorous attire of the lecturer.", + "stanford39.txt": "A rustic wooden table is set against a backdrop of soft, beige walls, holding a weathered brown piece of butcher paper. Sprawled across the paper is an array of colorful vegetables, from vivid red tomatoes to deep green cucumbers and bright orange carrots. In front of this cornucopia of produce, a small, worn yellow notebook lies open, its pages filled with neat handwriting.", + "COCOval2014000000566470.txt": "Two wooden rowboats with a weathered finish are resting side by side on the sandy shore. The boats are empty, with their oars tucked neatly inside, hinting at a recent return from a journey on the water. In the background, the gentle waves of the sea can be seen, with the horizon stretching wide beyond them.", + "247.txt": "A sleek, silver hair dryer and a pristine white bar of soap are neatly placed next to one another on a marble bathroom countertop. The backdrop of the setting sun casts a warm, orange glow through the window, illuminating the array of toiletries and fluffy towels in soft light. The reflective surface of the countertop enhances the soothing ambiance created by the sun's fading rays.", + "partiprompts214.txt": "A sleek motorcycle with the word \"BUZZ\" emblazoned in bold letters on its side is parked inside an ornate bank lobby. The lobby features marble floors and intricate gold trimmings along the walls. The motorcycle's chrome accents gleam under the soft glow of the chandelier overhead, contrasting with the rich, dark wood of the bank's counters.", + "21.txt": "An elegant, lustrous emerald green necktie is carelessly strewn across the slick, polished surface of a dark mahogany dining table. The fine silk texture of the tie contrasts with the wood's deep, rich grain. Beside the tie, a scattering of loose papers and a silver pen give an impression of a hasty departure, perhaps after a morning of work or a formal event.", + "1.txt": "An eye-catching vibrant red pickup truck with a stout and rectangular build is parked on the sandy shores as dusk sets in. The truck's glossy paint contrasts with the soft, amber hues of the setting sun reflected off the vehicle's surface. In the background, the gentle waves of the ocean can be heard as they meet the beach, with the silhouette of palm trees swaying gently in the evening breeze.", + "partiprompts129.txt": "A contented sloth, with a wide grin on its face, is decked out in an eclectic ensemble featuring a sleek black leather jacket and a brown cowboy hat atop its head. It's also sporting a traditional tartan kilt paired with a smart red bowtie around its neck. In one claw, the sloth firmly grips a wooden quarterstaff, while the other supports a large, thick book with a leather-bound cover.", + "COCOval2014000000411953.txt": "A man dressed in a crisp white shirt and sleek black tie is seated with a guitar in his hands. He is focused intently on the strings, fingers positioned to strum a chord. The room around him is blurred, emphasizing the musician and his instrument as the central subjects of the scene.", + "partiprompts294.txt": "a whimsical illustration of a small, white baby daikon radish with rosy cheeks and green shoots atop its head, donning a pink, frilly tutu. It is walking a brown, fluffy dog on a red leash, which looks up at the radish with a playful expression. The background features a simple, pastel-colored path that winds through a grassy field.", + "partiprompts233.txt": "Three commercial airliners, with their distinctive liveries, are lined up side by side at an airport terminal. The planes, with their white fuselages and colored tails, are connected to the jet bridges, which are bustling with activity. In the foreground, the tarmac is marked with guiding lines and ground service equipment can be seen servicing the aircraft.", + "vrd11.txt": "A picturesque scene where the expansive blue sky arches over a stationary train, which sits on a set of tracks that cut a straight line through the landscape. The train engine is an unusual sight, covered in tufts of green grass, creating a contrast between machinery and nature. In the distance, a mountain looms over the train, imposing its grandeur on the scene. Below the grass-adorned engine, the hard gravel of the track meets the edge of an asphalt road that runs parallel, with more trains in the distance continuing their journey under the vast sky.", + "partiprompts188.txt": "a spectacular display of fireworks illuminates the night sky with bursts of red, white, and blue. the vibrant colors reflect off a nearby lake, creating a mirror image of the aerial spectacle. in the foreground, silhouettes of a small crowd can be seen gathered to watch the show, with some individuals pointing upwards in awe.", + "partiprompts24.txt": "A surreal landscape where the iconic skyline of downtown Manhattan, with its towering skyscrapers and bustling streets, is juxtaposed against the majestic backdrop of Mount Everest, its peak shrouded in snow and clouds. In the foreground, the ancient Great Pyramid of Giza stands solitary, its limestone blocks weathered to a golden hue, casting a long shadow in the direction of the urban architecture. This unusual combination of human-made wonders spans different continents and eras, creating a striking and imaginative scene.", + "74.txt": "Four square potted plants, each nestled in vibrant yellow pots, are aligned neatly on a gray concrete surface outside. They are being gently watered, with droplets of water glistening on their lush green leaves as the sun begins to set in the background. The surrounding area is quiet, and the soft light of the early evening casts a warm glow on the scene.", + "vrd18.txt": "On a wooden table outdoors, a small, portable traffic light stands beside a potted plant. A person is seated nearby, wearing reflective aviator sunglasses, a casual striped shirt, and khaki shorts. Above them, the expansive blue sky sprawls with a few wispy clouds, casting a soft light over the scene. The sunlight reflects off the lenses of the sunglasses and the surface of the table, creating a play of light and shadow.", + "partiprompts185.txt": "A picturesque painting depicting a charming white country home with a spacious wrap-around porch adorned with hanging flower baskets. The house is set against a backdrop of lush greenery, with a cobblestone pathway leading to its welcoming front steps. The porch railing is intricately designed, and the home's windows boast traditional shutters, adding to the quaint aesthetic of the scene.", + "stanford35.txt": "Two athletes are engaged in a spirited game of tennis on a court with a light brown clay surface. Both are dressed in crisp white tennis uniforms, with the female player sporting a classic white skort. She's in the midst of a powerful swing, her racket slicing through the air with precision. Her male counterpart waits intently across the court, preparing for his return. The white boundary lines of the court are stark against the brown of the clay, emphasizing the competitive space they share.", + "partiprompts8.txt": "An animated warrior wombat, clad in silver armor, stands boldly in a fighting stance with a gleaming sword in one hand and a sturdy round shield in the other. The iconic Arc de Triomphe looms in the background, partially veiled by a thin layer of mist that softens the contours of the monument. Despite the mist, the sun is positioned high above, casting a subtle glow on the scene and highlighting the wombat's determined expression.", + "stanford1.txt": "A lively playground scene unfolds with a bustling atmosphere of children and adults engaging in various activities on a surface of soft beige sand. In the midst of the joyful chaos, a young boy wearing a vivid blue shirt and coordinating blue pants is energetically climbing a metallic pole, his hands gripping firmly as he ascends. Nearby, a woman clad in a brown dress stands with a matching brown umbrella held aloft, providing her with shade from the sun. As the sun casts its light, the shapes of people's shadows mingle on the sandy ground, creating a playful tapestry of silhouettes.", + "94.txt": "Two bright red skiboards are propped up against the rugged bark of a tall pine tree, their bindings reflecting the sunlight that filters through the branches. Next to them, a pair of black skating shoes with neon green laces sits neatly on the freshly fallen snow. The surrounding area is quiet and untouched, suggesting an anticipation for an exhilarating afternoon of winter sports activities.", + "partiprompts221.txt": "a large commercial airplane with a white and blue fuselage soaring towards a towering cumulus cloud that resembles a monstrous face. The cloud's formation gives the impression of gaping jaws and hollow eyes, casting a whimsical shadow over the landscape below. The airplane's wings reflect the sunlight, creating a stark contrast against the darkening sky around the cloud formation.", + "partiprompts302.txt": "a vibrant plant with star-shaped orange flowers blooming amidst lush green leaves. The plant is potted in a terracotta container that sits on a wooden shelf. Around it, other houseplants contribute to a small indoor garden atmosphere.", + "vrd14.txt": "A city scene where multiple buses are lined up on a busy street. The foremost bus, painted in a bright yellow, stands out with its large windows and advertisement banners on its sides, as a queue of similar buses parks diligently behind it. Each bus features standard black wheels and a sturdy rooftop that gleams under the sun. Amidst the lineup, passengers board the lead bus, while a row of tall green trees provides a natural backdrop to this urban tableau.", + "vrd25.txt": "A bustling highway scene with a red semi-truck moving along a two-lane road, closely followed by a blue pickup truck. The road itself is carved through a dense forest, with tall evergreens bordering each side. Behind this verdant stretch, a majestic mountain looms, its peak piercing the sky. The mountain's rocky facade is dotted with patches of green where trees cling to its slopes. In the distance, the mountain range extends, creating a dramatic backdrop for the vehicles on their journey.", + "258.txt": "An image captured at dusk where the warm glow of the setting sun can be seen reflecting off the stainless-steel exterior of a pan that sizzles with seven perfectly round meatballs. Adjacent to the pan, on a hot grill, two thick, marbled steaks emit an appetizing aroma as they cook to a medium-rare finish. Random drops of oil pop and dance on the heated surfaces, signifying the heat at which these meats are being prepared.", + "localized12.txt": "A vivid green iguana is perched motionlessly atop a worn wooden log, its intricate scales exhibiting various shades of green and black. Behind the reptile, a rough-textured wall stands, painted in a faded color, which contrasts with the image's predominantly dark backdrop. The shadows envelop the surroundings, highlighting the iguana as the central focus of this composition.", + "COCOval2014000000390241.txt": "An overturned bus lying on its side on a stretch of road. The bus's wheels are exposed to the sky, and its windows are shattered, with glass fragments scattered around. The scene is cordoned off with yellow caution tape, indicating an area of investigation or cleanup.", + "60.txt": "In a tranquil expanse of ocean, tinged with the warm hues of the setting sun, five vivid red lifesaving rings can be seen gently bobbing on the surface of the calm water. The sinking sun casts an orange glow across the horizon, reflecting its fiery colors on the water's glass-like surface. The rings, spaced evenly apart, form a striking contrast with the deep blue of the sea, creating a picturesque scene devoid of any other vessels or swimmers.", + "113.txt": "A polished round silver bracelet rests beside a large square game board made of rich mahogany wood. Despite its compact size, the bracelet radiates with a bright shimmer, contrasting starkly against the muted tones of the chess squares on the game board. Each chess piece is meticulously aligned, creating a visual harmony between the circular curves of the bracelet and the straight edges of the board.", + "drawtext39.txt": "a small green lizard basking on the white, pentagonal home plate of a baseball field, with the words 'made it safe' written in a cartoonish speech bubble above its head. surrounding the home plate is a well-trodden dusty red infield, and in the background, the neatly manicured outfield grass stretches out. beyond the field, a row of bleachers can be seen, hinting at the presence of an eager audience awaiting the next play.", + "partiprompts34.txt": "An animated scene where a hamburger with boxing gloves is aggressively confronting a weary hot dog in a miniature boxing ring. The hot dog, adorned with a squiggle of mustard, appears to be on the verge of defeat, leaning heavily against the ropes of the ring. Surrounding the ring are enthusiastic condiment bottles and a cheering crowd of assorted snack foods.", + "148.txt": "A vivid yellow chair with a smooth, plastic texture sits adjacent to a sleek red treadmill in a compact, square-shaped room. The wall behind these pieces of equipment is painted a vibrant turquoise blue, which contrasts sharply with the equipment. The sun shines through a window, illuminating the space at midday, casting soft shadows on the light grey flooring.", + "partiprompts202.txt": "a rustic windmill with weathered wooden blades stands amidst a field of vibrant wildflowers. the structure, painted in faded red and white, towers over the colorful blooms, which include poppies and daisies. the windmill's base is encircled by a low stone wall, and in the background, the clear sky stretches above the pastoral scene.", + "partiprompts182.txt": "a close-up image of a sandy beach, where a bright red bucket lies on its side, surrounded by an array of colorful seashells scattered across the fine grains. there are no birds in sight, particularly no sandpipers, which often frequent such shores. the gentle waves in the background suggest the proximity to the water's edge.", + "partiprompts11.txt": "On the barren, gray surface of the moon, two chestnut horses adorned with silver harnesses are depicted pulling an antique carriage. In the surreal background, the Statue of Liberty stands tall, its green patina contrasting with the sandy hues of the Great Pyramid nearby. Above this otherworldly scene, the Planet Earth hangs majestically in the dark lunar sky, its blues and greens vibrant against the starkness of space.", + "diffusiondb16.txt": "a collection of rare and vibrant CS: GO holo stickers, each emblazoned with the logos of iconic esports teams. The Titan Katowice 2014 sticker shines with a prismatic effect, while the iBuyPower Katowice 2014 sticker boasts a delicate balance of red and black hues. The Reason Gaming Katowice 2014 and LDLC.com Katowice 2014 stickers both display a mesmerizing holographic sheen, capturing the eye with every tilt and turn. These stickers represent a significant piece of esports history and are a must-have for enthusiasts and collectors alike.", + "partiprompts91.txt": "A visually striking mixed media piece featuring a central photograph of a woman with flowing orange hair that cascades over her shoulders. The background contrasts with a monochromatic sketch of a bustling city skyline, complete with towering skyscrapers and intricate architectural details. The woman's piercing gaze seems to transcend the two-dimensional space, creating a dynamic interplay between the realism of the photograph and the abstract nature of the sketched cityscape.", + "countbench17.txt": "An array of five monochromatic photographs, captured by the esteemed Gordon Parks, is meticulously arranged on a dark grey wall. Each image serves as a poignant window into the lives affected by poverty in Rio de Janeiro during the tumultuous 1960s. The high-contrast black and white tones of the photos bring stark attention to the subjects within, highlighting the raw emotional intensity and the historical significance of the scenes depicted.", + "294.txt": "A robust, honey-toned wooden ladder resting against an ivory wall which is illustrated with an array of whimsical, pencil-drawn doodles depicting imaginative scenes. The doodles range from swirling galaxies to playful characters scattered across the wall's expansive canvas. The texture of the wood of the ladder contrasts with the smoothness of the wall, emphasizing the artisanal creativity imbued in the space.", + "diffusiondb5.txt": "a captivating painting dominated by rich, deep colors and an eclectic mix of artistic styles, featuring a gothic clown girl as the central figure. The clown girl's enigmatic expression is captured through the bold strokes and distorted forms reminiscent of Francis Bacon and Adrian Ghenie's work. Her attire is detailed with intricate patterns and textures, echoing the finesse of James Jean and Petra Cortright's digital artistry, while sections of the background blend seamlessly into the abstract realism characteristic of Gerhard Richter. The subtle, haunting illustrations accompanying the figure bear the distinctive mark of Takato Yamamoto. This 8 thousand-dollar masterpiece is an intriguing blend of western and eastern art influences, creating a visually arresting tableau.", + "drawtext0.txt": "A visually striking isometric design spells out the word 'DRAW' using an array of artist pencils with softly rounded edges, demonstrating the principles of modular constructivism. Each pencil features a pastel color palette, blending harmoniously against a serene blue background. The entire composition benefits from soft, smooth lighting that accentuates the textures and forms, created with a physically based rendering technique that provides a realistic appearance, with the entire artwork centrally positioned within the frame, creating a trendy and aesthetically pleasing image.", + "COCOval2014000000180784.txt": "A quaint, single-engine propeller plane with a vibrant paint job rests in the middle of a wide-open grassy field. The field is bordered by a simple fence and a few scattered trees in the distance. The plane's small size suggests it's designed for personal or recreational use, and it sits idle under the clear sky.", + "126.txt": "A tall metallic baseball bat, standing upright on a lush green field, is gently enshrouded by a soft pink towel with frayed edges. The clear blue sky overhead provides a stark contrast to the vibrant color of the towel. Surrounding the bat, there are a few white daisies scattered, their petals swaying slightly in the gentle breeze.", + "COCOval2014000000509270.txt": "A vibrant yellow kite soars high in the sky, its long tail fluttering in the wind. Below it, a diverse array of other kites of various shapes and sizes fill the air, creating a colorful spectacle. The kites dance and dip against the backdrop of a clear blue sky, occasionally crossing paths as they ride the gentle breeze.", + "localized10.txt": "An intricately edited photograph captures a bustling road lined with an array of vehicles such as sleek cars, motorbikes, and bicycles. In the background, a tall concrete wall runs alongside the road, interrupted by a solitary lamppost that stands erect. Lush green trees can be seen peeking over the top of the wall, with bits of the sky and other structures subtly visible through the foliage. Various signs and billboards are also dotted along the periphery of the road, adding to the urban landscape of the scene.", + "partiprompts232.txt": "a rusted submarine lying on the sandy ocean floor, its once sleek black exterior now mottled with patches of corrosion and marine growth. The submarine's hatch is partially buried in the sediment, and schools of small, colorful fish swim in and out of the broken portholes. The surrounding waters are a deep, murky blue, with shafts of sunlight filtering down from the surface, illuminating the submarine's ghostly silhouette.", + "partiprompts192.txt": "a standard green tennis court with white boundary lines, where numerous bright yellow tennis balls are strewn across the playing surface. Surrounding the court is a tall chain-link fence, and there is a player's bench off to the side with a couple of rackets resting on it. The net is taut and stands prominently in the center of the court, casting a faint shadow on the ground.", + "partiprompts238.txt": "A warm and inviting living room featuring a plush beige couch with a colorful throw pillow. Above the couch hangs a whimsical painting of a corgi, framed in a simple black frame that contrasts with the light-colored wall. In front of the couch, a round wooden coffee table holds a clear vase filled with fresh flowers, adding a touch of nature to the space.", + "partiprompts299.txt": "A tall, leafy tree casting its reflection on the glass sunroof of a parked blue sedan. The car's glossy paintwork accentuates the tree's intricate silhouette, and the sunroof provides a clear, mirror-like surface that captures the sky and branches above. Around the vehicle, the pavement is speckled with small shadows from the tree's leaves, hinting at the calm, breezy day.", + "partiprompts201.txt": "a picturesque mountain stream with crystal clear water flowing over smooth, rounded stones. Several salmon, their scales glistening with a pinkish hue, can be seen leaping energetically from the water, attempting to navigate upstream. The banks of the stream are lined with lush green vegetation, and small wildflowers peek out from the foliage.", + "73.txt": "In the center of a dimly lit stage, a vintage green guitar with a glossy finish leans gently against a classic black amplifier. The polished wooden flooring of the stage reflects the warm, golden hue from a single spotlight above, which casts an inviting glow over the instrument. A microphone stand with a chrome finish stands to the left of the guitar, poised for the evening's performance.", + "midjourney21.txt": "a magnificent underwater sculpture depicting an angel with intricately designed wings that mimic the delicate structures of coral. The statue is positioned in a way that creates a majestic silhouette against the filtered light from above, evoking a sense of awe and mystery. This visual composition, with its dramatic upward angle and the interplay of shadow and light, brings to mind the stylistic elements associated with the cinematic aesthetics of the film \"Blade Runner 2049.\"", + "posescript1.txt": "A figure is posed dynamically, showcasing a particular stance where their left leg is bent forward, creating a powerful line, while the right leg extends straight back, as if poised for movement. The right shoulder dips forward, complementing the overall forward inclination of the torso, suggesting a sense of momentum. Both arms are positioned at angles, trailing down and back from the body to balance the posture, while the head is subtly canted to the right, adding a touch of grace to the disposition.", + "partiprompts176.txt": "An intricate piece of graffiti art depicting a robot with hues of blue and silver sprawls across a weathered brick wall. Bold, stylized letters spell out \"Fly an airplane\" just above the robot, adding a whimsical touch to the urban canvas. In front of the mural, a concrete sidewalk stretches out, with tufts of green grass stubbornly sprouting from the cracks, hinting at nature's resilience in the cityscape.", + "drawtext9.txt": "A colorful scene at the shoreline with a red crab sitting on the golden sand, beside a vibrant turquoise surfboard. The sun, resembling a massive, glowing orange orb, hangs low in the sky, which is painted with a spectrum of a rainbow's hues. Thought bubbles appear above the crab, filled with the words 'you are all that matters', hinting at a whimsical, introspective moment on this picturesque beach.", + "231.txt": "A brightly colored hot air balloon with vibrant stripes of red, yellow, and blue hangs in the clear sky, its large round shape contrasting against the fluffy white clouds. Below it, a sleek black scooter with red accents speeds along a concrete pathway, its rider leaning forward in a hurry. The balloon moves at a leisurely pace, starkly contrasting with the frenetic energy of the scooter's rapid movement on the ground.", + "partiprompts196.txt": "a standard-sized basketball hoop with a net that has seen better days, mounted against a faded red brick wall. wedged firmly within the hoop is an oversized blue rubber ball, too large to pass through the net. the ground below is a cracked concrete surface, with faded court lines barely visible.", + "localized5.txt": "Foregrounded in the image, a vibrant display of flowers, their petals ranging from a delicate pink to a deep magenta, bloom alongside green buds on slender stems. Rising majestically behind the botanical array are silhouettes of verdant trees, some houses with red-tiled roofs peeking out among them, and the faint outline of distant mountains. Above this serene landscape, the expansive sky is adorned with fluffy, white clouds drifting gently across a soft blue canvas.", + "215.txt": "A deep red rose with plush petals sits elegantly coiled atop an ivory, intricately patterned lace napkin. The napkin rests on a rustic wooden table that contributes to the charming garden setting. As the late evening sun casts a warm golden hue over the area, the shadows of surrounding foliage dance gently around the rose, enhancing the romantic ambiance. Nearby, the green leaves of the garden plants provide a fresh and verdant backdrop to the scene.", + "whoops39.txt": "In a grassy field stands a cow, its fur a patchwork of black and white, with a bright yellow megaphone attached to its red collar. The grass around its hooves is a lush green, and in the background, a wooden fence can be seen, stretching into the distance. The cow's expression is one of mild curiosity as it gazes off into the horizon, the megaphone positioned as if ready to amplify the cow's next \"moo\".", + "drawtext7.txt": "an aerial vehicle with the inscription 'helicopter tours' emblazoned along its side is captured in the action of descending onto a circular helipad that's nestled in the midst of a verdant valley. The expansive landscape surrounding it includes a meandering river, clusters of dense trees, and majestic mountains standing tall under the clear skies. Sunlight shines off the helicopter's glossy exterior, accentuating its deep blue and white colors as it prepares for a gentle touchdown.", + "COCOval2014000000403792.txt": "Two snowboarders, clad in colorful winter gear, are seated on a chairlift, their snowboards hanging below them. The lift cables stretch upward, disappearing into the distance as they ascend the snowy mountain. Around them, the landscape is dotted with pine trees and the trails carved by previous adventurers.", + "6.txt": "A majestic parrot with vibrant green, red, and blue feathers glides effortlessly across the bright blue sky. Its impressive wingspan is fully outstretched, catching the warm sunlight as it soars high above the tree line. Below, the landscape features rolling hills and patches of dense forest." +} \ No newline at end of file diff --git a/univa/eval/dpgbench/requirements.txt b/univa/eval/dpgbench/requirements.txt new file mode 100644 index 0000000000000000000000000000000000000000..ec60375eccf8b8d4c1a3a2e6f2e80f4d2ad1049a --- /dev/null +++ b/univa/eval/dpgbench/requirements.txt @@ -0,0 +1,32 @@ +accelerate +numpy +pandas +pillow +tqdm + +# for modelscope +cloudpickle +decord>=0.6.0 +diffusers +fairseq +ftfy>=6.0.3 +librosa==0.10.1 +modelscope +opencv-python +# compatible with taming-transformers-rom1504 +rapidfuzz +# rough-score was just recently updated from 0.0.4 to 0.0.7 +# which introduced compatability issues that are being investigated +rouge_score<=0.0.4 +safetensors +# scikit-video +soundfile +taming-transformers-rom1504 +tiktoken +timm +tokenizers +torchvision +transformers +transformers_stream_generator +unicodedata2 +zhconv \ No newline at end of file diff --git a/univa/eval/dpgbench/step1_gen_samples.py b/univa/eval/dpgbench/step1_gen_samples.py new file mode 100644 index 0000000000000000000000000000000000000000..6ffd256cf6a5f0d9716f465383c002bd8975b216 --- /dev/null +++ b/univa/eval/dpgbench/step1_gen_samples.py @@ -0,0 +1,248 @@ + +import sys +import os +root = os.path.abspath(os.path.join(os.path.dirname(__file__), "..", "..", "..")) +sys.path.append(root) +import json +import torch +import random +import subprocess +import numpy as np +import torch.distributed as dist +import pandas as pd +import argparse +import torch +import os +from PIL import Image +from tqdm import tqdm +import torch.distributed as dist +from qwen_vl_utils import process_vision_info +from torchvision import transforms +from transformers import AutoProcessor +from transformers import SiglipImageProcessor, SiglipVisionModel +from univa.utils.flux_pipeline import FluxPipeline +from univa.eval.configuration_eval import EvalConfig +from univa.utils.get_ocr import get_ocr_result +from univa.utils.denoiser_prompt_embedding_flux import encode_prompt +from univa.models.qwen2p5vl.modeling_univa_qwen2p5vl import UnivaQwen2p5VLForConditionalGeneration + +# adapted from https://github.com/huggingface/accelerate/blob/main/src/accelerate/utils/random.py#L31 +def set_seed(seed, rank, device_specific=True): + if device_specific: + seed += rank + random.seed(seed) + np.random.seed(seed) + torch.manual_seed(seed) + torch.cuda.manual_seed(seed) + torch.cuda.manual_seed_all(seed) + torch.backends.cudnn.deterministic = True + torch.backends.cudnn.benchmark = False + +def initialize_models(args, device): + + # Load main model and task head + model = UnivaQwen2p5VLForConditionalGeneration.from_pretrained( + args.pretrained_lvlm_name_or_path, + torch_dtype=torch.bfloat16, + attn_implementation="flash_attention_2", + ).to(device) + + processor = AutoProcessor.from_pretrained( + args.pretrained_lvlm_name_or_path, + min_pixels=args.min_pixels, + max_pixels=args.max_pixels, + ) + + # Load FLUX pipeline + pipe = FluxPipeline.from_pretrained( + args.pretrained_denoiser_name_or_path, + transformer=model.denoise_tower.denoiser, + torch_dtype=torch.bfloat16, + ).to(device) + tokenizers = [pipe.tokenizer, pipe.tokenizer_2] + text_encoders = [pipe.text_encoder, pipe.text_encoder_2] + + siglip_processor = SiglipImageProcessor.from_pretrained(args.pretrained_siglip_name_or_path) + siglip_model = SiglipVisionModel.from_pretrained( + args.pretrained_siglip_name_or_path, + torch_dtype=torch.bfloat16, + ).to(device) + + return { + 'model': model, + 'processor': processor, + 'pipe': pipe, + 'tokenizers': tokenizers, + 'text_encoders': text_encoders, + 'device': device, + 'siglip_model': siglip_model, + 'siglip_processor': siglip_processor, + } + + +def init_gpu_env(args): + local_rank = int(os.getenv('RANK', 0)) + world_size = int(os.getenv('WORLD_SIZE', 1)) + args.local_rank = local_rank + args.world_size = world_size + torch.cuda.set_device(local_rank) + dist.init_process_group( + backend='nccl', init_method='env://', + world_size=world_size, rank=local_rank + ) + return args + + +def run_model_and_return_samples(args, state, text, image1=None, image2=None): + + # Build content + convo = [] + image_paths = [] + content = [] + for img in (image1, image2): + if img: + content.append({'type':'image','image':img,'min_pixels':args.min_pixels,'max_pixels':args.max_pixels}) + image_paths.append(img) + if text: + ocr_text = '' + if args.ocr_enhancer and content: + ocr_texts = [] + for img in (image1, image2): + if img: + ocr_texts.append(get_ocr_result(img, cur_ocr_i)) + cur_ocr_i += 1 + ocr_text = '\n'.join(ocr_texts) + content.append({'type':'text','text': text + ocr_text}) + + if not args.only_use_t5: + convo.append({'role':'user','content':content}) + + # Prepare inputs + chat_text = state['processor'].apply_chat_template( + convo, + tokenize=False, + add_generation_prompt=True + ) + chat_text = '<|im_end|>\n'.join(chat_text.split('<|im_end|>\n')[1:]) + image_inputs, video_inputs = process_vision_info(convo) + inputs = state['processor']( + text=[chat_text], images=image_inputs, videos=video_inputs, + padding=True, return_tensors='pt' + ).to(state['device']) + + # Generate + # image generation pipeline + siglip_hs = None + if state['siglip_processor'] and image_paths: + vals = [state['siglip_processor'].preprocess( + images=Image.open(p).convert('RGB'), do_resize=True, + return_tensors='pt', do_convert_rgb=True + ).pixel_values.to(state['device']) + for p in image_paths] + siglip_hs = state['siglip_model'](torch.concat(vals)).last_hidden_state + + with torch.no_grad(): + lvlm = state['model']( + inputs.input_ids, pixel_values=getattr(inputs,'pixel_values',None), + attention_mask=inputs.attention_mask, + image_grid_thw=getattr(inputs,'image_grid_thw',None), + siglip_hidden_states=siglip_hs, + output_type='denoise_embeds' + ) + prm_embeds, pooled = encode_prompt( + state['text_encoders'], state['tokenizers'], + text if args.joint_with_t5 else '', 256, state['device'], 1 + ) + emb = torch.concat([lvlm, prm_embeds], dim=1) if args.joint_with_t5 else lvlm + else: + prm_embeds, pooled = encode_prompt( + state['text_encoders'], state['tokenizers'], + text, 256, state['device'], 1 + ) + emb = prm_embeds + + + with torch.no_grad(): + img = state['pipe']( + prompt_embeds=emb, + pooled_prompt_embeds=pooled, + height=args.height, + width=args.width, + num_inference_steps=args.num_inference_steps, + guidance_scale=args.guidance_scale, + num_images_per_prompt=args.num_images_per_prompt, + ).images + return img + + +def concat_image(images, save_path, args): + height = args.height + width = args.width + + # 创建一个新的空白图像,宽度和高度是单张图像的两倍 + new_image = Image.new('RGB', (width * 2, height * 2)) + + # 将四张图像粘贴到新图像的相应位置 + for index in range(4): + row = index // 2 + col = index % 2 + img = images[index] + new_image.paste(img, (col * width, row * height)) + + # 保存拼接后的图像 + new_image.save(save_path) + + +def main(args): + + args = init_gpu_env(args) + + torch.backends.cuda.matmul.allow_tf32 = False + torch.backends.cudnn.allow_tf32 = False + if args.allow_tf32: + torch.backends.cuda.matmul.allow_tf32 = True + torch.backends.cudnn.allow_tf32 = True + + set_seed(args.seed, rank=args.local_rank, device_specific=True) + device = torch.cuda.current_device() + state = initialize_models(args, device) + + if not os.path.exists(args.output_dir): + os.makedirs(args.output_dir) + + with open(args.dpgbench_prompt_path, 'r') as f: + data = list(json.load(f).items()) + data = data[args.local_rank::args.world_size] + + for filename, text_prompt in tqdm(data): + + img_name = filename.replace('.txt', '.png') + + save_path = os.path.join(args.output_dir, img_name) + if os.path.exists(save_path): + continue + + image = run_model_and_return_samples(args, state, text_prompt, image1=None, image2=None) + + concat_image(image, save_path, args) + + + +if __name__ == "__main__": + import argparse + from omegaconf import OmegaConf + + parser = argparse.ArgumentParser() + parser.add_argument("config", type=str) + parser.add_argument("--pretrained_lvlm_name_or_path", type=str, default=None, required=False) + parser.add_argument("--output_dir", type=str, default=None, required=False) + args = parser.parse_args() + + config = OmegaConf.load(args.config) + schema = OmegaConf.structured(EvalConfig) + conf = OmegaConf.merge(schema, config) + if args.pretrained_lvlm_name_or_path is not None: + assert args.output_dir is not None + conf.pretrained_lvlm_name_or_path = args.pretrained_lvlm_name_or_path + conf.output_dir = args.output_dir + main(conf) \ No newline at end of file diff --git a/univa/eval/dpgbench/step2_compute_dpg_bench.py b/univa/eval/dpgbench/step2_compute_dpg_bench.py new file mode 100644 index 0000000000000000000000000000000000000000..96965024251818f95e92d34b9745daa04455ea82 --- /dev/null +++ b/univa/eval/dpgbench/step2_compute_dpg_bench.py @@ -0,0 +1,269 @@ +import argparse +import os +import os.path as osp +import time +from collections import defaultdict + +import numpy as np +import pandas as pd +import torch +from accelerate import Accelerator +from accelerate.utils import gather_object +from PIL import Image +from tqdm import tqdm + + +def parse_args(): + parser = argparse.ArgumentParser(description="DPG-Bench evaluation.") + parser.add_argument( + "--image_root_path", + type=str, + default=None, + ) + parser.add_argument( + "--resolution", + type=int, + default=None, + ) + parser.add_argument( + "--csv", + type=str, + default='eval/eval_prompts/DPGbench/dpg_bench.csv', + ) + parser.add_argument( + "--res_path", + type=str, + default='eval/dpgbench_test/score_result/result.txt', + ) + parser.add_argument( + "--pic_num", + type=int, + default=1, + ) + parser.add_argument( + "--vqa_model", + type=str, + default='mplug', + ) + + parser.add_argument( + "--vqa_model_ckpt", + type=str, + default='/storage/hxy/t2i/opensora/Open-Sora-Plan/opensora/eval/dpgbench_test/mplug', + ) + + parser.add_argument( + "--mplug_local_path", + type=str, + default='/storage/hxy/t2i/opensora/Open-Sora-Plan/opensora/eval/dpgbench_test/mplug', + ) + + + args = parser.parse_args() + return args + + +class MPLUG(torch.nn.Module): + def __init__(self, ckpt='weight/dpgbench', device='gpu'): + super().__init__() + from modelscope.pipelines import pipeline + from modelscope.utils.constant import Tasks + self.pipeline_vqa = pipeline(Tasks.visual_question_answering, model=ckpt, device=device) + + def vqa(self, image, question): + input_vqa = {'image': image, 'question': question} + result = self.pipeline_vqa(input_vqa) + return result['text'] + +def prepare_dpg_data(args): + previous_id = '' + current_id = '' + question_dict = dict() + category_count = defaultdict(int) + # 'item_id', 'text', 'keywords', 'proposition_id', 'dependency', 'category_broad', 'category_detailed', 'tuple', 'question_natural_language' + data = pd.read_csv(args.csv) + for i, line in data.iterrows(): + if i == 0: + continue + + current_id = line.item_id + qid = int(line.proposition_id) + dependency_list_str = line.dependency.split(',') + dependency_list_int = [] + for d in dependency_list_str: + d_int = int(d.strip()) + dependency_list_int.append(d_int) + + if current_id == previous_id: + question_dict[current_id]['qid2tuple'][qid] = line.tuple + question_dict[current_id]['qid2dependency'][qid] = dependency_list_int + question_dict[current_id]['qid2question'][qid] = line.question_natural_language + else: + question_dict[current_id] = dict( + qid2tuple={qid: line.tuple}, + qid2dependency={qid: dependency_list_int}, + qid2question={qid: line.question_natural_language}) + + category = line.question_natural_language.split('(')[0].strip() + category_count[category] += 1 + + previous_id = current_id + + return question_dict + +def crop_image(input_image, crop_tuple=None): + if crop_tuple is None: + return input_image + + cropped_image = input_image.crop((crop_tuple[0], crop_tuple[1], crop_tuple[2], crop_tuple[3])) + + return cropped_image + +def compute_dpg_one_sample(args, question_dict, image_path, vqa_model, resolution): + generated_image = Image.open(image_path) + crop_tuples_list = [ + (0,0,resolution,resolution), + (resolution, 0, resolution*2, resolution), + (0, resolution, resolution, resolution*2), + (resolution, resolution, resolution*2, resolution*2), + ] + + crop_tuples = crop_tuples_list[:args.pic_num] + key = osp.basename(image_path).split('.')[0] + value = question_dict.get(key, None) + qid2tuple = value['qid2tuple'] + qid2question = value['qid2question'] + qid2dependency = value['qid2dependency'] + + qid2answer = dict() + qid2scores = dict() + qid2validity = dict() + + scores = [] + for crop_tuple in crop_tuples: + cropped_image = crop_image(generated_image, crop_tuple) + for id, question in qid2question.items(): + answer = vqa_model.vqa(cropped_image, question) + qid2answer[id] = answer + qid2scores[id] = float(answer == 'yes') + with open(args.res_path.replace('.txt', '_detail.txt'), 'a') as f: + f.write(image_path + ', ' + str(crop_tuple) + ', ' + question + ', ' + answer + '\n') + qid2scores_orig = qid2scores.copy() + + for id, parent_ids in qid2dependency.items(): + # zero-out scores if parent questions are answered 'no' + any_parent_answered_no = False + for parent_id in parent_ids: + if parent_id == 0: + continue + if qid2scores[parent_id] == 0: + any_parent_answered_no = True + break + if any_parent_answered_no: + qid2scores[id] = 0 + qid2validity[id] = False + else: + qid2validity[id] = True + + score = sum(qid2scores.values()) / len(qid2scores) + scores.append(score) + average_score = sum(scores) / len(scores) + with open(args.res_path, 'a') as f: + f.write(image_path + ', ' + ', '.join(str(i) for i in scores) + ', ' + str(average_score) + '\n') + + return average_score, qid2tuple, qid2scores_orig + + +def main(): + args = parse_args() + + accelerator = Accelerator() + + question_dict = prepare_dpg_data(args) + + timestamp = time.time() + time_array = time.localtime(timestamp) + time_style = time.strftime("%Y%m%d-%H%M%S", time_array) + if args.res_path is None: + args.res_path = osp.join(args.image_root_path, f'dpg-bench_{time_style}_results.txt') + if accelerator.is_main_process: + with open(args.res_path, 'w') as f: + pass + with open(args.res_path.replace('.txt', '_detail.txt'), 'w') as f: + pass + + device = str(accelerator.device) + if args.vqa_model == 'mplug': + vqa_model = MPLUG(args.mplug_local_path, device=device) + else: + raise NotImplementedError + vqa_model = accelerator.prepare(vqa_model) + vqa_model = getattr(vqa_model, 'module', vqa_model) + + filename_list = os.listdir(args.image_root_path) + num_each_rank = len(filename_list) / accelerator.num_processes + local_rank = accelerator.process_index + local_filename_list = filename_list[round(local_rank * num_each_rank) : round((local_rank + 1) * num_each_rank)] + + local_scores = [] + local_category2scores = defaultdict(list) + model_id = osp.basename(args.image_root_path) + print(f'Start to conduct evaluation of {model_id}') + for fn in tqdm(local_filename_list): + image_path = osp.join(args.image_root_path, fn) + try: + # compute score of one sample + score, qid2tuple, qid2scores = compute_dpg_one_sample( + args=args, question_dict=question_dict, image_path=image_path, vqa_model=vqa_model, resolution=args.resolution) + local_scores.append(score) + + # summarize scores by categoris + for qid in qid2tuple.keys(): + category = qid2tuple[qid].split('(')[0].strip() + qid_score = qid2scores[qid] + local_category2scores[category].append(qid_score) + + except Exception as e: + print('Failed filename:', fn, e) + continue + + accelerator.wait_for_everyone() + global_dpg_scores = gather_object(local_scores) + mean_dpg_score = np.mean(global_dpg_scores) + + global_categories = gather_object(list(local_category2scores.keys())) + global_categories = set(global_categories) + global_category2scores = dict() + global_average_scores = [] + for category in global_categories: + local_category_scores = local_category2scores.get(category, []) + global_category2scores[category] = gather_object(local_category_scores) + global_average_scores.extend(gather_object(local_category_scores)) + + global_category2scores_l1 = defaultdict(list) + for category in global_categories: + l1_category = category.split('-')[0].strip() + global_category2scores_l1[l1_category].extend(global_category2scores[category]) + + time.sleep(3) + if accelerator.is_main_process: + output = f'Model: {model_id}\n' + + output += 'L1 category scores:\n' + for l1_category in global_category2scores_l1.keys(): + output += f'\t{l1_category}: {np.mean(global_category2scores_l1[l1_category]) * 100}\n' + + output += 'L2 category scores:\n' + for category in sorted(global_categories): + output += f'\t{category}: {np.mean(global_category2scores[category]) * 100}\n' + + output += f'Image path: {args.image_root_path}\n' + output += f'Save results to: {args.res_path}\n' + output += f'DPG-Bench score: {mean_dpg_score * 100}' + with open(args.res_path, 'a') as f: + f.write(output + '\n') + print(output) + + +if __name__ == "__main__": + main() diff --git a/univa/eval/gedit/README.md b/univa/eval/gedit/README.md new file mode 100644 index 0000000000000000000000000000000000000000..255faa918a86b9b349d81caf33441628557c65a4 --- /dev/null +++ b/univa/eval/gedit/README.md @@ -0,0 +1,71 @@ + +The original code is from [GEdit-Bench](https://github.com/stepfun-ai/Step1X-Edit/blob/main/GEdit-Bench/EVAL.md). + +## Requirements and Installation + +``` +pip install megfile openai +``` + +## Prepare Source Images +Prepare the original image and metadata json following the example code in `step0_generate_image_example.py` + +```bash +GEDIT_ASSET="/path/to/gedit_asset" +python step0_prepare_gedit.py --save_path ${GEDIT_ASSET} --json_file_path gedit_edit.json +``` + +The file directory structure of the original image: +```folder +${GEDIT_ASSET}/ +│ └── fullset/ +│ └── edit_task/ +│ ├── cn/ # Chinese instructions +│ │ ├── key1.png +│ │ ├── key2.png +│ │ └── ... +│ └── en/ # English instructions +│ ├── key1.png +│ ├── key2.png +│ └── ... +``` + +## Eval + + +### Generate samples + +```bash +# switch to univa env +MODEL_PATH='path/to/model' +OUTPUT_DIR='path/to/eval_output/gedit' +CUDA_VISIBLE_DEVICES=0,1,2,3,4,5,6,7 torchrun \ + --nproc_per_node 8 \ + -m step1_gen_samples \ + gedit.yaml \ + --pretrained_lvlm_name_or_path ${MODEL_PATH} \ + --output_dir ${OUTPUT_DIR} +``` + +### Evaluation + +Write your gpt-api-key to `secret_t2.env`. + +```bash +IMAGE_DIR=${OUTPUT_DIR} +python step2_gedit_bench.py \ + --model_name UniWorld \ + --save_path ${IMAGE_DIR} \ + --backbone gpt4o \ + --source_path ${GEDIT_ASSET} +``` + +### Summary +```bash +python step3_calculate_statistics.py \ + --model_name UniWorld \ + --save_path ${IMAGE_DIR} \ + --backbone gpt4o \ + --language en > ${IMAGE_DIR}.txt +cat ${IMAGE_DIR}.txt +``` diff --git a/univa/eval/gedit/__init__.py b/univa/eval/gedit/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/univa/eval/gedit/gedit.yaml b/univa/eval/gedit/gedit.yaml new file mode 100644 index 0000000000000000000000000000000000000000..eb8a3f05e58431e6561fe281fb71af41669fdb58 --- /dev/null +++ b/univa/eval/gedit/gedit.yaml @@ -0,0 +1,20 @@ +pretrained_lvlm_name_or_path: /mnt/data/lb/Remake/UniWorld//checkpoints/flux_qwen2p5vl_7b_vlm_mlp_siglip_stage2_ts_1024_bs42x8x1_fa_any_11ratio_ema999_ocr_adamw_t5_1p0_lr5e-6_mask_refstyle_extract/checkpoint-20000/model_ema +pretrained_denoiser_name_or_path: /mnt/data/checkpoints/black-forest-labs/FLUX.1-dev/ +pretrained_siglip_name_or_path: /mnt/data/checkpoints/google/siglip2-so400m-patch16-512 +joint_with_t5: false + +seed: 42 +allow_tf32: false + +output_dir: /mnt/data/lb/Remake/UniWorld//eval_output/gedit + +num_images_per_prompt: 1 +num_inference_steps: 28 +guidance_scale: 3.5 +height: 1024 +width: 1024 + +gedit_prompt_path: gedit_edit.json +gedit_image_dir: /mnt/data/lb/Remake/gedit_bench_eval_images +resized_height: 1024 +resized_width: 1024 \ No newline at end of file diff --git a/univa/eval/gedit/gedit_edit.json b/univa/eval/gedit/gedit_edit.json new file mode 100644 index 0000000000000000000000000000000000000000..eafe5be4921807e7c24a77a9b1da5c4e72690065 --- /dev/null +++ b/univa/eval/gedit/gedit_edit.json @@ -0,0 +1,3022 @@ +{ + "4a7d36259ad94d238a6e7e7e0bd6b643": { + "prompt": "Change the background to a city street.", + "id": "fullset/background_change/en/4a7d36259ad94d238a6e7e7e0bd6b643.png", + "edit_type": "background_change" + }, + "05040717fb0f2ac80083ef81ee206ace": { + "prompt": "Change the background to a forest.", + "id": "fullset/background_change/en/05040717fb0f2ac80083ef81ee206ace.png", + "edit_type": "background_change" + }, + "a76982639289faf26edf18a86d68ebf8": { + "prompt": "Change the background to a green grassland.", + "id": "fullset/background_change/en/a76982639289faf26edf18a86d68ebf8.png", + "edit_type": "background_change" + }, + "57288ae252f43831390e2121a84b1780": { + "prompt": "Adjust the background to a beach.", + "id": "fullset/background_change/en/57288ae252f43831390e2121a84b1780.png", + "edit_type": "background_change" + }, + "bf2905a10d5da2ad897ef159eadc1821": { + "prompt": "Change the background to a forest.", + "id": "fullset/background_change/en/bf2905a10d5da2ad897ef159eadc1821.png", + "edit_type": "background_change" + }, + "9b1b4768e51e99840785cc5b0f05ce8f": { + "prompt": "Adjust the background to a garden.", + "id": "fullset/background_change/en/9b1b4768e51e99840785cc5b0f05ce8f.png", + "edit_type": "background_change" + }, + "2154828b5213504b358697eac664f3c0": { + "prompt": "Adjust the background to a forest.", + "id": "fullset/background_change/en/2154828b5213504b358697eac664f3c0.png", + "edit_type": "background_change" + }, + "544c9de690f114560ab4e28f6c6bbf44": { + "prompt": "Adjust the background to a concrete ground.", + "id": "fullset/background_change/en/544c9de690f114560ab4e28f6c6bbf44.png", + "edit_type": "background_change" + }, + "c44b1ef6dd9d2d1f0e1168b848af3ca6": { + "prompt": "Adjust the background to a snowy field.", + "id": "fullset/background_change/en/c44b1ef6dd9d2d1f0e1168b848af3ca6.png", + "edit_type": "background_change" + }, + "ce13a98a496fe366099ea1d9894bd1a8": { + "prompt": "Change the background to high mountains.", + "id": "fullset/background_change/en/ce13a98a496fe366099ea1d9894bd1a8.png", + "edit_type": "background_change" + }, + "ba8c75293f0f60353f6afb4b76e7eda0": { + "prompt": "Adjust the background to the ocean.", + "id": "fullset/background_change/en/ba8c75293f0f60353f6afb4b76e7eda0.png", + "edit_type": "background_change" + }, + "f17eaba1650c7320694dd8a5493361b8": { + "prompt": "Adjust the background to a glass wall.", + "id": "fullset/background_change/en/f17eaba1650c7320694dd8a5493361b8.png", + "edit_type": "background_change" + }, + "b53d1d3a0534e61965bfa36b30cf1fb8": { + "prompt": "Change the background to a city street.", + "id": "fullset/background_change/en/b53d1d3a0534e61965bfa36b30cf1fb8.png", + "edit_type": "background_change" + }, + "5879c4a5f276467de24f47fc927d482f": { + "prompt": "Adjust the background to a desert.", + "id": "fullset/background_change/en/5879c4a5f276467de24f47fc927d482f.png", + "edit_type": "background_change" + }, + "e88625bb04f622bf73a13e76e47c405b": { + "prompt": "Adjust the background to a city.", + "id": "fullset/background_change/en/e88625bb04f622bf73a13e76e47c405b.png", + "edit_type": "background_change" + }, + "c29e28b92d10e4b4beb0a6b9517c215a": { + "prompt": "Change the background to the entrance of a Japanese shrine.", + "id": "fullset/background_change/en/c29e28b92d10e4b4beb0a6b9517c215a.png", + "edit_type": "background_change" + }, + "9077c3f99adb28dcdea8c9b877662e5e": { + "prompt": "Change the background to an indoor setting.", + "id": "fullset/background_change/en/9077c3f99adb28dcdea8c9b877662e5e.png", + "edit_type": "background_change" + }, + "2c1d322cb7c60b1de8d0a17cc97b7c1b": { + "prompt": "Please generate an ID photo of me based on this picture.", + "id": "fullset/background_change/en/2c1d322cb7c60b1de8d0a17cc97b7c1b.png", + "edit_type": "background_change" + }, + "0f385bcff859231789a9c978cafecc2a": { + "prompt": "Change the background to a starry sky.", + "id": "fullset/background_change/en/0f385bcff859231789a9c978cafecc2a.png", + "edit_type": "background_change" + }, + "f7d391ffa970e18fc8393888295899f8": { + "prompt": "Change the background to the ocean.", + "id": "fullset/background_change/en/f7d391ffa970e18fc8393888295899f8.png", + "edit_type": "background_change" + }, + "99fd6314476a4af7cd75dd0a377f1ae5": { + "prompt": "Modify this photo to be set in a desert.", + "id": "fullset/background_change/en/99fd6314476a4af7cd75dd0a377f1ae5.png", + "edit_type": "background_change" + }, + "641cffb62276b86f154dfe64704b0411": { + "prompt": "Change the background to a lingerie store, in a panoramic view, keeping the person in the original image unchanged.", + "id": "fullset/background_change/en/641cffb62276b86f154dfe64704b0411.png", + "edit_type": "background_change" + }, + "42072aa83c4cbeed62276c45e61f42a2": { + "prompt": "Change the background to a spring park while keeping the person unchanged.", + "id": "fullset/background_change/en/42072aa83c4cbeed62276c45e61f42a2.png", + "edit_type": "background_change" + }, + "806f4a1d864636f48a994032447bb5a8": { + "prompt": "Remove the background for me.", + "id": "fullset/background_change/en/806f4a1d864636f48a994032447bb5a8.png", + "edit_type": "background_change" + }, + "165533290b7c205b0dd34d1053716dcb": { + "prompt": "Replace the sky in this image with blue skies and white clouds.", + "id": "fullset/background_change/en/165533290b7c205b0dd34d1053716dcb.png", + "edit_type": "background_change" + }, + "da491710942a88d0dd2059ec7d7e9ee6": { + "prompt": "Change the background of this image to Tiananmen Square.", + "id": "fullset/background_change/en/da491710942a88d0dd2059ec7d7e9ee6.png", + "edit_type": "background_change" + }, + "6357040e1522d2a852370b22e2b95300": { + "prompt": "Change the background to Mount Everest.", + "id": "fullset/background_change/en/6357040e1522d2a852370b22e2b95300.png", + "edit_type": "background_change" + }, + "05f80c40aa6ffd99a171a49fa43f7472": { + "prompt": "Edit the background to be Shanghai's Bund.", + "id": "fullset/background_change/en/05f80c40aa6ffd99a171a49fa43f7472.png", + "edit_type": "background_change" + }, + "d5ca6ec7c3a7e2091afdbb852beb67a0": { + "prompt": "Change the background to a cartoon park.", + "id": "fullset/background_change/en/d5ca6ec7c3a7e2091afdbb852beb67a0.png", + "edit_type": "background_change" + }, + "8ba1bc01568c11eb76e62b73a24b337f": { + "prompt": "Change the background to the sea.", + "id": "fullset/background_change/en/8ba1bc01568c11eb76e62b73a24b337f.png", + "edit_type": "background_change" + }, + "dae31be23abd02a042bbf9c3a0a2ed80": { + "prompt": "Replace the background with a sunny landscape, ensuring the person's appearance and posture remain unchanged, with golden sunlight shining on trees and grass.", + "id": "fullset/background_change/en/dae31be23abd02a042bbf9c3a0a2ed80.png", + "edit_type": "background_change" + }, + "218747d7f3c9ce2eaef0ea3083362626": { + "prompt": "Change the background to a nighttime cityscape.", + "id": "fullset/background_change/en/218747d7f3c9ce2eaef0ea3083362626.png", + "edit_type": "background_change" + }, + "fe6029dda8b7663108393a7fbd5a7a48": { + "prompt": "Modify the background to be filled with blooming flowers.", + "id": "fullset/background_change/en/fe6029dda8b7663108393a7fbd5a7a48.png", + "edit_type": "background_change" + }, + "5f04fd7528d090db1347c36c9e1ca89f": { + "prompt": "Please change the background wall to a green forest with high mountains, bright sunlight, and distant flying birds.", + "id": "fullset/background_change/en/5f04fd7528d090db1347c36c9e1ca89f.png", + "edit_type": "background_change" + }, + "267512f5681adb18375d3efad1f10228": { + "prompt": "Can you remove the background from this image? Only keep the Superman figure.", + "id": "fullset/background_change/en/267512f5681adb18375d3efad1f10228.png", + "edit_type": "background_change" + }, + "1e6d1fa7e02689ee2409aa686132cab1": { + "prompt": "Change to a sorrowful background.", + "id": "fullset/background_change/en/1e6d1fa7e02689ee2409aa686132cab1.png", + "edit_type": "background_change" + }, + "1008256303fc5fc6ef56efccf12da5da": { + "prompt": "Replace the background with a soccer field.", + "id": "fullset/background_change/en/1008256303fc5fc6ef56efccf12da5da.png", + "edit_type": "background_change" + }, + "23e79f182ac8892ca79e343e987f147c": { + "prompt": "Change the background to the interior of a spaceship.", + "id": "fullset/background_change/en/23e79f182ac8892ca79e343e987f147c.png", + "edit_type": "background_change" + }, + "09e1f235d3d395c3aff0fd36ec3dd034": { + "prompt": "Add some snow to the background.", + "id": "fullset/background_change/en/09e1f235d3d395c3aff0fd36ec3dd034.png", + "edit_type": "background_change" + }, + "214f8945db17cd0bf5c4b043408de0d0": { + "prompt": "Change the background of this photo to a traditional Chinese landscape painting.", + "id": "fullset/background_change/en/214f8945db17cd0bf5c4b043408de0d0.png", + "edit_type": "background_change" + }, + "0d6038e1736440c2fb8384b4bf495e13": { + "prompt": "change the color of umbrellas to brown", + "id": "fullset/color_alter/en/0d6038e1736440c2fb8384b4bf495e13.png", + "edit_type": "color_alter" + }, + "981afb942cdf3cbacf7614f47ff21b2d": { + "prompt": "change the color of goat to yellow", + "id": "fullset/color_alter/en/981afb942cdf3cbacf7614f47ff21b2d.png", + "edit_type": "color_alter" + }, + "61c156a2c97fee9424bbb0f13fa2c5f8": { + "prompt": "change the color of fire hydrant to lavender", + "id": "fullset/color_alter/en/61c156a2c97fee9424bbb0f13fa2c5f8.png", + "edit_type": "color_alter" + }, + "174b49f45ca4ff5d1d3ea06096b78e57": { + "prompt": "change the color of elephant to pink", + "id": "fullset/color_alter/en/174b49f45ca4ff5d1d3ea06096b78e57.png", + "edit_type": "color_alter" + }, + "f437c7392b76ded921a0abc243f81290": { + "prompt": "change the color of couch to yellow", + "id": "fullset/color_alter/en/f437c7392b76ded921a0abc243f81290.png", + "edit_type": "color_alter" + }, + "fe29684864bbb7bd408bf2235acdfa4a": { + "prompt": "change the color of horses to violet", + "id": "fullset/color_alter/en/fe29684864bbb7bd408bf2235acdfa4a.png", + "edit_type": "color_alter" + }, + "a4ca581574347248e1762c4987c931aa": { + "prompt": "Alter the color of bus to lime", + "id": "fullset/color_alter/en/a4ca581574347248e1762c4987c931aa.png", + "edit_type": "color_alter" + }, + "00644e09e285f614bbfae5883328b4df": { + "prompt": "alter the color of the mirror frame to orange.", + "id": "fullset/color_alter/en/00644e09e285f614bbfae5883328b4df.png", + "edit_type": "color_alter" + }, + "fb71870e760822d8674699ceb7034449": { + "prompt": "alter the color of plane to pink", + "id": "fullset/color_alter/en/fb71870e760822d8674699ceb7034449.png", + "edit_type": "color_alter" + }, + "4e80301c1139c647487f06abf0596e0d": { + "prompt": "change the color of bear to black", + "id": "fullset/color_alter/en/4e80301c1139c647487f06abf0596e0d.png", + "edit_type": "color_alter" + }, + "f32d0e13e862622da612225a17b9db2c": { + "prompt": "change the color of jacket to purple", + "id": "fullset/color_alter/en/f32d0e13e862622da612225a17b9db2c.png", + "edit_type": "color_alter" + }, + "de24af54e090d3a53ca853945816f0eb": { + "prompt": "change the color of sheep to purple", + "id": "fullset/color_alter/en/de24af54e090d3a53ca853945816f0eb.png", + "edit_type": "color_alter" + }, + "c66920936a630590e1328a56b2d6f08c": { + "prompt": "change the color of man to pink", + "id": "fullset/color_alter/en/c66920936a630590e1328a56b2d6f08c.png", + "edit_type": "color_alter" + }, + "eaec3869433bbce38928002406a3580e": { + "prompt": "alter the color of clocks to brown", + "id": "fullset/color_alter/en/eaec3869433bbce38928002406a3580e.png", + "edit_type": "color_alter" + }, + "bfdbf8372bc32e04bf6d6d0e692fdbf4": { + "prompt": "change the color of bird to tan", + "id": "fullset/color_alter/en/bfdbf8372bc32e04bf6d6d0e692fdbf4.png", + "edit_type": "color_alter" + }, + "41fbe7550d337d07d030b308f2099d1f": { + "prompt": "alter the color of doughnut to silver", + "id": "fullset/color_alter/en/41fbe7550d337d07d030b308f2099d1f.png", + "edit_type": "color_alter" + }, + "f75869d17b9c7a8770ad0658843bed85": { + "prompt": "change the color of suit cases to silver", + "id": "fullset/color_alter/en/f75869d17b9c7a8770ad0658843bed85.png", + "edit_type": "color_alter" + }, + "aa027d2c15403d4027f71ea4da0a93f1": { + "prompt": "turn the color of dog to pink", + "id": "fullset/color_alter/en/aa027d2c15403d4027f71ea4da0a93f1.png", + "edit_type": "color_alter" + }, + "b94ccee6f986cf0fddb523eaae04bdfa": { + "prompt": "change the color of shirt to gray", + "id": "fullset/color_alter/en/b94ccee6f986cf0fddb523eaae04bdfa.png", + "edit_type": "color_alter" + }, + "3b496f697bda6811d4e0d1c5d618d6b8": { + "prompt": "change the color of cake to green", + "id": "fullset/color_alter/en/3b496f697bda6811d4e0d1c5d618d6b8.png", + "edit_type": "color_alter" + }, + "3213cacb8b48889d0b13a019248528f5": { + "prompt": "Change the tie to black.", + "id": "fullset/color_alter/en/3213cacb8b48889d0b13a019248528f5.png", + "edit_type": "color_alter" + }, + "875cd6dbdbcc7a153cf1f62bb101a9e0": { + "prompt": "Change the car body to a sports car style, and make it purple.", + "id": "fullset/color_alter/en/875cd6dbdbcc7a153cf1f62bb101a9e0.png", + "edit_type": "color_alter" + }, + "60f8efd12b9e6e1db076d0ce71592eed": { + "prompt": "Change this image to a white background.", + "id": "fullset/color_alter/en/60f8efd12b9e6e1db076d0ce71592eed.png", + "edit_type": "color_alter" + }, + "43bcfbd5afb5d12f74b43e33f13559f8": { + "prompt": "Change the car body color to blue.", + "id": "fullset/color_alter/en/43bcfbd5afb5d12f74b43e33f13559f8.png", + "edit_type": "color_alter" + }, + "69d1ef2ac7a987ce31e0aa2d9e96beea": { + "prompt": "Change the tablecloth color to bright red.", + "id": "fullset/color_alter/en/69d1ef2ac7a987ce31e0aa2d9e96beea.png", + "edit_type": "color_alter" + }, + "a70494ecea4bb3610fe41e5e5efe1033": { + "prompt": "Modify this image, changing the wall color to dark gray.", + "id": "fullset/color_alter/en/a70494ecea4bb3610fe41e5e5efe1033.png", + "edit_type": "color_alter" + }, + "bc659e44391c92449841e3cd72dcd17b": { + "prompt": "Make her hair shorter and darker, black.", + "id": "fullset/color_alter/en/bc659e44391c92449841e3cd72dcd17b.png", + "edit_type": "color_alter" + }, + "37c16adc232e505fc6f0d6747d10e8f1": { + "prompt": "Change the color of the stockings.", + "id": "fullset/color_alter/en/37c16adc232e505fc6f0d6747d10e8f1.png", + "edit_type": "color_alter" + }, + "d0f17abfafec6172c241aa7ef30278a0": { + "prompt": "Change the bed curtain color to dark gray.", + "id": "fullset/color_alter/en/d0f17abfafec6172c241aa7ef30278a0.png", + "edit_type": "color_alter" + }, + "8c541c8aaed6d5a8eb2d86162d39d01b": { + "prompt": "Change the background of the image to light sea color, with a gold border.", + "id": "fullset/color_alter/en/8c541c8aaed6d5a8eb2d86162d39d01b.png", + "edit_type": "color_alter" + }, + "104b3d9a195e2d012f07aa18a286c487": { + "prompt": "Invert the colors of the image.", + "id": "fullset/color_alter/en/104b3d9a195e2d012f07aa18a286c487.png", + "edit_type": "color_alter" + }, + "65e5510e9ed8036376e16afe77f8860e": { + "prompt": "Change the hair of the person in the photo to yellow.", + "id": "fullset/color_alter/en/65e5510e9ed8036376e16afe77f8860e.png", + "edit_type": "color_alter" + }, + "87e9e81f29177023a7b988b5557d5d3d": { + "prompt": "Change this bag to red.", + "id": "fullset/color_alter/en/87e9e81f29177023a7b988b5557d5d3d.png", + "edit_type": "color_alter" + }, + "90c511de3025169322c026d5f7ed209b": { + "prompt": "Adjust this to a white background ID photo.", + "id": "fullset/color_alter/en/90c511de3025169322c026d5f7ed209b.png", + "edit_type": "color_alter" + }, + "d87fe55d649a02fa15881364ab671351": { + "prompt": "Retouch this photo, making the hair platinum blonde, improving the hairstyle at the ends, and making the fireworks more brilliant and colorful.", + "id": "fullset/color_alter/en/d87fe55d649a02fa15881364ab671351.png", + "edit_type": "color_alter" + }, + "4023c8e2e8a992a6768b47f1946d0027": { + "prompt": "Can you change the wall color to yellow?", + "id": "fullset/color_alter/en/4023c8e2e8a992a6768b47f1946d0027.png", + "edit_type": "color_alter" + }, + "939aadbf02607ea772e7c214d0cbc0e1": { + "prompt": "Change the clothing to pink.", + "id": "fullset/color_alter/en/939aadbf02607ea772e7c214d0cbc0e1.png", + "edit_type": "color_alter" + }, + "e153b93ffb578c1939739628bad3c7a9": { + "prompt": "Change this avatar to a blue color tone while keeping the content the same.", + "id": "fullset/color_alter/en/e153b93ffb578c1939739628bad3c7a9.png", + "edit_type": "color_alter" + }, + "eeab5f9b2f3a62deb674c7bc6af021fb": { + "prompt": "Change the car body color to gray.", + "id": "fullset/color_alter/en/eeab5f9b2f3a62deb674c7bc6af021fb.png", + "edit_type": "color_alter" + }, + "1711b0f26ae0d35b6b33b0cd8fd2a6dc": { + "prompt": "Change the bed sheet color to sky blue.", + "id": "fullset/color_alter/en/1711b0f26ae0d35b6b33b0cd8fd2a6dc.png", + "edit_type": "color_alter" + }, + "f521449fb89e5ded1f4ff725785d01b8": { + "prompt": "Change the hat\u2019s material to foam plastic.", + "id": "fullset/material_alter/en/f521449fb89e5ded1f4ff725785d01b8.png", + "edit_type": "material_alter" + }, + "da8a0c7926b0c53a2c01c3a28e79a2ef": { + "prompt": "Replace the bench\u2019s material with marble.", + "id": "fullset/material_alter/en/da8a0c7926b0c53a2c01c3a28e79a2ef.png", + "edit_type": "material_alter" + }, + "3df4fa90ddbeb16bfac10ede96f31262": { + "prompt": "Craft the ram with fine ceramic.", + "id": "fullset/material_alter/en/3df4fa90ddbeb16bfac10ede96f31262.png", + "edit_type": "material_alter" + }, + "c18278ee2b0b3d8bd18c5279f4a8c636": { + "prompt": "Change the hat\u2019s material to paper.", + "id": "fullset/material_alter/en/c18278ee2b0b3d8bd18c5279f4a8c636.png", + "edit_type": "material_alter" + }, + "cc99cdd8f171dfacc44cddb50b690743": { + "prompt": "Reshape the kitten using clay.", + "id": "fullset/material_alter/en/cc99cdd8f171dfacc44cddb50b690743.png", + "edit_type": "material_alter" + }, + "611ae6fbc57a2b364325650954b21510": { + "prompt": "Replace the computer's casing with bamboo fiber composite.", + "id": "fullset/material_alter/en/611ae6fbc57a2b364325650954b21510.png", + "edit_type": "material_alter" + }, + "0f6baa8d76c35f11200abb099692ed18": { + "prompt": "Change the bear\u2019s material to glass.", + "id": "fullset/material_alter/en/0f6baa8d76c35f11200abb099692ed18.png", + "edit_type": "material_alter" + }, + "9d76287b0d48bcff3cdff69b198f569e": { + "prompt": "Reconstruct the bus body with solid wood panels.", + "id": "fullset/material_alter/en/9d76287b0d48bcff3cdff69b198f569e.png", + "edit_type": "material_alter" + }, + "b83c07d09b8a5e602e152dbb6f0271d1": { + "prompt": "Change the plane's material to feathers.", + "id": "fullset/material_alter/en/b83c07d09b8a5e602e152dbb6f0271d1.png", + "edit_type": "material_alter" + }, + "625a9a448c17aecb16dce5b0da3075a6": { + "prompt": "Transform the donut\u2019s material into aluminum foil.", + "id": "fullset/material_alter/en/625a9a448c17aecb16dce5b0da3075a6.png", + "edit_type": "material_alter" + }, + "ca3b53a53971b0ad08476eeb10803df0": { + "prompt": "Make the chair entirely from bone china.", + "id": "fullset/material_alter/en/ca3b53a53971b0ad08476eeb10803df0.png", + "edit_type": "material_alter" + }, + "5098e702ebab84dc41c1ec86a937bfb2": { + "prompt": "Change the zebra\u2019s material to concrete.", + "id": "fullset/material_alter/en/5098e702ebab84dc41c1ec86a937bfb2.png", + "edit_type": "material_alter" + }, + "d2a394c05802831288e0a592d3e28169": { + "prompt": "Build the horse using red bricks.", + "id": "fullset/material_alter/en/d2a394c05802831288e0a592d3e28169.png", + "edit_type": "material_alter" + }, + "59c7d7b4c69afb3117e9b53eb4893c4d": { + "prompt": "Change the doll\u2019s material to cotton fabric.", + "id": "fullset/material_alter/en/59c7d7b4c69afb3117e9b53eb4893c4d.png", + "edit_type": "material_alter" + }, + "46090cab325a6d4ac10ced9b95dbcad7": { + "prompt": "Make the sheep from jade.", + "id": "fullset/material_alter/en/46090cab325a6d4ac10ced9b95dbcad7.png", + "edit_type": "material_alter" + }, + "5dbff1a3b7d1fb890b72cef2f711a2ac": { + "prompt": "Craft the cat using cloisonn\u00e9 enamel.", + "id": "fullset/material_alter/en/5dbff1a3b7d1fb890b72cef2f711a2ac.png", + "edit_type": "material_alter" + }, + "9612c74ec7892a39867e992d0d806314": { + "prompt": "Change the toilet\u2019s material to aluminum foil.", + "id": "fullset/material_alter/en/9612c74ec7892a39867e992d0d806314.png", + "edit_type": "material_alter" + }, + "522ca43195a09cb195944e4154fb3286": { + "prompt": "Make the seagull from resin.", + "id": "fullset/material_alter/en/522ca43195a09cb195944e4154fb3286.png", + "edit_type": "material_alter" + }, + "c0b82d5df485c7cbec00d9190adf0f55": { + "prompt": "Mold the bed frame from high-strength plaster.", + "id": "fullset/material_alter/en/c0b82d5df485c7cbec00d9190adf0f55.png", + "edit_type": "material_alter" + }, + "a1e647285bd94edb240a412737354b02": { + "prompt": "Construct the elephant from bricks.", + "id": "fullset/material_alter/en/a1e647285bd94edb240a412737354b02.png", + "edit_type": "material_alter" + }, + "f93b1dd57b6a8791c872be6221c66dd0": { + "prompt": "Replace the sword in the image with a diamond sword.", + "id": "fullset/material_alter/en/f93b1dd57b6a8791c872be6221c66dd0.png", + "edit_type": "material_alter" + }, + "95368925f9384e28535aea893b6add55": { + "prompt": "Turn the bag stand into a glass counter.", + "id": "fullset/material_alter/en/95368925f9384e28535aea893b6add55.png", + "edit_type": "material_alter" + }, + "6dc67bf92a79edb4f966836df4252145": { + "prompt": "Sculpt the ice cream from jade.", + "id": "fullset/material_alter/en/6dc67bf92a79edb4f966836df4252145.png", + "edit_type": "material_alter" + }, + "df4b227669a0c09e007e063781385cc5": { + "prompt": "Change the hat\u2019s material to wood.", + "id": "fullset/material_alter/en/df4b227669a0c09e007e063781385cc5.png", + "edit_type": "material_alter" + }, + "db87dca6363b0c1afd3246ab8fcfe5d7": { + "prompt": "Replace the doctor's coat with a Merino wool sweater.", + "id": "fullset/material_alter/en/db87dca6363b0c1afd3246ab8fcfe5d7.png", + "edit_type": "material_alter" + }, + "7078f382f1fc25aeb48cbcd6dddd9c78": { + "prompt": "Reconstruct the tower structure using a cast iron framework.", + "id": "fullset/material_alter/en/7078f382f1fc25aeb48cbcd6dddd9c78.png", + "edit_type": "material_alter" + }, + "6db0677c1fa5b1a266e9c078d5cb175d": { + "prompt": "Make the clothing fabric from premium linen.", + "id": "fullset/material_alter/en/6db0677c1fa5b1a266e9c078d5cb175d.png", + "edit_type": "material_alter" + }, + "66fbc2d25acbb4b6542ba627c365bd4f": { + "prompt": "Craft the outerwear from full-grain calfskin leather.", + "id": "fullset/material_alter/en/66fbc2d25acbb4b6542ba627c365bd4f.png", + "edit_type": "material_alter" + }, + "1e863624d729f3c358964626ad4612bc": { + "prompt": "Upgrade the necklace\u2019s material to 999 pure gold.", + "id": "fullset/material_alter/en/1e863624d729f3c358964626ad4612bc.png", + "edit_type": "material_alter" + }, + "ac38191337c2f53c46b131624c789abc": { + "prompt": "Replace the tabletop with imported Italian marble.", + "id": "fullset/material_alter/en/ac38191337c2f53c46b131624c789abc.png", + "edit_type": "material_alter" + }, + "73875335f42e4154ece47b4a4fafd83e": { + "prompt": "Swap the background plants for woven rattan.", + "id": "fullset/material_alter/en/73875335f42e4154ece47b4a4fafd83e.png", + "edit_type": "material_alter" + }, + "43e8fede0b26141d75c64c1f03bfc96e": { + "prompt": "Change the clothing\u2019s material to foam.", + "id": "fullset/material_alter/en/43e8fede0b26141d75c64c1f03bfc96e.png", + "edit_type": "material_alter" + }, + "d7380515285d80a58ff567863809c8f4": { + "prompt": "Replace with jade.", + "id": "fullset/material_alter/en/d7380515285d80a58ff567863809c8f4.png", + "edit_type": "material_alter" + }, + "19e8dce7f4aa1758502870d9ae8a919b": { + "prompt": "Change the stone platform to rubber.", + "id": "fullset/material_alter/en/19e8dce7f4aa1758502870d9ae8a919b.png", + "edit_type": "material_alter" + }, + "5b3a45f95245e83201a46866e71df0c9": { + "prompt": "Turn the puppy into clay.", + "id": "fullset/material_alter/en/5b3a45f95245e83201a46866e71df0c9.png", + "edit_type": "material_alter" + }, + "dd0e86152b637efa3cc71b41fb8aaddc": { + "prompt": "Create a rubber-textured turtle identical to this one.", + "id": "fullset/material_alter/en/dd0e86152b637efa3cc71b41fb8aaddc.png", + "edit_type": "material_alter" + }, + "db8e18433b727737610cb3d8b71f4690": { + "prompt": "Cutlery is made of food-grade stainless steel.", + "id": "fullset/material_alter/en/db8e18433b727737610cb3d8b71f4690.png", + "edit_type": "material_alter" + }, + "0cf6ae6de96b2d07c717f8c3bf9517fa": { + "prompt": "Change the cup in hand to ceramic.", + "id": "fullset/material_alter/en/0cf6ae6de96b2d07c717f8c3bf9517fa.png", + "edit_type": "material_alter" + }, + "641f39026c89fffaf60a4f0f50304d7d": { + "prompt": "Transform the clothing material into silk.", + "id": "fullset/material_alter/en/641f39026c89fffaf60a4f0f50304d7d.png", + "edit_type": "material_alter" + }, + "803f665220970a442a420afb826b6747": { + "prompt": "Craft the outerwear from lambskin leather.", + "id": "fullset/material_alter/en/803f665220970a442a420afb826b6747.png", + "edit_type": "material_alter" + }, + "76a4af36b318953c8054fdd706e7294f": { + "prompt": "change the action of cat to jumping", + "id": "fullset/motion_change/en/76a4af36b318953c8054fdd706e7294f.png", + "edit_type": "motion_change" + }, + "caabd082c0ed1757df58db3eaea5ac73": { + "prompt": "change the action of biplane to landing", + "id": "fullset/motion_change/en/caabd082c0ed1757df58db3eaea5ac73.png", + "edit_type": "motion_change" + }, + "41fcd0b5de39189a4fbf4eac28ce259a": { + "prompt": "Change the bird's action to flapping its wings and flying high", + "id": "fullset/motion_change/en/41fcd0b5de39189a4fbf4eac28ce259a.png", + "edit_type": "motion_change" + }, + "f09044a354815af044038bf50708b58d": { + "prompt": "change the action of the man to running", + "id": "fullset/motion_change/en/f09044a354815af044038bf50708b58d.png", + "edit_type": "motion_change" + }, + "be4bb34c6d879f253a4b7c4f32fc333f": { + "prompt": "make the action of the man to cheering", + "id": "fullset/motion_change/en/be4bb34c6d879f253a4b7c4f32fc333f.png", + "edit_type": "motion_change" + }, + "0a4769356f68ed88de0d0eb3aba89eb6": { + "prompt": "Change the man's gesture to raising his hands", + "id": "fullset/motion_change/en/0a4769356f68ed88de0d0eb3aba89eb6.png", + "edit_type": "motion_change" + }, + "8175d438e57f213c80425595063d053a": { + "prompt": "change the action of the horses to galloping", + "id": "fullset/motion_change/en/8175d438e57f213c80425595063d053a.png", + "edit_type": "motion_change" + }, + "621c48b14baadc0c3947bc05857e91f4": { + "prompt": "change the action of the birds to flying", + "id": "fullset/motion_change/en/621c48b14baadc0c3947bc05857e91f4.png", + "edit_type": "motion_change" + }, + "72fc47119a7cd90ecdcbf073c3fb74be": { + "prompt": "make the action of the woman to laughing", + "id": "fullset/motion_change/en/72fc47119a7cd90ecdcbf073c3fb74be.png", + "edit_type": "motion_change" + }, + "3bf8c501e7e338fe92879153ec038ede": { + "prompt": "make the action of the plane to taking off", + "id": "fullset/motion_change/en/3bf8c501e7e338fe92879153ec038ede.png", + "edit_type": "motion_change" + }, + "5e855293ac06b10ae7faeb4a675b18a6": { + "prompt": "make the action of the child to laughing", + "id": "fullset/motion_change/en/5e855293ac06b10ae7faeb4a675b18a6.png", + "edit_type": "motion_change" + }, + "06ec0c598cbbc8c9490395a98b88adac": { + "prompt": "change the action of cat to sleeping", + "id": "fullset/motion_change/en/06ec0c598cbbc8c9490395a98b88adac.png", + "edit_type": "motion_change" + }, + "733441fbfc73dee8d4a74d2bde1bd931": { + "prompt": "Change the person's movements to look forward", + "id": "fullset/motion_change/en/733441fbfc73dee8d4a74d2bde1bd931.png", + "edit_type": "motion_change" + }, + "aefbfe530e2ce5323e5be6ea2575815e": { + "prompt": "make the action of the man to kissing", + "id": "fullset/motion_change/en/aefbfe530e2ce5323e5be6ea2575815e.png", + "edit_type": "motion_change" + }, + "8296e86315751cdaa09c910c95b02c10": { + "prompt": "Make the person in the image smile slightly without altering the original structure.", + "id": "fullset/motion_change/en/8296e86315751cdaa09c910c95b02c10.png", + "edit_type": "motion_change" + }, + "1941828e44744f4cd248560b4b67529c": { + "prompt": "Add a cherry-eating action without changing the original character.", + "id": "fullset/motion_change/en/1941828e44744f4cd248560b4b67529c.png", + "edit_type": "motion_change" + }, + "3d112cbeb258289dbbca3738ee92a8aa": { + "prompt": "Animate the dog in the image.", + "id": "fullset/motion_change/en/3d112cbeb258289dbbca3738ee92a8aa.png", + "edit_type": "motion_change" + }, + "353cf97ec89d2e51932763ae7538c4cc": { + "prompt": "Make the person in the image smile.", + "id": "fullset/motion_change/en/353cf97ec89d2e51932763ae7538c4cc.png", + "edit_type": "motion_change" + }, + "65368cbdae17f7c44cd4d8d1271f0bdf": { + "prompt": "Make the person in the image give a thumbs-up.", + "id": "fullset/motion_change/en/65368cbdae17f7c44cd4d8d1271f0bdf.png", + "edit_type": "motion_change" + }, + "fc228a38f175cad001bc8a409c76e63b": { + "prompt": "Make the person in the image wave.", + "id": "fullset/motion_change/en/fc228a38f175cad001bc8a409c76e63b.png", + "edit_type": "motion_change" + }, + "73e34d4e31b308f26f3ade464bbd9a52": { + "prompt": "Make the little girl in the image stick out her tongue.", + "id": "fullset/motion_change/en/73e34d4e31b308f26f3ade464bbd9a52.png", + "edit_type": "motion_change" + }, + "a6bd902e89f6b8576a02f2a0139a993b": { + "prompt": "Make the two main subjects in the image hug.", + "id": "fullset/motion_change/en/a6bd902e89f6b8576a02f2a0139a993b.png", + "edit_type": "motion_change" + }, + "25a7bc668e846d7218e012af5295eba9": { + "prompt": "Transform the image into one where the woman tilts her head.", + "id": "fullset/motion_change/en/25a7bc668e846d7218e012af5295eba9.png", + "edit_type": "motion_change" + }, + "0d61bb72d05645cec8a4c2c62cdf7fe0": { + "prompt": "Make the child pout.", + "id": "fullset/motion_change/en/0d61bb72d05645cec8a4c2c62cdf7fe0.png", + "edit_type": "motion_change" + }, + "9b58419e6adadd4a367c699741e08f89": { + "prompt": "Change the expression to a crying face.", + "id": "fullset/motion_change/en/9b58419e6adadd4a367c699741e08f89.png", + "edit_type": "motion_change" + }, + "0a406290c07e7b1837c0f3bcddbeb8d2": { + "prompt": "Generate an image of the character smiling based on this photo.", + "id": "fullset/motion_change/en/0a406290c07e7b1837c0f3bcddbeb8d2.png", + "edit_type": "motion_change" + }, + "cd627a9fe6dd079a1e692be90563c50c": { + "prompt": "Make the person in the image make a funny face.", + "id": "fullset/motion_change/en/cd627a9fe6dd079a1e692be90563c50c.png", + "edit_type": "motion_change" + }, + "f1a8ac0cd17e1138c22accdc095dfb04": { + "prompt": "Using the same image, generate one where the girl is crying.", + "id": "fullset/motion_change/en/f1a8ac0cd17e1138c22accdc095dfb04.png", + "edit_type": "motion_change" + }, + "715a72723f1a797640c35a4c7a4f8f51": { + "prompt": "Change the person\u2019s expression to one of distress.", + "id": "fullset/motion_change/en/715a72723f1a797640c35a4c7a4f8f51.png", + "edit_type": "motion_change" + }, + "2ca948c72ab289d2c86db037002baa95": { + "prompt": "Make all the people in the image laugh.", + "id": "fullset/motion_change/en/2ca948c72ab289d2c86db037002baa95.png", + "edit_type": "motion_change" + }, + "dd6be6e54c7662c78f607bd88a931caf": { + "prompt": "Make the person in the photo dance.", + "id": "fullset/motion_change/en/dd6be6e54c7662c78f607bd88a931caf.png", + "edit_type": "motion_change" + }, + "c5b82e3b142580940d3897a9f43b4139": { + "prompt": "Modify the image to show the person picking their nose.", + "id": "fullset/motion_change/en/c5b82e3b142580940d3897a9f43b4139.png", + "edit_type": "motion_change" + }, + "1fbb9fae9fb272593a73203c8113f758": { + "prompt": "Make the person jump.", + "id": "fullset/motion_change/en/1fbb9fae9fb272593a73203c8113f758.png", + "edit_type": "motion_change" + }, + "e648d94e8f66940befa13e34039be176": { + "prompt": "Animate the cat in the image.", + "id": "fullset/motion_change/en/e648d94e8f66940befa13e34039be176.png", + "edit_type": "motion_change" + }, + "9ce39582df9aaf3b21b39fb9627f7bb2": { + "prompt": "Make the girl in the photo blow a kiss.", + "id": "fullset/motion_change/en/9ce39582df9aaf3b21b39fb9627f7bb2.png", + "edit_type": "motion_change" + }, + "028b9a3c540ac8eaeef11799524ec127": { + "prompt": "Make the expression more sorrowful.", + "id": "fullset/motion_change/en/028b9a3c540ac8eaeef11799524ec127.png", + "edit_type": "motion_change" + }, + "991cdfa18e521e034d65a636900b09af": { + "prompt": "Make the child in the image dance.", + "id": "fullset/motion_change/en/991cdfa18e521e034d65a636900b09af.png", + "edit_type": "motion_change" + }, + "df666978387df220cd714f7b2f80b673": { + "prompt": "Make the people in the image smile happily.", + "id": "fullset/motion_change/en/df666978387df220cd714f7b2f80b673.png", + "edit_type": "motion_change" + }, + "aa322dd5d83bd8e02afd3ad4a87d6a6a": { + "prompt": "Create an animated version of the person in the image blinking and opening their mouth.", + "id": "fullset/motion_change/en/aa322dd5d83bd8e02afd3ad4a87d6a6a.png", + "edit_type": "motion_change" + }, + "e9b3b27074575e7615723b7ff89de9a0": { + "prompt": "Make the cat in the image run.", + "id": "fullset/motion_change/en/e9b3b27074575e7615723b7ff89de9a0.png", + "edit_type": "motion_change" + }, + "ccffdca80bf93b14a3533eb46829300f": { + "prompt": "Remove his beard", + "id": "fullset/ps_human/en/ccffdca80bf93b14a3533eb46829300f.png", + "edit_type": "ps_human" + }, + "cac69629251b8ef6f51d793b6a3b07fa": { + "prompt": "Make his nose more defined and his face slimmer", + "id": "fullset/ps_human/en/cac69629251b8ef6f51d793b6a3b07fa.png", + "edit_type": "ps_human" + }, + "9b0d4782d50d550654d1daf53153524a": { + "prompt": "Make him lose 15 pounds", + "id": "fullset/ps_human/en/9b0d4782d50d550654d1daf53153524a.png", + "edit_type": "ps_human" + }, + "1805a69d09b8d3637fe585f3c402ea2f": { + "prompt": "Make him gain 20 pounds", + "id": "fullset/ps_human/en/1805a69d09b8d3637fe585f3c402ea2f.png", + "edit_type": "ps_human" + }, + "0e38f5cee6a69fb6b1817b1685618e91": { + "prompt": "Remove his abs and add more fat to his body", + "id": "fullset/ps_human/en/0e38f5cee6a69fb6b1817b1685618e91.png", + "edit_type": "ps_human" + }, + "80e7583efc497acfddc6d6f34c1207c9": { + "prompt": "Make him look sad", + "id": "fullset/ps_human/en/80e7583efc497acfddc6d6f34c1207c9.png", + "edit_type": "ps_human" + }, + "6ffe2a7e012e52694e1a07c00e7f44c5": { + "prompt": "Change her curly hair to straight hair", + "id": "fullset/ps_human/en/6ffe2a7e012e52694e1a07c00e7f44c5.png", + "edit_type": "ps_human" + }, + "58d48d76e4705b16a6f03337fc6397e8": { + "prompt": "Make her look younger", + "id": "fullset/ps_human/en/58d48d76e4705b16a6f03337fc6397e8.png", + "edit_type": "ps_human" + }, + "de1c094bc7a28f273e560bacef9c2a5e": { + "prompt": "Make her skin a bit darker, like after a sunbath", + "id": "fullset/ps_human/en/de1c094bc7a28f273e560bacef9c2a5e.png", + "edit_type": "ps_human" + }, + "b125faa596111bb238ac9e908d67045b": { + "prompt": "Remove his beard and wrinkles from his face", + "id": "fullset/ps_human/en/b125faa596111bb238ac9e908d67045b.png", + "edit_type": "ps_human" + }, + "06fa0ee0788e219cae32f542a417ab70": { + "prompt": "Make his beard longer", + "id": "fullset/ps_human/en/06fa0ee0788e219cae32f542a417ab70.png", + "edit_type": "ps_human" + }, + "ea1de73c9c216ec0689eb650e51a5829": { + "prompt": "Make him look very happy", + "id": "fullset/ps_human/en/ea1de73c9c216ec0689eb650e51a5829.png", + "edit_type": "ps_human" + }, + "3190e10334ec71222a324bf0b2e3a459": { + "prompt": "Make him look very serious", + "id": "fullset/ps_human/en/3190e10334ec71222a324bf0b2e3a459.png", + "edit_type": "ps_human" + }, + "67fd8d190cb31cc01f52c2ec8ead9896": { + "prompt": "Make him look middle-aged", + "id": "fullset/ps_human/en/67fd8d190cb31cc01f52c2ec8ead9896.png", + "edit_type": "ps_human" + }, + "1bdf06dc53b7cc3c907b540dca7b4b53": { + "prompt": "Make him look 10 years older", + "id": "fullset/ps_human/en/1bdf06dc53b7cc3c907b540dca7b4b53.png", + "edit_type": "ps_human" + }, + "0d2a9e9966354dc8039aeee974c767c2": { + "prompt": "Make him look stronger", + "id": "fullset/ps_human/en/0d2a9e9966354dc8039aeee974c767c2.png", + "edit_type": "ps_human" + }, + "e5db9a732c72acae1638371292c14220": { + "prompt": "Make him look older", + "id": "fullset/ps_human/en/e5db9a732c72acae1638371292c14220.png", + "edit_type": "ps_human" + }, + "d7b1f377153a3e35db9020dc1a848c8a": { + "prompt": "Dye her hair brown", + "id": "fullset/ps_human/en/d7b1f377153a3e35db9020dc1a848c8a.png", + "edit_type": "ps_human" + }, + "9a7eea29db11c1f500838bee90653970": { + "prompt": "Make him grow hair", + "id": "fullset/ps_human/en/9a7eea29db11c1f500838bee90653970.png", + "edit_type": "ps_human" + }, + "1f1c9a1e6ce6899d91abcb9a67922758": { + "prompt": "Make him look more handsome with sharper eyes", + "id": "fullset/ps_human/en/1f1c9a1e6ce6899d91abcb9a67922758.png", + "edit_type": "ps_human" + }, + "41d961b14b637889947080f1891f85ff": { + "prompt": "Make him look less angry", + "id": "fullset/ps_human/en/41d961b14b637889947080f1891f85ff.png", + "edit_type": "ps_human" + }, + "fe220565cb0f22a44d1f0a81a132ce9f": { + "prompt": "Make him look like he is crying a lot", + "id": "fullset/ps_human/en/fe220565cb0f22a44d1f0a81a132ce9f.png", + "edit_type": "ps_human" + }, + "918900e10cac886e4bdf4236efee15b9": { + "prompt": "Make her look better", + "id": "fullset/ps_human/en/918900e10cac886e4bdf4236efee15b9.png", + "edit_type": "ps_human" + }, + "5968a24147a8564f74bd09104c4c032e": { + "prompt": "Make him have more muscles and a stronger vibe", + "id": "fullset/ps_human/en/5968a24147a8564f74bd09104c4c032e.png", + "edit_type": "ps_human" + }, + "4c453fc6e3f8842296406dc7c8ad5ac4": { + "prompt": "Make him more handsome", + "id": "fullset/ps_human/en/4c453fc6e3f8842296406dc7c8ad5ac4.png", + "edit_type": "ps_human" + }, + "6022c9e5401a53028e3b0690cce7a9db": { + "prompt": "Make him laugh heartily", + "id": "fullset/ps_human/en/6022c9e5401a53028e3b0690cce7a9db.png", + "edit_type": "ps_human" + }, + "4611d3319199a5c4b84ea1608f6eba29": { + "prompt": "Make him look younger", + "id": "fullset/ps_human/en/4611d3319199a5c4b84ea1608f6eba29.png", + "edit_type": "ps_human" + }, + "f21e2f3585f8cddeab9d472375e92bac": { + "prompt": "Make him grow long hair", + "id": "fullset/ps_human/en/f21e2f3585f8cddeab9d472375e92bac.png", + "edit_type": "ps_human" + }, + "2dd5f9c40a055007abcafbbdaf2be46b": { + "prompt": "Make his skin smoother, no wrinkles", + "id": "fullset/ps_human/en/2dd5f9c40a055007abcafbbdaf2be46b.png", + "edit_type": "ps_human" + }, + "ba360f7380e2f080485af9bbe38bd4c6": { + "prompt": "Make him lose 20 pounds", + "id": "fullset/ps_human/en/ba360f7380e2f080485af9bbe38bd4c6.png", + "edit_type": "ps_human" + }, + "6cabdec52f6113e0a365332f323053b1": { + "prompt": "Make me look like a handsome guy in this photo.", + "id": "fullset/ps_human/en/6cabdec52f6113e0a365332f323053b1.png", + "edit_type": "ps_human" + }, + "9647d92cf8edeec8c3b68ecb6150f7c7": { + "prompt": "Enhance the appearance.", + "id": "fullset/ps_human/en/9647d92cf8edeec8c3b68ecb6150f7c7.png", + "edit_type": "ps_human" + }, + "f0995ee97b33e6ca5effc808be8e4ac2": { + "prompt": "Make the allergic reaction on my face look more severe.", + "id": "fullset/ps_human/en/f0995ee97b33e6ca5effc808be8e4ac2.png", + "edit_type": "ps_human" + }, + "47e2e49cf8b662a7493ddad42334b6e1": { + "prompt": "How can I fix these facial imperfections?", + "id": "fullset/ps_human/en/47e2e49cf8b662a7493ddad42334b6e1.png", + "edit_type": "ps_human" + }, + "cc7a45219bdfbaf01dc3348735c183d0": { + "prompt": "Remove the eyeshadow and lipstick.", + "id": "fullset/ps_human/en/cc7a45219bdfbaf01dc3348735c183d0.png", + "edit_type": "ps_human" + }, + "c96ed4ce8d74381cce77516fa3c3b6b3": { + "prompt": "Add abs to the original photo.", + "id": "fullset/ps_human/en/c96ed4ce8d74381cce77516fa3c3b6b3.png", + "edit_type": "ps_human" + }, + "ca9fc1fd8ffd6fdc77d694c5786a69db": { + "prompt": "Make his nose higher.", + "id": "fullset/ps_human/en/ca9fc1fd8ffd6fdc77d694c5786a69db.png", + "edit_type": "ps_human" + }, + "27a041f8cf96466d3fe99c2854600ed7": { + "prompt": "Edit the eyes to look red and teary.", + "id": "fullset/ps_human/en/27a041f8cf96466d3fe99c2854600ed7.png", + "edit_type": "ps_human" + }, + "84e1ecd02e31ff710caf92575973abb3": { + "prompt": "Make it look better.", + "id": "fullset/ps_human/en/84e1ecd02e31ff710caf92575973abb3.png", + "edit_type": "ps_human" + }, + "c18b9ea3a82a132108bb19942258fae1": { + "prompt": "Remove acne and blemishes from my face, slim down my nose and face.", + "id": "fullset/ps_human/en/c18b9ea3a82a132108bb19942258fae1.png", + "edit_type": "ps_human" + }, + "04f9da181ba94ebbb7b76206affdc4cc": { + "prompt": "Give me a G-cup while keeping my face unchanged and maintaining the original proportions.", + "id": "fullset/ps_human/en/04f9da181ba94ebbb7b76206affdc4cc.png", + "edit_type": "ps_human" + }, + "f598b8339d28b4c0836da4341785e605": { + "prompt": "Refine the chin in this photo.", + "id": "fullset/ps_human/en/f598b8339d28b4c0836da4341785e605.png", + "edit_type": "ps_human" + }, + "2898a98d82023e2e558488202dc231af": { + "prompt": "Edit my face to remove spots, slim it down, and brighten the skin.", + "id": "fullset/ps_human/en/2898a98d82023e2e558488202dc231af.png", + "edit_type": "ps_human" + }, + "697678d3816a0fcfc357a108ae47955a": { + "prompt": "Enhance my nose.", + "id": "fullset/ps_human/en/697678d3816a0fcfc357a108ae47955a.png", + "edit_type": "ps_human" + }, + "32d356cc309cfe3682305e2c3c2adfd9": { + "prompt": "Without altering or beautifying anything else, just shape my eyebrows to suit me.", + "id": "fullset/ps_human/en/32d356cc309cfe3682305e2c3c2adfd9.png", + "edit_type": "ps_human" + }, + "089748fdcf4c407ac479c76e0f62f8f4": { + "prompt": "Make my legs longer in the photo.", + "id": "fullset/ps_human/en/089748fdcf4c407ac479c76e0f62f8f4.png", + "edit_type": "ps_human" + }, + "6d71b1b0b6f8fb153cf031d29ba59129": { + "prompt": "Draw her with a much larger chest.", + "id": "fullset/ps_human/en/6d71b1b0b6f8fb153cf031d29ba59129.png", + "edit_type": "ps_human" + }, + "e3ec80bb14ae5d53e19a1d5efd5921a1": { + "prompt": "Make me look 10 pounds thinner.", + "id": "fullset/ps_human/en/e3ec80bb14ae5d53e19a1d5efd5921a1.png", + "edit_type": "ps_human" + }, + "d64299c7e5b6cda2e20b7fd0c577aba3": { + "prompt": "Whiten my face and apply a better filter.", + "id": "fullset/ps_human/en/d64299c7e5b6cda2e20b7fd0c577aba3.png", + "edit_type": "ps_human" + }, + "2e6c9f632d7c9a434011c88cc1e3c8d8": { + "prompt": "Add abs to this image.", + "id": "fullset/ps_human/en/2e6c9f632d7c9a434011c88cc1e3c8d8.png", + "edit_type": "ps_human" + }, + "7160b6370ace4b0a89a408876b48c1c4": { + "prompt": "Edit the image to give me visible abs.", + "id": "fullset/ps_human/en/7160b6370ace4b0a89a408876b48c1c4.png", + "edit_type": "ps_human" + }, + "c0887ad7bc9f207f3acf198fc2a2e4aa": { + "prompt": "Make my hair longer.", + "id": "fullset/ps_human/en/c0887ad7bc9f207f3acf198fc2a2e4aa.png", + "edit_type": "ps_human" + }, + "535fc24a4f6446999ac202e6e2eab72c": { + "prompt": "Transform the original photo into a youthful and stylish version.", + "id": "fullset/ps_human/en/535fc24a4f6446999ac202e6e2eab72c.png", + "edit_type": "ps_human" + }, + "b6669ad585437d790d56c9d51812ce73": { + "prompt": "Adjust my face size to be symmetrical, and make my eyes the same size.", + "id": "fullset/ps_human/en/b6669ad585437d790d56c9d51812ce73.png", + "edit_type": "ps_human" + }, + "5681bb73bf53906dfe4e7376be42d981": { + "prompt": "Make my eyes bigger.", + "id": "fullset/ps_human/en/5681bb73bf53906dfe4e7376be42d981.png", + "edit_type": "ps_human" + }, + "aa5b5375f7ead439732b0979fab353b6": { + "prompt": "Generate a version where the girl on the right looks slimmer.", + "id": "fullset/ps_human/en/aa5b5375f7ead439732b0979fab353b6.png", + "edit_type": "ps_human" + }, + "038013b7852ce014b254effb307ec5de": { + "prompt": "This is my photo\u2014please make me look more handsome.", + "id": "fullset/ps_human/en/038013b7852ce014b254effb307ec5de.png", + "edit_type": "ps_human" + }, + "3b0f6ca611bfa2f2416bf7ade7f60811": { + "prompt": "Feminize my appearance.", + "id": "fullset/ps_human/en/3b0f6ca611bfa2f2416bf7ade7f60811.png", + "edit_type": "ps_human" + }, + "38121c6cc4479c8a4fbd0d888bb79f1d": { + "prompt": "Make me look more masculine.", + "id": "fullset/ps_human/en/38121c6cc4479c8a4fbd0d888bb79f1d.png", + "edit_type": "ps_human" + }, + "56287939cfa47505f0cc400430ae4131": { + "prompt": "Enhance this photo to make me look better.", + "id": "fullset/ps_human/en/56287939cfa47505f0cc400430ae4131.png", + "edit_type": "ps_human" + }, + "c9101db419bbcd1b258ed367dc09b986": { + "prompt": "Retouch this image.", + "id": "fullset/ps_human/en/c9101db419bbcd1b258ed367dc09b986.png", + "edit_type": "ps_human" + }, + "4b7e3f9099377e3823c1c3e0d924883a": { + "prompt": "Make me look handsome.", + "id": "fullset/ps_human/en/4b7e3f9099377e3823c1c3e0d924883a.png", + "edit_type": "ps_human" + }, + "3547f6c2021822fb3f480595a44679bd": { + "prompt": "Make me look as good as possible.", + "id": "fullset/ps_human/en/3547f6c2021822fb3f480595a44679bd.png", + "edit_type": "ps_human" + }, + "e16b35649536eed0fecef4c7704b228b": { + "prompt": "Make me look 20 years younger.", + "id": "fullset/ps_human/en/e16b35649536eed0fecef4c7704b228b.png", + "edit_type": "ps_human" + }, + "f81d8419a96bac5878844b85e21a938c": { + "prompt": "Make my face look better.", + "id": "fullset/ps_human/en/f81d8419a96bac5878844b85e21a938c.png", + "edit_type": "ps_human" + }, + "8195e9e69612be9bae6cad135bb94840": { + "prompt": "Change my face shape to a round one.", + "id": "fullset/ps_human/en/8195e9e69612be9bae6cad135bb94840.png", + "edit_type": "ps_human" + }, + "d405f724329102f5171bdcc915177e35": { + "prompt": "Transform me into a Korean-style handsome guy.", + "id": "fullset/ps_human/en/d405f724329102f5171bdcc915177e35.png", + "edit_type": "ps_human" + }, + "2dd8b5fb8e22905ed49d87660eb82ee0": { + "prompt": "Edit this photo\u2014slim the waist and lift the butt.", + "id": "fullset/ps_human/en/2dd8b5fb8e22905ed49d87660eb82ee0.png", + "edit_type": "ps_human" + }, + "ce9fa032e29c8f6418f4cab41e068fcb": { + "prompt": "Make me look more attractive.", + "id": "fullset/ps_human/en/ce9fa032e29c8f6418f4cab41e068fcb.png", + "edit_type": "ps_human" + }, + "a50f15973f0f4fcf88c8badcab58e86a": { + "prompt": "Generate my adult appearance.", + "id": "fullset/ps_human/en/a50f15973f0f4fcf88c8badcab58e86a.png", + "edit_type": "ps_human" + }, + "15f01f7d55ad4f8695218594277e451f": { + "prompt": "Convert the image to a Japanese manga style.", + "id": "fullset/style_change/en/15f01f7d55ad4f8695218594277e451f.png", + "edit_type": "style_change" + }, + "4c14aafd852de6b46042af27c98c6a27": { + "prompt": "Apply the art style of Hayao Miyazaki's animated films.", + "id": "fullset/style_change/en/4c14aafd852de6b46042af27c98c6a27.png", + "edit_type": "style_change" + }, + "fd82e6b33505ba16b6c64cfff4ea3895": { + "prompt": "Switch to an American cartoon animation effect.", + "id": "fullset/style_change/en/fd82e6b33505ba16b6c64cfff4ea3895.png", + "edit_type": "style_change" + }, + "c51e5e8de213d991bcab4513da06c885": { + "prompt": "Render with Pixar Animation Studios' 3D texture.", + "id": "fullset/style_change/en/c51e5e8de213d991bcab4513da06c885.png", + "edit_type": "style_change" + }, + "6b63968c28b15a0bb25b6f93056811c8": { + "prompt": "Transform into a Japanese anime visual style.", + "id": "fullset/style_change/en/6b63968c28b15a0bb25b6f93056811c8.png", + "edit_type": "style_change" + }, + "9c72e227cbe037de86345d2d79652e5d": { + "prompt": "Change the image style to a high-contrast look.", + "id": "fullset/style_change/en/9c72e227cbe037de86345d2d79652e5d.png", + "edit_type": "style_change" + }, + "74d28960183c3490877d0da05b4ced6b": { + "prompt": "Replace the image style with a 3D effect.", + "id": "fullset/style_change/en/74d28960183c3490877d0da05b4ced6b.png", + "edit_type": "style_change" + }, + "2c9c0664af586124f7fa0108419dc9b3": { + "prompt": "Adjust the image style to a bubble-like aesthetic.", + "id": "fullset/style_change/en/2c9c0664af586124f7fa0108419dc9b3.png", + "edit_type": "style_change" + }, + "5fb4494003bb1a55335de8b9ec954f29": { + "prompt": "Add vintage film grain and faded effects.", + "id": "fullset/style_change/en/5fb4494003bb1a55335de8b9ec954f29.png", + "edit_type": "style_change" + }, + "d124236c63ab27f157dd7ffdf6d9cc4b": { + "prompt": "Simulate the texture of clay stop-motion animation.", + "id": "fullset/style_change/en/d124236c63ab27f157dd7ffdf6d9cc4b.png", + "edit_type": "style_change" + }, + "1484ee9ef9a7f142aff7856a0edb276b": { + "prompt": "Present the brushstroke characteristics of digital painting.", + "id": "fullset/style_change/en/1484ee9ef9a7f142aff7856a0edb276b.png", + "edit_type": "style_change" + }, + "04a128c7a483127cf7ad491c56de17d5": { + "prompt": "Replace the image style with fantasy art.", + "id": "fullset/style_change/en/04a128c7a483127cf7ad491c56de17d5.png", + "edit_type": "style_change" + }, + "d6ac5062a555a85235c762972d5277fe": { + "prompt": "Change the image style to a Mondrian-inspired look.", + "id": "fullset/style_change/en/d6ac5062a555a85235c762972d5277fe.png", + "edit_type": "style_change" + }, + "4e62777f17329aff2906ff86a217ccb6": { + "prompt": "Adjust the image style to a watercolor effect.", + "id": "fullset/style_change/en/4e62777f17329aff2906ff86a217ccb6.png", + "edit_type": "style_change" + }, + "d99c96ce517e4588da92570b178e8906": { + "prompt": "Modify the image style into line art.", + "id": "fullset/style_change/en/d99c96ce517e4588da92570b178e8906.png", + "edit_type": "style_change" + }, + "a69d50a3ae88a3405928ebd3f05d60eb": { + "prompt": "Transform the image into a retro aesthetic.", + "id": "fullset/style_change/en/a69d50a3ae88a3405928ebd3f05d60eb.png", + "edit_type": "style_change" + }, + "45d80a2eb5f3804b79cc274526e60c02": { + "prompt": "Switch the image style to neon-punk.", + "id": "fullset/style_change/en/45d80a2eb5f3804b79cc274526e60c02.png", + "edit_type": "style_change" + }, + "f1a9872a150e9dd0850744bd0effe17d": { + "prompt": "Convert the image style to pixel art.", + "id": "fullset/style_change/en/f1a9872a150e9dd0850744bd0effe17d.png", + "edit_type": "style_change" + }, + "53d3ea8751230795aaa6ce6bf85669dc": { + "prompt": "Adjust the image style to a gothic theme.", + "id": "fullset/style_change/en/53d3ea8751230795aaa6ce6bf85669dc.png", + "edit_type": "style_change" + }, + "d3f8877981d10b5a003e6223531c71eb": { + "prompt": "Use abstract color blocks and lines to express the composition.", + "id": "fullset/style_change/en/d3f8877981d10b5a003e6223531c71eb.png", + "edit_type": "style_change" + }, + "9a6b59107a07bbe528614eff11b697b9": { + "prompt": "Turn it into a cartoon image.", + "id": "fullset/style_change/en/9a6b59107a07bbe528614eff11b697b9.png", + "edit_type": "style_change" + }, + "45a4db4e153c28c6a04bc2c642c0c12c": { + "prompt": "Please transform this photo into a Cubist style.", + "id": "fullset/style_change/en/45a4db4e153c28c6a04bc2c642c0c12c.png", + "edit_type": "style_change" + }, + "c00a2045d8125220281c879fd556c528": { + "prompt": "Convert it into a graffiti style.", + "id": "fullset/style_change/en/c00a2045d8125220281c879fd556c528.png", + "edit_type": "style_change" + }, + "739b6810796e2c0179073e600004b764": { + "prompt": "Switch the image to a high-resolution Impressionist painting.", + "id": "fullset/style_change/en/739b6810796e2c0179073e600004b764.png", + "edit_type": "style_change" + }, + "af2db8f036e553f782d1ed6573c68fb7": { + "prompt": "Transform this image into a Pointillist artwork.", + "id": "fullset/style_change/en/af2db8f036e553f782d1ed6573c68fb7.png", + "edit_type": "style_change" + }, + "727fd5249ae60ae0279432babea49584": { + "prompt": "Change it to a Pop Art style.", + "id": "fullset/style_change/en/727fd5249ae60ae0279432babea49584.png", + "edit_type": "style_change" + }, + "27e4b539c6355586fe2935d6a90bba61": { + "prompt": "Adjust the image style to an oil painting with bold brushstrokes.", + "id": "fullset/style_change/en/27e4b539c6355586fe2935d6a90bba61.png", + "edit_type": "style_change" + }, + "22b24d3d01e3b64ec59ae5f8e3c170fa": { + "prompt": "Turn this image into a steampunk aesthetic.", + "id": "fullset/style_change/en/22b24d3d01e3b64ec59ae5f8e3c170fa.png", + "edit_type": "style_change" + }, + "9cf1146672c2b9e1d4ce37b9dbb3fbda": { + "prompt": "Modify it into an Impressionist oil painting.", + "id": "fullset/style_change/en/9cf1146672c2b9e1d4ce37b9dbb3fbda.png", + "edit_type": "style_change" + }, + "a5f07e015eeb284665b72240e853baa5": { + "prompt": "Transform it into an oil painting style.", + "id": "fullset/style_change/en/a5f07e015eeb284665b72240e853baa5.png", + "edit_type": "style_change" + }, + "23f17387da2ea2e6817c2204417195ff": { + "prompt": "Change this image to a Pixar style with a background of a vibrant spring park while keeping the character unchanged.", + "id": "fullset/style_change/en/23f17387da2ea2e6817c2204417195ff.png", + "edit_type": "style_change" + }, + "bd033dd036c1f2e6424ceb3fd9f90dbd": { + "prompt": "Convert to a watercolor painting style.", + "id": "fullset/style_change/en/bd033dd036c1f2e6424ceb3fd9f90dbd.png", + "edit_type": "style_change" + }, + "f709057fa095f9cb9426f4c3cc783822": { + "prompt": "Please change this photo into a *Genshin Impact* style.", + "id": "fullset/style_change/en/f709057fa095f9cb9426f4c3cc783822.png", + "edit_type": "style_change" + }, + "41a20c339a3c73c6cc5200d03d7ff4a1": { + "prompt": "Generate a Pixar-style animation with a cheerful spring background.", + "id": "fullset/style_change/en/41a20c339a3c73c6cc5200d03d7ff4a1.png", + "edit_type": "style_change" + }, + "9b7e39332a893401bdd50a09b75ecd3e": { + "prompt": "Modify it into a digital illustration style.", + "id": "fullset/style_change/en/9b7e39332a893401bdd50a09b75ecd3e.png", + "edit_type": "style_change" + }, + "f4dfe5ffe8cb955f41ac3858dd6ac5d7": { + "prompt": "Generate a gothic-style image.", + "id": "fullset/style_change/en/f4dfe5ffe8cb955f41ac3858dd6ac5d7.png", + "edit_type": "style_change" + }, + "5788cde5a601a266804107209de8ee4c": { + "prompt": "Switch the image to a minimalist aesthetic.", + "id": "fullset/style_change/en/5788cde5a601a266804107209de8ee4c.png", + "edit_type": "style_change" + }, + "7327c91f9d675ec5e69712972f49a06c": { + "prompt": "Recreate it in the style of Monet.", + "id": "fullset/style_change/en/7327c91f9d675ec5e69712972f49a06c.png", + "edit_type": "style_change" + }, + "a50fdf85f87b7a11acc92335eaba1b6c": { + "prompt": "Generate a monochrome-style animation.", + "id": "fullset/style_change/en/a50fdf85f87b7a11acc92335eaba1b6c.png", + "edit_type": "style_change" + }, + "1f08678913cf5274ac110ee34ef2b8d8": { + "prompt": "Create an artwork in a tribal aesthetic.", + "id": "fullset/style_change/en/1f08678913cf5274ac110ee34ef2b8d8.png", + "edit_type": "style_change" + }, + "07fc2fa9b1bbee0e9e37421fe3a6576b": { + "prompt": "Turn the image into an American comic style.", + "id": "fullset/style_change/en/07fc2fa9b1bbee0e9e37421fe3a6576b.png", + "edit_type": "style_change" + }, + "35825b1573a735192ee20541255a0e87": { + "prompt": "Make it anime-style.", + "id": "fullset/style_change/en/35825b1573a735192ee20541255a0e87.png", + "edit_type": "style_change" + }, + "2b2bdf9401c83ea114677520a589e383": { + "prompt": "Generate a collage-style artwork.", + "id": "fullset/style_change/en/2b2bdf9401c83ea114677520a589e383.png", + "edit_type": "style_change" + }, + "508064bc4a75a2e2d065ee06ff93eb44": { + "prompt": "Please change this image into a manga style.", + "id": "fullset/style_change/en/508064bc4a75a2e2d065ee06ff93eb44.png", + "edit_type": "style_change" + }, + "acb15686bbb0df11a35eb9b6a8c9062a": { + "prompt": "Edit this photo to have a Fuji-style aesthetic.", + "id": "fullset/style_change/en/acb15686bbb0df11a35eb9b6a8c9062a.png", + "edit_type": "style_change" + }, + "8d7df9ad8365c7bb1196275184327d2d": { + "prompt": "Create a dark-themed version.", + "id": "fullset/style_change/en/8d7df9ad8365c7bb1196275184327d2d.png", + "edit_type": "style_change" + }, + "cd36d9862ef442202ea6d3ffc5b8e8dd": { + "prompt": "Transform the buildings in the image into a colorful, cute, anime-style landscape full of blooming flowers.", + "id": "fullset/style_change/en/cd36d9862ef442202ea6d3ffc5b8e8dd.png", + "edit_type": "style_change" + }, + "599dbcd5dd042cec90da287aa11414ce": { + "prompt": "Convert this image into an anime style.", + "id": "fullset/style_change/en/599dbcd5dd042cec90da287aa11414ce.png", + "edit_type": "style_change" + }, + "53eeb1cef5005f5e54b87b8e30c3a85b": { + "prompt": "Generate a pixel-art avatar based on this girl's photo.", + "id": "fullset/style_change/en/53eeb1cef5005f5e54b87b8e30c3a85b.png", + "edit_type": "style_change" + }, + "84111b91ee328a9c2fc1cf7342b84480": { + "prompt": "Generate an ink wash painting-style image.", + "id": "fullset/style_change/en/84111b91ee328a9c2fc1cf7342b84480.png", + "edit_type": "style_change" + }, + "acda14bb5323b325128b624ecc6652c0": { + "prompt": "Modify this image in a Ghibli style.", + "id": "fullset/style_change/en/acda14bb5323b325128b624ecc6652c0.png", + "edit_type": "style_change" + }, + "2928aac848e0c414823b1b4c2c144ad5": { + "prompt": "Convert to an ink wash painting style.", + "id": "fullset/style_change/en/2928aac848e0c414823b1b4c2c144ad5.png", + "edit_type": "style_change" + }, + "ddf9a3b77759783bb6d2b96453f8454b": { + "prompt": "Switch to a Ghibli style.", + "id": "fullset/style_change/en/ddf9a3b77759783bb6d2b96453f8454b.png", + "edit_type": "style_change" + }, + "3a95a56fdbaed9acedd16d650dcc41ac": { + "prompt": "Generate a Pixar-style animation.", + "id": "fullset/style_change/en/3a95a56fdbaed9acedd16d650dcc41ac.png", + "edit_type": "style_change" + }, + "99ccd2da145b7d7ca7670e407cb3bef7": { + "prompt": "Convert the young man and woman in the first image into chibi-style characters similar to those in the second image.", + "id": "fullset/style_change/en/99ccd2da145b7d7ca7670e407cb3bef7.png", + "edit_type": "style_change" + }, + "af2400e4008497474a3ded8fbbb3acc0": { + "prompt": "Transform it into a Ghibli style.", + "id": "fullset/style_change/en/af2400e4008497474a3ded8fbbb3acc0.png", + "edit_type": "style_change" + }, + "1ae5cde224b986b5e4e9d5bdcf44321e": { + "prompt": "Make it an oil painting.", + "id": "fullset/style_change/en/1ae5cde224b986b5e4e9d5bdcf44321e.png", + "edit_type": "style_change" + }, + "f50278651439a107a2ff7e1b6f76ff08": { + "prompt": "Edit this image into a bright and sunny style for use as an avatar.", + "id": "fullset/style_change/en/f50278651439a107a2ff7e1b6f76ff08.png", + "edit_type": "style_change" + }, + "1021ff6859a5be7b3955a1fc8d1a9431": { + "prompt": "Generate a cyberpunk-style photo.", + "id": "fullset/style_change/en/1021ff6859a5be7b3955a1fc8d1a9431.png", + "edit_type": "style_change" + }, + "ae112c98cae0bfd203af4da8ee3ad54f": { + "prompt": "Redraw it as a chibi-style illustration.", + "id": "fullset/style_change/en/ae112c98cae0bfd203af4da8ee3ad54f.png", + "edit_type": "style_change" + }, + "462493728c812ed7b9a46d35bd923d34": { + "prompt": "add a book in her hand", + "id": "fullset/subject-add/en/462493728c812ed7b9a46d35bd923d34.png", + "edit_type": "subject-add" + }, + "25631c283bd12713900c693009b1c4ca": { + "prompt": "add a poolside lounge chair", + "id": "fullset/subject-add/en/25631c283bd12713900c693009b1c4ca.png", + "edit_type": "subject-add" + }, + "3d00688dfbae3a417d9fdb0599c31612": { + "prompt": "add a spoon next to the bowl", + "id": "fullset/subject-add/en/3d00688dfbae3a417d9fdb0599c31612.png", + "edit_type": "subject-add" + }, + "cbb6a1442c20bc7d006fc52f57a7e069": { + "prompt": "include a table with a plate", + "id": "fullset/subject-add/en/cbb6a1442c20bc7d006fc52f57a7e069.png", + "edit_type": "subject-add" + }, + "8a116404e2af4eb50871e06263c518b0": { + "prompt": "add a bookshelf in the corner", + "id": "fullset/subject-add/en/8a116404e2af4eb50871e06263c518b0.png", + "edit_type": "subject-add" + }, + "7fa258492c40546a1412b2e24f283e5f": { + "prompt": "add a flying baseball coming towards the player", + "id": "fullset/subject-add/en/7fa258492c40546a1412b2e24f283e5f.png", + "edit_type": "subject-add" + }, + "ab8c8482e5621349ffcaf7b73a3898d6": { + "prompt": "add a beautiful ring on the finger", + "id": "fullset/subject-add/en/ab8c8482e5621349ffcaf7b73a3898d6.png", + "edit_type": "subject-add" + }, + "b9c37aa4bbba0d3603d3d3d6b2472f44": { + "prompt": "add a candle on top of the cake", + "id": "fullset/subject-add/en/b9c37aa4bbba0d3603d3d3d6b2472f44.png", + "edit_type": "subject-add" + }, + "92bb99012b775fec11f9c61eb22340e5": { + "prompt": "add a palm tree behind him", + "id": "fullset/subject-add/en/92bb99012b775fec11f9c61eb22340e5.png", + "edit_type": "subject-add" + }, + "41fa4cf4dabc709bc1a04b273b801471": { + "prompt": "add a hot air balloon in the sky", + "id": "fullset/subject-add/en/41fa4cf4dabc709bc1a04b273b801471.png", + "edit_type": "subject-add" + }, + "82f0d5a60f6a14fcbf7a0828d93b2c42": { + "prompt": "add a cat sitting in the basket", + "id": "fullset/subject-add/en/82f0d5a60f6a14fcbf7a0828d93b2c42.png", + "edit_type": "subject-add" + }, + "38e83bc17f011f6fe380618f5edc9af4": { + "prompt": "add a butterfly fluttering around the cat", + "id": "fullset/subject-add/en/38e83bc17f011f6fe380618f5edc9af4.png", + "edit_type": "subject-add" + }, + "24365500c3f8cef08832d25e00ae03cb": { + "prompt": "add a red cherry on top of pizza", + "id": "fullset/subject-add/en/24365500c3f8cef08832d25e00ae03cb.png", + "edit_type": "subject-add" + }, + "6d36627582330fe77f4726604d362dc8": { + "prompt": "include a dog running alongside", + "id": "fullset/subject-add/en/6d36627582330fe77f4726604d362dc8.png", + "edit_type": "subject-add" + }, + "5792877c20ccb8c8dfa7a2e3ea570c86": { + "prompt": "include a candle on top of the cake", + "id": "fullset/subject-add/en/5792877c20ccb8c8dfa7a2e3ea570c86.png", + "edit_type": "subject-add" + }, + "d23b4b1af3a519ef6c3d5deb2ae171fd": { + "prompt": "include a butterfly landing on its mane", + "id": "fullset/subject-add/en/d23b4b1af3a519ef6c3d5deb2ae171fd.png", + "edit_type": "subject-add" + }, + "4c2bf9769840edd7015a3cbea40f10cc": { + "prompt": "add a tennis ball flying towards her", + "id": "fullset/subject-add/en/4c2bf9769840edd7015a3cbea40f10cc.png", + "edit_type": "subject-add" + }, + "071bd732edfb657a3baf47a13477c0ff": { + "prompt": "add a tennis ball next to the dog", + "id": "fullset/subject-add/en/071bd732edfb657a3baf47a13477c0ff.png", + "edit_type": "subject-add" + }, + "c884913a9bec1ac33d16e85b252c39c5": { + "prompt": "Add a running horse near the train", + "id": "fullset/subject-add/en/c884913a9bec1ac33d16e85b252c39c5.png", + "edit_type": "subject-add" + }, + "e9ac3ec18e91f8bf73b340de1c2e459e": { + "prompt": "add a person standing next to the bus", + "id": "fullset/subject-add/en/e9ac3ec18e91f8bf73b340de1c2e459e.png", + "edit_type": "subject-add" + }, + "91ab4a87f04b6e652fe4e0bfba31ddc3": { + "prompt": "Add an image of Naruto on the left side.", + "id": "fullset/subject-add/en/91ab4a87f04b6e652fe4e0bfba31ddc3.png", + "edit_type": "subject-add" + }, + "3cac5f0141378133b6c02c69bb7349fc": { + "prompt": "Add a robot bird in the sky.", + "id": "fullset/subject-add/en/3cac5f0141378133b6c02c69bb7349fc.png", + "edit_type": "subject-add" + }, + "853784745a3c52dcfd24cf3a8dba1f56": { + "prompt": "Light the candle to enhance the candlelight.", + "id": "fullset/subject-add/en/853784745a3c52dcfd24cf3a8dba1f56.png", + "edit_type": "subject-add" + }, + "707d83474b3e137e378c02b23ee414ae": { + "prompt": "Add a pair of sunglasses in a cool style.", + "id": "fullset/subject-add/en/707d83474b3e137e378c02b23ee414ae.png", + "edit_type": "subject-add" + }, + "ba40f1be938b26d2ddec5cb966453720": { + "prompt": "Can you Photoshop a girlfriend for me? Sitting alone is boring, and I\u2019ve already left space for her.", + "id": "fullset/subject-add/en/ba40f1be938b26d2ddec5cb966453720.png", + "edit_type": "subject-add" + }, + "f35092d58408ce805d5778fd13ad950c": { + "prompt": "Can you Photoshop a boyfriend for me? I want a couple\u2019s photo.", + "id": "fullset/subject-add/en/f35092d58408ce805d5778fd13ad950c.png", + "edit_type": "subject-add" + }, + "ab6798a5e2a8e04de9bdb02c9425d2a9": { + "prompt": "Add more hair to the front, making it long and soft for a gentle look.", + "id": "fullset/subject-add/en/ab6798a5e2a8e04de9bdb02c9425d2a9.png", + "edit_type": "subject-add" + }, + "3ec57ad1669a3841f18e151a487bc767": { + "prompt": "Add glasses in an intellectual style, giving a high-knowledgeable vibe.", + "id": "fullset/subject-add/en/3ec57ad1669a3841f18e151a487bc767.png", + "edit_type": "subject-add" + }, + "9435ef3cbe961ecde654fdde42598cb1": { + "prompt": "Place a wine glass in the hand.", + "id": "fullset/subject-add/en/9435ef3cbe961ecde654fdde42598cb1.png", + "edit_type": "subject-add" + }, + "10d6161cc1bebeeb0d7c5cac99a3cafd": { + "prompt": "Add a large diamond ring on the finger, making it abstract, exaggerated, and funny.", + "id": "fullset/subject-add/en/10d6161cc1bebeeb0d7c5cac99a3cafd.png", + "edit_type": "subject-add" + }, + "794bc25fba24e9c7546c7ffed818fba1": { + "prompt": "Can you add penguin eyes to this image?", + "id": "fullset/subject-add/en/794bc25fba24e9c7546c7ffed818fba1.png", + "edit_type": "subject-add" + }, + "d211b4a29bbfc174b2ef48c6574c5dff": { + "prompt": "Generate an image where a lit tent is added next to the appliances in the picture while keeping the original appliances intact.", + "id": "fullset/subject-add/en/d211b4a29bbfc174b2ef48c6574c5dff.png", + "edit_type": "subject-add" + }, + "6a498187c524c7adb7a739413c24f185": { + "prompt": "Add three persimmons with leaves in the bottom right corner of this painting.", + "id": "fullset/subject-add/en/6a498187c524c7adb7a739413c24f185.png", + "edit_type": "subject-add" + }, + "ec55ed4412ff3a74e6e4b42b21371fb1": { + "prompt": "Add clothes to the person in the image, make their gaze slightly disdainful, and change their posture to a crossed-leg position.", + "id": "fullset/subject-add/en/ec55ed4412ff3a74e6e4b42b21371fb1.png", + "edit_type": "subject-add" + }, + "dd8355aceecda1bed1594a616b40cd11": { + "prompt": "Add stockings.", + "id": "fullset/subject-add/en/dd8355aceecda1bed1594a616b40cd11.png", + "edit_type": "subject-add" + }, + "1f58ceef62aecf90fcca4f253c5a478b": { + "prompt": "Add firearms to the character in the image, turning them into a comedic depiction of a robber, and change the background to a bank.", + "id": "fullset/subject-add/en/1f58ceef62aecf90fcca4f253c5a478b.png", + "edit_type": "subject-add" + }, + "720454d83c65f03eefe4cb6da5d706df": { + "prompt": "Add a puppy to this picture leaning against the girl's legs.", + "id": "fullset/subject-add/en/720454d83c65f03eefe4cb6da5d706df.png", + "edit_type": "subject-add" + }, + "ae62baf786ccbe623b41109c0bda4add": { + "prompt": "Add a beautiful woman to accompany the boyfriend in the image.", + "id": "fullset/subject-add/en/ae62baf786ccbe623b41109c0bda4add.png", + "edit_type": "subject-add" + }, + "30ecaf9734421b7085c536d7f9837ec7": { + "prompt": "Add a young Chinese woman next to the character in the image, with a bright smile and a pure, natural look, without altering the original character.", + "id": "fullset/subject-add/en/30ecaf9734421b7085c536d7f9837ec7.png", + "edit_type": "subject-add" + }, + "be980c50b5cdfb9ede40c6d71769d2c9": { + "prompt": "Add a wool coat to the person in the image.", + "id": "fullset/subject-add/en/be980c50b5cdfb9ede40c6d71769d2c9.png", + "edit_type": "subject-add" + }, + "abf17f7fd44b495e38da17423b1bbd49": { + "prompt": "Add a woman with her back to the camera to the left of the man in white clothes.", + "id": "fullset/subject-add/en/abf17f7fd44b495e38da17423b1bbd49.png", + "edit_type": "subject-add" + }, + "2155f844beb949faa389c83bd4173a6c": { + "prompt": "Add a chair in the background.", + "id": "fullset/subject-add/en/2155f844beb949faa389c83bd4173a6c.png", + "edit_type": "subject-add" + }, + "761a6bf01b28d3785d5ab04afa45e7a9": { + "prompt": "Add a potted green plant to the right of the sofa.", + "id": "fullset/subject-add/en/761a6bf01b28d3785d5ab04afa45e7a9.png", + "edit_type": "subject-add" + }, + "540034b428e3c61e8d5a59e3fbba46aa": { + "prompt": "Add an elderly woman with gray hair on the right side of the image.", + "id": "fullset/subject-add/en/540034b428e3c61e8d5a59e3fbba46aa.png", + "edit_type": "subject-add" + }, + "0523f1c34d1e3312d85b938a7c329885": { + "prompt": "Add a balloon decoration strip below the airplane.", + "id": "fullset/subject-add/en/0523f1c34d1e3312d85b938a7c329885.png", + "edit_type": "subject-add" + }, + "69a8b2a59f6d83aab9101d895bc0e10f": { + "prompt": "Add a water bottle on the table.", + "id": "fullset/subject-add/en/69a8b2a59f6d83aab9101d895bc0e10f.png", + "edit_type": "subject-add" + }, + "0fd3b576ec3f9873767eb7348c78ead2": { + "prompt": "Add a smiling girl.", + "id": "fullset/subject-add/en/0fd3b576ec3f9873767eb7348c78ead2.png", + "edit_type": "subject-add" + }, + "5fe0c103a59eabd95012374edf3d298e": { + "prompt": "Dress the girl in black shorts.", + "id": "fullset/subject-add/en/5fe0c103a59eabd95012374edf3d298e.png", + "edit_type": "subject-add" + }, + "bcb9d7a80eaf8a5f630cc78b6bce0b6c": { + "prompt": "Add two small dogs sitting face-to-face in the foreground.", + "id": "fullset/subject-add/en/bcb9d7a80eaf8a5f630cc78b6bce0b6c.png", + "edit_type": "subject-add" + }, + "0b54f659bd2b2ecd02c1070331cd0c92": { + "prompt": "Add a groom to the left of the bride, with the two gazing into each other\u2019s eyes.", + "id": "fullset/subject-add/en/0b54f659bd2b2ecd02c1070331cd0c92.png", + "edit_type": "subject-add" + }, + "db01713497b149ee87ed7ef66313f122": { + "prompt": "Add a golden crystal glass ball.", + "id": "fullset/subject-add/en/db01713497b149ee87ed7ef66313f122.png", + "edit_type": "subject-add" + }, + "ee87afcee5619d39abcbc36cd87391d4": { + "prompt": "Add a boy wearing headphones operating a laptop in front of the computer.", + "id": "fullset/subject-add/en/ee87afcee5619d39abcbc36cd87391d4.png", + "edit_type": "subject-add" + }, + "4000f5cdc69f67b283228009f51133fa": { + "prompt": "Add a blue feathered helmet.", + "id": "fullset/subject-add/en/4000f5cdc69f67b283228009f51133fa.png", + "edit_type": "subject-add" + }, + "0ed1540807e373893280ce44287a9838": { + "prompt": "Change the hair from a ponytail to naturally draping over the shoulders.", + "id": "fullset/subject-add/en/0ed1540807e373893280ce44287a9838.png", + "edit_type": "subject-add" + }, + "30f6aa209359ab7d115d232b1313a047": { + "prompt": "Add a face mask to the chef's face.", + "id": "fullset/subject-add/en/30f6aa209359ab7d115d232b1313a047.png", + "edit_type": "subject-add" + }, + "cf2612adda4cc638132a60a2857a6cc5": { + "prompt": "Add a disposable cup on the left side of the foreground.", + "id": "fullset/subject-add/en/cf2612adda4cc638132a60a2857a6cc5.png", + "edit_type": "subject-add" + }, + "09329f999a34f60db2047904ffe6cf0b": { + "prompt": "Add a black short-sleeved T-shirt to the upper body of the person.", + "id": "fullset/subject-add/en/09329f999a34f60db2047904ffe6cf0b.png", + "edit_type": "subject-add" + }, + "61e0b78dbfbf640f62447931c8c45a9a": { + "prompt": "Add a painting to the easel.", + "id": "fullset/subject-add/en/61e0b78dbfbf640f62447931c8c45a9a.png", + "edit_type": "subject-add" + }, + "0f0d1e81bb1308e2bbc57ea3c32d5f31": { + "prompt": "Add a guitar to the girl\u2019s hands and adjust her hand and arm positions to fit the guitar.", + "id": "fullset/subject-add/en/0f0d1e81bb1308e2bbc57ea3c32d5f31.png", + "edit_type": "subject-add" + }, + "815fc87e5633ec77855c468746d08773": { + "prompt": "Add a lit green desk lamp to the image.", + "id": "fullset/subject-add/en/815fc87e5633ec77855c468746d08773.png", + "edit_type": "subject-add" + }, + "c2330eaa58378dd8d76989053fe27cdc": { + "prompt": "remove the fedora on the bench", + "id": "fullset/subject-remove/en/c2330eaa58378dd8d76989053fe27cdc.png", + "edit_type": "subject-remove" + }, + "fc610a23a5c9ac5c4a3c2cc0386bc8d2": { + "prompt": "remove the freight train", + "id": "fullset/subject-remove/en/fc610a23a5c9ac5c4a3c2cc0386bc8d2.png", + "edit_type": "subject-remove" + }, + "2d762cc12344718236b171a19417adf5": { + "prompt": "remove the sign that measures height", + "id": "fullset/subject-remove/en/2d762cc12344718236b171a19417adf5.png", + "edit_type": "subject-remove" + }, + "ea887a20c2483ba77f0f0fdfabf83f34": { + "prompt": "erase the stop sign", + "id": "fullset/subject-remove/en/ea887a20c2483ba77f0f0fdfabf83f34.png", + "edit_type": "subject-remove" + }, + "79e800c9187225a020bef26413014de3": { + "prompt": "remove the dog getting a haircut", + "id": "fullset/subject-remove/en/79e800c9187225a020bef26413014de3.png", + "edit_type": "subject-remove" + }, + "1b05dbce0dc0e981e4eb38b27c2c0167": { + "prompt": "remove the stuffed animals", + "id": "fullset/subject-remove/en/1b05dbce0dc0e981e4eb38b27c2c0167.png", + "edit_type": "subject-remove" + }, + "ca3ce49b08db0d75388197210fed5157": { + "prompt": "remove the black hat", + "id": "fullset/subject-remove/en/ca3ce49b08db0d75388197210fed5157.png", + "edit_type": "subject-remove" + }, + "e0e6c00cd4573be9dd571854cf362d24": { + "prompt": "remove the person wearing all white standing on their ski's", + "id": "fullset/subject-remove/en/e0e6c00cd4573be9dd571854cf362d24.png", + "edit_type": "subject-remove" + }, + "3d1bf910852585afdb6fe2a9c9b24d6b": { + "prompt": "remove the motorcycle", + "id": "fullset/subject-remove/en/3d1bf910852585afdb6fe2a9c9b24d6b.png", + "edit_type": "subject-remove" + }, + "6d3f5e90a64806a7b3170d71a6dd0fbe": { + "prompt": "remove the peanuts", + "id": "fullset/subject-remove/en/6d3f5e90a64806a7b3170d71a6dd0fbe.png", + "edit_type": "subject-remove" + }, + "90f506d94854bce0e7cfe3d7f015c4b2": { + "prompt": "remove the frisbee", + "id": "fullset/subject-remove/en/90f506d94854bce0e7cfe3d7f015c4b2.png", + "edit_type": "subject-remove" + }, + "fb492dc225f9ba92079731774b91ac8e": { + "prompt": "remove the meat pie", + "id": "fullset/subject-remove/en/fb492dc225f9ba92079731774b91ac8e.png", + "edit_type": "subject-remove" + }, + "834b9cd34b6c6c201ad42bb00eba10eb": { + "prompt": "remove the pizza", + "id": "fullset/subject-remove/en/834b9cd34b6c6c201ad42bb00eba10eb.png", + "edit_type": "subject-remove" + }, + "856b6b373fe9f39644456d5810cb9042": { + "prompt": "remove the skateboard", + "id": "fullset/subject-remove/en/856b6b373fe9f39644456d5810cb9042.png", + "edit_type": "subject-remove" + }, + "9e563953afc8bcce1d0ad908e47f8006": { + "prompt": "remove the woman standing next to the lady in white.", + "id": "fullset/subject-remove/en/9e563953afc8bcce1d0ad908e47f8006.png", + "edit_type": "subject-remove" + }, + "7bacd70f8819d2444bcf5e0676b14a67": { + "prompt": "erase the zebra", + "id": "fullset/subject-remove/en/7bacd70f8819d2444bcf5e0676b14a67.png", + "edit_type": "subject-remove" + }, + "e0f2fafb11805800995f38cb327d905b": { + "prompt": "remove the umbrella", + "id": "fullset/subject-remove/en/e0f2fafb11805800995f38cb327d905b.png", + "edit_type": "subject-remove" + }, + "e5407a415cc85180f2decb76a9529b6e": { + "prompt": "remove the woman", + "id": "fullset/subject-remove/en/e5407a415cc85180f2decb76a9529b6e.png", + "edit_type": "subject-remove" + }, + "dd328e27b6f2b6871f6be99c414717a9": { + "prompt": "delete the broccoli", + "id": "fullset/subject-remove/en/dd328e27b6f2b6871f6be99c414717a9.png", + "edit_type": "subject-remove" + }, + "5d9a5910b296328accc6701096c16a5b": { + "prompt": "erase the knife on the cutting board", + "id": "fullset/subject-remove/en/5d9a5910b296328accc6701096c16a5b.png", + "edit_type": "subject-remove" + }, + "ae3bf75e9abe53ab8e24052ef129d1ef": { + "prompt": "Replace the sword in Sasuke\u2019s hand with a rainbow unicorn hammer.", + "id": "fullset/subject-replace/en/ae3bf75e9abe53ab8e24052ef129d1ef.png", + "edit_type": "subject-replace" + }, + "bc8d567ee91ca1521adaa8d4a486851f": { + "prompt": "Replace the face in the picture with a blonde beauty.", + "id": "fullset/subject-replace/en/bc8d567ee91ca1521adaa8d4a486851f.png", + "edit_type": "subject-replace" + }, + "2afdc3f8ccc9191b4b5854a9c4042092": { + "prompt": "Remove the bystanders; the background is cacti.", + "id": "fullset/subject-remove/en/2afdc3f8ccc9191b4b5854a9c4042092.png", + "edit_type": "subject-remove" + }, + "202eccaba244927e87a17200a87e4406": { + "prompt": "Remove the magic wand and stars.", + "id": "fullset/subject-remove/en/202eccaba244927e87a17200a87e4406.png", + "edit_type": "subject-remove" + }, + "6e59f1430e90396b7e08cb869274c426": { + "prompt": "Remove the white stockings.", + "id": "fullset/subject-remove/en/6e59f1430e90396b7e08cb869274c426.png", + "edit_type": "subject-remove" + }, + "a9036279f412391d29bfd86fccd1606c": { + "prompt": "Remove the person from the image.", + "id": "fullset/subject-remove/en/a9036279f412391d29bfd86fccd1606c.png", + "edit_type": "subject-remove" + }, + "071cbc925ee5f3fcc234d72bf5fbe182": { + "prompt": "Please remove the woman outside the car while keeping everything else intact, then re-output the image for me.", + "id": "fullset/subject-remove/en/071cbc925ee5f3fcc234d72bf5fbe182.png", + "edit_type": "subject-remove" + }, + "39b5aeaeecceb845d41bc7beaf9319a3": { + "prompt": "Remove the person in the middle of the image.", + "id": "fullset/subject-remove/en/39b5aeaeecceb845d41bc7beaf9319a3.png", + "edit_type": "subject-remove" + }, + "dc1fb90b41f4c01c16cc351575bc9461": { + "prompt": "Remove the beard from the person while keeping everything else unchanged.", + "id": "fullset/subject-remove/en/dc1fb90b41f4c01c16cc351575bc9461.png", + "edit_type": "subject-remove" + }, + "8e02b0e258dcb5c6af860af239ea35be": { + "prompt": "Remove the clutter from the photo.", + "id": "fullset/subject-remove/en/8e02b0e258dcb5c6af860af239ea35be.png", + "edit_type": "subject-remove" + }, + "be1f3d0f398433eaf3f9cf9a931402a3": { + "prompt": "Remove all the people.", + "id": "fullset/subject-remove/en/be1f3d0f398433eaf3f9cf9a931402a3.png", + "edit_type": "subject-remove" + }, + "1e62ce17d24426272c11bd47906afba7": { + "prompt": "Remove the red section at the bottom of the image.", + "id": "fullset/subject-remove/en/1e62ce17d24426272c11bd47906afba7.png", + "edit_type": "subject-remove" + }, + "cd5e2a6dd0f762849943fede284c4516": { + "prompt": "Enhance this image by removing the distant power lines while maintaining a realistic style.", + "id": "fullset/subject-remove/en/cd5e2a6dd0f762849943fede284c4516.png", + "edit_type": "subject-remove" + }, + "b5729b790593f7065bf7ae2f7674c1e2": { + "prompt": "Remove the bangs.", + "id": "fullset/subject-remove/en/b5729b790593f7065bf7ae2f7674c1e2.png", + "edit_type": "subject-remove" + }, + "1110b6bc43aa5a3037467f5833ece3c5": { + "prompt": "Remove the snake pattern from the image.", + "id": "fullset/subject-remove/en/1110b6bc43aa5a3037467f5833ece3c5.png", + "edit_type": "subject-remove" + }, + "56b9020b542342972a3a796ee802ca95": { + "prompt": "Remove the phone from the person\u2019s hand.", + "id": "fullset/subject-remove/en/56b9020b542342972a3a796ee802ca95.png", + "edit_type": "subject-remove" + }, + "ddb40f4b94e2f60fc92815cfd89546c7": { + "prompt": "Remove the black railing.", + "id": "fullset/subject-remove/en/ddb40f4b94e2f60fc92815cfd89546c7.png", + "edit_type": "subject-remove" + }, + "f9418062962373f7646b359d32c2526a": { + "prompt": "Delete the man wearing a white robe.", + "id": "fullset/subject-remove/en/f9418062962373f7646b359d32c2526a.png", + "edit_type": "subject-remove" + }, + "23663821d9be6aba1d8100daffdb15cb": { + "prompt": "Remove the person from the top of the boat cabin.", + "id": "fullset/subject-remove/en/23663821d9be6aba1d8100daffdb15cb.png", + "edit_type": "subject-remove" + }, + "64c8ea3004fb830615591121c1cebe6a": { + "prompt": "Remove the glasses.", + "id": "fullset/subject-remove/en/64c8ea3004fb830615591121c1cebe6a.png", + "edit_type": "subject-remove" + }, + "08a671d4c5067a5659ea84cded659fd8": { + "prompt": "Delete the computer.", + "id": "fullset/subject-remove/en/08a671d4c5067a5659ea84cded659fd8.png", + "edit_type": "subject-remove" + }, + "8752867086a665d8889f8134703d92b0": { + "prompt": "Remove the music stand and sheet music from the stage.", + "id": "fullset/subject-remove/en/8752867086a665d8889f8134703d92b0.png", + "edit_type": "subject-remove" + }, + "99cc761cfc9689c2ffff606e41832371": { + "prompt": "Remove the railing in the background.", + "id": "fullset/subject-remove/en/99cc761cfc9689c2ffff606e41832371.png", + "edit_type": "subject-remove" + }, + "600884cc7c2be67d2ecf5517fea512c2": { + "prompt": "Remove the bouquet from the left foreground.", + "id": "fullset/subject-remove/en/600884cc7c2be67d2ecf5517fea512c2.png", + "edit_type": "subject-remove" + }, + "cf3daa2e86bcd3cc867204e5edb938bf": { + "prompt": "Delete the pen from the woman\u2019s hand in the foreground.", + "id": "fullset/subject-remove/en/cf3daa2e86bcd3cc867204e5edb938bf.png", + "edit_type": "subject-remove" + }, + "c59adebb1dc6ecf43d658c1a4b7674ee": { + "prompt": "Remove the bicycle between the two people.", + "id": "fullset/subject-remove/en/c59adebb1dc6ecf43d658c1a4b7674ee.png", + "edit_type": "subject-remove" + }, + "fe511143bd74c0262075af599364dbcc": { + "prompt": "Remove the girl inside the window.", + "id": "fullset/subject-remove/en/fe511143bd74c0262075af599364dbcc.png", + "edit_type": "subject-remove" + }, + "2ebb31e51f0de8bba7005352df7150b8": { + "prompt": "Remove the person in the distance wearing red clothes and a green backpack.", + "id": "fullset/subject-remove/en/2ebb31e51f0de8bba7005352df7150b8.png", + "edit_type": "subject-remove" + }, + "ce693a75c84f7c0f2975c6cc50f2af9e": { + "prompt": "Remove the Christmas tree on the left side of the image.", + "id": "fullset/subject-remove/en/ce693a75c84f7c0f2975c6cc50f2af9e.png", + "edit_type": "subject-remove" + }, + "f5d8129b33eaf3adcaad19ba2d471529": { + "prompt": "Remove the sticky notes next to the monitor.", + "id": "fullset/subject-remove/en/f5d8129b33eaf3adcaad19ba2d471529.png", + "edit_type": "subject-remove" + }, + "17f4fec8b5c096e4ee3e8f168f93d05d": { + "prompt": "Delete the red headscarf.", + "id": "fullset/subject-remove/en/17f4fec8b5c096e4ee3e8f168f93d05d.png", + "edit_type": "subject-remove" + }, + "cdafebec5ad18102bb9f2f9eccac053f": { + "prompt": "Remove the red dumbbell.", + "id": "fullset/subject-remove/en/cdafebec5ad18102bb9f2f9eccac053f.png", + "edit_type": "subject-remove" + }, + "774befadbd2459f532eb3e9bc2dca051": { + "prompt": "Remove the two bottles of alcohol on the left side of the image.", + "id": "fullset/subject-remove/en/774befadbd2459f532eb3e9bc2dca051.png", + "edit_type": "subject-remove" + }, + "8d0bc807846ac304d0b02ac5588c646d": { + "prompt": "Delete the white fence.", + "id": "fullset/subject-remove/en/8d0bc807846ac304d0b02ac5588c646d.png", + "edit_type": "subject-remove" + }, + "8853ec3095105930363c6c8c988f55e6": { + "prompt": "Remove the elderly man wearing glasses", + "id": "fullset/subject-remove/en/8853ec3095105930363c6c8c988f55e6.png", + "edit_type": "subject-remove" + }, + "16e59a89f37b5603a41fc60e2912a325": { + "prompt": "Delete the standing person wearing glasses.", + "id": "fullset/subject-remove/en/16e59a89f37b5603a41fc60e2912a325.png", + "edit_type": "subject-remove" + }, + "453c8005733dd2b902343f7577818c7b": { + "prompt": "Remove the bracelets and wristbands from the woman\u2019s hand.", + "id": "fullset/subject-remove/en/453c8005733dd2b902343f7577818c7b.png", + "edit_type": "subject-remove" + }, + "e1f901ce70f0db3eff231690b35a5e6f": { + "prompt": "Replace the dog with a robot.", + "id": "fullset/subject-replace/en/e1f901ce70f0db3eff231690b35a5e6f.png", + "edit_type": "subject-replace" + }, + "b3143e1ac75799da45f66d12b56cf911": { + "prompt": "Replace the TV with a bookshelf.", + "id": "fullset/subject-replace/en/b3143e1ac75799da45f66d12b56cf911.png", + "edit_type": "subject-replace" + }, + "119d3796737244a5dafa7513b373f64d": { + "prompt": "Replace the cat with a squirrel.", + "id": "fullset/subject-replace/en/119d3796737244a5dafa7513b373f64d.png", + "edit_type": "subject-replace" + }, + "9c6128cce6d1f80b7185c7427d3e30b8": { + "prompt": "Replace the pizza with a croissant.", + "id": "fullset/subject-replace/en/9c6128cce6d1f80b7185c7427d3e30b8.png", + "edit_type": "subject-replace" + }, + "906a0ffafbbf5f0dc51f01a4d2b7b7e3": { + "prompt": "Replace the cat on the laptop with a robot.", + "id": "fullset/subject-replace/en/906a0ffafbbf5f0dc51f01a4d2b7b7e3.png", + "edit_type": "subject-replace" + }, + "f1eb6e2131f2e664890e7e7a6c27efd5": { + "prompt": "Replace the cat with a dog.", + "id": "fullset/subject-replace/en/f1eb6e2131f2e664890e7e7a6c27efd5.png", + "edit_type": "subject-replace" + }, + "b8b9b70b9e2bce018e5e0d2bad7293bc": { + "prompt": "Replace the toilet with a bathtub.", + "id": "fullset/subject-replace/en/b8b9b70b9e2bce018e5e0d2bad7293bc.png", + "edit_type": "subject-replace" + }, + "dcb09f6f95a11496ee03ea7c875ef481": { + "prompt": "Replace the bear with a fox.", + "id": "fullset/subject-replace/en/dcb09f6f95a11496ee03ea7c875ef481.png", + "edit_type": "subject-replace" + }, + "02bc73fdbbb74f6ed7fd480b6b61abe8": { + "prompt": "Replace the bus with a truck.", + "id": "fullset/subject-replace/en/02bc73fdbbb74f6ed7fd480b6b61abe8.png", + "edit_type": "subject-replace" + }, + "6c5513204cc1970d65864e87f5c9444b": { + "prompt": "Replace the dog with a rabbit.", + "id": "fullset/subject-replace/en/6c5513204cc1970d65864e87f5c9444b.png", + "edit_type": "subject-replace" + }, + "efffd701b3207dee94a8d7009bbc9c75": { + "prompt": "Replace the school bus with a truck.", + "id": "fullset/subject-replace/en/efffd701b3207dee94a8d7009bbc9c75.png", + "edit_type": "subject-replace" + }, + "99303b3de6bf596a47ecf83b25b08db5": { + "prompt": "Replace the vase with a sculpture.", + "id": "fullset/subject-replace/en/99303b3de6bf596a47ecf83b25b08db5.png", + "edit_type": "subject-replace" + }, + "1eaed2671a534749a7c6a02a3d3e5f82": { + "prompt": "Replace the cat with a fish.", + "id": "fullset/subject-replace/en/1eaed2671a534749a7c6a02a3d3e5f82.png", + "edit_type": "subject-replace" + }, + "a88fd018f656ea701330c3fc14c1e8d0": { + "prompt": "Replace the bus with an ambulance.", + "id": "fullset/subject-replace/en/a88fd018f656ea701330c3fc14c1e8d0.png", + "edit_type": "subject-replace" + }, + "23b240c9ef94ecae6ad0b992b3d08034": { + "prompt": "Replace the zebra with a giraffe.", + "id": "fullset/subject-replace/en/23b240c9ef94ecae6ad0b992b3d08034.png", + "edit_type": "subject-replace" + }, + "2d3bd0d5db244d8fc89c9348fcb07d19": { + "prompt": "Replace the cake with a pie.", + "id": "fullset/subject-replace/en/2d3bd0d5db244d8fc89c9348fcb07d19.png", + "edit_type": "subject-replace" + }, + "d5f8ef8ebda32869bfc8b7fefc88f364": { + "prompt": "Replace the bed with a sofa.", + "id": "fullset/subject-replace/en/d5f8ef8ebda32869bfc8b7fefc88f364.png", + "edit_type": "subject-replace" + }, + "7a6e67b7d9c028d3d1bbef91483c26a6": { + "prompt": "Replace the elephant with a giraffe.", + "id": "fullset/subject-replace/en/7a6e67b7d9c028d3d1bbef91483c26a6.png", + "edit_type": "subject-replace" + }, + "469267bfc120943d28e93b6ecefe14af": { + "prompt": "Replace the eagle with a parrot.", + "id": "fullset/subject-replace/en/469267bfc120943d28e93b6ecefe14af.png", + "edit_type": "subject-replace" + }, + "7d15844945eb5e5dc00c219740f028d3": { + "prompt": "Replace the baby with a puppy.", + "id": "fullset/subject-replace/en/7d15844945eb5e5dc00c219740f028d3.png", + "edit_type": "subject-replace" + }, + "9d913d98a00d6b3a4088bdceb2232b89": { + "prompt": "Change the cat\u2019s collar into a bell.", + "id": "fullset/subject-replace/en/9d913d98a00d6b3a4088bdceb2232b89.png", + "edit_type": "subject-replace" + }, + "038b15558b1082c59f0a92e4853554aa": { + "prompt": "Replace the bracelet with a jade bangle.", + "id": "fullset/subject-replace/en/038b15558b1082c59f0a92e4853554aa.png", + "edit_type": "subject-replace" + }, + "b3f022593999c27290201be31f9e6f1b": { + "prompt": "Change the food into seafood paella.", + "id": "fullset/subject-replace/en/b3f022593999c27290201be31f9e6f1b.png", + "edit_type": "subject-replace" + }, + "08ea4b4086ac3690f6aa0ab47d0da30f": { + "prompt": "Swap the earring for one that looks less conspicuous.", + "id": "fullset/subject-replace/en/08ea4b4086ac3690f6aa0ab47d0da30f.png", + "edit_type": "subject-replace" + }, + "ab7edde74c02708a661f6861144cbe95": { + "prompt": "Turn the rice into a hamburger and draw an avatar eating a burger.", + "id": "fullset/subject-replace/en/ab7edde74c02708a661f6861144cbe95.png", + "edit_type": "subject-replace" + }, + "e5c8aea1b4db7ee5e173bcc122a4ba8f": { + "prompt": "This is an ID photo\u2014please replace the clothing with a white dress shirt.", + "id": "fullset/subject-replace/en/e5c8aea1b4db7ee5e173bcc122a4ba8f.png", + "edit_type": "subject-replace" + }, + "2bf9fc7119ba64e9bb1579221e788885": { + "prompt": "Give her a different outfit.", + "id": "fullset/subject-replace/en/2bf9fc7119ba64e9bb1579221e788885.png", + "edit_type": "subject-replace" + }, + "50bf17e2335463ccb3511f5164ed1af0": { + "prompt": "Replace the food in the pot with spicy hot pot.", + "id": "fullset/subject-replace/en/50bf17e2335463ccb3511f5164ed1af0.png", + "edit_type": "subject-replace" + }, + "b049c18444079151e9be5a640f9fe552": { + "prompt": "Change my hairstyle to a wolf-cut mullet.", + "id": "fullset/subject-replace/en/b049c18444079151e9be5a640f9fe552.png", + "edit_type": "subject-replace" + }, + "0051b688bcfc65a4fc1063488eb9da0c": { + "prompt": "Turn the sleeves into ramen and chopped scallions.", + "id": "fullset/subject-replace/en/0051b688bcfc65a4fc1063488eb9da0c.png", + "edit_type": "subject-replace" + }, + "3de02fadd75720177fa70f42f743a48f": { + "prompt": "Change the man's hairstyle to a textured fringe cut.", + "id": "fullset/subject-replace/en/3de02fadd75720177fa70f42f743a48f.png", + "edit_type": "subject-replace" + }, + "b993cccb7c8b197175226e397a0f09a8": { + "prompt": "Dress the person in the image in a Zhongshan suit.", + "id": "fullset/subject-replace/en/b993cccb7c8b197175226e397a0f09a8.png", + "edit_type": "subject-replace" + }, + "1a0f5ee01be70d234093e91bae2282d7": { + "prompt": "Give me long hair\u2014shoulder-length or waist-length.", + "id": "fullset/subject-replace/en/1a0f5ee01be70d234093e91bae2282d7.png", + "edit_type": "subject-replace" + }, + "70fa37d482c2e708435366323262de90": { + "prompt": "Turn the tree branches in the image into a witch\u2019s magic wand.", + "id": "fullset/subject-replace/en/70fa37d482c2e708435366323262de90.png", + "edit_type": "subject-replace" + }, + "93e3bdd834cb2924864675b3dc5de9e5": { + "prompt": "Extract the person from the photo and dress them in a police uniform.", + "id": "fullset/subject-replace/en/93e3bdd834cb2924864675b3dc5de9e5.png", + "edit_type": "subject-replace" + }, + "0a92bb3a2f79ce8f79a6818701b95efa": { + "prompt": "Change the character into a male.", + "id": "fullset/subject-replace/en/0a92bb3a2f79ce8f79a6818701b95efa.png", + "edit_type": "subject-replace" + }, + "e70f54aa5e32ff6a11a512a4b6ebc734": { + "prompt": "Replace the person in the image with Spider-Man.", + "id": "fullset/subject-replace/en/e70f54aa5e32ff6a11a512a4b6ebc734.png", + "edit_type": "subject-replace" + }, + "a231523c745863eb34887202481d482b": { + "prompt": "Keep the person in the image but replace the cat with a dinosaur.", + "id": "fullset/subject-replace/en/a231523c745863eb34887202481d482b.png", + "edit_type": "subject-replace" + }, + "6d45407dd52ca631efd3095a6f84c8b2": { + "prompt": "Replace the guitar in front of the fox with a can of Coca-Cola.", + "id": "fullset/subject-replace/en/6d45407dd52ca631efd3095a6f84c8b2.png", + "edit_type": "subject-replace" + }, + "9658ab0654630bdb7d190f3f85280793": { + "prompt": "Swap the crystal in the child\u2019s hand for a glowing square box.", + "id": "fullset/subject-replace/en/9658ab0654630bdb7d190f3f85280793.png", + "edit_type": "subject-replace" + }, + "645a7c81e22d496f62e8bbbd58ca309e": { + "prompt": "Replace the woman in the center of the image with a black helicopter.", + "id": "fullset/subject-replace/en/645a7c81e22d496f62e8bbbd58ca309e.png", + "edit_type": "subject-replace" + }, + "41648ca74f9e782af1359397de7a6125": { + "prompt": "Change the crown on the cat\u2019s head into a magician\u2019s hat.", + "id": "fullset/subject-replace/en/41648ca74f9e782af1359397de7a6125.png", + "edit_type": "subject-replace" + }, + "20766bfbcee8914213e479c5845a057f": { + "prompt": "Replace the wolf with a standing bear, and have the bear hold a lightsaber with both paws.", + "id": "fullset/subject-replace/en/20766bfbcee8914213e479c5845a057f.png", + "edit_type": "subject-replace" + }, + "19e7dd610e2151dd4576490c7ece040f": { + "prompt": "Swap the bouquet in the woman\u2019s hand for a bottle of whiskey.", + "id": "fullset/subject-replace/en/19e7dd610e2151dd4576490c7ece040f.png", + "edit_type": "subject-replace" + }, + "8e5ddf5d223b0e938f58da44752dbca7": { + "prompt": "Replace the fruits in the colander with tomatoes.", + "id": "fullset/subject-replace/en/8e5ddf5d223b0e938f58da44752dbca7.png", + "edit_type": "subject-replace" + }, + "76fb2038377daf0ee1fe8efc57f7d6b3": { + "prompt": "Turn the samurai sword in the person's right hand into an axe.", + "id": "fullset/subject-replace/en/76fb2038377daf0ee1fe8efc57f7d6b3.png", + "edit_type": "subject-replace" + }, + "47ee57134632cbbfd038acd9ae870779": { + "prompt": "Replace the two children with a fire truck.", + "id": "fullset/subject-replace/en/47ee57134632cbbfd038acd9ae870779.png", + "edit_type": "subject-replace" + }, + "38424c921a89c3192404da23d54ce90d": { + "prompt": "Swap the brown teddy bear with a bag of \"Cricket\" chips.", + "id": "fullset/subject-replace/en/38424c921a89c3192404da23d54ce90d.png", + "edit_type": "subject-replace" + }, + "0064d30c8f40ddd94fa9bc564677498e": { + "prompt": "Replace the person in the mirror wearing a white shirt with a wardrobe.", + "id": "fullset/subject-replace/en/0064d30c8f40ddd94fa9bc564677498e.png", + "edit_type": "subject-replace" + }, + "a33f7ac94c028e30e9254363bb651331": { + "prompt": "Turn the baby\u2019s balloon into an ice cream cone.", + "id": "fullset/subject-replace/en/a33f7ac94c028e30e9254363bb651331.png", + "edit_type": "subject-replace" + }, + "92feefc5a6c868f8e36f262a7a89f866": { + "prompt": "Replace the baby stroller with a large globe.", + "id": "fullset/subject-replace/en/92feefc5a6c868f8e36f262a7a89f866.png", + "edit_type": "subject-replace" + }, + "f22a0046d07bf09f9e90b3eecb06e151": { + "prompt": "Change the painting on the scroll in the man\u2019s hand to a treasure map.", + "id": "fullset/subject-replace/en/f22a0046d07bf09f9e90b3eecb06e151.png", + "edit_type": "subject-replace" + }, + "8d074f9906d22f1f4d48400fe47f74f0": { + "prompt": "Replace the pencil in the hand of the boy wearing an orange-striped shirt with an egg.", + "id": "fullset/subject-replace/en/8d074f9906d22f1f4d48400fe47f74f0.png", + "edit_type": "subject-replace" + }, + "cef0d8358ad359678f9632380c3b5ac6": { + "prompt": "Swap the two grapefruit slices for VR goggles.", + "id": "fullset/subject-replace/en/cef0d8358ad359678f9632380c3b5ac6.png", + "edit_type": "subject-replace" + }, + "3e15c35b58cee82be47ee8d927704dde": { + "prompt": "Replace the paintbrush in the foreground person's hand with a giraffe mask.", + "id": "fullset/subject-replace/en/3e15c35b58cee82be47ee8d927704dde.png", + "edit_type": "subject-replace" + }, + "13829304257def7287613210cc82d6eb": { + "prompt": "Replace the green cup and its light-colored saucer on the table with a pen holder.", + "id": "fullset/subject-replace/en/13829304257def7287613210cc82d6eb.png", + "edit_type": "subject-replace" + }, + "619ba60ef621caf9f1412bfa7a3eb5c1": { + "prompt": "Change the clothes of the girl on the left side of the image to a black-and-white striped dress.", + "id": "fullset/subject-replace/en/619ba60ef621caf9f1412bfa7a3eb5c1.png", + "edit_type": "subject-replace" + }, + "fb4ebcdc742e1eb13c99f8f56e3a0cdb": { + "prompt": "Replace the laptop in front of the girl with a book.", + "id": "fullset/subject-replace/en/fb4ebcdc742e1eb13c99f8f56e3a0cdb.png", + "edit_type": "subject-replace" + }, + "a8cd7b467259425ed1a369550b28340e": { + "prompt": "Replace the text 'Google' with 'Goose'", + "id": "fullset/text_change/en/a8cd7b467259425ed1a369550b28340e.png", + "edit_type": "text_change" + }, + "9083ce3121a3d62c3fe3527e874760e5": { + "prompt": "Replace the text 'me' with 'he'", + "id": "fullset/text_change/en/9083ce3121a3d62c3fe3527e874760e5.png", + "edit_type": "text_change" + }, + "680553ae15691f30c9f717b5eac38ee9": { + "prompt": "Replace the text 'LONDON' with 'ENGLAND'", + "id": "fullset/text_change/en/680553ae15691f30c9f717b5eac38ee9.png", + "edit_type": "text_change" + }, + "de0dff21bb67b813d97dbe1709282a1f": { + "prompt": "Replace the text 'THE' with 'BUT'", + "id": "fullset/text_change/en/de0dff21bb67b813d97dbe1709282a1f.png", + "edit_type": "text_change" + }, + "a64d376914f2bed3b2383d9af0965dcb": { + "prompt": "Replace the text 'DARK' with 'DUCK'", + "id": "fullset/text_change/en/a64d376914f2bed3b2383d9af0965dcb.png", + "edit_type": "text_change" + }, + "9c5b7cba20568ccd142d8911e7a763c1": { + "prompt": "Replace the text 'ORION' with 'OREO'", + "id": "fullset/text_change/en/9c5b7cba20568ccd142d8911e7a763c1.png", + "edit_type": "text_change" + }, + "9c626643de176f0b934842efe12893c1": { + "prompt": "Replace the text 'Science' with 'Nature'", + "id": "fullset/text_change/en/9c626643de176f0b934842efe12893c1.png", + "edit_type": "text_change" + }, + "58679ee9aa7080c0d51c33e71375689c": { + "prompt": "Replace the text 'APEX' with 'CSGO'", + "id": "fullset/text_change/en/58679ee9aa7080c0d51c33e71375689c.png", + "edit_type": "text_change" + }, + "3bba48b36d85fb45365ee57c188b71ea": { + "prompt": "Replace the text 'CS' with 'VALO' and replace 'GO' with 'RANT'", + "id": "fullset/text_change/en/3bba48b36d85fb45365ee57c188b71ea.png", + "edit_type": "text_change" + }, + "6c106095dcb4224b3b3d74b4f89b8389": { + "prompt": "Replace the text 'VALORANT' with 'APEX'", + "id": "fullset/text_change/en/6c106095dcb4224b3b3d74b4f89b8389.png", + "edit_type": "text_change" + }, + "e7e3e2de78380531a17b1edd36807135": { + "prompt": "Replace the text 'IELTS' with 'TOFEL'", + "id": "fullset/text_change/en/e7e3e2de78380531a17b1edd36807135.png", + "edit_type": "text_change" + }, + "ffb7319fe2b8f2d222fb4ef38575d0f7": { + "prompt": "Replace the text 'TOFEL' with 'IELTS'", + "id": "fullset/text_change/en/ffb7319fe2b8f2d222fb4ef38575d0f7.png", + "edit_type": "text_change" + }, + "0c8ea3779a6497c2b743c962a8231d1f": { + "prompt": "Replace the text 'duolingo' with 'greenowl'", + "id": "fullset/text_change/en/0c8ea3779a6497c2b743c962a8231d1f.png", + "edit_type": "text_change" + }, + "4612dcee8805e9624abd52e616449ba5": { + "prompt": "Remove the text 'FREE'", + "id": "fullset/text_change/en/4612dcee8805e9624abd52e616449ba5.png", + "edit_type": "text_change" + }, + "5e085566f105978483848cab2f3a7001": { + "prompt": "Replace the text 'TRAIN' with 'PLANE'", + "id": "fullset/text_change/en/5e085566f105978483848cab2f3a7001.png", + "edit_type": "text_change" + }, + "89714e3ea9345ea5483ac6d5856915fe": { + "prompt": "Replace the text 'Salmon' with 'Sandwich'", + "id": "fullset/text_change/en/89714e3ea9345ea5483ac6d5856915fe.png", + "edit_type": "text_change" + }, + "b43f20f42dbb3e169fabf75289627f98": { + "prompt": "Remove the text from the image", + "id": "fullset/text_change/en/b43f20f42dbb3e169fabf75289627f98.png", + "edit_type": "text_change" + }, + "78ee992d292a3153df4d8d351f6256da": { + "prompt": "Remove the text from the image", + "id": "fullset/text_change/en/78ee992d292a3153df4d8d351f6256da.png", + "edit_type": "text_change" + }, + "e3ca3edfa90133957ec703f6d54b293a": { + "prompt": "Replace the text 'KONG' with 'JING'", + "id": "fullset/text_change/en/e3ca3edfa90133957ec703f6d54b293a.png", + "edit_type": "text_change" + }, + "c3e2d59003688478213a86fcee494bad": { + "prompt": "Replace the text 'lululemon' with 'lelolelol'", + "id": "fullset/text_change/en/c3e2d59003688478213a86fcee494bad.png", + "edit_type": "text_change" + }, + "729973fc58cfbf36b439f77a9f23a175": { + "prompt": "Add 'SPRING' below the text '2025'", + "id": "fullset/text_change/en/729973fc58cfbf36b439f77a9f23a175.png", + "edit_type": "text_change" + }, + "0cf1208c4cfe6b460aaa6c4e01af30a3": { + "prompt": "Replace the text 'NIPS' with 'CVPR'", + "id": "fullset/text_change/en/0cf1208c4cfe6b460aaa6c4e01af30a3.png", + "edit_type": "text_change" + }, + "73c88cc5d9741cfbc0764304bbba00ed": { + "prompt": "Replace the text 'WOOD' with 'LAND'", + "id": "fullset/text_change/en/73c88cc5d9741cfbc0764304bbba00ed.png", + "edit_type": "text_change" + }, + "0f7f956de6cdaff845d738075fa2fa16": { + "prompt": "Replace the text 'SUMMER' with 'WINTER'", + "id": "fullset/text_change/en/0f7f956de6cdaff845d738075fa2fa16.png", + "edit_type": "text_change" + }, + "853bc02c90873ac8838e53ee11fa5ec3": { + "prompt": "Replace the text 'PIZZA' with 'PLAZA'", + "id": "fullset/text_change/en/853bc02c90873ac8838e53ee11fa5ec3.png", + "edit_type": "text_change" + }, + "5b8fa6ad16fa1c442f0cf33437c8b310": { + "prompt": "Replace the text 'DARK' with 'MILK'", + "id": "fullset/text_change/en/5b8fa6ad16fa1c442f0cf33437c8b310.png", + "edit_type": "text_change" + }, + "9897da315582be46de990e313d8e4a9b": { + "prompt": "Replace the text 'HELL'S' with 'HEAVEN'", + "id": "fullset/text_change/en/9897da315582be46de990e313d8e4a9b.png", + "edit_type": "text_change" + }, + "334a1052afdb33ad9aebdc24406c46be": { + "prompt": "Replace the text 'BOWL' with 'FULL'", + "id": "fullset/text_change/en/334a1052afdb33ad9aebdc24406c46be.png", + "edit_type": "text_change" + }, + "7bdeb9f23a8c11688f33f968ee27be4d": { + "prompt": "Replace the text 'PROJECT' with 'PROMPT'", + "id": "fullset/text_change/en/7bdeb9f23a8c11688f33f968ee27be4d.png", + "edit_type": "text_change" + }, + "f9f802a2b603002b098e3e7590f45661": { + "prompt": "Replace the text 'NATURE' with 'SCIENCE'", + "id": "fullset/text_change/en/f9f802a2b603002b098e3e7590f45661.png", + "edit_type": "text_change" + }, + "b4b77c91de77e4bd0abe2ca27853ce1f": { + "prompt": "Replace the text 'TOES' with 'NIKE'", + "id": "fullset/text_change/en/b4b77c91de77e4bd0abe2ca27853ce1f.png", + "edit_type": "text_change" + }, + "0139f41b56bc537daabf684856d2ddb5": { + "prompt": "Replace the text 'SHEFFIELD' with 'EDINBURGH'", + "id": "fullset/text_change/en/0139f41b56bc537daabf684856d2ddb5.png", + "edit_type": "text_change" + }, + "65657376e859f54717af9ee796759dc7": { + "prompt": "Replace the text 'DORIT' with 'DRINK'", + "id": "fullset/text_change/en/65657376e859f54717af9ee796759dc7.png", + "edit_type": "text_change" + }, + "8ecdf91615e1599dd4a088d757fedd29": { + "prompt": "Replace the text 'CLASSIC MOJITO' with 'BABY MILKSHAKE'", + "id": "fullset/text_change/en/8ecdf91615e1599dd4a088d757fedd29.png", + "edit_type": "text_change" + }, + "3e6dd180e9c8081cceae9fc8abbf9052": { + "prompt": "Replace the text 'SEVEN' with 'EIGHT'", + "id": "fullset/text_change/en/3e6dd180e9c8081cceae9fc8abbf9052.png", + "edit_type": "text_change" + }, + "c86d92a8647bd78f5b8e25ff05e45d03": { + "prompt": "Add 'Written by' to the right of 'NANCY DOWD'", + "id": "fullset/text_change/en/c86d92a8647bd78f5b8e25ff05e45d03.png", + "edit_type": "text_change" + }, + "d0c69c93397abe869ba14880d3933216": { + "prompt": "Replace the text 'JACQUES' with 'QUEENS'", + "id": "fullset/text_change/en/d0c69c93397abe869ba14880d3933216.png", + "edit_type": "text_change" + }, + "140cbdcd2cc6adccb374b62d40f41b9f": { + "prompt": "Replace the text 'McCONAUGHEY' with 'McDonald'", + "id": "fullset/text_change/en/140cbdcd2cc6adccb374b62d40f41b9f.png", + "edit_type": "text_change" + }, + "6e8087c04fbf254fb063f1500135ea36": { + "prompt": "Replace the text 'chicken' with 'beef'", + "id": "fullset/text_change/en/6e8087c04fbf254fb063f1500135ea36.png", + "edit_type": "text_change" + }, + "58d1612b7520a747c616519e94c8f48c": { + "prompt": "Change the text '23' to '45'", + "id": "fullset/text_change/en/58d1612b7520a747c616519e94c8f48c.png", + "edit_type": "text_change" + }, + "f58bb1fd98acc1888a7272d0d0f4f2a7": { + "prompt": "Replace the text 'SPA' with 'Relaxation Oasis'", + "id": "fullset/text_change/en/f58bb1fd98acc1888a7272d0d0f4f2a7.png", + "edit_type": "text_change" + }, + "a9ae1402abe1d2624b7fce054edd7313": { + "prompt": "Change the text 'Bank' to 'Banks'", + "id": "fullset/text_change/en/a9ae1402abe1d2624b7fce054edd7313.png", + "edit_type": "text_change" + }, + "ba7dd356656852097eeb86c78c1faae3": { + "prompt": "Replace the text 'Ziel' with 'Porte'", + "id": "fullset/text_change/en/ba7dd356656852097eeb86c78c1faae3.png", + "edit_type": "text_change" + }, + "f00dfa62ea1474aeb985b5447dc8fa0c": { + "prompt": "Change the text 'FAIRGROUNDS' to 'PARKWAY'", + "id": "fullset/text_change/en/f00dfa62ea1474aeb985b5447dc8fa0c.png", + "edit_type": "text_change" + }, + "131ed8c70ef386a4edf4faefe155a8c7": { + "prompt": "Replace the text 'SNACK' with 'TREAT'", + "id": "fullset/text_change/en/131ed8c70ef386a4edf4faefe155a8c7.png", + "edit_type": "text_change" + }, + "ac80b138c5c796517a6fdc789a7d7c2b": { + "prompt": "Change the text 'petit' to 'grand'", + "id": "fullset/text_change/en/ac80b138c5c796517a6fdc789a7d7c2b.png", + "edit_type": "text_change" + }, + "92181ff38321335cfb22e96fefd03188": { + "prompt": "Replace the text '32' with '33'", + "id": "fullset/text_change/en/92181ff38321335cfb22e96fefd03188.png", + "edit_type": "text_change" + }, + "5efb5e25b477ca8d0f98f7774cb28ce0": { + "prompt": "Change the text 'COST' to 'FREE'", + "id": "fullset/text_change/en/5efb5e25b477ca8d0f98f7774cb28ce0.png", + "edit_type": "text_change" + }, + "5052e9399738b1d713833bf3b1b55950": { + "prompt": "Change the text 'hotwind' to 'cool breeze'", + "id": "fullset/text_change/en/5052e9399738b1d713833bf3b1b55950.png", + "edit_type": "text_change" + }, + "e25b84ada0cfe0c12eaf82e0b7dbecf3": { + "prompt": "Change the text 'ONTARIO' to 'ONTARO'", + "id": "fullset/text_change/en/e25b84ada0cfe0c12eaf82e0b7dbecf3.png", + "edit_type": "text_change" + }, + "7b61056fbc47ace12e3ae5568e0c67ed": { + "prompt": "Replace the text'FERMENT' with 'delicious treats'", + "id": "fullset/text_change/en/7b61056fbc47ace12e3ae5568e0c67ed.png", + "edit_type": "text_change" + }, + "11e198f3745e800957d19098cf29c99b": { + "prompt": "Change the text '500' to '250'", + "id": "fullset/text_change/en/11e198f3745e800957d19098cf29c99b.png", + "edit_type": "text_change" + }, + "73fa218afee74ffe8cc7d1695cef644e": { + "prompt": "Change the text 'SCHOOL' to 'COLLEGE'", + "id": "fullset/text_change/en/73fa218afee74ffe8cc7d1695cef644e.png", + "edit_type": "text_change" + }, + "966bd852686133547ab7283bec3293ab": { + "prompt": "Replace the text 'STOP' with 'Caution'", + "id": "fullset/text_change/en/966bd852686133547ab7283bec3293ab.png", + "edit_type": "text_change" + }, + "079b25c601b74a2da8980461e0640324": { + "prompt": "Replace the text 'BAR' with 'Beach'", + "id": "fullset/text_change/en/079b25c601b74a2da8980461e0640324.png", + "edit_type": "text_change" + }, + "510f45e1134cf029ef152acee6aaf6dd": { + "prompt": "Change the text 'ESTATE TACHEN' to 'Timeless Fashion'", + "id": "fullset/text_change/en/510f45e1134cf029ef152acee6aaf6dd.png", + "edit_type": "text_change" + }, + "de1a98de20909a104b97fc444fff100d": { + "prompt": "Change the text 'SNP' to 'Call me'", + "id": "fullset/text_change/en/de1a98de20909a104b97fc444fff100d.png", + "edit_type": "text_change" + }, + "bf5580adf9837959761bae65e343ff1f": { + "prompt": "Change the text '10000' to '18000'", + "id": "fullset/text_change/en/bf5580adf9837959761bae65e343ff1f.png", + "edit_type": "text_change" + }, + "99500eadb2f363c2e26fcb501972c29f": { + "prompt": "Replace the text '95' with '123'", + "id": "fullset/text_change/en/99500eadb2f363c2e26fcb501972c29f.png", + "edit_type": "text_change" + }, + "365da3516f60dde11e8a362ceffceb38": { + "prompt": "Little Yue, can you replace the character \"\u66f9\" with \"\u53f6\" inside?", + "id": "fullset/text_change/en/365da3516f60dde11e8a362ceffceb38.png", + "edit_type": "text_change" + }, + "680b385ed8595ff5e4bfdd9fc7c5bf1a": { + "prompt": "Add the three characters \"\u4ff1\u4e50\u90e8\" to this image.", + "id": "fullset/text_change/en/680b385ed8595ff5e4bfdd9fc7c5bf1a.png", + "edit_type": "text_change" + }, + "be45c39b3bcc9d082051c13b5300dde1": { + "prompt": "Help me insert the words \"\u65f6\u5149\u4e0e\u4f60\u5171\u5b88\u60c5\u957f\" into the image.", + "id": "fullset/text_change/en/be45c39b3bcc9d082051c13b5300dde1.png", + "edit_type": "text_change" + }, + "d93126d2fa1e4d4a9ce9cc0cddee9826": { + "prompt": "Remove the text.", + "id": "fullset/text_change/en/d93126d2fa1e4d4a9ce9cc0cddee9826.png", + "edit_type": "text_change" + }, + "947855a8a1e0954deaa4dc826e9519db": { + "prompt": "Replace the tattoo text in the image with \"\u6b64\u751f\u4e0d\u8d1f\u4f60\".", + "id": "fullset/text_change/en/947855a8a1e0954deaa4dc826e9519db.png", + "edit_type": "text_change" + }, + "27dba5cccc5a6d4ca877b83eb2ca374e": { + "prompt": "Based on this image, change the hidden \"New York\" text to \"ALEX\".", + "id": "fullset/text_change/en/27dba5cccc5a6d4ca877b83eb2ca374e.png", + "edit_type": "text_change" + }, + "e206257f9c32db3dd3ad888865e3cefc": { + "prompt": "Remove the text in the background.", + "id": "fullset/text_change/en/e206257f9c32db3dd3ad888865e3cefc.png", + "edit_type": "text_change" + }, + "3a9853285c981f9ec42fae7c9ba938f8": { + "prompt": "Can you change the text in the image to \"\u68a6\u79bb\u5f52\u65f6\"?", + "id": "fullset/text_change/en/3a9853285c981f9ec42fae7c9ba938f8.png", + "edit_type": "text_change" + }, + "bdd77c99d54bdb14bcd48ee0ee3faafa": { + "prompt": "Replace the two characters \"\u8bf8\u66a8\" with \"\u6c38\u5eb7\".", + "id": "fullset/text_change/en/bdd77c99d54bdb14bcd48ee0ee3faafa.png", + "edit_type": "text_change" + }, + "f684d93bdc97991873726762bec1d841": { + "prompt": "Can you remove the white text from this image?", + "id": "fullset/text_change/en/f684d93bdc97991873726762bec1d841.png", + "edit_type": "text_change" + }, + "7b2f2dd979ca5149d4a6145bdfa64494": { + "prompt": "I want to change the letters on this piece of clothing to \"DIOR\".", + "id": "fullset/text_change/en/7b2f2dd979ca5149d4a6145bdfa64494.png", + "edit_type": "text_change" + }, + "1bb0fbeaac87f6eff80e09d8fd409de1": { + "prompt": "Replace the \"\u62db\u8d22\u8fdb\u5b9d\" characters inside the circle with \"\u8d22\u6e90\u5e7f\u8fdb\".", + "id": "fullset/text_change/en/1bb0fbeaac87f6eff80e09d8fd409de1.png", + "edit_type": "text_change" + }, + "5b8717b2209b784940f388864d5520f3": { + "prompt": "I need you to change \"2024\" to \"2025\" in this image and replace the \"\u9648\" character inside the topmost heart with \"\u534e\".", + "id": "fullset/text_change/en/5b8717b2209b784940f388864d5520f3.png", + "edit_type": "text_change" + }, + "7eb55372802dfee7167a63e02728ca0e": { + "prompt": "Modify this image directly, do not generate a new one. Add the four characters \"\u5f77\u5fa8\u4e4b\u5203\" on the left side.", + "id": "fullset/text_change/en/7eb55372802dfee7167a63e02728ca0e.png", + "edit_type": "text_change" + }, + "f148f938d38014e46b85664ffc617457": { + "prompt": "Remove the text from the image.", + "id": "fullset/text_change/en/f148f938d38014e46b85664ffc617457.png", + "edit_type": "text_change" + }, + "0ca8f7be9422a84221920fccc6df2c4c": { + "prompt": "Add the four characters \"\u677e\u524d\u4e91\u9e64\" to this image in a calligraphy style.", + "id": "fullset/text_change/en/0ca8f7be9422a84221920fccc6df2c4c.png", + "edit_type": "text_change" + }, + "3a016977fd14367ffc324d12e965e961": { + "prompt": "Describe this photo and replace the text with \"\u4eba\u751f\u9760\u81ea\u5df1\uff0c\u4e09\u5206\u5929\u6ce8\u5b9a\u4e03\u5206\u9760\u6253\u62fc\" in two lines.", + "id": "fullset/text_change/en/3a016977fd14367ffc324d12e965e961.png", + "edit_type": "text_change" + }, + "62173ca26266af1845db7de6227a2e92": { + "prompt": "Remove the text and numbers below.", + "id": "fullset/text_change/en/62173ca26266af1845db7de6227a2e92.png", + "edit_type": "text_change" + }, + "8382cb3ebe2cfce4315f9ec944ee12c2": { + "prompt": "Write the characters \"\u6df7\u6c8c\u7ec3\u5b9d\u51b3\" below this image.", + "id": "fullset/text_change/en/8382cb3ebe2cfce4315f9ec944ee12c2.png", + "edit_type": "text_change" + }, + "a095ed1661fa125363bf59a47d8e52e4": { + "prompt": "Add the three characters \"\u82cd\u7a79\u51b3\" to this image.", + "id": "fullset/text_change/en/a095ed1661fa125363bf59a47d8e52e4.png", + "edit_type": "text_change" + }, + "07c987a0a42790a9f5fed28a2bc6409e": { + "prompt": "Help me change \"\u73b0\u6b63\u70ed\u64ad\u4e2d\" to \"2025\u6625\u8282\u4e0a\u6620\"", + "id": "fullset/text_change/en/07c987a0a42790a9f5fed28a2bc6409e.png", + "edit_type": "text_change" + }, + "75ba6223b2ab4de7f35cc0653d1df7da": { + "prompt": "Help me change the character after \"\u51b7\" to \"\u4e0d\u4e01\"", + "id": "fullset/text_change/en/75ba6223b2ab4de7f35cc0653d1df7da.png", + "edit_type": "text_change" + }, + "f4f263ee11d7db0e483e1c10973e7b22": { + "prompt": "Help me change \"\u81f4\u9752\u6625\" to \"\u81f4\u5c11\u5e74\"", + "id": "fullset/text_change/en/f4f263ee11d7db0e483e1c10973e7b22.png", + "edit_type": "text_change" + }, + "08fcf0e92aeea7e37931a6036a27174b": { + "prompt": "Change \"\u8fd9\u4e48\u4efb\u6027\" to \"\u8fd9\u4e48\u4efb\u610f\"", + "id": "fullset/text_change/en/08fcf0e92aeea7e37931a6036a27174b.png", + "edit_type": "text_change" + }, + "8ed283fe0c51659c06fd1de14420b544": { + "prompt": "Add \"\u8d85\u7ea7\u5927\" before \"\u63a2\u79d8\"", + "id": "fullset/text_change/en/8ed283fe0c51659c06fd1de14420b544.png", + "edit_type": "text_change" + }, + "db250fc8f05da99e1e9e57eb3ecd3920": { + "prompt": "Change \"\u5927\u8bdd\u897f\u6e38\" to \"\u795e\u8bdd\u61c2\u6e38\"", + "id": "fullset/text_change/en/db250fc8f05da99e1e9e57eb3ecd3920.png", + "edit_type": "text_change" + }, + "a2a41ebb84be1126248d9cf65d8ed078": { + "prompt": "Help me change \"\u884c\u52a8\" to \"\u51fa\u51fb\"", + "id": "fullset/text_change/en/a2a41ebb84be1126248d9cf65d8ed078.png", + "edit_type": "text_change" + }, + "11f41f16aebac2a07f24432b8cbeefd7": { + "prompt": "Delete \"\u53e4\u5821\u60ca\u9b42\"", + "id": "fullset/text_change/en/11f41f16aebac2a07f24432b8cbeefd7.png", + "edit_type": "text_change" + }, + "4165fe6296cc4e75c9055794e5a13a10": { + "prompt": "Remove \"\u6500\u5ca9\"", + "id": "fullset/text_change/en/4165fe6296cc4e75c9055794e5a13a10.png", + "edit_type": "text_change" + }, + "b485856ffb2107eaf50b4b437dacbea3": { + "prompt": "Change \"\u63a2\u5bfb\" to \"\u627e\u5230\"", + "id": "fullset/text_change/en/b485856ffb2107eaf50b4b437dacbea3.png", + "edit_type": "text_change" + }, + "90c04ff64d248a824f0cd65936a99bf0": { + "prompt": "Write \"\u62ac\u9ad880\u516c\u5206\" on the underline", + "id": "fullset/text_change/en/90c04ff64d248a824f0cd65936a99bf0.png", + "edit_type": "text_change" + }, + "ac11359a70c3950fce81d6c4a9665875": { + "prompt": "Remove \"\u79d8\u5236\u9ebb\u9ebb\u9c7c\" ", + "id": "fullset/text_change/en/ac11359a70c3950fce81d6c4a9665875.png", + "edit_type": "text_change" + }, + "8155a4b0727c1a4176f5f70cc0810562": { + "prompt": "Remove the text \"\u621a\u98ce\u86cb\u7cd5\" and rewrite as \"\u9e21\u86cb\u86cb\u7cd5\"", + "id": "fullset/text_change/en/8155a4b0727c1a4176f5f70cc0810562.png", + "edit_type": "text_change" + }, + "d9ea1c0d881af0ade68721357d453c64": { + "prompt": "Write 'SMILE' on the blackboard", + "id": "fullset/text_change/en/d9ea1c0d881af0ade68721357d453c64.png", + "edit_type": "text_change" + }, + "ba63cec563b66911faa74a1c3ba4850a": { + "prompt": "Add 'Top 1' in the middle, with the '1' especially large", + "id": "fullset/text_change/en/ba63cec563b66911faa74a1c3ba4850a.png", + "edit_type": "text_change" + }, + "7d283f97ec3592b175588efbd534061a": { + "prompt": "Change '2022' to '2024'", + "id": "fullset/text_change/en/7d283f97ec3592b175588efbd534061a.png", + "edit_type": "text_change" + }, + "7c7d40daf262d8e0df903af3e0917c03": { + "prompt": "Remove 'copy chief from random house'", + "id": "fullset/text_change/en/7c7d40daf262d8e0df903af3e0917c03.png", + "edit_type": "text_change" + }, + "058a3b3c422dcefddb8deb2c61ded83d": { + "prompt": "Remove the text and add \"\u6211\u7231\u4f60\"", + "id": "fullset/text_change/en/058a3b3c422dcefddb8deb2c61ded83d.png", + "edit_type": "text_change" + }, + "7ccd6d8d72339d7c94560300dce346f4": { + "prompt": "Add 'GAMES' in the center of the image", + "id": "fullset/text_change/en/7ccd6d8d72339d7c94560300dce346f4.png", + "edit_type": "text_change" + }, + "58cf4f4a16cd16ffef55c170804be136": { + "prompt": "Write \"\u6211\u4eec\u6b22\u8fce\u4f60\" in the bottom left corner", + "id": "fullset/text_change/en/58cf4f4a16cd16ffef55c170804be136.png", + "edit_type": "text_change" + }, + "3549b73c635e7f5d67d728bd582daffd": { + "prompt": "change the weather to snowstorm", + "id": "fullset/tone_transfer/en/3549b73c635e7f5d67d728bd582daffd.png", + "edit_type": "tone_transfer" + }, + "8168e81061f790fb34c9f4c81ed34d90": { + "prompt": "Apply an HDR filter to brighten the image.", + "id": "fullset/tone_transfer/en/8168e81061f790fb34c9f4c81ed34d90.png", + "edit_type": "tone_transfer" + }, + "1db07f0d277222e32913bff2681faebb": { + "prompt": "Make the image brighter.", + "id": "fullset/tone_transfer/en/1db07f0d277222e32913bff2681faebb.png", + "edit_type": "tone_transfer" + }, + "d83dad4db56f5c6c1270708a74311725": { + "prompt": "change the weather to snowy", + "id": "fullset/tone_transfer/en/d83dad4db56f5c6c1270708a74311725.png", + "edit_type": "tone_transfer" + }, + "ad3ad5f80040286822ec035c8fcf6c0f": { + "prompt": "change the time to nighttime", + "id": "fullset/tone_transfer/en/ad3ad5f80040286822ec035c8fcf6c0f.png", + "edit_type": "tone_transfer" + }, + "2c7d8b151daa5920c523e40d1dda0d5e": { + "prompt": "change the weather to heavy rain", + "id": "fullset/tone_transfer/en/2c7d8b151daa5920c523e40d1dda0d5e.png", + "edit_type": "tone_transfer" + }, + "e6b1eb3b883e718a85581c0d36727f24": { + "prompt": "Make the image brighter.", + "id": "fullset/tone_transfer/en/e6b1eb3b883e718a85581c0d36727f24.png", + "edit_type": "tone_transfer" + }, + "b95f07c147ce5d8afd6556b1acd5a902": { + "prompt": "change the time to night", + "id": "fullset/tone_transfer/en/b95f07c147ce5d8afd6556b1acd5a902.png", + "edit_type": "tone_transfer" + }, + "2e77d56a387ce48d9467a73c128635c4": { + "prompt": "make the weather snow", + "id": "fullset/tone_transfer/en/2e77d56a387ce48d9467a73c128635c4.png", + "edit_type": "tone_transfer" + }, + "47e6851356aed262881f4af848b27b8b": { + "prompt": "Add a background blur filter.", + "id": "fullset/tone_transfer/en/47e6851356aed262881f4af848b27b8b.png", + "edit_type": "tone_transfer" + }, + "ef5b74bc64af4113749e170f4624a1e4": { + "prompt": "change the season to winter", + "id": "fullset/tone_transfer/en/ef5b74bc64af4113749e170f4624a1e4.png", + "edit_type": "tone_transfer" + }, + "b728006d225ca8acf59cb8bd958d79c4": { + "prompt": "Make the image brighter.", + "id": "fullset/tone_transfer/en/b728006d225ca8acf59cb8bd958d79c4.png", + "edit_type": "tone_transfer" + }, + "6878b2aaea42391eb6d9d5a004dfba5a": { + "prompt": "Apply a suitable filter for this image.", + "id": "fullset/tone_transfer/en/6878b2aaea42391eb6d9d5a004dfba5a.png", + "edit_type": "tone_transfer" + }, + "42ece5249116fbad305140e068b118b3": { + "prompt": "change the weather to foggy", + "id": "fullset/tone_transfer/en/42ece5249116fbad305140e068b118b3.png", + "edit_type": "tone_transfer" + }, + "82713e857fa4a3972bd3bd560ad45d70": { + "prompt": "change the weather to snow", + "id": "fullset/tone_transfer/en/82713e857fa4a3972bd3bd560ad45d70.png", + "edit_type": "tone_transfer" + }, + "eded7f39803839235a11c20fe72c67f5": { + "prompt": "Restore and colorize this old photo in high definition.", + "id": "fullset/tone_transfer/en/eded7f39803839235a11c20fe72c67f5.png", + "edit_type": "tone_transfer" + }, + "051ce492fd93f74add67a5fea2ec1f20": { + "prompt": "change the time to prehistoric era", + "id": "fullset/tone_transfer/en/051ce492fd93f74add67a5fea2ec1f20.png", + "edit_type": "tone_transfer" + }, + "acd9a6d08c0a18ee251de9831251edf5": { + "prompt": "change the weather to snow", + "id": "fullset/tone_transfer/en/acd9a6d08c0a18ee251de9831251edf5.png", + "edit_type": "tone_transfer" + }, + "7bfbebfb0521da039f7ec26aec330ec9": { + "prompt": "change the weather to foggy", + "id": "fullset/tone_transfer/en/7bfbebfb0521da039f7ec26aec330ec9.png", + "edit_type": "tone_transfer" + }, + "d231513192c28e8f14d79a41fd648e9a": { + "prompt": "Apply a filter to make the image brighter.", + "id": "fullset/tone_transfer/en/d231513192c28e8f14d79a41fd648e9a.png", + "edit_type": "tone_transfer" + }, + "8907d6eacd7b91ee4cf8a157802a53a5": { + "prompt": "Colorize this photo without altering the facial structure.", + "id": "fullset/tone_transfer/en/8907d6eacd7b91ee4cf8a157802a53a5.png", + "edit_type": "tone_transfer" + }, + "7bea5378467e211452fb8289e7da71be": { + "prompt": "Apply a suitable filter to this image.", + "id": "fullset/tone_transfer/en/7bea5378467e211452fb8289e7da71be.png", + "edit_type": "tone_transfer" + }, + "277a863acdd110cc9550f16da754a93d": { + "prompt": "Enhance and colorize this photo to make the subject more vivid.", + "id": "fullset/tone_transfer/en/277a863acdd110cc9550f16da754a93d.png", + "edit_type": "tone_transfer" + }, + "1846b247da04c0fe6c63d8166e100a6a": { + "prompt": "Restore and colorize this old photo in high definition.", + "id": "fullset/tone_transfer/en/1846b247da04c0fe6c63d8166e100a6a.png", + "edit_type": "tone_transfer" + }, + "e7652e4858f7d1f3b86a0de28c6cb8c1": { + "prompt": "Restore and colorize the image.", + "id": "fullset/tone_transfer/en/e7652e4858f7d1f3b86a0de28c6cb8c1.png", + "edit_type": "tone_transfer" + }, + "f57ec87ccf7bc1788dfd5be1da4dbe7a": { + "prompt": "My photo looks a bit yellowish; please adjust the color.", + "id": "fullset/tone_transfer/en/f57ec87ccf7bc1788dfd5be1da4dbe7a.png", + "edit_type": "tone_transfer" + }, + "9d26293b9cc3ffd9df59117abbd9783d": { + "prompt": "Restore and colorize the image.", + "id": "fullset/tone_transfer/en/9d26293b9cc3ffd9df59117abbd9783d.png", + "edit_type": "tone_transfer" + }, + "4b0700347e2ea2aef8f27a2cc2b9c370": { + "prompt": "Enhance it to super high quality.", + "id": "fullset/tone_transfer/en/4b0700347e2ea2aef8f27a2cc2b9c370.png", + "edit_type": "tone_transfer" + }, + "dbc15e88af0839a1b60801291c31b3c8": { + "prompt": "Colorize the photo to make it clearer.", + "id": "fullset/tone_transfer/en/dbc15e88af0839a1b60801291c31b3c8.png", + "edit_type": "tone_transfer" + }, + "5c01bd878c03ec2e5c6060f7a133b2f9": { + "prompt": "Adjust the colors to make the image look brighter.", + "id": "fullset/tone_transfer/en/5c01bd878c03ec2e5c6060f7a133b2f9.png", + "edit_type": "tone_transfer" + }, + "c09e9a0c550da145d9afe12c543b0048": { + "prompt": "Enhance the clarity of this photo.", + "id": "fullset/tone_transfer/en/c09e9a0c550da145d9afe12c543b0048.png", + "edit_type": "tone_transfer" + }, + "94ab9306a1ea70be534d9ef36f3a19b0": { + "prompt": "Change the nighttime scene in the image to daytime.", + "id": "fullset/tone_transfer/en/94ab9306a1ea70be534d9ef36f3a19b0.png", + "edit_type": "tone_transfer" + }, + "02f9043a04c5691315d5d690193c955e": { + "prompt": "Apply an HDR filter to brighten the image.", + "id": "fullset/tone_transfer/en/02f9043a04c5691315d5d690193c955e.png", + "edit_type": "tone_transfer" + }, + "68afffd7d086ad91fb4d45d372418fea": { + "prompt": "Make this image clearer.", + "id": "fullset/tone_transfer/en/68afffd7d086ad91fb4d45d372418fea.png", + "edit_type": "tone_transfer" + }, + "4167a37565e731478db17e138cbb6b8a": { + "prompt": "Enhance the child\u2019s face in the image to make it sharper.", + "id": "fullset/tone_transfer/en/4167a37565e731478db17e138cbb6b8a.png", + "edit_type": "tone_transfer" + }, + "3053a9287013dac68056dd7aefdced02": { + "prompt": "Apply a filter adjustment.", + "id": "fullset/tone_transfer/en/3053a9287013dac68056dd7aefdced02.png", + "edit_type": "tone_transfer" + }, + "220cbf1b8bf55b56873b0aec63a1e6bc": { + "prompt": "Improve the photo's clarity and apply beautification.", + "id": "fullset/tone_transfer/en/220cbf1b8bf55b56873b0aec63a1e6bc.png", + "edit_type": "tone_transfer" + }, + "cea51a1910ce86cd42a393ba7417daf3": { + "prompt": "Enhance the image quality.", + "id": "fullset/tone_transfer/en/cea51a1910ce86cd42a393ba7417daf3.png", + "edit_type": "tone_transfer" + }, + "f4ecf30b68ba88536a28f899b87e5af1": { + "prompt": "Can you restore this photo for me?", + "id": "fullset/tone_transfer/en/f4ecf30b68ba88536a28f899b87e5af1.png", + "edit_type": "tone_transfer" + }, + "2a52ea99c0051bff29020048a0daca28": { + "prompt": "Adjust the color of this image.", + "id": "fullset/tone_transfer/en/2a52ea99c0051bff29020048a0daca28.png", + "edit_type": "tone_transfer" + } +} \ No newline at end of file diff --git a/univa/eval/gedit/secret_t2.env b/univa/eval/gedit/secret_t2.env new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/univa/eval/gedit/step0_prepare_gedit.py b/univa/eval/gedit/step0_prepare_gedit.py new file mode 100644 index 0000000000000000000000000000000000000000..2066229619d368960d45230b7460dda1cb24bdc1 --- /dev/null +++ b/univa/eval/gedit/step0_prepare_gedit.py @@ -0,0 +1,85 @@ +import json +import os +import math +import argparse +from datasets import Dataset, load_dataset + +# Dataset info structure: +# - task_type: string - Type of the task +# - key: string - Unique identifier for the sample +# - instruction: string - Task instruction/prompt +# - instruction_language: string - Language of the instruction +# - input_image: Image - Original input image +# - input_image_raw: Image - Raw/unprocessed input image +# - Intersection_exist: bool - Whether intersection exists + +def calculate_dimensions(target_area, ratio): + width = math.sqrt(target_area * ratio) + height = width / ratio + + width = round(width / 32) * 32 + height = round(height / 32) * 32 + + new_area = width * height + if new_area < target_area: + width += 32 + new_area = width * height + elif new_area > target_area: + width -= 32 + new_area = width * height + + return width, height, new_area + +def main(args): + # Load dataset + dataset = load_dataset("stepfun-ai/GEdit-Bench") + + # Dictionary to store instruction and image paths + instruction_image_paths = {} + + for item in dataset['train']: + task_type = item['task_type'] + key = item['key'] + instruction = item['instruction'] + instruction_language = item['instruction_language'] + input_image = item['input_image'] + input_image_raw = item['input_image_raw'] + intersection_exist = item['Intersection_exist'] + + target_width, target_height, new_area = calculate_dimensions(512 * 512, input_image_raw.width / input_image_raw.height) + resize_input_image = input_image_raw.resize((target_width, target_height)) + + save_path_fullset_source_image = os.path.join(args.save_path, f"fullset/{task_type}/{instruction_language}/{key}_SRCIMG.png") + save_path_fullset = os.path.join(args.save_path, f"fullset/{task_type}/{instruction_language}/{key}.png") + + relative_path = f"fullset/{task_type}/{instruction_language}/{key}.png" + + # Create directories if they don't exist + os.makedirs(os.path.dirname(save_path_fullset_source_image), exist_ok=True) + os.makedirs(os.path.dirname(save_path_fullset), exist_ok=True) + + # Save the images + input_image.save(save_path_fullset_source_image) + resize_input_image.save(save_path_fullset) + + # Store instruction and corresponding image path in the dictionary + instruction_image_paths[key] = { + 'prompt': instruction, + 'id': relative_path, + 'edit_type': task_type, + } + + # Save the dictionary to a JSON file + with open(args.json_file_path, 'w') as json_file: + json.dump(instruction_image_paths, json_file, indent=4) + + print(f"Instruction and image paths saved to {args.json_file_path}") + +if __name__ == "__main__": + parser = argparse.ArgumentParser(description="Process and save dataset images and instructions.") + parser.add_argument("--save_path", type=str, required=True, help="Directory to save processed images.") + parser.add_argument("--json_file_path", type=str, required=True, help="Path to save the JSON file with instruction-image mappings.") + + args = parser.parse_args() + + main(args) diff --git a/univa/eval/gedit/step1_gen_samples.py b/univa/eval/gedit/step1_gen_samples.py new file mode 100644 index 0000000000000000000000000000000000000000..312405e904dba2fb50f58dc58e86fb31fe56bf04 --- /dev/null +++ b/univa/eval/gedit/step1_gen_samples.py @@ -0,0 +1,260 @@ + +import sys +import os +root = os.path.abspath(os.path.join(os.path.dirname(__file__), "..", "..", "..")) +sys.path.append(root) +import json +import torch +import random +import subprocess +import numpy as np +import torch.distributed as dist +import pandas as pd +import argparse +import torch +import os +from PIL import Image +from tqdm import tqdm +import torch.distributed as dist +from qwen_vl_utils import process_vision_info +from torchvision import transforms +from transformers import AutoProcessor +from transformers import SiglipImageProcessor, SiglipVisionModel +from univa.utils.flux_pipeline import FluxPipeline +from univa.eval.configuration_eval import EvalConfig +from univa.utils.get_ocr import get_ocr_result +from univa.utils.denoiser_prompt_embedding_flux import encode_prompt +from univa.models.qwen2p5vl.modeling_univa_qwen2p5vl import UnivaQwen2p5VLForConditionalGeneration +from univa.utils.anyres_util import dynamic_resize + +# adapted from https://github.com/huggingface/accelerate/blob/main/src/accelerate/utils/random.py#L31 +def set_seed(seed, rank, device_specific=True): + if device_specific: + seed += rank + random.seed(seed) + np.random.seed(seed) + torch.manual_seed(seed) + torch.cuda.manual_seed(seed) + torch.cuda.manual_seed_all(seed) + torch.backends.cudnn.deterministic = True + torch.backends.cudnn.benchmark = False + +def initialize_models(args, device): + + # Load main model and task head + model = UnivaQwen2p5VLForConditionalGeneration.from_pretrained( + args.pretrained_lvlm_name_or_path, + torch_dtype=torch.bfloat16 + ).to(device) + + processor = AutoProcessor.from_pretrained( + args.pretrained_lvlm_name_or_path, + min_pixels=args.min_pixels, + max_pixels=args.max_pixels, + ) + + # Load FLUX pipeline + pipe = FluxPipeline.from_pretrained( + args.pretrained_denoiser_name_or_path, + transformer=model.denoise_tower.denoiser, + torch_dtype=torch.bfloat16, + ).to(device) + tokenizers = [pipe.tokenizer, pipe.tokenizer_2] + text_encoders = [pipe.text_encoder, pipe.text_encoder_2] + + siglip_processor = SiglipImageProcessor.from_pretrained(args.pretrained_siglip_name_or_path) + siglip_model = SiglipVisionModel.from_pretrained( + args.pretrained_siglip_name_or_path, + torch_dtype=torch.bfloat16, + ).to(device) + + return { + 'model': model, + 'processor': processor, + 'pipe': pipe, + 'tokenizers': tokenizers, + 'text_encoders': text_encoders, + 'device': device, + 'siglip_model': siglip_model, + 'siglip_processor': siglip_processor, + } + + +def init_gpu_env(args): + local_rank = int(os.getenv('RANK', 0)) + world_size = int(os.getenv('WORLD_SIZE', 1)) + args.local_rank = local_rank + args.world_size = world_size + torch.cuda.set_device(local_rank) + dist.init_process_group( + backend='nccl', init_method='env://', + world_size=world_size, rank=local_rank + ) + return args + + +def update_size(i1, i2, anyres='any_11ratio', anchor_pixels=1024*1024): + shapes = [] + for p in (i1, i2): + if p: + im = Image.open(p) + w, h = im.size + shapes.append((w, h)) + if not shapes: + return int(anchor_pixels**0.5), int(anchor_pixels**0.5) + if len(shapes) == 1: + w, h = shapes[0] + else: + w = sum(s[0] for s in shapes) / len(shapes) + h = sum(s[1] for s in shapes) / len(shapes) + new_h, new_w = dynamic_resize(int(h), int(w), anyres, anchor_pixels=anchor_pixels) + return new_h, new_w + +def run_model_and_return_samples(args, state, text, image1=None, image2=None): + + # Build content + convo = [] + image_paths = [] + content = [] + if text: + ocr_text = '' + if args.ocr_enhancer and content: + ocr_texts = [] + for img in (image1, image2): + if img: + ocr_texts.append(get_ocr_result(img, cur_ocr_i)) + cur_ocr_i += 1 + ocr_text = '\n'.join(ocr_texts) + content.append({'type':'text','text': text + ocr_text}) + for img in (image1, image2): + if img: + content.append({'type':'image','image':img,'min_pixels':args.min_pixels,'max_pixels':args.max_pixels}) + image_paths.append(img) + + convo.append({'role':'user','content':content}) + + new_h, new_w = update_size(image1, image2, 'any_11ratio', anchor_pixels=args.height * args.width) + + # Prepare inputs + chat_text = state['processor'].apply_chat_template( + convo, + tokenize=False, + add_generation_prompt=True + ) + chat_text = '<|im_end|>\n'.join(chat_text.split('<|im_end|>\n')[1:]) + image_inputs, video_inputs = process_vision_info(convo) + inputs = state['processor']( + text=[chat_text], images=image_inputs, videos=video_inputs, + padding=True, return_tensors='pt' + ).to(state['device']) + + # Generate + # image generation pipeline + siglip_hs = None + if state['siglip_processor'] and image_paths: + vals = [state['siglip_processor'].preprocess( + images=Image.open(p).convert('RGB'), do_resize=True, + return_tensors='pt', do_convert_rgb=True + ).pixel_values.to(state['device']) + for p in image_paths] + siglip_hs = state['siglip_model'](torch.concat(vals)).last_hidden_state + + with torch.no_grad(): + lvlm = state['model']( + inputs.input_ids, pixel_values=getattr(inputs,'pixel_values',None), + attention_mask=inputs.attention_mask, + image_grid_thw=getattr(inputs,'image_grid_thw',None), + siglip_hidden_states=siglip_hs, + output_type='denoise_embeds' + ) + prm_embeds, pooled = encode_prompt( + state['text_encoders'], state['tokenizers'], + text if args.joint_with_t5 else '', 256, state['device'], 1 + ) + if args.only_use_t5: + emb = prm_embeds + else: + emb = torch.concat([lvlm, prm_embeds], dim=1) if args.joint_with_t5 else lvlm + + with torch.no_grad(): + img = state['pipe']( + prompt_embeds=emb, + pooled_prompt_embeds=pooled, + # height=args.height, + # width=args.width, + height=new_h, + width=new_w, + num_inference_steps=args.num_inference_steps, + guidance_scale=args.guidance_scale, + num_images_per_prompt=args.num_images_per_prompt, + ).images + return img + + +def main(args): + + args = init_gpu_env(args) + + torch.backends.cuda.matmul.allow_tf32 = False + torch.backends.cudnn.allow_tf32 = False + if args.allow_tf32: + torch.backends.cuda.matmul.allow_tf32 = True + torch.backends.cudnn.allow_tf32 = True + + set_seed(args.seed, rank=args.local_rank, device_specific=True) + device = torch.cuda.current_device() + state = initialize_models(args, device) + + # Create the output directory if it doesn't exist + os.makedirs(args.output_dir, exist_ok=True) + + # Load the evaluation prompts + with open(args.gedit_prompt_path, "r") as f: + data = json.load(f) + + inference_list = [] + + for key, value in tqdm(data.items()): + outpath = args.output_dir + os.makedirs(outpath, exist_ok=True) + + prompt = value["prompt"] + image_path = value['id'] + inference_list.append([prompt, outpath, key, image_path]) + + inference_list = inference_list[args.local_rank::args.world_size] + + for prompt, output_path, key, image_path in tqdm(inference_list): + + output_path = os.path.join(output_path, image_path) + real_image_path = os.path.join(args.imgedit_image_dir, image_path) + os.makedirs(os.path.dirname(output_path), exist_ok=True) + + if os.path.exists(output_path): + continue + image = run_model_and_return_samples(args, state, prompt, image1=real_image_path, image2=None) + image = image[0] + image = image.resize((args.resized_width, args.resized_height)) + image.save( + output_path + ) + + +if __name__ == "__main__": + import argparse + from omegaconf import OmegaConf + + parser = argparse.ArgumentParser() + parser.add_argument("config", type=str) + parser.add_argument("--pretrained_lvlm_name_or_path", type=str, default=None, required=False) + parser.add_argument("--output_dir", type=str, default=None, required=False) + args = parser.parse_args() + + config = OmegaConf.load(args.config) + schema = OmegaConf.structured(EvalConfig) + conf = OmegaConf.merge(schema, config) + if args.pretrained_lvlm_name_or_path is not None: + assert args.output_dir is not None + conf.pretrained_lvlm_name_or_path = args.pretrained_lvlm_name_or_path + conf.output_dir = args.output_dir + main(conf) \ No newline at end of file diff --git a/univa/eval/gedit/step2_gedit_bench.py b/univa/eval/gedit/step2_gedit_bench.py new file mode 100644 index 0000000000000000000000000000000000000000..7706f7c1ca0c0ca8c90ec30a497dacbf4d53f496 --- /dev/null +++ b/univa/eval/gedit/step2_gedit_bench.py @@ -0,0 +1,178 @@ +from viescore import VIEScore +import PIL +import os +import megfile +from PIL import Image +from tqdm import tqdm +from datasets import load_dataset, load_from_disk +import sys +import csv +import threading +import time +import argparse +from concurrent.futures import ThreadPoolExecutor, as_completed +GROUPS = [ + "background_change", "color_alter", "material_alter", "motion_change", "ps_human", "style_change", "subject-add", "subject-remove", "subject-replace", "text_change", "tone_transfer" +] + +def process_single_item(item, vie_score, max_retries=10000): + + instruction = item['instruction'] + key = item['key'] + instruction_language = item['instruction_language'] + intersection_exist = item['Intersection_exist'] + sample_prefix = key + save_path_fullset_source_image = f"{source_path}/fullset/{group_name}/{instruction_language}/{key}_SRCIMG.png" + save_path_fullset_result_image = f"{save_path}/fullset/{group_name}/{instruction_language}/{key}.png" + + src_image_path = save_path_fullset_source_image + save_path_item = save_path_fullset_result_image + + for retry in range(max_retries): + try: + pil_image_raw =Image.open(megfile.smart_open(src_image_path, 'rb')) + pil_image_edited = Image.open(megfile.smart_open(save_path_item, 'rb')).convert("RGB").resize((pil_image_raw.size[0], pil_image_raw.size[1])) + + text_prompt = instruction + score_list = vie_score.evaluate([pil_image_raw, pil_image_edited], text_prompt) + sementics_score, quality_score, overall_score = score_list + + print(f"sementics_score: {sementics_score}, quality_score: {quality_score}, overall_score: {overall_score}, instruction_language: {instruction_language}, instruction: {instruction}") + + return { + "source_image": src_image_path, + "edited_image": save_path_item, + "instruction": instruction, + "sementics_score": sementics_score, + "quality_score": quality_score, + "intersection_exist" : item['Intersection_exist'], + "instruction_language" : item['instruction_language'] + } + except Exception as e: + if retry < max_retries - 1: + wait_time = (retry + 1) * 2 # 指数退避:2秒, 4秒, 6秒... + print(f"Error processing {save_path_item} (attempt {retry + 1}/{max_retries}): {e}") + print(f"Waiting {wait_time} seconds before retry...") + time.sleep(wait_time) + else: + print(f"Failed to process {save_path_item} after {max_retries} attempts: {e}") + return + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + parser.add_argument("--model_name", type=str, default="UniWorld") + parser.add_argument("--save_path", type=str, default="/mnt/data/lb/Remake/UniWorld//eval_output/stage3_ema/Gedit") + parser.add_argument("--backbone", type=str, default="gpt4o", choices=["gpt4o", "qwen25vl"]) + parser.add_argument("--source_path", type=str, default="/mnt/workspace/lb/Remake/gedit_bench_eval_images") + args = parser.parse_args() + model_name = args.model_name + save_path_dir = args.save_path + source_path = args.source_path + evaluate_group = [args.model_name] + backbone = args.backbone + + + vie_score = VIEScore(backbone=backbone, task="tie", key_path='secret_t2.env') + max_workers = 5 + dataset = load_dataset("stepfun-ai/GEdit-Bench") + + for model_name in evaluate_group: + save_path = save_path_dir + + save_path_new = os.path.join(save_path_dir, backbone, "eval_results_new") + all_csv_list = [] # Store all results for final combined CSV + + # Load existing processed samples from final CSV if it exists + processed_samples = set() + final_csv_path = os.path.join(save_path_new, f"{model_name}_combined_gpt_score.csv") + if megfile.smart_exists(final_csv_path): + with megfile.smart_open(final_csv_path, 'r', newline='') as f: + reader = csv.DictReader(f) + for row in reader: + # Create a unique identifier for each sample + sample_key = (row['source_image'], row['edited_image']) + processed_samples.add(sample_key) + print(f"Loaded {len(processed_samples)} processed samples from existing CSV") + + for group_name in GROUPS: + group_csv_list = [] + group_dataset_list = [] + for item in tqdm(dataset['train'], desc=f"Processing {model_name} - {group_name}"): + if item['instruction_language'] == 'cn': + continue + # import pdb;pdb.set_trace() + if item['task_type'] == group_name: + group_dataset_list.append(item) + # Load existing group CSV if it exists + group_csv_path = os.path.join(save_path_new, f"{model_name}_{group_name}_gpt_score.csv") + if megfile.smart_exists(group_csv_path): + with megfile.smart_open(group_csv_path, 'r', newline='') as f: + reader = csv.DictReader(f) + group_results = list(reader) + group_csv_list.extend(group_results) + + print(f"Loaded existing results for {model_name} - {group_name}") + + print(f"Processing group: {group_name}") + print(f"Processing model: {model_name}") + + + with ThreadPoolExecutor(max_workers=max_workers) as executor: + futures = [] + for item in group_dataset_list: + instruction = item['instruction'] + key = item['key'] + instruction_language = item['instruction_language'] + intersection_exist = item['Intersection_exist'] + sample_prefix = key + save_path_fullset_source_image = f"{source_path}/fullset/{group_name}/{instruction_language}/{key}_SRCIMG.png" + save_path_fullset_result_image = f"{save_path}/fullset/{group_name}/{instruction_language}/{key}.png" + + if not megfile.smart_exists(save_path_fullset_result_image) or not megfile.smart_exists(save_path_fullset_source_image): + print(f"Skipping {sample_prefix}: Source or edited image does not exist") + continue + + # Check if this sample has already been processed + sample_key = (save_path_fullset_source_image, save_path_fullset_result_image) + exists = sample_key in processed_samples + if exists: + print(f"Skipping already processed sample: {sample_prefix}") + continue + + future = executor.submit(process_single_item, item, vie_score) + futures.append(future) + + for future in tqdm(as_completed(futures), total=len(futures), desc=f"Processing {model_name} - {group_name}"): + result = future.result() + if result: + group_csv_list.append(result) + + # Save group-specific CSV + group_csv_path = os.path.join(save_path_new, f"{model_name}_{group_name}_gpt_score.csv") + with megfile.smart_open(group_csv_path, 'w', newline='') as f: + fieldnames = ["source_image", "edited_image", "instruction", "sementics_score", "quality_score", "intersection_exist", "instruction_language"] + writer = csv.DictWriter(f, fieldnames=fieldnames) + writer.writeheader() + for row in group_csv_list: + writer.writerow(row) + all_csv_list.extend(group_csv_list) + + print(f"Saved group CSV for {group_name}, length: {len(group_csv_list)}") + + # After processing all groups, calculate and save combined results + if not all_csv_list: + print(f"Warning: No results for model {model_name}, skipping combined CSV generation") + continue + + # Save combined CSV + combined_csv_path = os.path.join(save_path_new, f"{model_name}_combined_gpt_score.csv") + with megfile.smart_open(combined_csv_path, 'w', newline='') as f: + fieldnames = ["source_image", "edited_image", "instruction", "sementics_score", "quality_score", "intersection_exist", "instruction_language"] + writer = csv.DictWriter(f, fieldnames=fieldnames) + writer.writeheader() + for row in all_csv_list: + writer.writerow(row) + + + + diff --git a/univa/eval/gedit/step3_calculate_statistics.py b/univa/eval/gedit/step3_calculate_statistics.py new file mode 100644 index 0000000000000000000000000000000000000000..573376be45748a710489eabb6cd1b7a9b5253c05 --- /dev/null +++ b/univa/eval/gedit/step3_calculate_statistics.py @@ -0,0 +1,153 @@ +import megfile +import os +import pandas as pd +from collections import defaultdict +import sys +import numpy as np +import math + +GROUPS = [ + "background_change", "color_alter", "material_alter", "motion_change", "ps_human", "style_change", "subject-add", "subject-remove", "subject-replace", "text_change", "tone_transfer" +] + +def analyze_scores(save_path_dir, evaluate_group, language): + results = defaultdict(dict) + save_path_new = save_path_dir + model_total_score = defaultdict(dict) + + group_dict_sub = {} + group_scores_semantics = defaultdict(lambda: defaultdict(list)) + group_scores_quality = defaultdict(lambda: defaultdict(list)) + group_scores_overall = defaultdict(lambda: defaultdict(list)) + + group_scores_semantics_intersection = defaultdict(lambda: defaultdict(list)) + group_scores_quality_intersection = defaultdict(lambda: defaultdict(list)) + group_scores_overall_intersection = defaultdict(lambda: defaultdict(list)) + length_total = 0 + save_path_dir_raw = save_path_dir + + for group_name in GROUPS: + + csv_path = os.path.join(save_path_new, f"{evaluate_group[0]}_{group_name}_gpt_score.csv") + csv_file = megfile.smart_open(csv_path) + df = pd.read_csv(csv_file) + + filtered_semantics_scores = [] + filtered_quality_scores = [] + filtered_overall_scores = [] + filtered_semantics_scores_intersection = [] + filtered_quality_scores_intersection = [] + filtered_overall_scores_intersection = [] + + for _, row in df.iterrows(): + source_image = row['source_image'] + edited_image = row['edited_image'] + instruction = row['instruction'] + semantics_score = row['sementics_score'] + quality_score = row['quality_score'] + intersection_exist = row['intersection_exist'] + instruction_language = row['instruction_language'] + + if instruction_language == language: + pass + else: + continue + + overall_score = math.sqrt(semantics_score * quality_score) + + filtered_semantics_scores.append(semantics_score) + filtered_quality_scores.append(quality_score) + filtered_overall_scores.append(overall_score) + if intersection_exist: + filtered_semantics_scores_intersection.append(semantics_score) + filtered_quality_scores_intersection.append(quality_score) + filtered_overall_scores_intersection.append(overall_score) + + avg_semantics_score = np.mean(filtered_semantics_scores) + avg_quality_score = np.mean(filtered_quality_scores) + avg_overall_score = np.mean(filtered_overall_scores) + group_scores_semantics[evaluate_group[0]][group_name] = avg_semantics_score + group_scores_quality[evaluate_group[0]][group_name] = avg_quality_score + group_scores_overall[evaluate_group[0]][group_name] = avg_overall_score + + avg_semantics_score_intersection = np.mean(filtered_semantics_scores_intersection) + avg_quality_score_intersection = np.mean(filtered_quality_scores_intersection) + avg_overall_score_intersection = np.mean(filtered_overall_scores_intersection) + group_scores_semantics_intersection[evaluate_group[0]][group_name] = avg_semantics_score_intersection + group_scores_quality_intersection[evaluate_group[0]][group_name] = avg_quality_score_intersection + group_scores_overall_intersection[evaluate_group[0]][group_name] = avg_overall_score_intersection + + + print("\n--- Overall Model Averages ---") + + print("\nSemantics:") + for model_name in evaluate_group: + model_scores = [group_scores_semantics[model_name][group] for group in GROUPS] + model_avg = np.mean(model_scores) + group_scores_semantics[model_name]["avg_semantics"] = model_avg + + print("\nSemantics Intersection:") + for model_name in evaluate_group: + model_scores = [group_scores_semantics_intersection[model_name][group] for group in GROUPS] + model_avg = np.mean(model_scores) + group_scores_semantics_intersection[model_name]["avg_semantics"] = model_avg + + print("\nQuality:") + for model_name in evaluate_group: + model_scores = [group_scores_quality[model_name][group] for group in GROUPS] + model_avg = np.mean(model_scores) + group_scores_quality[model_name]["avg_quality"] = model_avg + + print("\nQuality Intersection:") + for model_name in evaluate_group: + model_scores = [group_scores_quality_intersection[model_name][group] for group in GROUPS] + model_avg = np.mean(model_scores) + group_scores_quality_intersection[model_name]["avg_quality"] = model_avg + + print("\nOverall:") + for model_name in evaluate_group: + model_scores = [group_scores_overall[model_name][group] for group in GROUPS] + model_avg = np.mean(model_scores) + group_scores_overall[model_name]["avg_overall"] = model_avg + + print("\nOverall Intersection:") + for model_name in evaluate_group: + model_scores = [group_scores_overall_intersection[model_name][group] for group in GROUPS] + model_avg = np.mean(model_scores) + group_scores_overall_intersection[model_name]["avg_overall"] = model_avg + + + + + return group_scores_semantics, group_scores_quality, group_scores_overall, group_scores_semantics_intersection, group_scores_quality_intersection, group_scores_overall_intersection + +if __name__ == "__main__": + import argparse + parser = argparse.ArgumentParser() + parser.add_argument("--model_name", type=str, default="UniWorld") + parser.add_argument("--save_path", type=str, default="/mnt/data/lb/Remake/UniWorld//eval_output/stage3_ema/Gedit") + parser.add_argument("--backbone", type=str, default="gpt4o", choices=["gpt4o", "qwen25vl"]) + parser.add_argument("--language", type=str, default="en", choices=["en", "zh"]) + args = parser.parse_args() + model_name = args.model_name + save_path_dir = args.save_path + evaluate_group = [args.model_name] + backbone = args.backbone + + save_path_new = os.path.join(save_path_dir, backbone, "eval_results_new") + + print("\nOverall:") + + for model_name in evaluate_group: + group_scores_semantics, group_scores_quality, group_scores_overall, group_scores_semantics_intersection, group_scores_quality_intersection, group_scores_overall_intersection = analyze_scores(save_path_new, [model_name], language=args.language) + for group_name in GROUPS: + print(f"{group_name}: {group_scores_semantics[model_name][group_name]:.3f}, {group_scores_quality[model_name][group_name]:.3f}, {group_scores_overall[model_name][group_name]:.3f}") + + print(f"Average: {group_scores_semantics[model_name]['avg_semantics']:.3f}, {group_scores_quality[model_name]['avg_quality']:.3f}, {group_scores_overall[model_name]['avg_overall']:.3f}") + + print("\nIntersection:") + + for group_name in GROUPS: + print(f"{group_name}: {group_scores_semantics_intersection[model_name][group_name]:.3f}, {group_scores_quality_intersection[model_name][group_name]:.3f}, {group_scores_overall_intersection[model_name][group_name]:.3f}") + + print(f"Average Intersection: {group_scores_semantics_intersection[model_name]['avg_semantics']:.3f}, {group_scores_quality_intersection[model_name]['avg_quality']:.3f}, {group_scores_overall_intersection[model_name]['avg_overall']:.3f}") diff --git a/univa/eval/gedit/viescore/__init__.py b/univa/eval/gedit/viescore/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..f2d943716da36ff0a38892e2bf9676bb75a575aa --- /dev/null +++ b/univa/eval/gedit/viescore/__init__.py @@ -0,0 +1,115 @@ +import sys +sys.path.insert(0, 'viescore') + +from utils import ( + mllm_output_to_dict +) +import math +import vie_prompts + +class VIEScore: + def __init__(self, backbone="gpt4o", task="t2i", key_path=None) -> None: + self.task = task + self.backbone_name = backbone + + if self.task not in ["t2i", "tie", "t2v"]: + raise ValueError("task must be either 't2i' or 'tie'") + + if self.backbone_name == "gpt4o": + from mllm_tools.openai import GPT4o + self.model = GPT4o(key_path, model_name="gpt-4.1") + elif self.backbone_name == "gpt4v": + from mllm_tools.openai import GPT4v + self.model = GPT4v(key_path) + elif self.backbone_name == "gemini": + from mllm_tools.gemini import Gemini + self.model = Gemini() + elif self.backbone_name == "idefics2": + from mllm_tools.idefics2_eval import Idefics2 + self.model = Idefics2() + elif self.backbone_name == "mantis": + from mllm_tools.mantis_idefics2_eval import Mantis + self.model = Mantis() + elif self.backbone_name == "minicpmv": + from mllm_tools.minicpmv_eval import MiniCPMV + self.model = MiniCPMV() + elif self.backbone_name == "qwen25vl": + from mllm_tools.qwen25vl_eval import Qwen25VL + self.model = Qwen25VL() + else: + raise NotImplementedError("backbone not supported") + self.context = vie_prompts._context_no_delimit + if self.task == "t2i": + self.SC_prompt = "\n".join([self.context, vie_prompts._prompts_0shot_one_image_gen_rule, vie_prompts._prompts_0shot_t2i_rule_SC]) + self.PQ_prompt = "\n".join([self.context, vie_prompts._prompts_0shot_rule_PQ]) + elif self.task == "tie": + self.SC_prompt = "\n".join([self.context, vie_prompts._prompts_0shot_two_image_edit_rule, vie_prompts._prompts_0shot_tie_rule_SC]) + self.PQ_prompt = "\n".join([self.context, vie_prompts._prompts_0shot_rule_PQ]) + elif self.task == "t2v": + self.SC_prompt = "\n".join([self.context, vie_prompts._prompts_0shot_one_video_gen_rule, vie_prompts._prompts_0shot_t2v_rule_SC]) + self.PQ_prompt = "\n".join([self.context, vie_prompts._prompts_0shot_t2v_rule_PQ]) + + def evaluate(self, image_prompts, text_prompt, extract_overall_score_only=False, extract_all_score=True, echo_output=False): + if not isinstance(image_prompts, list): + image_prompts = [image_prompts] + if self.backbone_name in ['gpt4o', 'gpt4v']: + self.model.use_encode = False if isinstance(image_prompts[0], str) else True + #print("Using encode:", self.model.use_encode) + if self.task == "t2i": + _SC_prompt = self.SC_prompt.replace("", text_prompt) + elif self.task == "tie": + _SC_prompt = self.SC_prompt.replace("", text_prompt) + elif self.task == "t2v": + _SC_prompt = self.SC_prompt.replace("", text_prompt) + SC_prompt_final = self.model.prepare_prompt(image_prompts, _SC_prompt) + if self.task == "tie": + PQ_prompt_final = self.model.prepare_prompt(image_prompts[-1], self.PQ_prompt) + else: + PQ_prompt_final = self.model.prepare_prompt(image_prompts, self.PQ_prompt) + + results_dict = {} + + SC_dict = False + PQ_dict = False + tries = 0 + max_tries = 1 + while SC_dict is False or PQ_dict is False: + tries += 1 + guess_if_cannot_parse = True if tries > max_tries else False + result_SC = self.model.get_parsed_output(SC_prompt_final) + result_PQ = self.model.get_parsed_output(PQ_prompt_final) + SC_dict = mllm_output_to_dict(result_SC, give_up_parsing=guess_if_cannot_parse) + PQ_dict = mllm_output_to_dict(result_PQ, give_up_parsing=guess_if_cannot_parse) + + if SC_dict == "rate_limit_exceeded" or PQ_dict == "rate_limit_exceeded": + print("rate_limit_exceeded") + raise ValueError("rate_limit_exceeded") + results_dict['SC'] = SC_dict + results_dict['PQ'] = PQ_dict + if echo_output: + print("results_dict", results_dict) + if extract_all_score: + SC_score = min(results_dict['SC']['score']) + PQ_score = min(results_dict['PQ']['score']) + O_score = math.sqrt(SC_score * PQ_score) + return [SC_score, PQ_score, O_score] + if extract_overall_score_only: + SC_scores = results_dict['SC']['score'] + PQ_scores = results_dict['PQ']['score'] + O_score = math.sqrt(min(SC_scores) * min(PQ_scores)) + return O_score + return results_dict + +if __name__ == "__main__": + model = VIEScore(backbone="gemini", task="t2i") + from datasets import load_dataset + dataset = load_dataset("TIGER-Lab/GenAI-Arena-Bench", "image_generation") + dataset = dataset["test"] + print("Now running the VIEScore model") + for idx in range(5): + left_image = dataset['left_image'][idx] + right_image = dataset['right_image'][idx] + prompt = dataset['prompt'][idx] + print(model.evaluate(left_image, prompt, extract_all_score=True)) + print(model.evaluate(right_image, prompt, extract_all_score=True)) + diff --git a/univa/eval/gedit/viescore/mllm_tools/__init__.py b/univa/eval/gedit/viescore/mllm_tools/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/univa/eval/gedit/viescore/mllm_tools/gemini.py b/univa/eval/gedit/viescore/mllm_tools/gemini.py new file mode 100644 index 0000000000000000000000000000000000000000..85318c4a8f5ca33554485b881e4435d0aefdb9ce --- /dev/null +++ b/univa/eval/gedit/viescore/mllm_tools/gemini.py @@ -0,0 +1,147 @@ +""" +Install the Google AI Python SDK + +$ pip install google-generativeai + +See the getting started guide for more information: +https://ai.google.dev/gemini-api/docs/get-started/python +""" + +import requests +from PIL import Image +from io import BytesIO +import os +from typing import List +from urllib.parse import urlparse +import google.generativeai as genai +import tempfile + +genai.configure(api_key=os.environ["GEMINI_API_KEY"]) + +def upload_to_gemini(input, mime_type=None): + """Uploads the given file or PIL image to Gemini. + + See https://ai.google.dev/gemini-api/docs/prompting_with_media + """ + if isinstance(input, str): + # Input is a file path + file = genai.upload_file(input, mime_type=mime_type) + elif isinstance(input, Image.Image): + # Input is a PIL image + with tempfile.NamedTemporaryFile(suffix=".jpg", delete=False) as tmp_file: + input.save(tmp_file, format="JPEG") + tmp_file_path = tmp_file.name + file = genai.upload_file(tmp_file_path, mime_type=mime_type or "image/jpeg") + os.remove(tmp_file_path) + else: + raise ValueError("Unsupported input type. Must be a file path or PIL Image.") + + #print(f"Uploaded file '{file.display_name}' as: {file.uri}") + return file + +def save_image_from_url(url, base_save_directory='tmp', file_name=None): + # Parse the URL to create a directory path + parsed_url = urlparse(url) + url_path = os.path.join(parsed_url.netloc, parsed_url.path.lstrip('/')) + save_directory = os.path.join(base_save_directory, os.path.dirname(url_path)) + + # Create the directory if it doesn't exist + if not os.path.exists(save_directory): + os.makedirs(save_directory) + + # Get the image from the URL + response = requests.get(url) + if response.status_code == 200: + # Open the image + image = Image.open(BytesIO(response.content)) + + # Set the file name if not provided + if not file_name: + file_name = os.path.basename(parsed_url.path) + + # Save the image locally + file_path = os.path.join(save_directory, file_name) + image.save(file_path) + + return file_path + else: + raise Exception(f"Failed to retrieve image from URL. Status code: {response.status_code}") + +class Gemini(): + def __init__(self, model_name="gemini-1.5-pro-latest"): + # Create the model + # See https://ai.google.dev/api/python/google/generativeai/GenerativeModel + generation_config = { + "temperature": 1, + "top_p": 0.95, + "top_k": 64, + "max_output_tokens": 8192, + "response_mime_type": "text/plain", + } + safety_settings = [ + { + "category": "HARM_CATEGORY_HARASSMENT", + "threshold": "BLOCK_NONE", + }, + { + "category": "HARM_CATEGORY_HATE_SPEECH", + "threshold": "BLOCK_NONE", + }, + { + "category": "HARM_CATEGORY_SEXUALLY_EXPLICIT", + "threshold": "BLOCK_NONE", + }, + { + "category": "HARM_CATEGORY_DANGEROUS_CONTENT", + "threshold": "BLOCK_NONE", + }, + ] + self.model = genai.GenerativeModel( + model_name=model_name, + safety_settings=safety_settings, + generation_config=generation_config, + ) + + def prepare_prompt(self, image_links: List = [], text_prompt: str = ""): + if not isinstance(image_links, list): + image_links = [image_links] + + images_prompt = [] + for image_link in image_links: + if isinstance(image_link, str): + image = save_image_from_url(image_link) + else: + image = image_link + image = upload_to_gemini(image, mime_type="image/jpeg") + images_prompt.append(image) + + prompt_content = [images_prompt, text_prompt] + return prompt_content + + def get_parsed_output(self, prompt): + images_prompt = prompt[0] + text_prompt = prompt[1] + chat_session = self.model.start_chat( + history=[ + { + "role": "user", + "parts": images_prompt, + }, + ] + ) + try: + response = chat_session.send_message(text_prompt) + except: + return "Error in sending message to chat session." + return self.extract_response(response) + + def extract_response(self, response): + response = response.text + return response + +if __name__ == "__main__": + model = Gemini() + prompt = model.prepare_prompt(['https://chromaica.github.io/Museum/ImagenHub_Text-Guided_IE/DiffEdit/sample_34_1.jpg', 'https://chromaica.github.io/Museum/ImagenHub_Text-Guided_IE/input/sample_34_1.jpg'], 'What is difference between two images?') + print("prompt : \n", prompt) + res = model.get_parsed_output(prompt) + print("result : \n", res) \ No newline at end of file diff --git a/univa/eval/gedit/viescore/mllm_tools/idefics2_eval.py b/univa/eval/gedit/viescore/mllm_tools/idefics2_eval.py new file mode 100644 index 0000000000000000000000000000000000000000..22cc8341411c51847ab9dab43c16db4d9d744954 --- /dev/null +++ b/univa/eval/gedit/viescore/mllm_tools/idefics2_eval.py @@ -0,0 +1,43 @@ +import os +import torch +import time +from typing import List +from transformers import AutoProcessor, AutoModelForVision2Seq +from transformers.image_utils import load_image +from transformers.utils import is_flash_attn_2_available + + +class Idefics2(): + def __init__(self, model_path:str="HuggingFaceM4/idefics2-8b") -> None: + attn_implementation = "flash_attention_2" if is_flash_attn_2_available() else None + print(f"Using {attn_implementation} for attention implementation") + self.model = AutoModelForVision2Seq.from_pretrained(model_path, device_map="auto", torch_dtype=torch.float16, _attn_implementation=attn_implementation).eval() + self.processor = AutoProcessor.from_pretrained(model_path) + + def prepare_prompt(self, image_links: List = [], text_prompt: str = ""): + if not isinstance(image_links, list): + image_links = [image_links] + messages = [ + { + "role": "user", + "content": [ {"type": "image"}] * len(image_links) + [{"type": "text", "text": text_prompt}] + } + ] + prompt = self.processor.apply_chat_template(messages, add_generation_prompt=True) + images = [load_image(image_link) for image_link in image_links] #Support PIL images as well + inputs = self.processor(text=prompt, images=images, return_tensors="pt") + inputs = {k: v.to(self.model.device) for k, v in inputs.items()} + return inputs + + def get_parsed_output(self, inputs): + generate_ids = self.model.generate(**inputs, max_new_tokens=512, num_beams=1) + generated_text = self.processor.batch_decode(generate_ids[:, inputs['input_ids'].shape[1]:], skip_special_tokens=True, clean_up_tokenization_spaces=False)[0] + return generated_text + + +if __name__ == "__main__": + model = Idefics2() + prompt = model.prepare_prompt(['https://chromaica.github.io/Museum/ImagenHub_Text-Guided_IE/DiffEdit/sample_34_1.jpg', 'https://chromaica.github.io/Museum/ImagenHub_Text-Guided_IE/input/sample_34_1.jpg'], 'What is difference between two images?') + #print("prompt : \n", prompt) + res = model.get_parsed_output(prompt) + print("result : \n", res) \ No newline at end of file diff --git a/univa/eval/gedit/viescore/mllm_tools/mantis_idefics2_eval.py b/univa/eval/gedit/viescore/mllm_tools/mantis_idefics2_eval.py new file mode 100644 index 0000000000000000000000000000000000000000..2c7711bff5146e9b0ea77d153cdf56d663e7d474 --- /dev/null +++ b/univa/eval/gedit/viescore/mllm_tools/mantis_idefics2_eval.py @@ -0,0 +1,43 @@ +import os +import torch +import time +from typing import List +from transformers import AutoProcessor, AutoModelForVision2Seq +from transformers.image_utils import load_image +from transformers.utils import is_flash_attn_2_available + + +class Mantis(): + def __init__(self, model_path:str="TIGER-Lab/Mantis-8B-Idefics2") -> None: + attn_implementation = "flash_attention_2" if is_flash_attn_2_available() else None + print(f"Using {attn_implementation} for attention implementation") + self.model = AutoModelForVision2Seq.from_pretrained(model_path, device_map="auto", torch_dtype=torch.float16, _attn_implementation=attn_implementation).eval() + self.processor = AutoProcessor.from_pretrained(model_path) + + def prepare_prompt(self, image_links: List = [], text_prompt: str = ""): + if not isinstance(image_links, list): + image_links = [image_links] + messages = [ + { + "role": "user", + "content": [ {"type": "image"}] * len(image_links) + [{"type": "text", "text": text_prompt}] + } + ] + prompt = self.processor.apply_chat_template(messages, add_generation_prompt=True) + images = [load_image(image_link) for image_link in image_links] #Support PIL images as well + inputs = self.processor(text=prompt, images=images, return_tensors="pt") + inputs = {k: v.to(self.model.device) for k, v in inputs.items()} + return inputs + + def get_parsed_output(self, inputs): + generate_ids = self.model.generate(**inputs, max_new_tokens=512, num_beams=1) + generated_text = self.processor.batch_decode(generate_ids[:, inputs['input_ids'].shape[1]:], skip_special_tokens=True, clean_up_tokenization_spaces=False)[0] + return generated_text + + +if __name__ == "__main__": + model = Mantis() + prompt = model.prepare_prompt(['https://chromaica.github.io/Museum/ImagenHub_Text-Guided_IE/DiffEdit/sample_34_1.jpg', 'https://chromaica.github.io/Museum/ImagenHub_Text-Guided_IE/input/sample_34_1.jpg'], 'What is difference between two images?') + #print("prompt : \n", prompt) + res = model.get_parsed_output(prompt) + print("result : \n", res) \ No newline at end of file diff --git a/univa/eval/gedit/viescore/mllm_tools/minicpmv_eval.py b/univa/eval/gedit/viescore/mllm_tools/minicpmv_eval.py new file mode 100644 index 0000000000000000000000000000000000000000..25732fdf723366735fd13bbed92077c152acc5f1 --- /dev/null +++ b/univa/eval/gedit/viescore/mllm_tools/minicpmv_eval.py @@ -0,0 +1,42 @@ +import os +import torch +import time +from PIL import Image +from typing import List +from transformers import AutoModel, AutoTokenizer +from transformers.utils import is_flash_attn_2_available + +class MiniCPMV(): + def __init__(self) -> None: + attn_implementation = "flash_attention_2" if is_flash_attn_2_available() else None + self.model = AutoModel.from_pretrained('openbmb/MiniCPM-Llama3-V-2_5', trust_remote_code=True, torch_dtype=torch.float16, device_map='auto', _attn_implementation=attn_implementation).eval() + self.tokenizer = AutoTokenizer.from_pretrained('openbmb/MiniCPM-Llama3-V-2_5', trust_remote_code=True) + + print(f"Using {attn_implementation} for attention implementation") + + def prepare_prompt(self, image_links: List = [], text_prompt: str = ""): + if not isinstance(image_links, list): + image_links = [image_links] + messages = [ + { + "role": "user", + "content": [ {"type": "image"}] * len(image_links) + [{"type": "text", "text": text_prompt}] + } + ] + return messages + + def get_parsed_output(self, inputs): + res = self.model.chat( + image=None, + msgs=inputs, + tokenizer=self.tokenizer, + sampling=False, # if sampling=False, beam_search will be used by default + ) + return res + +if __name__ == "__main__": + model = MiniCPMV() + prompt = model.prepare_prompt(['https://chromaica.github.io/Museum/ImagenHub_Text-Guided_IE/DiffEdit/sample_34_1.jpg', 'https://chromaica.github.io/Museum/ImagenHub_Text-Guided_IE/input/sample_34_1.jpg'], 'What is difference between two images?') + #print("prompt : \n", prompt) + res = model.get_parsed_output(prompt) + print("result : \n", res) \ No newline at end of file diff --git a/univa/eval/gedit/viescore/mllm_tools/openai.py b/univa/eval/gedit/viescore/mllm_tools/openai.py new file mode 100644 index 0000000000000000000000000000000000000000..129f8fa86fe6aad0cd611b75dbaa181aabbb5166 --- /dev/null +++ b/univa/eval/gedit/viescore/mllm_tools/openai.py @@ -0,0 +1,184 @@ +import base64 +import requests +from io import BytesIO, StringIO +from typing import Union, Optional, Tuple, List +from PIL import Image, ImageOps +import os + +def get_api_key(file_path): + # Read the API key from the first line of the file + with open(file_path, 'r') as file: + return file.readline().strip() + +# Function to encode the image +def encode_image(image_path): + with open(image_path, "rb") as image_file: + return base64.b64encode(image_file.read()).decode('utf-8') + +def pick_next_item(current_item, item_list): + if current_item not in item_list: + raise ValueError("Current item is not in the list") + current_index = item_list.index(current_item) + next_index = (current_index + 1) % len(item_list) + + return item_list[next_index] + +# Function to encode a PIL image +def encode_pil_image(pil_image): + # Create an in-memory binary stream + image_stream = BytesIO() + + # Save the PIL image to the binary stream in JPEG format (you can change the format if needed) + pil_image.save(image_stream, format='JPEG') + + # Get the binary data from the stream and encode it as base64 + image_data = image_stream.getvalue() + base64_image = base64.b64encode(image_data).decode('utf-8') + + return base64_image + + +def load_image(image: Union[str, Image.Image], format: str = "RGB", size: Optional[Tuple] = None) -> Image.Image: + """ + Load an image from a given path or URL and convert it to a PIL Image. + + Args: + image (Union[str, Image.Image]): The image path, URL, or a PIL Image object to be loaded. + format (str, optional): Desired color format of the resulting image. Defaults to "RGB". + size (Optional[Tuple], optional): Desired size for resizing the image. Defaults to None. + + Returns: + Image.Image: A PIL Image in the specified format and size. + + Raises: + ValueError: If the provided image format is not recognized. + """ + if isinstance(image, str): + if image.startswith("http://") or image.startswith("https://"): + image = Image.open(requests.get(image, stream=True).raw) + elif os.path.isfile(image): + image = Image.open(image) + else: + raise ValueError( + f"Incorrect path or url, URLs must start with `http://` or `https://`, and {image} is not a valid path" + ) + elif isinstance(image, Image.Image): + image = image + else: + raise ValueError( + "Incorrect format used for image. Should be an url linking to an image, a local path, or a PIL image." + ) + image = ImageOps.exif_transpose(image) + image = image.convert(format) + if (size != None): + image = image.resize(size, Image.LANCZOS) + return image + +class GPT4v(): + def __init__(self, api_key_path='keys/secret.env', are_images_encoded=False, model_name="gpt-4-vision-preview"): + """OpenAI GPT-4-vision model wrapper + Args: + api_key_path (str): Path to the API key file. Defaults to 'keys/secret.env'. + are_images_encoded (bool): Whether the images are encoded in base64. Defaults to False. + """ + self.multiple_api_keys = False + self.current_key_file = None + self.key_lists = None + if isinstance(api_key_path, list): + self.key_lists = api_key_path + self.current_key_file = api_key_path[0] + self.api_key = get_api_key(self.current_key_file) + self.multiple_api_keys = True + else: + self.api_key = get_api_key(api_key_path) + + if not self.api_key: + print("API key not found.") + exit(1) + + self.url = "https://api.openai.com/v1/chat/completions" + self.model_name = model_name + self.use_encode = are_images_encoded + + def prepare_prompt(self, image_links: List = [], text_prompt: str = ""): + prompt_content = [] + text_dict = { + "type": "text", + "text": text_prompt + } + prompt_content.append(text_dict) + + if not isinstance(image_links, list): + image_links = [image_links] + for image_link in image_links: + image = load_image(image_link) + if self.use_encode == True: + visual_dict = { + "type": "image_url", + "image_url": {"url": f"data:image/jpeg;base64,{encode_pil_image(image)}"} + } + else: + visual_dict = { + "type": "image_url", + "image_url": {"url": image_link} + } + prompt_content.append(visual_dict) + return prompt_content + + def get_parsed_output(self, prompt): + payload = { + "model": self.model_name, + "messages": [ + { + "role": "user", + "content": prompt + } + ], + "max_tokens": 1400 + } + headers = { + "Content-Type": "application/json", + "Authorization": f"Bearer {self.api_key}" + } + response = requests.post(self.url, json=payload, headers=headers) + #return response.text + return self.extract_response(response) + + def extract_response(self, response): + response = response.json() + + try: + out = response['choices'][0]['message']['content'] + return out + except: + if response['error']['code'] == 'content_policy_violation': + print("Code is content_policy_violation") + elif response['error']['code'] == 'rate_limit_exceeded' or response['error']['code'] == 'insufficient_quota': + print(f"Code is {response['error']['code']}") + print(response['error']['message']) + if self.multiple_api_keys == True: + new_key = pick_next_item(self.current_key_file, self.key_lists) + self.update_key(new_key) + self.current_key_file = new_key #override key + print("New key is from the file: ", new_key) + else: + print("Code is different") + print(response) + return "" + + def update_key(self, key, load_from_file=True): + if load_from_file: + self.api_key = get_api_key(key) + else: + self.api_key = key + +class GPT4o(GPT4v): + def __init__(self, api_key_path='keys/secret.env', are_images_encoded=False, model_name="gpt-4o-2024-05-13"): + super().__init__(api_key_path, are_images_encoded, model_name) + +if __name__ == "__main__": + model = GPT4o('secret_t2.env', model_name="gpt-4.1") + prompt = model.prepare_prompt(['https://chromaica.github.io/Museum/ImagenHub_Text-Guided_IE/DiffEdit/sample_34_1.jpg', 'https://chromaica.github.io/Museum/ImagenHub_Text-Guided_IE/input/sample_34_1.jpg'], 'What is difference between two images?') + print("prompt : \n", prompt) + res = model.get_parsed_output(prompt) + print("result : \n", res) \ No newline at end of file diff --git a/univa/eval/gedit/viescore/mllm_tools/qwen25vl_eval.py b/univa/eval/gedit/viescore/mllm_tools/qwen25vl_eval.py new file mode 100644 index 0000000000000000000000000000000000000000..e0bbbebb2376719423f889370948464f2d816940 --- /dev/null +++ b/univa/eval/gedit/viescore/mllm_tools/qwen25vl_eval.py @@ -0,0 +1,121 @@ +import os +import torch +import time +from PIL import Image +from typing import List +from transformers import AutoModel, AutoTokenizer +from transformers.utils import is_flash_attn_2_available +from transformers import Qwen2_5_VLForConditionalGeneration +from qwen_vl_utils import process_vision_info +from transformers import AutoProcessor +import requests +from io import BytesIO +import random +import numpy as np +import base64 +import magic +import megfile + +def process_image(image): + img_byte_arr = BytesIO() + image.save(img_byte_arr, format='PNG') + img_byte_arr = img_byte_arr.getvalue() + return img_byte_arr + +def convert_image_to_base64(file_content): + mime_type = magic.from_buffer(file_content, mime=True) + base64_encoded_data = base64.b64encode(file_content).decode('utf-8') + return f"data:{mime_type};base64,{base64_encoded_data}" + + +def set_seed(seed: int): + """ + Args: + Helper function for reproducible behavior to set the seed in `random`, `numpy`, `torch`. + seed (`int`): The seed to set. + """ + random.seed(seed) + np.random.seed(seed) + torch.manual_seed(seed) + torch.cuda.manual_seed_all(seed) + +class Qwen25VL(): + def __init__(self) -> None: + attn_implementation = "flash_attention_2" if is_flash_attn_2_available() else None + self.model = Qwen2_5_VLForConditionalGeneration.from_pretrained( + "/mnt/jfs-test/pretrained_models/Qwen2.5-VL-72B-Instruct-AWQ", + torch_dtype=torch.float16, + device_map="auto" + ).eval() + self.processor = AutoProcessor.from_pretrained("/mnt/jfs-test/pretrained_models/Qwen2.5-VL-72B-Instruct-AWQ") + + print(f"Using {attn_implementation} for attention implementation") + + def prepare_prompt(self, image_links: List = [], text_prompt: str = ""): + if not isinstance(image_links, list): + image_links = [image_links] + + image_links_base64 = [] + + for img_link in image_links: + if type(img_link) == str: + image_links_base64.append(convert_image_to_base64(process_image(megfile.smart_open(img_link, 'rb')))) + else: + image_links_base64.append(convert_image_to_base64(process_image(img_link))) + + messages = [ + { + "role": "user", + "content": [ + {"type": "image", "image": img_link} for img_link in image_links_base64 + ] + [{"type": "text", "text": text_prompt}] + } + ] + return messages + + def get_parsed_output(self, messages): + set_seed(42) + # Prepare the inputs + text = self.processor.apply_chat_template( + messages, tokenize=False, add_generation_prompt=True + ) + image_inputs, video_inputs = process_vision_info(messages) + + # Process inputs + inputs = self.processor( + text=[text], + images=image_inputs, + videos=video_inputs, + padding=True, + return_tensors="pt" + ) + inputs = inputs.to("cuda") + + # Generate output + generation_config = { + "max_new_tokens": 512, + "num_beams": 1, + "do_sample": False, + "temperature": 0.1, + "top_p": None, + } + generated_ids = self.model.generate(**inputs, **generation_config) + generated_ids_trimmed = [ + out_ids[len(in_ids):] for in_ids, out_ids in zip(inputs.input_ids, generated_ids) + ] + output_text = self.processor.batch_decode( + generated_ids_trimmed, + skip_special_tokens=True, + clean_up_tokenization_spaces=False + ) + + return output_text[0] if output_text else "" + +if __name__ == "__main__": + model = Qwen25VL() + prompt = model.prepare_prompt( + ["https://qianwen-res.oss-cn-beijing.aliyuncs.com/Qwen-VL/assets/demo.jpeg"], + 'Describe the image in detail.' + ) + res = model.get_parsed_output(prompt) + print("result : \n", res) \ No newline at end of file diff --git a/univa/eval/gedit/viescore/mllm_tools/utils.py b/univa/eval/gedit/viescore/mllm_tools/utils.py new file mode 100644 index 0000000000000000000000000000000000000000..3a85f3ae0c39245c5aa87a60e9bfcd0d361e5982 --- /dev/null +++ b/univa/eval/gedit/viescore/mllm_tools/utils.py @@ -0,0 +1,65 @@ +from typing import List +import base64 +from io import BytesIO +from PIL import Image +import requests + +def pil_image_to_base64(pil_image, format="PNG"): + buffered = BytesIO() + pil_image.save(buffered, format=format) # Save image to the buffer in the specified format + img_str = base64.b64encode(buffered.getvalue()).decode('utf-8') # Encode the buffer's content to base64 + return img_str + +def load_image(image_file): + if image_file.startswith("http"): + response = requests.get(image_file) + image = Image.open(BytesIO(response.content)).convert("RGB") + else: + import os + image = Image.open(image_file).convert("RGB") + return image + + +def load_images(image_files): + out = [] + for image_file in image_files: + image = load_image(image_file) + out.append(image) + return out + +def merge_images(image_links: List = []): + """Merge multiple images into one image + + Args: + image_links (List, optional): List of image links. Defaults to []. + + Returns: + [type]: [description] + """ + if len(image_links) == 0: + return None + images = load_images(image_links) + if len(images) == 1: + return images[0] + widths, heights = zip(*(i.size for i in images)) + average_height = sum(heights) // len(heights) + for i, im in enumerate(images): + # scale in proportion + images[i] = im.resize((int(im.size[0] * average_height / im.size[1]), average_height)) + widths, heights = zip(*(i.size for i in images)) + total_width = sum(widths) + max_height = max(heights) + new_im = Image.new("RGB", (total_width + 10 * (len(images) - 1), max_height)) + x_offset = 0 + for i, im in enumerate(images): + if i > 0: + # past a column of 1 pixel starting from x_offset width being black, 8 pixels being white, and 1 pixel being black + new_im.paste(Image.new("RGB", (1, max_height), (0, 0, 0)), (x_offset, 0)) + x_offset += 1 + new_im.paste(Image.new("RGB", (8, max_height), (255, 255, 255)), (x_offset, 0)) + x_offset += 8 + new_im.paste(Image.new("RGB", (1, max_height), (0, 0, 0)), (x_offset, 0)) + x_offset += 1 + new_im.paste(im, (x_offset, 0)) + x_offset += im.size[0] + return new_im \ No newline at end of file diff --git a/univa/eval/gedit/viescore/parse_prompt.py b/univa/eval/gedit/viescore/parse_prompt.py new file mode 100644 index 0000000000000000000000000000000000000000..46a3b46fdaafbd46c2a9426bd1490c250fa2eefb --- /dev/null +++ b/univa/eval/gedit/viescore/parse_prompt.py @@ -0,0 +1,20 @@ +import os + +def create_python_file_with_texts(folder_path, output_file): + with open(output_file, 'w', encoding='utf-8') as out_file: + out_file.write("# This file is generated automatically through parse_prompt.py\n\n") + for root, dirs, files in os.walk(folder_path): + for file in files: + if file.endswith(".txt"): + file_path = os.path.join(root, file) + var_name = "_" + file_path.replace(folder_path, "").replace(os.sep, "_").replace(".txt", "").strip("_") + with open(file_path, 'r', encoding='utf-8') as f: + content = f.read().replace('"""', '\"\"\"') + out_file.write(f'{var_name} = """{content}"""\n\n') + +# Example usage +current_file_path = os.path.abspath(__file__) +current_folder_path = os.path.dirname(current_file_path) +folder_path = os.path.join(current_folder_path, "prompts_raw") +output_file = os.path.join(current_folder_path, "vie_prompts.py") +create_python_file_with_texts(folder_path, output_file) diff --git a/univa/eval/gedit/viescore/utils.py b/univa/eval/gedit/viescore/utils.py new file mode 100644 index 0000000000000000000000000000000000000000..9ebb829cc99aa9f8b639f6aab33f2831492fcb97 --- /dev/null +++ b/univa/eval/gedit/viescore/utils.py @@ -0,0 +1,362 @@ +import os +from typing import Union, List, Optional +import json +import regex as re +import ast +import random + +def fix_json(input_str): + # Add double quotes around keys using regex + fixed_str = re.sub(r'(\w+):', r'"\1":', input_str) + + # Add double quotes around string values if necessary and wrap int/float values in [] + def format_value(match): + key, value, comma = match.groups() + value = value.strip() + # Check if value is an integer or float + if re.match(r'^-?\d+(\.\d+)?$', value): + value = f'[{value}]' + # Check if value is a boolean or null + elif re.match(r'^(true|false|null)$', value, re.IGNORECASE): + pass # leave as is + else: + # Add quotes around string values + value = f'"{value}"' + return f'{key}: {value}{comma}' + + fixed_str = re.sub(r'(".*?"):(.*?)(,|})', format_value, fixed_str) + + return fixed_str + +def read_file_to_string(file_path): + """ + Reads the contents of a text file and returns it as a string. + + :param file_path: The path to the text file. + :return: A string containing the contents of the file. + """ + try: + with open(file_path, 'r', encoding='utf-8') as file: + return file.read() + except FileNotFoundError: + print(f"The file {file_path} was not found.") + return None + except Exception as e: + print(f"An error occurred: {e}") + return None + +def read_files_to_string(file_paths): + """ + Reads the contents of multiple text files and returns them as a single string, + with each file's contents separated by a newline. + + :param file_paths: A list of paths to text files. + :return: A string containing the concatenated contents of the files. + """ + all_contents = [] # List to hold the contents of each file + + for file_path in file_paths: + try: + with open(file_path, 'r', encoding='utf-8') as file: + all_contents.append(file.read()) + except FileNotFoundError: + print(f"The file {file_path} was not found.") + except Exception as e: + print(f"An error occurred while reading {file_path}: {e}") + + # Join all the contents with a newline character + return "\n".join(all_contents) + +def get_file_path(filename: Union[str, os.PathLike], search_from: Union[str, os.PathLike] = "."): + """ + Search for a file across a directory and return its absolute path. + + Args: + filename (Union[str, os.PathLike]): The name of the file to search for. + search_from (Union[str, os.PathLike], optional): The directory from which to start the search. Defaults to ".". + + Returns: + str: Absolute path to the found file. + + Raises: + FileNotFoundError: If the file is not found. + """ + for root, dirs, files in os.walk(search_from): + for name in files: + if name == filename: + return os.path.abspath(os.path.join(root, name)) + raise FileNotFoundError(filename, "not found.") + + + +#+========================================================================================= +def verify(s, target_sequence): + # Count the occurrences of the target sequence + count = s.count(target_sequence) + + # Check if the target sequence appears exactly twice + return count == 2 + + +def is_int_between_0_and_10(s): + try: + num = int(s) + return 0 <= num <= 10 + except ValueError: + return False + +def is_str_a_list_of_ints_0_to_10(s): + try: + # Attempt to parse the string as a Python literal (list, dict, etc.) + parsed = ast.literal_eval(s) + + # Check if the parsed object is a list + if not isinstance(parsed, list): + return False + + # Check if all elements are integers and between 0 to 10 + return all(isinstance(item, int) and 0 <= item <= 10 for item in parsed) + + except (ValueError, SyntaxError): + # If parsing fails or any other error occurs + return False + +def is_str_valid_score_format_brackets(s): + try: + # Removing brackets and splitting the string by commas + content = s.strip("[]").split(',') + + length = len(content) + + # Parsing each element and checking the format and range + scores = {} + for item in content: + key, value = item.split(':') + key = key.strip() + value = int(value.strip()) + + # Check if the key starts with 'score' and the value is in the correct range + if not key.startswith("score") or not 0 <= value <= 10: + return False + + scores[key] = value + + fetch_words = [f"score{i+1}" for i in range(length)] + # Check if at least 'score1' and 'score2' are present + return all(key in scores for key in fetch_words) + + except (ValueError, SyntaxError): + # If any parsing error occurs + return False + + +#+========================================================================================= +def mllm_output_to_dict(input_string, give_up_parsing=False): + """ + Args: + input_string (str): actually the output of the mllm model to be parsed + output_file_name (str): The name of the output file. + """ + # Catch for gpt4v rate_limit_exceeded error + if input_string == "rate_limit_exceeded": + return "rate_limit_exceeded" + + # Define the delimiters + delimiter = '||V^=^V||' + + if input_string.count(delimiter) == 2: + if not verify(input_string, delimiter): + print("The required delimiters were not found correctly in the string.") + return False + # Extract the content between the delimiters + start_index = input_string.find(delimiter) + len(delimiter) + end_index = input_string.rfind(delimiter) + else: + # find the json mannually + # some mllm tends not to output the delimiters, but it does output the json contents + # so we will find the json content mannually + start_index = input_string.find('{') + end_index = input_string.rfind('}') + 1 + if start_index == -1 or end_index == 0: + # json not found + # some mllm tends to output only a list of scores like [6, 0], + # this time we will just get the scores and ignore the reasoning (other part of the json) + start_index = input_string.find('[') + end_index = input_string.rfind(']') + 1 + if give_up_parsing: # if we want to give up parsing + guessed_value = random.randint(0, 10) + print(f"Failed to find the json content in the string. Guess a value : {guessed_value}.") + json_content = {'score': [guessed_value], "reasoning": f"guess_if_cannot_parse | {input_string}"} + json_str = json.dumps(json_content) + input_string = json_str + start_index = 0 + end_index = len(json_str) + elif re.match(r'^\[\d+, ?\d+\]$', input_string[start_index:end_index]): + scores = json.loads(input_string[start_index:end_index]) + if not isinstance(scores, list): + scores = [scores] + json_content = {'score': scores, "reasoning": "System: output is simply a list of scores"} + json_str = json.dumps(json_content) + input_string = json_str + start_index = 0 + end_index = len(json_str) + elif is_int_between_0_and_10(input_string): # if output is simply a number + scores = [int(input_string)] + json_content = {'score': scores, "reasoning": "System: output is simply a number"} + json_str = json.dumps(json_content) + input_string = json_str + start_index = 0 + end_index = len(json_str) + else: + print("Failed to find the json content in the string.") + return False + + # Check if we found two delimiters + if start_index != -1 and end_index != -1 and start_index != end_index: + # Extract the JSON string + json_str = input_string[start_index:end_index].strip() + json_str = json_str.replace("\n", "") + # Parse the JSON string into a dictionary + try: + new_data = json.loads(json_str) + if not isinstance(new_data['score'], list): + new_data['score'] = [new_data['score']] + except: + print("Now fixing: ", json_str) + try: + new_data = json.loads(fix_json(json_str)) + return new_data + except: + print("Error: Cannot fix", json_str) + return False + return new_data + else: + print("The required delimiters were not found correctly in the string.") + return False + +def write_entry_to_json_file(input_string, uid, prompt_input, vision_input, output_file_name, give_up_parsing=False): + """ + Args: + input_string (str): actually the output of the mllm model to be parsed + uid (str): The unique identifier for the each item in the test data + prompt_input (str): The prompt input for the entry. text prompt. + vision_input (str): The vision input for the entry. image links. + output_file_name (str): The name of the output file. + """ + # Catch for gpt4v rate_limit_exceeded error + if input_string == "rate_limit_exceeded": + return "rate_limit_exceeded" + + # Define the delimiters + delimiter = '||V^=^V||' + + if input_string.count(delimiter) == 2: + if not verify(input_string, delimiter): + print("The required delimiters were not found correctly in the string.") + return False + # Extract the content between the delimiters + start_index = input_string.find(delimiter) + len(delimiter) + end_index = input_string.rfind(delimiter) + else: + # find the json mannually + # some mllm tends not to output the delimiters, but it does output the json contents + # so we will find the json content mannually + start_index = input_string.find('{') + end_index = input_string.rfind('}') + 1 + if start_index == -1 or end_index == 0: + # json not found + # some mllm tends to output only a list of scores like [6, 0], + # this time we will just get the scores and ignore the reasoning (other part of the json) + start_index = input_string.find('[') + end_index = input_string.rfind(']') + 1 + if give_up_parsing: # if we want to give up parsing + guessed_value = random.randint(0, 10) + print(f"Failed to find the json content in the string. Guess a value : {guessed_value}.") + json_content = {'score': [guessed_value], "reasoning": f"guess_if_cannot_parse | {input_string}"} + json_str = json.dumps(json_content) + input_string = json_str + start_index = 0 + end_index = len(json_str) + elif re.match(r'^\[\d+, ?\d+\]$', input_string[start_index:end_index]): + scores = json.loads(input_string[start_index:end_index]) + json_content = {'score': scores, "reasoning": None} + json_str = json.dumps(json_content) + input_string = json_str + start_index = 0 + end_index = len(json_str) + elif is_int_between_0_and_10(input_string): # if output is simply a number + scores = [int(input_string)] + json_content = {'score': scores, "reasoning": None} + json_str = json.dumps(json_content) + input_string = json_str + start_index = 0 + end_index = len(json_str) + else: + print("Failed to find the json content in the string.") + return False + + # Check if we found two delimiters + if start_index != -1 and end_index != -1 and start_index != end_index: + # Extract the JSON string + json_str = input_string[start_index:end_index].strip() + json_str = json_str.replace("\n", "") + try: + # Parse the JSON string into a dictionary + new_data = json.loads(json_str) + + # Ensure the directory exists + os.makedirs(os.path.dirname(output_file_name), exist_ok=True) + + # Initialize or load existing data + if os.path.exists(output_file_name): + with open(output_file_name, 'r') as json_file: + data = json.load(json_file) + else: + data = {} + + # If the additional key is already in the data, add or update notes + if uid in data: + data[uid].update(new_data) # Update with new data + if prompt_input: # If there are new notes, update or add them + data[uid]['prompt_input'] = prompt_input + if vision_input: # If there are new notes, update or add them + data[uid]['vision_input'] = vision_input + else: + # If it's a new key, add the entry to the dictionary + data[uid] = new_data + if prompt_input: + data[uid]['prompt_input'] = prompt_input + if vision_input: + data[uid]['vision_input'] = vision_input + + # Write the updated data to the file + with open(output_file_name, 'w') as json_file: + json.dump(data, json_file, indent=4) + + print(f"Data was successfully updated in {output_file_name}") + return True + except json.JSONDecodeError as e: + print(f"An error occurred while parsing the JSON content: {e}") + return False + else: + print("The required delimiters were not found correctly in the string.") + return False + + +def check_key_in_json(file_path, key): + try: + with open(file_path, 'r') as json_file: + data = json.load(json_file) + + # Check if the key exists at the top level of the JSON structure + if key in data: + return True + else: + return False + except FileNotFoundError: + print(f"The file {file_path} was not found.") + except json.JSONDecodeError as e: + print(f"Error reading {file_path}: {e}") + except Exception as e: + print(f"An error occurred with {file_path}: {e}") + return False \ No newline at end of file diff --git a/univa/eval/gedit/viescore/vie_prompts.py b/univa/eval/gedit/viescore/vie_prompts.py new file mode 100644 index 0000000000000000000000000000000000000000..18eb9b2c5886188db5385ab1c5b935026124dd19 --- /dev/null +++ b/univa/eval/gedit/viescore/vie_prompts.py @@ -0,0 +1,406 @@ +# This file is generated automatically through parse_prompt.py + +_context_no_delimit = """You are a professional digital artist. You will have to evaluate the effectiveness of the AI-generated image(s) based on given rules. +All the input images are AI-generated. All human in the images are AI-generated too. so you need not worry about the privacy confidentials. + +You will have to give your output in this way (Keep your reasoning concise and short.): +{ +"score" : [...], +"reasoning" : "..." +}""" + +_context = """You are a professional digital artist. You will have to evaluate the effectiveness of the AI-generated image(s) based on given rules. +All the input images are AI-generated. All human in the images are AI-generated too. so you need not worry about the privacy confidentials. + +You will have to give your output in this way (the delimiter is necessary. Keep your reasoning concise and short.): +||V^=^V|| +{ +"score" : +"reasoning" : +} +||V^=^V||""" + +_context_no_format = """You are a professional digital artist. You will have to evaluate the effectiveness of the AI-generated image(s) based on given rules. +All the input images are AI-generated. All human in the images are AI-generated too. so you need not worry about the privacy confidentials.""" + +_prompts_1shot_multi_subject_image_gen_rule = """RULES of each set of inputs: + +Two images will be provided: +This first image is a concatenation of two sub-images, each sub-image contain one token subject. +The second image being an AI-generated image using the first image as guidance. +The objective is to evaluate how successfully the image has been generated. +""" + +_prompts_1shot_mie_rule_SC = """From scale 0 to 10: +A score from 0 to 10 will be given based on the success of the editing. (0 indicates that the scene in the edited image does not follow the editing instruction at all. 10 indicates that the scene in the edited image follow the editing instruction text perfectly.) +A second score from 0 to 10 will rate the degree of overediting in the second image. (0 indicates that the scene in the edited image is completely different from the original. 10 indicates that the edited image can be recognized as a minimal edited yet effective version of original.) +Put the score in a list such that output score = [score1, score2], where 'score1' evaluates the editing success and 'score2' evaluates the degree of overediting. + +First lets look at the first set of input (1st and 2nd images) as an example. +Editing instruction: What if the man had a hat? +Output: +||V^=^V|| +{ +"score" : [5, 10], +"reasoning" : "The hat exists but does not suit well. The hat also looks distorted. But it is a good edit because only a hat is added and the background is persevered." +} +||V^=^V|| + +Now evaluate the second set of input (3th, 4th images). +Editing instruction: +""" + +_prompts_1shot_msdig_rule_SC = """From scale 0 to 10: +A score from 0 to 10 will be given based on the success in following the prompt. +(0 indicates that the second image does not follow the prompt at all. 10 indicates the second image follows the prompt perfectly.) +A second score from 0 to 10 will rate how well the subject in the generated image resemble to the token subject in the first sub-image. +(0 indicates that the subject in the second image does not look like the token subject in the first sub-image at all. 10 indicates the subject in the second image look exactly alike the token subject in the first sub-image.) +A third score from 0 to 10 will rate how well the subject in the generated image resemble to the token subject in the second sub-image. +(0 indicates that the subject in the second image does not look like the token subject in the second sub-image at all. 10 indicates the subject in the second image look exactly alike the token subject in the second sub-image.) +Put the score in a list such that output score = [score1, score2, score3], where 'score1' evaluates the prompt and 'score2' evaluates the resemblance for the first sub-image, and 'score3' evaluates the resemblance for the second sub-image. + +First lets look at the first set of input (1st and 2nd images) as an example. +Text Prompt: A digital illustration of a cat beside a wooden pot +Output: +||V^=^V|| +{ +"score" : [5, 5, 10], +"reasoning" : "The cat is not beside the wooden pot. The pot looks partially resemble to the subject pot. The cat looks highly resemble to the subject cat." +} +||V^=^V|| + +Now evaluate the second set of input (3th, 4th images). +Text Prompt: """ + +_prompts_1shot_t2i_rule_SC = """From scale 0 to 10: +A score from 0 to 10 will be given based on the success in following the prompt. +(0 indicates that the AI generated image does not follow the prompt at all. 10 indicates the AI generated image follows the prompt perfectly.) + +Put the score in a list such that output score = [score]. + +First lets look at the first set of input (1st image) as an example. +Text Prompt: A pink and a white frisbee are on the ground. +Output: +||V^=^V|| +{ +"score" : [5], +"reasoning" : "White frisbee not present in the image." +} +||V^=^V|| + +Now evaluate the second set of input (2nd image). +Text Prompt: +""" + +_prompts_1shot_tie_rule_SC = """From scale 0 to 10: +A score from 0 to 10 will be given based on the success of the editing. (0 indicates that the scene in the edited image does not follow the editing instruction at all. 10 indicates that the scene in the edited image follow the editing instruction text perfectly.) +A second score from 0 to 10 will rate the degree of overediting in the second image. (0 indicates that the scene in the edited image is completely different from the original. 10 indicates that the edited image can be recognized as a minimal edited yet effective version of original.) +Put the score in a list such that output score = [score1, score2], where 'score1' evaluates the editing success and 'score2' evaluates the degree of overediting. + +First lets look at the first set of input (1st and 2nd images) as an example. +Editing instruction: What if the man had a hat? +Output: +||V^=^V|| +{ +"score" : [5, 10], +"reasoning" : "The hat exists but does not suit well. The hat also looks distorted. But it is a good edit because only a hat is added and the background is persevered." +} +||V^=^V|| + +Now evaluate the second set of input (3th, 4th images). +Editing instruction: +""" + +_prompts_1shot_sdie_rule_SC = """From scale 0 to 10: +A score from 0 to 10 will rate how well the subject in the generated image resemble to the token subject in the second image. +(0 indicates that the subject in the third image does not look like the token subject at all. 10 indicates the subject in the third image look exactly alike the token subject.) +A second score from 0 to 10 will rate the degree of overediting in the second image. +(0 indicates that the scene in the edited image is completely different from the first image. 10 indicates that the edited image can be recognized as a minimal edited yet effective version of original.) +Put the score in a list such that output score = [score1, score2], where 'score1' evaluates the resemblance and 'score2' evaluates the degree of overediting. + +First lets look at the first set of input (1st, 2nd and 3rd images) as an example. +Subject: +Output: +||V^=^V|| +{ +"score" : [5, 10], +"reasoning" : "The monster toy looks partially resemble to the token subject. The edit is minimal." +} +||V^=^V|| + +Now evaluate the second set of input (4th, 5th, and 6th images). +Subject: +""" + +_prompts_1shot_one_image_gen_rule = """RULES of each set of inputs: + +One image will be provided; The image is an AI-generated image. +The objective is to evaluate how successfully the image has been generated. +""" + +_prompts_1shot_sdig_rule_SC = """From scale 0 to 10: +A score from 0 to 10 will be given based on the success in following the prompt. +(0 indicates that the second image does not follow the prompt at all. 10 indicates the second image follows the prompt perfectly.) +A second score from 0 to 10 will rate how well the subject in the generated image resemble to the token subject in the first image. +(0 indicates that the subject in the second image does not look like the token subject at all. 10 indicates the subject in the second image look exactly alike the token subject.) +Put the score in a list such that output score = [score1, score2], where 'score1' evaluates the prompt and 'score2' evaluates the resemblance. + +First lets look at the first set of input (1st and 2nd images) as an example. +Text Prompt: a red cartoon figure eating a banana +Output: +||V^=^V|| +{ +"score" : [10, 5], +"reasoning" : "The red cartoon figure is eating a banana. The red cartoon figure looks partially resemble to the subject." +} +||V^=^V|| + +Now evaluate the second set of input (3th, 4th images). +Text Prompt: +""" + +_prompts_1shot_rule_PQ = """RULES of each set of inputs: + +One image will be provided; The image is an AI-generated image. +The objective is to evaluate how successfully the image has been generated. + +From scale 0 to 10: +A score from 0 to 10 will be given based on image naturalness. +( + 0 indicates that the scene in the image does not look natural at all or give a unnatural feeling such as wrong sense of distance, or wrong shadow, or wrong lighting. + 10 indicates that the image looks natural. +) +A second score from 0 to 10 will rate the image artifacts. +( + 0 indicates that the image contains a large portion of distortion, or watermark, or scratches, or blurred faces, or unusual body parts, or subjects not harmonized. + 10 indicates the image has no artifacts. +) +Put the score in a list such that output score = [naturalness, artifacts] + + +First lets look at the first set of input (1st image) as an example. +Output: +||V^=^V|| +{ +"score" : [5, 5], +"reasoning" : "The image gives an unnatural feeling on hands of the girl. There is also minor distortion on the eyes of the girl." +} +||V^=^V|| + +Now evaluate the second set of input (2nd image). + +""" + +_prompts_1shot_subject_image_gen_rule = """RULES of each set of inputs: + +Two images will be provided: The first being a token subject image and the second being an AI-generated image using the first image as guidance. +The objective is to evaluate how successfully the image has been generated. +""" + +_prompts_1shot_cig_rule_SC = """ +From scale 0 to 10: +A score from 0 to 10 will be given based on the success in following the prompt. +(0 indicates that the second image does not follow the prompt at all. 10 indicates the second image follows the prompt perfectly.) +A second score from 0 to 10 will rate how well the generated image is following the guidance image. +(0 indicates that the second image is not following the guidance at all. 10 indicates that second image is following the guidance image.) +Put the score in a list such that output score = [score1, score2], where 'score1' evaluates the prompt and 'score2' evaluates the guidance. + +First lets look at the first set of input (1st and 2nd images) as an example. +Text Prompt: the bridge is red, Golden Gate Bridge in San Francisco, USA +Output: +||V^=^V|| +{ +"score" : [5, 5], +"reasoning" : "The bridge is red. But half of the bridge is gone." +} +||V^=^V|| + +Now evaluate the second set of input (3th, 4th images). +Text Prompt: +""" + +_prompts_1shot_two_image_edit_rule = """RULES of each set of inputs: + +Two images will be provided: The first being the original AI-generated image and the second being an edited version of the first. +The objective is to evaluate how successfully the editing instruction has been executed in the second image. + +Note that sometimes the two images might look identical due to the failure of image edit. +""" + +_prompts_1shot_subject_image_edit_rule = """RULES of each set of inputs: + +Three images will be provided: +The first image is a input image to be edited. +The second image is a token subject image. +The third image is an AI-edited image from the first image. it should contain a subject that looks alike the subject in second image. +The objective is to evaluate how successfully the image has been edited. +""" + +_prompts_1shot_control_image_gen_rule = """RULES of each set of inputs: + +Two images will be provided: The first being a processed image (e.g. Canny edges, openpose, grayscale etc.) and the second being an AI-generated image using the first image as guidance. +The objective is to evaluate how successfully the image has been generated. +""" + +_prompts_0shot_two_image_edit_rule = """RULES: + +Two images will be provided: The first being the original AI-generated image and the second being an edited version of the first. +The objective is to evaluate how successfully the editing instruction has been executed in the second image. + +Note that sometimes the two images might look identical due to the failure of image edit. +""" + +_prompts_0shot_one_video_gen_rule = """RULES: + +The images are extracted from a AI-generated video according to the text prompt. +The objective is to evaluate how successfully the video has been generated. +""" + +_prompts_0shot_t2v_rule_PQ = """RULES: + +The image frames are AI-generated. +The objective is to evaluate how successfully the image frames has been generated. + +From scale 0 to 10: +A score from 0 to 10 will be given based on the image frames naturalness. +( + 0 indicates that the scene in the image frames does not look natural at all or give a unnatural feeling such as wrong sense of distance, or wrong shadow, or wrong lighting. + 10 indicates that the image frames looks natural. +) +A second score from 0 to 10 will rate the image frames artifacts. +( + 0 indicates that the image frames contains a large portion of distortion, or watermark, or scratches, or blurred faces, or unusual body parts, or subjects not harmonized. + 10 indicates the image frames has no artifacts. +) +Put the score in a list such that output score = [naturalness, artifacts] +""" + +_prompts_0shot_msdig_rule_SC = """From scale 0 to 10: +A score from 0 to 10 will be given based on the success in following the prompt. +(0 indicates that the second image does not follow the prompt at all. 10 indicates the second image follows the prompt perfectly.) +A second score from 0 to 10 will rate how well the subject in the generated image resemble to the token subject in the first sub-image. +(0 indicates that the subject in the second image does not look like the token subject in the first sub-image at all. 10 indicates the subject in the second image look exactly alike the token subject in the first sub-image.) +A third score from 0 to 10 will rate how well the subject in the generated image resemble to the token subject in the second sub-image. +(0 indicates that the subject in the second image does not look like the token subject in the second sub-image at all. 10 indicates the subject in the second image look exactly alike the token subject in the second sub-image.) +Put the score in a list such that output score = [score1, score2, score3], where 'score1' evaluates the prompt and 'score2' evaluates the resemblance for the first sub-image, and 'score3' evaluates the resemblance for the second sub-image. + +Text Prompt: +""" + +_prompts_0shot_sdie_rule_SC = """From scale 0 to 10: +A score from 0 to 10 will rate how well the subject in the generated image resemble to the token subject in the second image. +(0 indicates that the subject in the third image does not look like the token subject at all. 10 indicates the subject in the third image look exactly alike the token subject.) +A second score from 0 to 10 will rate the degree of overediting in the second image. +(0 indicates that the scene in the edited image is completely different from the first image. 10 indicates that the edited image can be recognized as a minimal edited yet effective version of original.) +Put the score in a list such that output score = [score1, score2], where 'score1' evaluates the resemblance and 'score2' evaluates the degree of overediting. + +Subject: """ + +_prompts_0shot_subject_image_edit_rule = """RULES: + +Three images will be provided: +The first image is a input image to be edited. +The second image is a token subject image. +The third image is an AI-edited image from the first image. it should contain a subject that looks alike the subject in second image. +The objective is to evaluate how successfully the image has been edited. +""" + +_prompts_0shot_mie_rule_SC = """From scale 0 to 10: +A score from 0 to 10 will be given based on the success of the editing. (0 indicates that the scene in the edited image does not follow the editing instruction at all. 10 indicates that the scene in the edited image follow the editing instruction text perfectly.) +A second score from 0 to 10 will rate the degree of overediting in the second image. (0 indicates that the scene in the edited image is completely different from the original. 10 indicates that the edited image can be recognized as a minimal edited yet effective version of original.) +Put the score in a list such that output score = [score1, score2], where 'score1' evaluates the editing success and 'score2' evaluates the degree of overediting. + +Editing instruction: +""" + +_prompts_0shot_sdig_rule_SC = """From scale 0 to 10: +A score from 0 to 10 will be given based on the success in following the prompt. +(0 indicates that the second image does not follow the prompt at all. 10 indicates the second image follows the prompt perfectly.) +A second score from 0 to 10 will rate how well the subject in the generated image resemble to the token subject in the first image. +(0 indicates that the subject in the second image does not look like the token subject at all. 10 indicates the subject in the second image look exactly alike the token subject.) +Put the score in a list such that output score = [score1, score2], where 'score1' evaluates the prompt and 'score2' evaluates the resemblance. + +Text Prompt: +""" + +_prompts_0shot_tie_rule_SC = """ +From scale 0 to 10: +A score from 0 to 10 will be given based on the success of the editing. (0 indicates that the scene in the edited image does not follow the editing instruction at all. 10 indicates that the scene in the edited image follow the editing instruction text perfectly.) +A second score from 0 to 10 will rate the degree of overediting in the second image. (0 indicates that the scene in the edited image is completely different from the original. 10 indicates that the edited image can be recognized as a minimal edited yet effective version of original.) +Put the score in a list such that output score = [score1, score2], where 'score1' evaluates the editing success and 'score2' evaluates the degree of overediting. + +Editing instruction: +""" + +_prompts_0shot_t2i_rule_SC = """From scale 0 to 10: +A score from 0 to 10 will be given based on the success in following the prompt. +(0 indicates that the AI generated image does not follow the prompt at all. 10 indicates the AI generated image follows the prompt perfectly.) + +Put the score in a list such that output score = [score]. + +Text Prompt: +""" + +_prompts_0shot_cig_rule_SC = """From scale 0 to 10: +A score from 0 to 10 will be given based on the success in following the prompt. +(0 indicates that the second image does not follow the prompt at all. 10 indicates the second image follows the prompt perfectly.) +A second score from 0 to 10 will rate how well the generated image is following the guidance image. +(0 indicates that the second image is not following the guidance at all. 10 indicates that second image is following the guidance image.) +Put the score in a list such that output score = [score1, score2], where 'score1' evaluates the prompt and 'score2' evaluates the guidance. + +Text Prompt: """ + +_prompts_0shot_control_image_gen_rule = """RULES: + +Two images will be provided: The first being a processed image (e.g. Canny edges, openpose, grayscale etc.) and the second being an AI-generated image using the first image as guidance. +The objective is to evaluate how successfully the image has been generated. +""" + +_prompts_0shot_rule_PQ = """RULES: + +The image is an AI-generated image. +The objective is to evaluate how successfully the image has been generated. + +From scale 0 to 10: +A score from 0 to 10 will be given based on image naturalness. +( + 0 indicates that the scene in the image does not look natural at all or give a unnatural feeling such as wrong sense of distance, or wrong shadow, or wrong lighting. + 10 indicates that the image looks natural. +) +A second score from 0 to 10 will rate the image artifacts. +( + 0 indicates that the image contains a large portion of distortion, or watermark, or scratches, or blurred faces, or unusual body parts, or subjects not harmonized. + 10 indicates the image has no artifacts. +) +Put the score in a list such that output score = [naturalness, artifacts] +""" + +_prompts_0shot_t2v_rule_SC = """From scale 0 to 10: +A score from 0 to 10 will be given based on the success in following the prompt. +(0 indicates that the image frames does not follow the prompt at all. 10 indicates the image frames follows the prompt perfectly.) + +Put the score in a list such that output score = [score]. + +Text Prompt: +""" + +_prompts_0shot_multi_subject_image_gen_rule = """RULES: + +Two images will be provided: +This first image is a concatenation of two sub-images, each sub-image contain one token subject. +The second image being an AI-generated image using the first image as guidance. +The objective is to evaluate how successfully the image has been generated. +""" + +_prompts_0shot_subject_image_gen_rule = """RULES: + +Two images will be provided: The first being a token subject image and the second being an AI-generated image using the first image as guidance. +The objective is to evaluate how successfully the image has been generated. +""" + +_prompts_0shot_one_image_gen_rule = """RULES: + +The image is an AI-generated image according to the text prompt. +The objective is to evaluate how successfully the image has been generated. +""" + diff --git a/univa/eval/genai/README.md b/univa/eval/genai/README.md new file mode 100644 index 0000000000000000000000000000000000000000..190f64e7d1ecb480c4fe8f90af9bf6892610e252 --- /dev/null +++ b/univa/eval/genai/README.md @@ -0,0 +1,47 @@ + +The original code is from [GenAI-Bench](https://github.com/linzhiqiu/t2v_metrics). + + +## Requirements and Installation + +``` +pip install git+https://github.com/openai/CLIP.git +pip install open-clip-torch +``` + + +## Eval + +### Generate samples + +We also support `genai1600`, just replace`genai527.yaml` with `genai1600.yaml` and change `$OUTPUT_DIR`. + +```bash +# switch to univa env +MODEL_PATH='path/to/model' +OUTPUT_DIR='path/to/eval_output/genai527' +CUDA_VISIBLE_DEVICES=0,1,2,3,4,5,6,7 torchrun \ + --nproc_per_node 8 \ + -m step1_gen_samples \ + genai527.yaml \ + --pretrained_lvlm_name_or_path ${MODEL_PATH} \ + --output_dir ${OUTPUT_DIR} +``` + +### Evaluation & Summary + + +Download [zhiqiulin/clip-flant5-xxl](https://huggingface.co/zhiqiulin/clip-flant5-xxl) to `$T5_PATH`. +Download [openai/clip-vit-large-patch14-336](https://huggingface.co/openai/clip-vit-large-patch14-336) to `$VISION_TOWER`. + +```bash +# switch to univa env +META_DIR="eval_prompts/genai527" +IMAGE_DIR=${OUTPUT_DIR} +CUDA_VISIBLE_DEVICES=4 VISION_TOWER=${VISION_TOWER} python -m step2_run_model \ + --model_path ${T5_PATH} \ + --image_dir ${IMAGE_DIR} \ + --meta_dir ${META_DIR} > ${IMAGE_DIR}.txt +cat ${IMAGE_DIR}.txt +``` + diff --git a/univa/eval/genai/__init__.py b/univa/eval/genai/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/univa/eval/genai/eval_prompts/genai1600/genai_image.json b/univa/eval/genai/eval_prompts/genai1600/genai_image.json new file mode 100644 index 0000000000000000000000000000000000000000..c3f47b5cbaa14a4d8d4d5ffb7ce81ae7ea0b4705 --- /dev/null +++ b/univa/eval/genai/eval_prompts/genai1600/genai_image.json @@ -0,0 +1,59202 @@ +{ + "00000": { + "id": "00000", + "prompt": "A baker pulling freshly baked bread out of an oven in a bakery.", + "prompt in Chinese": "一位面包师正从面包店的烤箱中取出刚烤好的面包。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00001": { + "id": "00001", + "prompt": "A photographer capturing a fleeting moment in a vibrant city street.", + "prompt in Chinese": "一位摄影师在充满活力的城市街头捕捉瞬间。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00002": { + "id": "00002", + "prompt": "A gardener tending to flowers in a greenhouse filled with sunlight.", + "prompt in Chinese": "一位园艺师在阳光充满的温室里照顾花卉。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00003": { + "id": "00003", + "prompt": "A man shaping clay on a wheel in a cluttered workshop.", + "prompt in Chinese": "一位男士在一个杂乱的工作室里在陶轮上塑形黏土。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "00004": { + "id": "00004", + "prompt": "A crystal tree shimmering under a twilit, starry sky.", + "prompt in Chinese": "一棵在黄昏星空下闪烁的水晶树。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 4, + 4, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00005": { + "id": "00005", + "prompt": "A dragon perched majestically on a craggy, smoke-wreathed mountain.", + "prompt in Chinese": "一条龙威严地栖息在崎岖、缭绕烟雾的山峰上。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 5 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "00006": { + "id": "00006", + "prompt": "A fairy dancing lightly atop a blooming, moonlit flower.", + "prompt in Chinese": "一位仙子轻巧地在月光下绽放的花朵上起舞。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "00007": { + "id": "00007", + "prompt": "A phoenix soaring above a city, aglow with golden flames.", + "prompt in Chinese": "一只凤凰在城市上空飞翔,身披金色火焰。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 4 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "00008": { + "id": "00008", + "prompt": "A ghostly ship sailing on a fog-shrouded, moonlit sea.", + "prompt in Chinese": "一艘幽灵船在浓雾笼罩、月夜的海上航行。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00009": { + "id": "00009", + "prompt": "A sorcerer's hat casting shadows over a cluttered, enchanted desk.", + "prompt in Chinese": "一顶巫师的帽子在一个杂乱、充满魔法的书桌上投下阴影。", + "models": { + "DALLE_3": [ + 4, + 5, + 3 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 1 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 3 + ], + "SDXL_Base": [ + 3, + 4, + 5 + ] + } + }, + "00010": { + "id": "00010", + "prompt": "A pair of winged boots resting on a cloud in the sky.", + "prompt in Chinese": "一双有着翅膀的靴子停在天空中的云朵上。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 1 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00011": { + "id": "00011", + "prompt": "A mirror is speaking in a dimly lit room.", + "prompt in Chinese": "一面会说话的镜子在昏暗的房间里低语秘密。", + "models": { + "DALLE_3": [ + 2, + 1, + 1 + ], + "SDXL_Turbo": [ + 2, + 2, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 1, + 1 + ], + "Midjourney_6": [ + 2, + 2, + 1 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 1, + 1 + ] + } + }, + "00012": { + "id": "00012", + "prompt": "An ice castle standing proudly in the midst of a blizzard.", + "prompt in Chinese": "一座冰雕城堡在暴风雪中傲然屹立。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 1 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00013": { + "id": "00013", + "prompt": "A potion bubbling brightly inside a cauldron in a shadowy nook.", + "prompt in Chinese": "在阴暗角落里,大锅里药水冒着明亮的气泡。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 4, + 4 + ] + } + }, + "00014": { + "id": "00014", + "prompt": "A book with glowing runes floating beside a mystic crystal.", + "prompt in Chinese": "一本闪耀着符文的书漂浮在神秘水晶旁。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00015": { + "id": "00015", + "prompt": "A celestial comet racing across a star-studded sky.", + "prompt in Chinese": "一颗天体彗星在满是星星的天鹅绒般的夜空中飞驰。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00016": { + "id": "00016", + "prompt": "A mermaid singing softly near a coral throne undersea.", + "prompt in Chinese": "一位美人鱼在海底的珊瑚宝座旁轻声歌唱。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "00017": { + "id": "00017", + "prompt": "A goblin trading shiny trinkets in a hidden, mystical market.", + "prompt in Chinese": "一只妖精在一个隐藏的、神秘的市场里交易闪亮的小饰品。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 1, + 1 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00018": { + "id": "00018", + "prompt": "A unicorn grazing peacefully in a radiant, rainbow-lit glade.", + "prompt in Chinese": "一只独角兽在一个光芒四射、彩虹照耀的林间空地上平静地吃草。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00019": { + "id": "00019", + "prompt": "A magical quill writing tales by itself on an empty scroll.", + "prompt in Chinese": "一支魔法羽毛笔自己在一张空白的卷轴上书写故事。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00020": { + "id": "00020", + "prompt": "A lantern casting dim light in a haunted forest.", + "prompt in Chinese": "一盏灯在一个闹鬼、低语的森林中散发幽光。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00021": { + "id": "00021", + "prompt": "A cloak of invisibility draped over a chair in a secretive chamber.", + "prompt in Chinese": "一件隐形斗篷悬挂在一个秘密房间的椅子上。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "00022": { + "id": "00022", + "prompt": "A genie's lamp emitting wisps of smoke on a sandy dune.", + "prompt in Chinese": "一盏神灯在沙丘上释放出缕缕烟雾。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "00023": { + "id": "00023", + "prompt": "An enchanted broom sweeping in a wizard's lofty chamber.", + "prompt in Chinese": "一把魔法扫帚在巫师的阁楼中扫地。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00024": { + "id": "00024", + "prompt": "A cat pounces on a rolling ball.", + "prompt in Chinese": "一只猫扑向一个滚动的球。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00025": { + "id": "00025", + "prompt": "A young man tastes a simmering soup.", + "prompt in Chinese": "一位年轻人品尝正在炖的汤。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 2, + 4, + 3 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00026": { + "id": "00026", + "prompt": "A girl dabs paint on a mural.", + "prompt in Chinese": "一个女孩在壁画上涂颜料。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00027": { + "id": "00027", + "prompt": "A dancer twirls in a spotlight.", + "prompt in Chinese": "一个舞者在聚光灯下旋转。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00028": { + "id": "00028", + "prompt": "A boy leaps over a hurdle.", + "prompt in Chinese": "一个男孩跃过障碍。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 5, + 5 + ] + } + }, + "00029": { + "id": "00029", + "prompt": "An old person snips a blooming rose.", + "prompt in Chinese": "一个老人剪下一朵盛开的玫瑰。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 4, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00030": { + "id": "00030", + "prompt": "A man kneads dough on a table.", + "prompt in Chinese": "一个男人在桌上揉面团。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 4, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00031": { + "id": "00031", + "prompt": "A person types on an old typewriter.", + "prompt in Chinese": "一个人在旧式打字机上打字。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 4 + ], + "Midjourney_6": [ + 2, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 1, + 1 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "00032": { + "id": "00032", + "prompt": "A dog tunes a violin.", + "prompt in Chinese": "一只狗调音小提琴。", + "models": { + "DALLE_3": [ + 2, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 1, + 5, + 5 + ] + } + }, + "00033": { + "id": "00033", + "prompt": "A woman examines a diamond.", + "prompt in Chinese": "一位女士在检查一颗钻石。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 4, + 3 + ], + "SDXL_Base": [ + 2, + 4, + 4 + ] + } + }, + "00034": { + "id": "00034", + "prompt": "A small cat waves a wand.", + "prompt in Chinese": "一只小猫挥动魔法棒。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "00035": { + "id": "00035", + "prompt": "A boy spots a colorful bird.", + "prompt in Chinese": "一位男孩发现了一只五彩缤纷的鸟。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00036": { + "id": "00036", + "prompt": "A sailor hoists a sail.", + "prompt in Chinese": "一位水手升起帆。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00037": { + "id": "00037", + "prompt": "A bird nocks an arrow.", + "prompt in Chinese": "一只鸟正在准备射箭。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "00038": { + "id": "00038", + "prompt": "A cat basking in the sunlight by a window.", + "prompt in Chinese": "一只猫在窗边阳光下晒太阳。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00039": { + "id": "00039", + "prompt": "A red bicycle parked against a brightly painted wall.", + "prompt in Chinese": "一辆红色自行车靠在一堵鲜艳的墙壁上。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 3, + 1 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 3, + 1 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00040": { + "id": "00040", + "prompt": "A teapot steaming gently on a rustic kitchen table.", + "prompt in Chinese": "一壶茶壶在乡村厨房的桌子上轻轻地冒着热气。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00041": { + "id": "00041", + "prompt": "Old boots resting on a muddy trail in the woods.", + "prompt in Chinese": "旧靴子停放在树林中的泥泞小径上。", + "models": { + "DALLE_3": [ + 5, + 4, + 3 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00042": { + "id": "00042", + "prompt": "A yellow taxi waiting outside a modern glass building.", + "prompt in Chinese": "一辆黄色出租车停在现代玻璃建筑外。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00043": { + "id": "00043", + "prompt": "An armchair with a knit blanket draped over it, next to a fireplace.", + "prompt in Chinese": "一把扶手椅上搭着一条针织毯子,旁边是一个壁炉。", + "models": { + "DALLE_3": [ + 5, + 5, + 2 + ], + "SDXL_Turbo": [ + 4, + 4, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 4 + ], + "SDXL_2_1": [ + 5, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00044": { + "id": "00044", + "prompt": "A colorful mural of a bird adorning a city alley.", + "prompt in Chinese": "一幅五颜六色的鸟儿壁画装饰着城市的小巷。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00045": { + "id": "00045", + "prompt": "An old lantern swaying from a tree branch in a foggy forest.", + "prompt in Chinese": "一个旧灯笼在雾蒙蒙的森林里的树枝上摇晃。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00046": { + "id": "00046", + "prompt": "A garden path lined with glowing stones under a twilight sky.", + "prompt in Chinese": "黄昏天空下,一条园径两旁点缀着发光的石头。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00047": { + "id": "00047", + "prompt": "A grand fountain surrounded by historic buildings in a town square.", + "prompt in Chinese": "一个宏伟的喷泉被城镇广场上的历史建筑包围。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00048": { + "id": "00048", + "prompt": "A cavern lit by shafts of light revealing hidden underground pools.", + "prompt in Chinese": "光束照亮的洞穴内揭示了隐藏的地下水池。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00049": { + "id": "00049", + "prompt": "Boats laden with fruits floating on a river under a dual sunset.", + "prompt in Chinese": "装满水果的小船在双日落下的河上漂浮。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 4, + 4 + ], + "SDXL_2_1": [ + 1, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "00050": { + "id": "00050", + "prompt": "Shelves carved from tree branches in a mystical library.", + "prompt in Chinese": "一个神秘图书馆里用树枝雕刻的书架。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00051": { + "id": "00051", + "prompt": "Ancient buildings juxtaposed with sleek, futuristic transports.", + "prompt in Chinese": "古老建筑与光滑的未来交通工具形成对比。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00052": { + "id": "00052", + "prompt": "A village covered in snow, illuminated by the northern lights.", + "prompt in Chinese": "一个被雪覆盖的村庄,在北极光的照耀下发亮。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00053": { + "id": "00053", + "prompt": "An oasis mirage with an ice palace reflecting moonlight in the desert.", + "prompt in Chinese": "沙漠中的绿洲幻觉,冰宫在月光下映照。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 3, + 5, + 4 + ] + } + }, + "00054": { + "id": "00054", + "prompt": "An asteroid spaceport bustling with aliens and spacecraft.", + "prompt in Chinese": "一个繁忙的小行星太空港,充满外星人和宇宙飞船。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00055": { + "id": "00055", + "prompt": "A small dog dozing in a patch of sunlight.", + "prompt in Chinese": "一只小狗在一片阳光下打盹。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00056": { + "id": "00056", + "prompt": "A single rose growing through a crack.", + "prompt in Chinese": "一朵玫瑰从裂缝中生长出来。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00057": { + "id": "00057", + "prompt": "A quaint bookshop.", + "prompt in Chinese": "一家古雅的书店。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00058": { + "id": "00058", + "prompt": "A lone lighthouse standing guard on a rocky coastline.", + "prompt in Chinese": "一座独立的灯塔守卫着岩石海岸。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00059": { + "id": "00059", + "prompt": "A butterfly perched on a wildflower in a meadow.", + "prompt in Chinese": "一只蝴蝶停留在草甸上的野花上。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00060": { + "id": "00060", + "prompt": "A pilot with aviator sunglasses.", + "prompt in Chinese": "一位戴着飞行员太阳镜的飞行员。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "00061": { + "id": "00061", + "prompt": "A baker with a cherry pin on a polka dot apron.", + "prompt in Chinese": "一位在圆点围裙上别着樱桃别针的面包师。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 3, + 3 + ] + } + }, + "00062": { + "id": "00062", + "prompt": "A knight with a feather plume helmet standing by a stone tower.", + "prompt in Chinese": "一个穿着羽毛羽饰头盔的骑士站在石塔旁。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00063": { + "id": "00063", + "prompt": "A scientist with a gear-shaped ring in a steampunk lab.", + "prompt in Chinese": "一个戴着齿轮形戒指的科学家在蒸汽朋克实验室里。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00064": { + "id": "00064", + "prompt": "A swan with a silver anklet on a crystal lake.", + "prompt in Chinese": "一只在水晶湖上戴着银色脚链的天鹅。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 4, + 5 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00065": { + "id": "00065", + "prompt": "A ninja with a dragon emblem in a bamboo grove.", + "prompt in Chinese": "一位在竹林中带着龙徽章的忍者。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 4, + 3 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00066": { + "id": "00066", + "prompt": "A pirate with a skull earring on a treasure island.", + "prompt in Chinese": "在宝藏岛上,戴着骷髅耳环的海盗。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 4, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 3, + 3 + ] + } + }, + "00067": { + "id": "00067", + "prompt": "A wizard with a starry cape under a full moon.", + "prompt in Chinese": "在满月下,穿着星空斗篷的巫师。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 5 + ] + } + }, + "00068": { + "id": "00068", + "prompt": "A fairy with butterfly wings in a dewy meadow.", + "prompt in Chinese": "露水草地上长着蝴蝶翅膀的仙女。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 5, + 5 + ] + } + }, + "00069": { + "id": "00069", + "prompt": "A cheerleader with a star badge at a sports field.", + "prompt in Chinese": "一位在运动场上佩戴星形徽章的啦啦队长。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 1, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "00070": { + "id": "00070", + "prompt": "A samurai with a silk sash in a cherry blossom garden.", + "prompt in Chinese": "一位在樱花园中佩戴丝绸腰带的武士。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "00071": { + "id": "00071", + "prompt": "An astronaut with a flag patch drifting in space.", + "prompt in Chinese": "一位在太空中飘荡的带着国旗补丁的宇航员。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00072": { + "id": "00072", + "prompt": "A playful kitten with a bell collar on the left, batting at a fluttering butterfly on the right.", + "prompt in Chinese": "左边一只戴着铃铛项圈的顽皮小猫,正在用爪子拍打右边飞舞的蝴蝶。", + "models": { + "DALLE_3": [ + 1, + 3, + 3 + ], + "SDXL_Turbo": [ + 1, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 4, + 4 + ], + "Midjourney_6": [ + 2, + 4, + 4 + ], + "SDXL_2_1": [ + 1, + 3, + 3 + ], + "SDXL_Base": [ + 1, + 3, + 3 + ] + } + }, + "00073": { + "id": "00073", + "prompt": "A cheerful dog with a frisbee in its mouth on the right, chasing a rolling ball on the left.", + "prompt in Chinese": "右边一只嘴里叼着飞盘的快乐的狗,正在追赶左边滚动的球。", + "models": { + "DALLE_3": [ + 1, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 1, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00074": { + "id": "00074", + "prompt": "An eagle with a silver band on its leg on the right, soaring past a towering pine tree on the left.", + "prompt in Chinese": "右侧是一只腿上缠着银带的雄鹰,它从左侧高耸的松树旁翱翔而过。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "00075": { + "id": "00075", + "prompt": "A golden retriever sitting to the left of a blue picket fence.", + "prompt in Chinese": "一只金毛犬坐在蓝色栅栏的左边。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 4, + 4 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00076": { + "id": "00076", + "prompt": "A small pond with a single swan gliding towards the left.", + "prompt in Chinese": "一个小池塘里,一只天鹅向左滑行。", + "models": { + "DALLE_3": [ + 2, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 4, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00077": { + "id": "00077", + "prompt": "A white sailboat drifting towards the left on a calm lake.", + "prompt in Chinese": "一只白色帆船在平静的湖面上向左漂移。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 1, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00078": { + "id": "00078", + "prompt": "A single red rose in a vase on the right side of a windowsill.", + "prompt in Chinese": "一个窗台右侧的花瓶中有一朵红玫瑰。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00079": { + "id": "00079", + "prompt": "A blue mailbox standing to the left of a winding garden path.", + "prompt in Chinese": "一封蓝色邮筒立在蜿蜒花园小径的左侧。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 4, + 4 + ], + "SDXL_Base": [ + 1, + 3, + 1 + ] + } + }, + "00080": { + "id": "00080", + "prompt": "A snowy owl perched to the right on a frost-covered branch.", + "prompt in Chinese": "一只雪白的猫头鹰栖息在右侧结霜的树枝上。", + "models": { + "DALLE_3": [ + 2, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 4, + 4 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "00081": { + "id": "00081", + "prompt": "A vintage clock on a mantelpiece leaning slightly to the left.", + "prompt in Chinese": "壁炉架上的一只古董钟微微向左倾斜。", + "models": { + "DALLE_3": [ + 2, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 1, + 3, + 4 + ], + "SDXL_Base": [ + 2, + 4, + 3 + ] + } + }, + "00082": { + "id": "00082", + "prompt": "A cat sitting to the left of a bookshelf.", + "prompt in Chinese": "一只猫坐在书架的左侧。", + "models": { + "DALLE_3": [ + 2, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 4, + 4 + ], + "Midjourney_6": [ + 2, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 4, + 4 + ] + } + }, + "00083": { + "id": "00083", + "prompt": "A crystal-clear lake reflecting a mountainous landscape.", + "prompt in Chinese": "一片清澈的湖面反射出山峦的景象。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00084": { + "id": "00084", + "prompt": "A row of colorful townhouses on a sunny street.", + "prompt in Chinese": "阳光下一排色彩缤纷的城镇房屋。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00085": { + "id": "00085", + "prompt": "An ancient scroll unrolled on a wooden desk.", + "prompt in Chinese": "一卷古老的卷轴展开在木制书桌上。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 4, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00086": { + "id": "00086", + "prompt": "A hammock strung between two palm trees on a beach.", + "prompt in Chinese": "一张吊床系在沙滩上两棵棕榈树之间。", + "models": { + "DALLE_3": [ + 5, + 4, + 3 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00087": { + "id": "00087", + "prompt": "A narrow alleyway illuminated by strings of fairy lights.", + "prompt in Chinese": "一条狭窄的巷道被串串仙灯照亮。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00088": { + "id": "00088", + "prompt": "A star-filled sky over a desert campsite.", + "prompt in Chinese": "沙漠营地上方的满天繁星。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00089": { + "id": "00089", + "prompt": "A red bicycle against a blue wall.", + "prompt in Chinese": "一辆红色自行车靠在蓝色墙壁上。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "00090": { + "id": "00090", + "prompt": "Worn-out boots sit on a muddy path, the dense forest looming around them.", + "prompt in Chinese": "磨损的靴子在泥泞的小径上,周围是茂密的森林。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00091": { + "id": "00091", + "prompt": "A bright yellow taxi parked in front, a tall glass building rising behind it amidst clouds.", + "prompt in Chinese": "一辆明黄色的出租车停在前方,身后是耸入云端的高大玻璃建筑。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 4, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00092": { + "id": "00092", + "prompt": "A vibrant mural depicts a giant parrot, urban apartment buildings serving as its canvas.", + "prompt in Chinese": "一幅生动的壁画描绘了一只巨大的鹦鹉,城市的公寓楼作为其画布。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00093": { + "id": "00093", + "prompt": "A whimsical garden features glowing flowers, luminescent stones lining the pathway beneath.", + "prompt in Chinese": "一个异想天开的花园里,夜光花朵绽放,路径下铺满了发光的石头。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 1 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 4, + 4 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00094": { + "id": "00094", + "prompt": "A cat lounging lazily on a sunny windowsill.", + "prompt in Chinese": "一只猫慵懒地躺在阳光明媚的窗台上。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00095": { + "id": "00095", + "prompt": "A painter delicately brushing color onto a canvas in a bright, airy studio.", + "prompt in Chinese": "一位画家在明亮、通风的工作室内细致地给画布上色。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 4, + 4 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "00096": { + "id": "00096", + "prompt": "A chef fervently preparing sushi in a bustling kitchen.", + "prompt in Chinese": "一位厨师在繁忙的厨房里热火朝天地准备寿司。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 4, + 4 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 1, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "00097": { + "id": "00097", + "prompt": "A vintage car cruising down a coastal road at sunset.", + "prompt in Chinese": "夕阳西下,一辆老爷车在沿海公路上行驶。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 1, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00098": { + "id": "00098", + "prompt": "A group of children playing hide-and-seek in a blooming garden.", + "prompt in Chinese": "一群孩子在鲜花盛开的花园里捉迷藏。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00099": { + "id": "00099", + "prompt": "A librarian shelving books in a quiet, expansive library.", + "prompt in Chinese": "一位图书管理员在宁静、宽敞的图书馆里整理书籍。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 4, + 4 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00100": { + "id": "00100", + "prompt": "An astronaut floating gracefully in the vastness of space outside a spacecraft.", + "prompt in Chinese": "一位宇航员在宇宙飞船外的浩瀚太空中优雅地漂浮。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00101": { + "id": "00101", + "prompt": "A little girl tuning a guitar before a concert in a dimly lit venue.", + "prompt in Chinese": "一个小女孩在昏暗的场地中调音吉他,准备音乐会。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 3, + 2 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00102": { + "id": "00102", + "prompt": "A pencil holder with more pens than pencils.", + "prompt in Chinese": "一个笔筒里中的钢笔比铅笔多。", + "models": { + "DALLE_3": [ + 2, + 5, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 1 + ], + "SDXL_2_1": [ + 4, + 5, + 3 + ], + "SDXL_Base": [ + 1, + 2, + 1 + ] + } + }, + "00103": { + "id": "00103", + "prompt": "A building with more doors than windows.", + "prompt in Chinese": "一个门比窗户多的建筑。", + "models": { + "DALLE_3": [ + 4, + 2, + 2 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00104": { + "id": "00104", + "prompt": "A couple, with the taller one hugging the shorter one from behind.", + "prompt in Chinese": "一对情侣,个子高从后面抱住个子矮。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 1, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 1 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 1, + 3, + 1 + ], + "SDXL_Base": [ + 3, + 3, + 1 + ] + } + }, + "00105": { + "id": "00105", + "prompt": "The sky teems with more birds than the number of fish visible in the lake below.", + "prompt in Chinese": "天空中的鸟比湖里的鱼多。", + "models": { + "DALLE_3": [ + 2, + 5, + 4 + ], + "SDXL_Turbo": [ + 2, + 5, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 5, + 4 + ], + "Midjourney_6": [ + 2, + 5, + 4 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00106": { + "id": "00106", + "prompt": "On the party table, chocolate chip cookies outnumber the frosted cupcakes.", + "prompt in Chinese": "派对桌上,巧克力饼干的数量超过了纸杯蛋糕。", + "models": { + "DALLE_3": [ + 3, + 5, + 2 + ], + "SDXL_Turbo": [ + 5, + 2, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 4 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 2, + 4 + ] + } + }, + "00107": { + "id": "00107", + "prompt": "A table setting with fewer forks than bowls.", + "prompt in Chinese": "餐桌上,叉子的数量少于碗。", + "models": { + "DALLE_3": [ + 5, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 4, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 4, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 5 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "00108": { + "id": "00108", + "prompt": "In a gym, there are two people: the one closer to the table is resting, while the one further away from the table is lifting weights.", + "prompt in Chinese": "在健身房里,有两个人,离桌子近的在休息,离桌子远的在举重。", + "models": { + "DALLE_3": [ + 4, + 5, + 3 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00109": { + "id": "00109", + "prompt": "A larger person in yellow clothing and a smaller person in a different color.", + "prompt in Chinese": "一个穿黄色衣服的大个子和一个穿不同颜色衣服的小个子。", + "models": { + "DALLE_3": [ + 2, + 4, + 4 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 4, + 4 + ], + "Midjourney_6": [ + 1, + 4, + 4 + ], + "SDXL_2_1": [ + 1, + 3, + 3 + ], + "SDXL_Base": [ + 1, + 3, + 2 + ] + } + }, + "00110": { + "id": "00110", + "prompt": "An animal with legs notably longer than a nearby person's.", + "prompt in Chinese": "一只动物的腿明显比附近的人的腿长。", + "models": { + "DALLE_3": [ + 1, + 2, + 2 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 1, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00111": { + "id": "00111", + "prompt": "A forest landscape with more birds in the sky than trees on the ground.", + "prompt in Chinese": "一个森林景观,天空中的鸟比地面上的树多。", + "models": { + "DALLE_3": [ + 2, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 5, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 5, + 3 + ] + } + }, + "00112": { + "id": "00112", + "prompt": "A workspace with more computers than computer mice.", + "prompt in Chinese": "一个工作空间里,电脑比鼠标多。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "00113": { + "id": "00113", + "prompt": "An interior space with stools outnumbering the people.", + "prompt in Chinese": "一个室内空间里,凳子的数量超过了人数。", + "models": { + "DALLE_3": [ + 4, + 3, + 4 + ], + "SDXL_Turbo": [ + 4, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 4, + 3, + 4 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 3, + 4 + ] + } + }, + "00114": { + "id": "00114", + "prompt": "A scene where there are more hats than stools.", + "prompt in Chinese": "一个场景里,帽子比凳子多。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 1, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 4, + 2, + 5 + ] + } + }, + "00115": { + "id": "00115", + "prompt": "A kitchen with a larger quantity of milk than juice.", + "prompt in Chinese": "一个厨房里,牛奶的数量比果汁多。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 2, + 1 + ], + "SDXL_Base": [ + 1, + 2, + 1 + ] + } + }, + "00116": { + "id": "00116", + "prompt": "In a peaceful pond, there are more fish in the water than frogs on the lotus leaves.", + "prompt in Chinese": "在一个宁静的池塘中,水中的鱼比荷叶上的青蛙多。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 1 + ], + "Midjourney_6": [ + 1, + 3, + 4 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 1, + 1 + ] + } + }, + "00117": { + "id": "00117", + "prompt": "City view, the tower on the left is taller than the one on the right.", + "prompt in Chinese": "城市景观,左边的塔楼比右边的高。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00118": { + "id": "00118", + "prompt": "The sun illuminates the garden, a shovel sticks in the soil, and gloves lay on the bench.", + "prompt in Chinese": "阳光照亮了花园,铲子插在土里,手套放在长椅上。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 3 + ] + } + }, + "00119": { + "id": "00119", + "prompt": "A fish glides through the air, while a bird plunges underwater.", + "prompt in Chinese": "鱼儿在空中滑翔,鸟儿在水下飞翔。", + "models": { + "DALLE_3": [ + 1, + 3, + 2 + ], + "SDXL_Turbo": [ + 1, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 1 + ], + "Midjourney_6": [ + 1, + 3, + 2 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 1, + 1 + ] + } + }, + "00120": { + "id": "00120", + "prompt": "A map unfolds widely on the wall and a compass points northward.", + "prompt in Chinese": "一幅地图在墙上展开,指南针指向北方。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 1, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 2, + 4, + 3 + ] + } + }, + "00121": { + "id": "00121", + "prompt": "Children are swinging on the swings while their parents watch from nearby, and a puppy frolics around them.", + "prompt in Chinese": "孩子们在秋千上荡秋千,他们的父母在旁边观看,一只小狗在他们身边嬉戏。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 4, + 4 + ] + } + }, + "00122": { + "id": "00122", + "prompt": "Three flowers on the ground: one red, another yellow, and the third blue.", + "prompt in Chinese": "地上有三朵花:一朵红色,另一朵黄色,第三朵蓝色。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00123": { + "id": "00123", + "prompt": "There are two red flowers on the table and a few yellow flowers under the table.", + "prompt in Chinese": "桌子上有两朵红花,桌子下有一些黄花。", + "models": { + "DALLE_3": [ + 3, + 2, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00124": { + "id": "00124", + "prompt": "A strange landscape: the ground on the left is covered with snow but the ground on the right is covered with green grass.", + "prompt in Chinese": "一片奇怪的景观,左边的地面覆盖着雪,右边的地上却长满了绿草。", + "models": { + "DALLE_3": [ + 1, + 3, + 3 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 1 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 5 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00125": { + "id": "00125", + "prompt": "A boat glides across the ocean, dolphins leaping beside it and seagulls soaring overhead.", + "prompt in Chinese": "一条船在海洋上滑行,海豚在旁跳跃,海鸥在头顶飞翔。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 5, + 5 + ] + } + }, + "00126": { + "id": "00126", + "prompt": "A painting hangs on the wall, a vase rests on the table, and sunlight streams through the window.", + "prompt in Chinese": "一幅画挂在墙上,一只花瓶放在桌子上,阳光透过窗户洒进来。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 3, + 4 + ] + } + }, + "00127": { + "id": "00127", + "prompt": "A hat is perched on the table and a coat is draped on the chair.", + "prompt in Chinese": "一顶帽子放在桌子上,一件外套搭在椅子上。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 1, + 2, + 1 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00128": { + "id": "00128", + "prompt": "A garden scene, weeds growing on the left side of the garden while the right side is neatly manicured.", + "prompt in Chinese": "一个花园场景,花园的左边长满了杂草,而右边则修剪得整整齐齐。", + "models": { + "DALLE_3": [ + 2, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 4, + 3 + ], + "SDXL_Base": [ + 2, + 4, + 3 + ] + } + }, + "00129": { + "id": "00129", + "prompt": "In one bedroom the pillows were plump and the blankets neatly folded.", + "prompt in Chinese": "一间卧室里,枕头蓬松,被子叠得整整齐齐。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 1 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00130": { + "id": "00130", + "prompt": "A guitar rests against a chair and a drum set stands nearby.", + "prompt in Chinese": "一把吉他靠在椅子上,一套架子鼓立在旁边。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 5 + ], + "SDXL_2_1": [ + 2, + 4, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00131": { + "id": "00131", + "prompt": "In a snowy landscape, a fox dashes across the terrain, while nearby, a dog sits calmly.", + "prompt in Chinese": "在一片雪景中,一只狐狸飞奔而过,旁边一只狗安静地坐着", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 5 + ], + "Midjourney_6": [ + 2, + 2, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00132": { + "id": "00132", + "prompt": "The sun sets on the left while the moon rises on the right.", + "prompt in Chinese": "太阳在左边落下,月亮在右边升起。", + "models": { + "DALLE_3": [ + 1, + 3, + 2 + ], + "SDXL_Turbo": [ + 1, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 1, + 1 + ], + "Midjourney_6": [ + 1, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00133": { + "id": "00133", + "prompt": "Two lampshades flank a bed: the one on the left is tilted, while the one on the right stands straight.", + "prompt in Chinese": "两个灯罩矗立在床的两侧:左边的倾斜,而右边的直立。", + "models": { + "DALLE_3": [ + 1, + 5, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00134": { + "id": "00134", + "prompt": "A window consists of two panes of glass, the left one is broken but the right one is intact.", + "prompt in Chinese": "一扇窗户由两块玻璃组成,左边的玻璃碎了,右边的却完好无损。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00135": { + "id": "00135", + "prompt": "A piece of white paper is on the grass, the left side of the paper is filled with writing while the right side is empty.", + "prompt in Chinese": "草地上的一张白纸,左边写满了字,右边却空空如也。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "00136": { + "id": "00136", + "prompt": "A child studying at a table, the left side of the table is neat, but the right side is cluttered.", + "prompt in Chinese": "一个孩子在桌子旁学习,桌子左边整洁,右边杂乱。", + "models": { + "DALLE_3": [ + 2, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 4, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 3 + ] + } + }, + "00137": { + "id": "00137", + "prompt": "At the center of the table, four gleaming silver forks encircle a solitary porcelain plate.", + "prompt in Chinese": "在桌子中央,四把闪亮的银叉围绕着一个瓷盘。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00138": { + "id": "00138", + "prompt": "Two cats playing with a single ball.", + "prompt in Chinese": "两只猫在玩一个球。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00139": { + "id": "00139", + "prompt": "Five cylindrical mugs beside two rectangular napkins.", + "prompt in Chinese": "五个圆柱形马克杯,旁边是两块长方形餐巾。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 4, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00140": { + "id": "00140", + "prompt": "Four flowers are in full bloom, with two of them by the bench.", + "prompt in Chinese": "四朵盛开的花,两朵在长椅旁边。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00141": { + "id": "00141", + "prompt": "Six oval stones and four triangular sails.", + "prompt in Chinese": "六块椭圆形的石头和四个三角形的帆。", + "models": { + "DALLE_3": [ + 2, + 1, + 1 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 1, + 2, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00142": { + "id": "00142", + "prompt": "One orange kite and four white seagulls flying above the beach.", + "prompt in Chinese": "一个橙色的风筝和四只白色的海鸥在海滩上空飞翔。", + "models": { + "DALLE_3": [ + 3, + 3, + 4 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 4, + 4 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00143": { + "id": "00143", + "prompt": "Five enthusiastic athletes and one tired coach.", + "prompt in Chinese": "五个充满热情的运动员和一个疲惫的教练。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00144": { + "id": "00144", + "prompt": "Two orange pumpkins and four flying black bats.", + "prompt in Chinese": "两个橙色南瓜和四只飞舞的黑蝙蝠。", + "models": { + "DALLE_3": [ + 3, + 2, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 3, + 4, + 4 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00145": { + "id": "00145", + "prompt": "One sun setting behind two tall buildings.", + "prompt in Chinese": "一轮夕阳落在两座高楼的后面。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 4 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00146": { + "id": "00146", + "prompt": "Two orange pumpkins behind a group of five spooky Halloween candles.", + "prompt in Chinese": "两个橙色的南瓜在五支诡异的万圣节蜡烛后面。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 1, + 1 + ] + } + }, + "00147": { + "id": "00147", + "prompt": "One content rabbit and six tired turtles.", + "prompt in Chinese": "一个满足的兔子和六只疲惫的乌龟。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00148": { + "id": "00148", + "prompt": "Eight wavy lines are under three polygonal signs.", + "prompt in Chinese": "三个多边形的标志下面有八条波浪线。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 1, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 1, + 1 + ], + "Midjourney_6": [ + 1, + 1, + 1 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 1, + 1, + 1 + ] + } + }, + "00149": { + "id": "00149", + "prompt": "Three pink peonies and four white daisies in a garden.", + "prompt in Chinese": "花园里有三朵粉红色的牡丹和四朵白色的雏菊。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00150": { + "id": "00150", + "prompt": "Two red balloons and three white clouds floating in the blue sky.", + "prompt in Chinese": "蓝天上飘着两个红气球和三朵白云。", + "models": { + "DALLE_3": [ + 1, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 1, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00151": { + "id": "00151", + "prompt": "Two grey wolves howling and three deer watching.", + "prompt in Chinese": "两只灰狼在嚎叫,三只小鹿在观望。", + "models": { + "DALLE_3": [ + 3, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00152": { + "id": "00152", + "prompt": "Four disappointed customers and two content sellers.", + "prompt in Chinese": "四个失望的顾客和两个满意的卖家。", + "models": { + "DALLE_3": [ + 2, + 2, + 1 + ], + "SDXL_Turbo": [ + 2, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 1 + ], + "Midjourney_6": [ + 2, + 1, + 1 + ], + "SDXL_2_1": [ + 2, + 1, + 1 + ], + "SDXL_Base": [ + 2, + 1, + 1 + ] + } + }, + "00153": { + "id": "00153", + "prompt": "Four nervous mice and one confident cat.", + "prompt in Chinese": "四只紧张的老鼠和一只自信的猫。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00154": { + "id": "00154", + "prompt": "Three books are stacked on top of each other, with the red one at the bottom, the yellow one in the middle, and the blue one on top.", + "prompt in Chinese": "三本书叠在一起,红色的书在最下面,黄色的书在中间,蓝色的书在最上面。。", + "models": { + "DALLE_3": [ + 2, + 4, + 4 + ], + "SDXL_Turbo": [ + 1, + 3, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 4, + 4 + ], + "Midjourney_6": [ + 1, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 4, + 4 + ] + } + }, + "00155": { + "id": "00155", + "prompt": "One bird singing, two flowers swaying.", + "prompt in Chinese": "一只鸟在唱歌,两朵花在摇摆。", + "models": { + "DALLE_3": [ + 4, + 3, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 4, + 3, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00156": { + "id": "00156", + "prompt": "Five relaxed students but one overwhelmed teacher.", + "prompt in Chinese": "五个放松的学生和一个不堪重负的老师。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00157": { + "id": "00157", + "prompt": "One ecstatic painter in front of four confused muses.", + "prompt in Chinese": "一个欣喜若狂的画家面对四个困惑的缪斯女神。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 1, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 1, + 1 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 1, + 1 + ], + "SDXL_Base": [ + 1, + 1, + 1 + ] + } + }, + "00158": { + "id": "00158", + "prompt": "One person talks on the phone animatedly while the other sits sadly.", + "prompt in Chinese": "一个人兴致勃勃地讲电话,另一个人愁眉苦脸地坐着。", + "models": { + "DALLE_3": [ + 3, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00159": { + "id": "00159", + "prompt": "An excited cat is on the left and an upset cat is on the right", + "prompt in Chinese": "一只兴奋的猫在左边,一只不高兴的猫在右边", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 4, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00160": { + "id": "00160", + "prompt": "A scene with two blue balls amidst many yellow ones.", + "prompt in Chinese": "在许多黄色的球中有两个蓝色的球。", + "models": { + "DALLE_3": [ + 2, + 4, + 2 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 3, + 2 + ], + "SDXL_Base": [ + 1, + 3, + 3 + ] + } + }, + "00161": { + "id": "00161", + "prompt": "Cats playing on the roof, the cat on the left has curly hair, and the cat on the right has straight hair", + "prompt in Chinese": "猫在屋顶上玩耍,左边的猫是卷毛,右边的猫是直毛", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00162": { + "id": "00162", + "prompt": "A lone green banana stands out among a cluster of red bananas.", + "prompt in Chinese": "在一簇红色的香蕉中,一枝绿色的香蕉格外显眼。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00163": { + "id": "00163", + "prompt": "A circular mirror is above a rectangular one.", + "prompt in Chinese": "一面圆形镜子在一面长方形镜子的上方。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 1, + 1 + ], + "Midjourney_6": [ + 3, + 1, + 1 + ], + "SDXL_2_1": [ + 4, + 4, + 5 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00164": { + "id": "00164", + "prompt": "Some oranges on the left are moldy while an orange on the right is fresh.", + "prompt in Chinese": "左边的一些橙子发霉了,而右边的一个橙子是新鲜的。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 4 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00165": { + "id": "00165", + "prompt": "On display, a long, white dress contrasts sharply with a short, dark dress beside it.", + "prompt in Chinese": "展示架上,一条白色长裙与旁边的一条深色短裙形成鲜明对比。", + "models": { + "DALLE_3": [ + 1, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 4 + ] + } + }, + "00166": { + "id": "00166", + "prompt": "One person makes a humorous face as another watches.", + "prompt in Chinese": "一个人做着幽默的表情,另一个人在观看。", + "models": { + "DALLE_3": [ + 2, + 3, + 2 + ], + "SDXL_Turbo": [ + 1, + 2, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 1, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 3 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00167": { + "id": "00167", + "prompt": "An old owl watches as a young owl tries its first flight.", + "prompt in Chinese": "一只老猫头鹰观察着一只年轻的猫头鹰尝试第一次飞行。", + "models": { + "DALLE_3": [ + 3, + 3, + 4 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00168": { + "id": "00168", + "prompt": "The girl with glasses is drawing, and the girl without glasses is singing.", + "prompt in Chinese": "戴眼镜的女孩在画画,不戴眼镜的女孩在唱歌。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00169": { + "id": "00169", + "prompt": "The dog with a leash sits quietly, and the other without a leash runs wildly.", + "prompt in Chinese": "有绳的狗安静地坐着,没绳的狗疯狂地跑着。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 1, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00170": { + "id": "00170", + "prompt": "The smiling child gives an apple to the frowning child.", + "prompt in Chinese": "微笑的孩子给皱眉的孩子一个苹果。", + "models": { + "DALLE_3": [ + 2, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 5 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 4, + 4 + ], + "SDXL_Base": [ + 2, + 4, + 4 + ] + } + }, + "00171": { + "id": "00171", + "prompt": "The brown dog chases the black dog around the tree.", + "prompt in Chinese": "棕色的狗绕着树追着黑色的狗。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00172": { + "id": "00172", + "prompt": "In the supermarket, a man with glasses pays a man without glasses.", + "prompt in Chinese": "在超市里,一个戴眼镜的男人付钱给一个不戴眼镜的男人。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 4 + ], + "SDXL_2_1": [ + 1, + 3, + 3 + ], + "SDXL_Base": [ + 1, + 3, + 2 + ] + } + }, + "00173": { + "id": "00173", + "prompt": "There are three men, the one in the center is jumping, and the others are standing.", + "prompt in Chinese": "有三个人,中间的人在跳,其他人站着。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00174": { + "id": "00174", + "prompt": "A happy woman is on the right of a sad woman.", + "prompt in Chinese": "一位快乐的女士在一位悲伤的女士的右边。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00175": { + "id": "00175", + "prompt": "The two lay in bed, the long-haired one asleep, the short-haired one still awake.", + "prompt in Chinese": "两个人躺在床上,长发的一个睡着了,短发的一个还醒着。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00176": { + "id": "00176", + "prompt": "An injured man sitting on the ground with a man to his right who is helping him.", + "prompt in Chinese": "一位受伤的男士坐在地上,他右边有一个正在帮助他的男士。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00177": { + "id": "00177", + "prompt": "The larger person wears a yellow hat and the smaller person does not.", + "prompt in Chinese": "较大的人戴着黄色的帽子,较小的人没有戴。", + "models": { + "DALLE_3": [ + 2, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00178": { + "id": "00178", + "prompt": "Two people are running, the person with red legs is running quite slowly and the yellow-legged one is running faster.", + "prompt in Chinese": "两个人在奔跑,红腿的人跑得很慢,黄腿的人跑得更快。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 1, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 1, + 1 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00179": { + "id": "00179", + "prompt": "Adjacent houses stand side by side; the left one sports a chimney, while the right one has none.", + "prompt in Chinese": "相邻的房子并排而立,左边的房子有烟囱,右边的房子没有。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00180": { + "id": "00180", + "prompt": "A bird chirping melodiously on the right, with another listening intently on the left.", + "prompt in Chinese": "一只鸟在右边婉转地鸣叫,另一只鸟在左边专注地倾听。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00181": { + "id": "00181", + "prompt": "A single snowflake falls gracefully among others swirling chaotically in the wind.", + "prompt in Chinese": "一片雪花优雅地飘落在随风乱飞的雪花中。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 5 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 1, + 1 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00182": { + "id": "00182", + "prompt": "An old artist holding a paintbrush faces a young artist wielding a pencil.", + "prompt in Chinese": "一位拿着画笔的老艺术家面对着一位手持铅笔的年轻艺术家。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00183": { + "id": "00183", + "prompt": "Among a group of pastel-colored balloons, one stands out in vibrant red.", + "prompt in Chinese": "在一群柔和色彩的气球中,一个红色的气球格外显眼。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 1, + 1 + ] + } + }, + "00184": { + "id": "00184", + "prompt": "A runner in blue shoes speeds past another in red shoes.", + "prompt in Chinese": "一位穿着蓝色鞋子的跑步者从另一位穿着红色鞋子的跑步者身边飞驰而过。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00185": { + "id": "00185", + "prompt": "A tailless, not black, cat is sitting.", + "prompt in Chinese": "一只没有尾巴的且非黑色的猫正坐着。", + "models": { + "DALLE_3": [ + 2, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00186": { + "id": "00186", + "prompt": "A smiling girl with short hair and no glasses.", + "prompt in Chinese": "一个短发不戴眼镜的微笑女孩。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00187": { + "id": "00187", + "prompt": "A bookshelf with no books, only a single red vase.", + "prompt in Chinese": "书架上没有书,只有一个红色花瓶。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 1, + 1 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00188": { + "id": "00188", + "prompt": "A bird with no feathers on its head, perched alone.", + "prompt in Chinese": "一只头上没有羽毛的鸟,孤独地栖息着。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 4, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "00189": { + "id": "00189", + "prompt": "A car, not red, without its front wheels, parked.", + "prompt in Chinese": "一辆车,不是红色的,没有前轮,停在那里。", + "models": { + "DALLE_3": [ + 1, + 1, + 1 + ], + "SDXL_Turbo": [ + 1, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 1, + 1 + ], + "Midjourney_6": [ + 1, + 3, + 2 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 1, + 1, + 1 + ] + } + }, + "00190": { + "id": "00190", + "prompt": "A yellow bird sings, a cat does not sing.", + "prompt in Chinese": "一只黄色的鸟在唱歌,一只猫不唱歌。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 1, + 1 + ], + "Midjourney_6": [ + 1, + 2, + 1 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 1, + 1, + 1 + ] + } + }, + "00191": { + "id": "00191", + "prompt": "A pair of glasses without lenses.", + "prompt in Chinese": "一副眼镜框,但没有镜片。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 5 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 5, + 4 + ], + "SDXL_Base": [ + 2, + 1, + 1 + ] + } + }, + "00192": { + "id": "00192", + "prompt": "A colorful skirt has an uncolorful hem.", + "prompt in Chinese": "一条有着一个素色的下摆的彩色的裙子。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 4 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "00193": { + "id": "00193", + "prompt": "A plate with no food, only a fork and a knife.", + "prompt in Chinese": "一个盘子上没有食物,只有一把叉子和一把刀。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00194": { + "id": "00194", + "prompt": "A book on the desk isn't open and a book below the desk is open.", + "prompt in Chinese": "一本在桌子上的书没有被打开,一本在桌子下的书是打开的。", + "models": { + "DALLE_3": [ + 1, + 1, + 1 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 1, + 1 + ], + "Midjourney_6": [ + 2, + 1, + 1 + ], + "SDXL_2_1": [ + 2, + 1, + 1 + ], + "SDXL_Base": [ + 2, + 1, + 1 + ] + } + }, + "00195": { + "id": "00195", + "prompt": "A person without a hat pays a person with a hat.", + "prompt in Chinese": "没有戴帽子的人付钱给戴帽子的人。", + "models": { + "DALLE_3": [ + 3, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 1, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 1, + 1 + ] + } + }, + "00196": { + "id": "00196", + "prompt": "The larger person wears blue and the smaller person does not.", + "prompt in Chinese": "体型较大的人穿蓝色,较小的人没有。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 1, + 1 + ] + } + }, + "00197": { + "id": "00197", + "prompt": "six people wear white shirts and no people wear red shirts.", + "prompt in Chinese": "六个人穿白衬衫,没有人穿红衬衫。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 1, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 1, + 1, + 2 + ], + "SDXL_2_1": [ + 2, + 1, + 2 + ], + "SDXL_Base": [ + 1, + 1, + 2 + ] + } + }, + "00198": { + "id": "00198", + "prompt": "A cat without visible ears is riding.", + "prompt in Chinese": "一只看不见耳朵的猫在骑行。", + "models": { + "DALLE_3": [ + 2, + 1, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 1, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00199": { + "id": "00199", + "prompt": "Four elephants, no giraffes.", + "prompt in Chinese": "四只大象,没有长颈鹿。", + "models": { + "DALLE_3": [ + 1, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00200": { + "id": "00200", + "prompt": "two people; the one on the right has long hair and the one on the left doesn't.", + "prompt in Chinese": "两个人;右边的那个有长发,左边的那个没有。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00201": { + "id": "00201", + "prompt": "A person with short hair is crying while a person with long hair is not.", + "prompt in Chinese": "一位短发的人在哭泣,而一位长发的人没有哭。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 1, + 1 + ], + "Midjourney_6": [ + 2, + 2, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00202": { + "id": "00202", + "prompt": "the pet on the right is blue and the one on the left is not.", + "prompt in Chinese": "右边的宠物是蓝色的,左边的宠物不是。", + "models": { + "DALLE_3": [ + 3, + 2, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 3 + ] + } + }, + "00203": { + "id": "00203", + "prompt": "a person without a hat pushes a person with a hat sitting in a box.", + "prompt in Chinese": "一个没有戴帽子的人推着一个坐在盒子里的戴帽子的人。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 1, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 1 + ], + "SDXL_2_1": [ + 2, + 1, + 1 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00204": { + "id": "00204", + "prompt": "In a race between a tortoise and a hare, the tortoise takes a nap, but the hare does not.", + "prompt in Chinese": "在乌龟和兔子的比赛中,乌龟在打盹,但兔子没有。", + "models": { + "DALLE_3": [ + 4, + 4, + 5 + ], + "SDXL_Turbo": [ + 2, + 1, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 4, + 3 + ], + "Midjourney_6": [ + 1, + 1, + 1 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 1, + 1, + 2 + ] + } + }, + "00205": { + "id": "00205", + "prompt": "There are some apples on the table, no oranges.", + "prompt in Chinese": "桌子上有一些苹果,没有橙子。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00206": { + "id": "00206", + "prompt": "A garden where flowers grow out of pots without soil.", + "prompt in Chinese": "一个花园里,花朵从没有土壤的盆里生长出来。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00207": { + "id": "00207", + "prompt": "A garden with flowers, but no bees to be seen.", + "prompt in Chinese": "一个有花的花园,但看不到蜜蜂。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 5 + ], + "SDXL_Base": [ + 3, + 4, + 5 + ] + } + }, + "00208": { + "id": "00208", + "prompt": "A bookshelf with no books, only picture frames.", + "prompt in Chinese": "一个书架上没有书,只有相框。", + "models": { + "DALLE_3": [ + 3, + 2, + 3 + ], + "SDXL_Turbo": [ + 2, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 1, + 1 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 1, + 1 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00209": { + "id": "00209", + "prompt": "A car drives down the road without wheels, floating above the ground.", + "prompt in Chinese": "一辆汽车在路上行驶,没有轮子,漂浮在地面上。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00210": { + "id": "00210", + "prompt": "The tallest tree in the forest has no leaves, while the smallest one is lush and green.", + "prompt in Chinese": "森林中最高的树没有叶子,而最小的树却郁郁葱葱。", + "models": { + "DALLE_3": [ + 3, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 1, + 1 + ], + "Midjourney_6": [ + 2, + 2, + 3 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00211": { + "id": "00211", + "prompt": "A car moves forward but a bicycle doesn't.", + "prompt in Chinese": "一辆车在向前行驶,一辆自行车没有。", + "models": { + "DALLE_3": [ + 3, + 2, + 3 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 1, + 1 + ], + "Midjourney_6": [ + 3, + 4, + 5 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00212": { + "id": "00212", + "prompt": "A vase with water, but no flowers to nourish.", + "prompt in Chinese": "花瓶有水,却无花滋润。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 4 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00213": { + "id": "00213", + "prompt": "A snowman with a hat, and no scarf around its neck.", + "prompt in Chinese": "一个带帽子的雪人,脖子上没有围巾。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 4, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00214": { + "id": "00214", + "prompt": "A mountain with no snow, under a bright sky.", + "prompt in Chinese": "明亮的天空下,一座没有雪的山。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "00215": { + "id": "00215", + "prompt": "A cat sleeps peacefully in a dog's bed, while the dog has no choice but to nap on the floor.", + "prompt in Chinese": "一只猫在狗的床上安静地睡觉,而狗只能在地板上打盹。", + "models": { + "DALLE_3": [ + 3, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00216": { + "id": "00216", + "prompt": "A beach with no people, no shells.", + "prompt in Chinese": "一个没有人、也没有贝壳的海滩。", + "models": { + "DALLE_3": [ + 3, + 3, + 4 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00217": { + "id": "00217", + "prompt": "A tree with no leaves, standing in a field of green.", + "prompt in Chinese": "一棵没有叶子的树,矗立在绿茵茵的田野中。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 4 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00218": { + "id": "00218", + "prompt": "A modern home office setup, a computer monitor on the desk showing a digital calendar with 'Meeting at 3 PM' highlighted.", + "prompt in Chinese": "一个现代家庭办公室布置,桌子上的电脑显示器显示着一个数字日历,其中'Meeting at 3 PM'被突出显示。", + "models": { + "DALLE_3": [ + 5, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "00219": { + "id": "00219", + "prompt": "A busy urban intersection, a traffic sign at the roadside displaying 'Speed Limit 30 mph'.", + "prompt in Chinese": "一个繁忙的城市十字路口,路边的交通标志显示'Speed Limit 30 mph'。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00220": { + "id": "00220", + "prompt": "A typewriter on a wooden desk, paper rolled in displaying the words 'Chapter 1' in classic font.", + "prompt in Chinese": "一台打字机放在木桌上,卷着纸张,显示着用经典字体打印的'Chapter 1'字样。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "00221": { + "id": "00221", + "prompt": "A rustic bakery storefront, the window adorned with a 'Fresh Breads Daily' sign, loaves visible behind the glass.", + "prompt in Chinese": "一家乡村面包店的店面,橱窗上挂着'Fresh Breads Daily'的招牌,玻璃后面的面包清晰可见。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00222": { + "id": "00222", + "prompt": "A serene beach scene at sunset with 'Paradise Awaits' written in the sand, the ocean gently lapping at the letters.", + "prompt in Chinese": "日落时分的宁静海滩场景,沙滩上写着 'Paradise Awaits',海浪轻轻拍打着字母。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00223": { + "id": "00223", + "prompt": "A bustling city street, a neon 'Open 24 Hours' sign glowing above a small diner.", + "prompt in Chinese": "一个繁忙的城市街道,一家小餐馆上方闪烁着'Open 24 Hours'的霓虹灯牌。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00224": { + "id": "00224", + "prompt": "A snowy mountain peak with a wooden signpost reading 'Summit Trail' against a clear blue sky.", + "prompt in Chinese": "湛蓝的天空下,雪山山顶的木质路标上写着'Summit Trail' 。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00225": { + "id": "00225", + "prompt": "A garden gate with 'Welcome Friends' painted on a hanging wooden plaque, surrounded by blooming flowers.", + "prompt in Chinese": "一个花园大门,挂着一块写着'Welcome Friends' 的木质招牌,周围环绕着盛开的花朵。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 4, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00226": { + "id": "00226", + "prompt": "An elegant wedding venue, a 'Just Married' banner draped across the back of a vintage car.", + "prompt in Chinese": "一个优雅的婚礼场地,一辆复古汽车的后部悬挂着'Just Married'的横幅。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00227": { + "id": "00227", + "prompt": "'Book Nook' carved on a small library door, lantern-lit beside.", + "prompt in Chinese": "一个小图书馆的门上雕刻着'Book Nook',旁边点着灯笼。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 1, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 1, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00228": { + "id": "00228", + "prompt": "A 'No Parking' sign on a busy street.", + "prompt in Chinese": "繁忙街道上的'No Parking'标志。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 4, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 5 + ] + } + }, + "00229": { + "id": "00229", + "prompt": "A 'Veggie Patch' sign staked in a garden, lush greens around.", + "prompt in Chinese": "一块'Veggie Patch'的招牌立在花园里,周围绿意盎然。", + "models": { + "DALLE_3": [ + 5, + 4, + 4 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 2, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00230": { + "id": "00230", + "prompt": "'Tea Time' painted on a quaint cafe sign.", + "prompt in Chinese": "'Tea Time'写在一个古雅咖啡馆的招牌上。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 4 + ], + "Midjourney_6": [ + 1, + 2, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00231": { + "id": "00231", + "prompt": "'Zen Garden' etched into a stone at a peaceful retreat.", + "prompt in Chinese": "'Zen Garden'刻在一个宁静的度假胜地的石头上。", + "models": { + "DALLE_3": [ + 5, + 41, + 4 + ], + "SDXL_Turbo": [ + 1, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 1, + 1 + ], + "Midjourney_6": [ + 1, + 1, + 1 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 1, + 1, + 1 + ] + } + }, + "00232": { + "id": "00232", + "prompt": "'Eco Market' on a banner above a green lifestyle fair.", + "prompt in Chinese": "'Eco Market' 横幅挂在一个绿色生活方式展销会的上方。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "00233": { + "id": "00233", + "prompt": "'Art Center' is spray-painted on the wall of the City Gallery.", + "prompt in Chinese": "Art Center'被喷涂在城市画廊的墙上。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 1, + 1 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00234": { + "id": "00234", + "prompt": "'Jazz Night' flashing on a neon sign at the entrance to the Music Lounge.", + "prompt in Chinese": "'Jazz Night'在音乐休息室入口处的霓虹灯牌上闪烁。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 2, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "00235": { + "id": "00235", + "prompt": "A sign in park says 'Bike Lane.'", + "prompt in Chinese": "公园里的一块牌子上写着'Bike Lane'。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 1, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 1 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00236": { + "id": "00236", + "prompt": "A mystical forest clearing, illuminated by 'Moonlit Path' glowing runes hovering above the ground, guiding wanderers at night.", + "prompt in Chinese": "一片神秘的林间空地,'Moonlit Path'的发光符文盘旋在地面上,为夜晚的漫游者指引方向。", + "models": { + "DALLE_3": [ + 3, + 1, + 1 + ], + "SDXL_Turbo": [ + 3, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 1 + ], + "Midjourney_6": [ + 3, + 1, + 1 + ], + "SDXL_2_1": [ + 3, + 1, + 1 + ], + "SDXL_Base": [ + 3, + 1, + 1 + ] + } + }, + "00237": { + "id": "00237", + "prompt": "An ancient library hidden beneath the earth, 'Secrets of the Ages' inscribed on the archway, books floating around as if by magic.", + "prompt in Chinese": "一个隐藏在地下的古老图书馆,'Secrets of the Ages'刻在拱门上,书籍如被施了魔法一样漂浮在周围。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00238": { + "id": "00238", + "prompt": "In a mysterious swamp, the flowers are taller than the trees.", + "prompt in Chinese": "在神秘的沼泽里,花朵比树木还要高。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00239": { + "id": "00239", + "prompt": "A small dog with wings, wearing a bell around its neck that is bigger than itself.", + "prompt in Chinese": "一只有翅膀的小狗,脖子上戴着一个比自己还大的铃铛。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00240": { + "id": "00240", + "prompt": "A gigantic dog that is taller than the tree next to it.", + "prompt in Chinese": "一只巨大的狗,比旁边的树还要高。", + "models": { + "DALLE_3": [ + 3, + 2, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00241": { + "id": "00241", + "prompt": "A magical flower is taller than the house next to it.", + "prompt in Chinese": "一朵神奇的花,比旁边的房子还高。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 1, + 2 + ] + } + }, + "00242": { + "id": "00242", + "prompt": "A green pumpkin is smiling happily, while a red pumpkin is sitting sadly.", + "prompt in Chinese": "一个绿色的南瓜正开心地微笑,一个红色的南瓜正悲伤地坐着。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 2, + 1, + 1 + ] + } + }, + "00243": { + "id": "00243", + "prompt": "In a mysterious forest, the leaves of a green tree shimmer with a silvery glow, contrasting the dim leaves of a nearby red tree.", + "prompt in Chinese": "在一个神秘的森林里,一棵绿树的叶子闪着银色的光芒,与附近一棵红树暗淡的叶子形成对比。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 1, + 1 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00244": { + "id": "00244", + "prompt": "In a magnificent castle, a red dragon sits and a green dragon flies.", + "prompt in Chinese": "在一个宏伟的城堡里,一条红龙坐着,一条绿龙在飞。", + "models": { + "DALLE_3": [ + 4, + 4, + 5 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00245": { + "id": "00245", + "prompt": "A magician holds two books; the left one is open, the right one is closed.", + "prompt in Chinese": "一个魔术师手持两本书;左边的打开,右边的关闭。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00246": { + "id": "00246", + "prompt": "A mystical forest at twilight, illuminated by three floating orbs, with one unicorn drinking from a clear stream.", + "prompt in Chinese": "暮色中的神秘森林,被三个漂浮的光球照亮,有一只独角兽在清澈的溪流中饮水。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00247": { + "id": "00247", + "prompt": "One ancient scroll is unfurled inside a cavern, lit by two large crystals emitting a soft glow.", + "prompt in Chinese": "一个古老的卷轴在洞穴内展开,被两个发出柔和光芒的巨大水晶照亮。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 1, + 1 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 1, + 1, + 2 + ] + } + }, + "00248": { + "id": "00248", + "prompt": "One pirate ship sailing through space, crewed by five robots.", + "prompt in Chinese": "一艘海盗船在太空中航行,船员是五个机器人。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "00249": { + "id": "00249", + "prompt": "A glowing ancient tree with five lanterns, surrounded by fireflies.", + "prompt in Chinese": "一棵发光的古树上挂着五盏灯笼并且被萤火虫环绕。", + "models": { + "DALLE_3": [ + 3, + 3, + 4 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 3, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00250": { + "id": "00250", + "prompt": "Three floating islands above one waterfall in a valley.", + "prompt in Chinese": "一个山谷中的瀑布上方有三个漂浮的岛屿。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00251": { + "id": "00251", + "prompt": "One phoenix soaring above a mountain, its wings shedding three golden feathers.", + "prompt in Chinese": "一只凤凰在山上方翱翔,它的翅膀上脱落三根金色的羽毛。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 4, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 2, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 4, + 2, + 2 + ] + } + }, + "00252": { + "id": "00252", + "prompt": "A table laden with apples and bananas, where all the fruits are green.", + "prompt in Chinese": "一张桌子上摆满了苹果和香蕉,所有的水果都是绿色的。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 33 + ], + "Midjourney_6": [ + 4, + 4, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00253": { + "id": "00253", + "prompt": "In a modern laboratory, all the computer screens are turned on.", + "prompt in Chinese": "在一个现代实验室里,所有的电脑屏幕都开着。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00254": { + "id": "00254", + "prompt": "A landscape where every tree is in full bloom, with petals covering the entirety of the ground.", + "prompt in Chinese": "一个风景画,每棵树都盛开着花,花瓣覆盖了整个地面。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00255": { + "id": "00255", + "prompt": "Inside a library where each book spine displays a unique, intricate pattern.", + "prompt in Chinese": "在一个图书馆内,每本书的书脊都展示着独特、精细的图案。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 1, + 1, + 1 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00256": { + "id": "00256", + "prompt": "An aquarium where every tank is home to a multitude of colorful fish, swimming in harmony.", + "prompt in Chinese": "水族馆里,每个鱼缸里都有许多色彩斑斓的鱼儿,它们和谐地游动。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 4, + 4 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "00257": { + "id": "00257", + "prompt": "In a square, several children are playing, each wearing a red T-shirt.", + "prompt in Chinese": "在一个广场上,几个孩子正在玩耍,每个人都穿着红色T恤。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00258": { + "id": "00258", + "prompt": "A garden where every flower is in full bloom, showcasing a rainbow of colors.", + "prompt in Chinese": "一个花园里,每朵花都盛开着,展现出一片彩虹般的色彩。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00259": { + "id": "00259", + "prompt": "A bustling kitchen where every chef is preparing a dish.", + "prompt in Chinese": "一个繁忙的厨房,每位厨师都在准备一道菜。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00260": { + "id": "00260", + "prompt": "On the grass, all the children are lying down, laughing joyfully.", + "prompt in Chinese": "在草地上,所有的孩子都躺着,欢乐地笑着。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 3, + 3 + ], + "SDXL_Base": [ + 1, + 4, + 4 + ] + } + }, + "00261": { + "id": "00261", + "prompt": "A classroom where every student's desk is covered with creative projects and experiments.", + "prompt in Chinese": "一个教室,每个学生的桌子上都摆满了创意项目和实验。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00262": { + "id": "00262", + "prompt": "In an enchanted forest, every tree is joyfully dancing.", + "prompt in Chinese": "魔法森林里,每棵树都在欢快地跳舞。", + "models": { + "DALLE_3": [ + 2, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 4, + 3 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00263": { + "id": "00263", + "prompt": "Little fairies are flying in the sky, each with pink butterfly wings.", + "prompt in Chinese": "小精灵在天空中飞翔,每个小精灵都长着粉红色的蝴蝶翅膀。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 1, + 2 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00264": { + "id": "00264", + "prompt": "An old-fashioned barber shop, where every chair is occupied by a customer under a barber's cape.", + "prompt in Chinese": "一个老式理发店,每把椅子上都有一个顾客披着理发罩。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00265": { + "id": "00265", + "prompt": "A group of people are gathered at a party, all sitting around a dining table.", + "prompt in Chinese": "一群人聚集在派对上,所有人都围坐在餐桌周围。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "00266": { + "id": "00266", + "prompt": "Two chairs are in the room, both with books on them.", + "prompt in Chinese": "房间里有两把椅子,上面都放着书。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00267": { + "id": "00267", + "prompt": "A traditional potter's workshop, where every shelf holds rows of terracotta pots, each imprinted with intricate designs.", + "prompt in Chinese": "一个传统的陶器工作室,每个架子上都摆满了排排整齐的陶罐,每个陶罐上都印有复杂的图案。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00268": { + "id": "00268", + "prompt": "A bakery where every shelf is filled with a variety of bread and pastries.", + "prompt in Chinese": "一个面包店,每个架子上都摆满了各式各样的面包和糕点.", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "00269": { + "id": "00269", + "prompt": "A spotted dog, a cat and a bird on a table.", + "prompt in Chinese": "桌子上有一只斑点狗、一只猫和一只鸟。", + "models": { + "DALLE_3": [ + 4, + 3, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 4, + 3 + ], + "SDXL_Base": [ + 2, + 4, + 2 + ] + } + }, + "00270": { + "id": "00270", + "prompt": "A dog, a cat and a chicken on a table.", + "prompt in Chinese": "一只狗,一只猫和一只鸡在桌子上。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 1, + 2 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 1, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "00271": { + "id": "00271", + "prompt": "A young man with a green bat and a blue ball.", + "prompt in Chinese": "一个拿着绿色球棒和蓝色球的年轻人。", + "models": { + "DALLE_3": [ + 5, + 5, + 4 + ], + "SDXL_Turbo": [ + 2, + 1, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00272": { + "id": "00272", + "prompt": "A young man with a blue bat and a green ball.", + "prompt in Chinese": "一个年轻人拿着蓝色的球棒和绿色的球。", + "models": { + "DALLE_3": [ + 4, + 5, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 1, + 1, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 3 + ] + } + }, + "00273": { + "id": "00273", + "prompt": "parent pointing at a child.", + "prompt in Chinese": "父母指着孩子。", + "models": { + "DALLE_3": [ + 4, + 3, + 2 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 5, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00274": { + "id": "00274", + "prompt": "A child pointing at parent.", + "prompt in Chinese": "孩子指着父母。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 3 + ], + "Midjourney_6": [ + 3, + 5, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00275": { + "id": "00275", + "prompt": "A young lady wearing a T-shirt puts her hand on a puppy's head.", + "prompt in Chinese": "一位穿着t恤的年轻女士把手放在一只小狗的头上。", + "models": { + "DALLE_3": [ + 3, + 3, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 4 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "00276": { + "id": "00276", + "prompt": "A young lady wearing a T-shirt puts her hand on a puppy's paw.", + "prompt in Chinese": "一位穿着t恤的年轻女士把手放在小狗的爪子上。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 4, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 5, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 4 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "00277": { + "id": "00277", + "prompt": "A young woman wearing a red T-shirt.", + "prompt in Chinese": "一位穿着红色t恤的年轻女士。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 4 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00278": { + "id": "00278", + "prompt": "A young woman in a red long-sleeved dress.", + "prompt in Chinese": "一位身穿红色长袖连衣裙的年轻女子。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "00279": { + "id": "00279", + "prompt": "A cat chasing a dog.", + "prompt in Chinese": "一只猫在追一只狗。", + "models": { + "DALLE_3": [ + 2, + 3, + 4 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 2, + 3 + ], + "SDXL_Base": [ + 1, + 3, + 3 + ] + } + }, + "00280": { + "id": "00280", + "prompt": "A dog chasing a cat.", + "prompt in Chinese": "一只狗在追一只猫。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 1 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00281": { + "id": "00281", + "prompt": "A group of children playing in the garden.", + "prompt in Chinese": "一群孩子在花园里玩耍。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 4 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00282": { + "id": "00282", + "prompt": "A group of children playing on the beach.", + "prompt in Chinese": "一群孩子在沙滩上玩耍。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 5, + 4 + ] + } + }, + "00283": { + "id": "00283", + "prompt": "A woman wearing a T-shirt and gloves.", + "prompt in Chinese": "一位女士穿着t恤,戴着手套。", + "models": { + "DALLE_3": [ + 4, + 5, + 3 + ], + "SDXL_Turbo": [ + 3, + 5, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 4, + 5 + ] + } + }, + "00284": { + "id": "00284", + "prompt": "A woman in a long-sleeved dress with a ring.", + "prompt in Chinese": "穿着长袖衣服,戴着戒指的女人。", + "models": { + "DALLE_3": [ + 5, + 5, + 4 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 4 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "00285": { + "id": "00285", + "prompt": "A spotted dog, a cat and a bird on a round table.", + "prompt in Chinese": "一张圆桌上有一只斑点狗、一只猫和一只鸟。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 1, + 3, + 4 + ], + "SDXL_2_1": [ + 1, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "00286": { + "id": "00286", + "prompt": "A dog, a cat and a bird on a chair.", + "prompt in Chinese": "一只狗,一只猫和一只鸟在椅子上。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 4, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "00287": { + "id": "00287", + "prompt": "A boy and a dog standing in the desert.", + "prompt in Chinese": "一个男孩和一只狗站在沙漠里。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 5, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 4, + 5 + ] + } + }, + "00288": { + "id": "00288", + "prompt": "A boy and a dog standing on the beach.", + "prompt in Chinese": "一个男孩和一只狗站在海滩上", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 4, + 4 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00289": { + "id": "00289", + "prompt": "A man is hugging a box full of flowers on the floor.", + "prompt in Chinese": "一个男人正抱着一个装满鲜花的盒子躺在地上。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 4, + 4 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 4, + 4 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "00290": { + "id": "00290", + "prompt": "A man is pushing a box full of flowers on the floor.", + "prompt in Chinese": "一个男人正把一个装满花的盒子推到地板上。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "00291": { + "id": "00291", + "prompt": "A young man is holding a blue bat and a green ball.", + "prompt in Chinese": "一个年轻人拿着一根蓝色的球棒和一个绿色的球。", + "models": { + "DALLE_3": [ + 4, + 5, + 4 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 1, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00292": { + "id": "00292", + "prompt": "One cat is sleeping on the table and the other is playing under the table.", + "prompt in Chinese": "一只猫在桌子上睡觉,另一只在桌子下面玩耍。", + "models": { + "DALLE_3": [ + 3, + 4, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 1, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "00293": { + "id": "00293", + "prompt": "One cat is sleeping on the table and the other one is awake under the table.", + "prompt in Chinese": "一只猫在桌子上睡觉,另一只在桌子下面醒着。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "00294": { + "id": "00294", + "prompt": "There is a watering can and a flowerpot on the table, the watering can is bigger than the flowerpot.", + "prompt in Chinese": "桌子上有一个喷壶和一个花盆,喷壶比花盆大。", + "models": { + "DALLE_3": [ + 5, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 3, + 2 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00295": { + "id": "00295", + "prompt": "A cute dog without a collar.", + "prompt in Chinese": "一只可爱的没有项圈的狗。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 4 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00296": { + "id": "00296", + "prompt": "A cat is not black and its tail isn't visible.", + "prompt in Chinese": "猫不是黑色的,尾巴是看不见的。", + "models": { + "DALLE_3": [ + 2, + 2, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 1, + 1, + 2 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 1, + 1, + 2 + ] + } + }, + "00297": { + "id": "00297", + "prompt": "In the bedroom, there are three chairs with a book on each of them.", + "prompt in Chinese": "卧室里有三把椅子,每把椅子上都放着一本书。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 1, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00298": { + "id": "00298", + "prompt": "there are four chairs in the bedroom.", + "prompt in Chinese": "卧室里有四把椅子。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 1, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00299": { + "id": "00299", + "prompt": "The chairs in the bedroom are all white.", + "prompt in Chinese": "卧室里的椅子都是白色的", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00300": { + "id": "00300", + "prompt": "A woman with red lipstick and a polka dot dress.", + "prompt in Chinese": "一个涂着红色口红、穿着圆点连衣裙的女人。", + "models": { + "DALLE_3": [ + 4, + 5, + 4 + ], + "SDXL_Turbo": [ + 4, + 5, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 4 + ], + "Midjourney_6": [ + 4, + 5, + 4 + ], + "SDXL_2_1": [ + 3, + 5, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 4 + ] + } + }, + "00301": { + "id": "00301", + "prompt": "An artist in a paint-splattered apron holding a palette.", + "prompt in Chinese": "一位艺术家系着溅满颜料的围裙,手里拿着调色板。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 5, + 4 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00302": { + "id": "00302", + "prompt": "A man in a lab coat examining a beaker of colorful liquid.", + "prompt in Chinese": "一个穿着实验室工作服的人正在检查一个盛满彩色液体的烧杯。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 4 + ], + "Midjourney_6": [ + 4, + 5, + 4 + ], + "SDXL_2_1": [ + 3, + 5, + 4 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00303": { + "id": "00303", + "prompt": "A girl with pigtails is holding a giant sunflower.", + "prompt in Chinese": "一个扎着辫子的女孩拿着一朵巨大的向日葵。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 1, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 5, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "00304": { + "id": "00304", + "prompt": "A skateboarder performing a trick in an urban skate park.", + "prompt in Chinese": "一个在城市滑板公园表演特技的滑板手。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 3 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00305": { + "id": "00305", + "prompt": "A fisherman casting a line at sunrise by a tranquil lake.", + "prompt in Chinese": "日出时分,一位渔夫在宁静的湖边垂钓。", + "models": { + "DALLE_3": [ + 4, + 5, + 3 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00306": { + "id": "00306", + "prompt": "A pilot in aviator sunglasses stepping into a small plane.", + "prompt in Chinese": "一位戴着飞行员墨镜的飞行员走进一架小型飞机。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 4, + 5, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00307": { + "id": "00307", + "prompt": "A young librarian is shelving books in a cozy library corner.", + "prompt in Chinese": "一位年轻的图书管理员正在一个温馨的图书馆角落里整理书籍。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00308": { + "id": "00308", + "prompt": "A farmer in overalls tending to a field of corn.", + "prompt in Chinese": "一个穿着工装裤的农民正在照料一片玉米地。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 5 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00309": { + "id": "00309", + "prompt": "A child blowing bubbles in a field of daisies.", + "prompt in Chinese": "一个孩子在一片雏菊的田野中吹泡泡。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 4, + 3 + ], + "SDXL_Base": [ + 2, + 5, + 3 + ] + } + }, + "00310": { + "id": "00310", + "prompt": "A surfer riding a large wave at sunset.", + "prompt in Chinese": "一个冲浪者在日落时分驾驭着一道巨浪。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "00311": { + "id": "00311", + "prompt": "A hiker reaching the summit of a mountain with arms raised.", + "prompt in Chinese": "一位登山者到达山顶并举起双手。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00312": { + "id": "00312", + "prompt": "A dancer in a flowing dress spinning in a spotlight.", + "prompt in Chinese": "一个穿着飘逸长裙的舞者在聚光灯下旋转起舞。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00313": { + "id": "00313", + "prompt": "A sculptor chiseling a piece of marble.", + "prompt in Chinese": "一个雕塑家正在用凿子雕刻一块大理石。", + "models": { + "DALLE_3": [ + 4, + 5, + 4 + ], + "SDXL_Turbo": [ + 2, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 1, + 2 + ], + "Midjourney_6": [ + 4, + 5, + 4 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 5, + 4 + ] + } + }, + "00314": { + "id": "00314", + "prompt": "A barista creating latte art in a cozy cafe.", + "prompt in Chinese": "一位咖啡师在一个温馨的咖啡馆里制作拿铁艺术。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00315": { + "id": "00315", + "prompt": "A cyclist racing down a winding mountain path.", + "prompt in Chinese": "一名自行车手在蜿蜒的山路上疾驰。。", + "models": { + "DALLE_3": [ + 4, + 3, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00316": { + "id": "00316", + "prompt": "A gardener pruning roses in a vibrant garden.", + "prompt in Chinese": "一个园丁在一个充满活力的花园里修剪玫瑰。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 4 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 4 + ] + } + }, + "00317": { + "id": "00317", + "prompt": "Two joggers running along a misty riverbank at dawn.", + "prompt in Chinese": "两名慢跑者在黎明时分沿着有雾的河岸跑步。", + "models": { + "DALLE_3": [ + 4, + 3, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 4 + ], + "Midjourney_6": [ + 2, + 5, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00318": { + "id": "00318", + "prompt": "A violinist playing in a candlelit room.", + "prompt in Chinese": "一位小提琴家在烛光摇曳的房间里演奏。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00319": { + "id": "00319", + "prompt": "A mechanic working under the hood of a classic car.", + "prompt in Chinese": "一个机械师正在经典汽车的引擎盖下工作。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00320": { + "id": "00320", + "prompt": "A nurse comforting a patient in a hospital room.", + "prompt in Chinese": "一个护士在医院病房里安慰病人。", + "models": { + "DALLE_3": [ + 2, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 1, + 4, + 3 + ] + } + }, + "00321": { + "id": "00321", + "prompt": "A teacher standing in front of a world map in a classroom.", + "prompt in Chinese": "一个教师站在教室里的世界地图前。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00322": { + "id": "00322", + "prompt": "A child hunting for treasure with a metal detector on the beach.", + "prompt in Chinese": "一个孩子在沙滩上用金属探测器寻找宝藏。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 4, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "00323": { + "id": "00323", + "prompt": "A beekeeper tending to hives in a field of lavender.", + "prompt in Chinese": "一位养蜂人在薰衣草田里照看蜂箱。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00324": { + "id": "00324", + "prompt": "A photographer capturing a butterfly on a wildflower.", + "prompt in Chinese": "一个摄影师捕捉到了一只停在野花上的蝴蝶。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00325": { + "id": "00325", + "prompt": "A jogger and their dog running on the beach.", + "prompt in Chinese": "一个慢跑者和他的狗在海滩上跑步。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00326": { + "id": "00326", + "prompt": "A magician pulling a rabbit out of a hat.", + "prompt in Chinese": "魔术师从帽子里拿出一只兔子。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 1, + 3, + 2 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00327": { + "id": "00327", + "prompt": "A detective examining clues with a magnifying glass.", + "prompt in Chinese": "一个侦探正在用放大镜检查线索。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00328": { + "id": "00328", + "prompt": "A bride throwing her bouquet in a garden wedding.", + "prompt in Chinese": "在一个花园婚礼上,新娘正在扔她的花束。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "00329": { + "id": "00329", + "prompt": "A street performer juggling fire torches at night.", + "prompt in Chinese": "一个街头表演者在夜晚用火把进行杂技。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00330": { + "id": "00330", + "prompt": "A child is making a sandcastle on a beach on a cloudy day.", + "prompt in Chinese": "一个孩子在多云的日子里在海滩上建造沙堡。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00331": { + "id": "00331", + "prompt": "A mountain biker leaping over a log on a forest trail.", + "prompt in Chinese": "一个山地自行车手在林间小路上跃过一个树桩。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00332": { + "id": "00332", + "prompt": "A monk meditating beside a tranquil mountain stream.", + "prompt in Chinese": "一个僧人在宁静的山溪旁边冥想。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00333": { + "id": "00333", + "prompt": "A florist arranging a bouquet of colorful flowers.", + "prompt in Chinese": "一个花店老板正在摆放一束五彩斑斓的花朵。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00334": { + "id": "00334", + "prompt": "A saxophonist playing a soulful tune in a jazz club.", + "prompt in Chinese": "一位萨克斯风手在爵士俱乐部里演奏着深情的曲调。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00335": { + "id": "00335", + "prompt": "A gymnast performing a routine on the balance beam.", + "prompt in Chinese": "一个体操运动员在平衡木上进行常规表演。", + "models": { + "DALLE_3": [ + 2, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 5, + 5 + ], + "SDXL_Base": [ + 1, + 5, + 5 + ] + } + }, + "00336": { + "id": "00336", + "prompt": "A vampire lurking in the shadows of an old castle.", + "prompt in Chinese": "一个吸血鬼在古老城堡的阴影中潜行。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00337": { + "id": "00337", + "prompt": "A wizard casting a spell with a wand in a mystical forest.", + "prompt in Chinese": "一个巫师在神秘的森林里用魔杖施法。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00338": { + "id": "00338", + "prompt": "A ghost hunter investigating an abandoned mansion.", + "prompt in Chinese": "一个幽灵猎人在调查一座被废弃的大厦。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00339": { + "id": "00339", + "prompt": "A mermaid basking on a rock by the moonlit sea.", + "prompt in Chinese": "在海边岩石上沐浴月光的美人鱼。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00340": { + "id": "00340", + "prompt": "A knight in shining armor jousting at a medieval fair.", + "prompt in Chinese": "穿着闪亮盔甲的骑士在中世纪的集市上比武。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00341": { + "id": "00341", + "prompt": "A robot dancing in a futuristic cityscape.", + "prompt in Chinese": "一个机器人在未来派城市景观中跳舞。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00342": { + "id": "00342", + "prompt": "An astronaut planting a flag on a distant planet.", + "prompt in Chinese": "宇航员在遥远的星球上插上国旗。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 2, + 4, + 3 + ] + } + }, + "00343": { + "id": "00343", + "prompt": "Kids race their bikes down the hill as their friends cheer from the sidelines, and a kite flutters in the breeze above them.", + "prompt in Chinese": "孩子们骑着自行车沿着山坡冲下,他们的朋友们在旁边为他们加油,一只风筝在他们上方随风飘动。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 4, + 3 + ], + "Midjourney_6": [ + 2, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00344": { + "id": "00344", + "prompt": "A sailboat drifts lazily along the river, with swans paddling gently beside it and willows weeping at its banks.", + "prompt in Chinese": "一只帆船在河上悠闲地漂流,有几只天鹅轻轻地在船边划水,而河岸上的柳树则随风摇曳。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "00345": { + "id": "00345", + "prompt": "Sunglasses rest atop a magazine, and a beach towel is spread out on the sand.", + "prompt in Chinese": "太阳镜放在杂志上,沙滩上铺着一条浴巾。", + "models": { + "DALLE_3": [ + 2, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00346": { + "id": "00346", + "prompt": "A wilderness scene, wildflowers blooming on the right while a dense forest stands to the left.", + "prompt in Chinese": "一个荒野的景象,右边是野花盛开,左边是茂密的森林。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00347": { + "id": "00347", + "prompt": "In the study, a desk lamp casts a warm glow over an open journal and a fountain pen.", + "prompt in Chinese": "书房里,一盏台灯在一本打开的日记本和一支钢笔上投下温暖的光芒。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 4, + 3 + ] + } + }, + "00348": { + "id": "00348", + "prompt": "Bookends hold a row of novels in place: one end features a sculpture of a cat, the other a dog.", + "prompt in Chinese": "书架上放着一排小说:一端是一只猫的雕塑,另一端是一只狗。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 2, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00349": { + "id": "00349", + "prompt": "A bridge arches over the river, with lanterns lit on one side and the other in darkness.", + "prompt in Chinese": "河上有一座桥,一边点着灯笼,另一边漆黑一片。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00350": { + "id": "00350", + "prompt": "A notebook lies open in the grass, with sketches on the left page and blank space on the right.", + "prompt in Chinese": "一个笔记本散落在草地上,左边有素描,右边还是空白。", + "models": { + "DALLE_3": [ + 2, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 3, + 2 + ] + } + }, + "00351": { + "id": "00351", + "prompt": "On a busy desk, a lamp sheds light on a cluttered area filled with papers, while the other half remains organized.", + "prompt in Chinese": "在一张繁忙的桌子上,一盏灯照亮了堆满文件的杂乱区域,而另一半则保持有序。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00352": { + "id": "00352", + "prompt": "In the park, a statue stands in the middle, surrounded by blooming flowers and people enjoying a sunny day.", + "prompt in Chinese": "在公园里,一尊雕像矗立在中间,周围是盛开的鲜花和享受阳光的人们。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 2, + 4, + 3 + ] + } + }, + "00353": { + "id": "00353", + "prompt": "Tea steams in a cup, next to a closed diary with a pen resting on its cover.", + "prompt in Chinese": "茶在杯子里冒着热气,旁边是一本合上的日记本,日记本的封面上放着一支笔。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00354": { + "id": "00354", + "prompt": "A balloon drifts gently up into the blue sky, with excited children watching from the ground.", + "prompt in Chinese": "一个气球轻轻地飘向蓝天,兴奋的孩子们在地上看着。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00355": { + "id": "00355", + "prompt": "Inside the camp, a fire crackles, casting shadows on the tent walls, with backpacks and maps spread out.", + "prompt in Chinese": "在营地内,篝火噼啪作响,在帐篷墙上投下阴影,背包和地图摊开。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00356": { + "id": "00356", + "prompt": "There are two men in the living room, the taller one to the left of the shorter one.", + "prompt in Chinese": "客厅里有两个人,个子高的在个子矮的左边。", + "models": { + "DALLE_3": [ + 2, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00357": { + "id": "00357", + "prompt": "In the garden, there is a pack of dogs playing, the biggest one is red and the others are white.", + "prompt in Chinese": "花园里有一群狗在玩,最大的一只是红色的,其他的是白色的。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00358": { + "id": "00358", + "prompt": "Two birds are chasing each other in the air, with the one flying higher having a long tail and the other bird having a short tail.", + "prompt in Chinese": "两只鸟在空中互相追逐,飞得高的那只尾巴长,另一只尾巴短。", + "models": { + "DALLE_3": [ + 2, + 3, + 4 + ], + "SDXL_Turbo": [ + 2, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 2, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 2, + 4, + 4 + ] + } + }, + "00359": { + "id": "00359", + "prompt": "In the classroom, two boys standing together, the boy in the red jumper is taller than the boy in the white t-shirt.", + "prompt in Chinese": "教室里有两个男孩站在一起, 穿红毛衣的男孩比穿白t恤的男孩高。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00360": { + "id": "00360", + "prompt": "There are two shoes on the grass, the one without laces looks newer than the one with laces.", + "prompt in Chinese": "草地上有两只鞋,没有系鞋带的那只比系鞋带的那只看起来更新。", + "models": { + "DALLE_3": [ + 1, + 2, + 2 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 1, + 2, + 2 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00361": { + "id": "00361", + "prompt": "At the beach, three seashells lie close together: the largest has a spiraled pattern, the medium one is smooth and white, and the smallest has stripes.", + "prompt in Chinese": "在海滩上,三个贝壳紧密地躺在一起:最大的有螺旋图案,中等的光滑而白,最小的有条纹。", + "models": { + "DALLE_3": [ + 2, + 4, + 3 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00362": { + "id": "00362", + "prompt": "Two kites are flying high in the sky, the dragon-shaped one flies higher and is more colorful than the geometric-patterned one.", + "prompt in Chinese": "两只风筝高高地飞在天空中,龙形的比几何形的飞得更高,色彩更鲜艳。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 4, + 3 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00363": { + "id": "00363", + "prompt": "On the bookshelf, the picture frame on the left, containing a black and white photograph, appears older than the colorful painting on the right.", + "prompt in Chinese": "在书架上,左边的相框,里面有一张黑白照片,看起来比右边的彩色画更古老。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00364": { + "id": "00364", + "prompt": "On the road, two cars drive parallel: the faster one is a sleek sports model, while the slower one is a large, family SUV.", + "prompt in Chinese": "在路上,两辆车平行行驶:快的那辆是一辆时髦的运动车型,慢的那辆是一辆大型的家庭SUV。", + "models": { + "DALLE_3": [ + 3, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 1, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00365": { + "id": "00365", + "prompt": "In the pond, two ducks swim near each other: the larger one has a bright green head, while the smaller one is all brown.", + "prompt in Chinese": "池塘里,两只鸭子游得很近,大的那只头是亮绿色的,小的那只头是棕色的。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "00366": { + "id": "00366", + "prompt": "Between the two cups on the desk, the taller one holds more coffee than the shorter one, which is half-empty.", + "prompt in Chinese": "桌子上的两个杯子中,高的杯子装的咖啡比矮的杯子多,杯子是半空的。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00367": { + "id": "00367", + "prompt": "In the park, the older tree is taller and has more branches than the younger sapling planted beside it.", + "prompt in Chinese": "在公园里,那棵老树比它旁边种的小树更高,枝干也更多。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00368": { + "id": "00368", + "prompt": "A red book lies open with pages fluttering in the wind, another blue one remains closed and still.", + "prompt in Chinese": "一本红色的书打开着,书页在风中飘动,另一本蓝色的书紧闭着,一动不动。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 1, + 1, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 1, + 1, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00369": { + "id": "00369", + "prompt": "Two children laugh joyfully, the bigger one holding a balloon, and the other clutching a toy.", + "prompt in Chinese": "两个孩子笑得很开心,大的一个拿着气球,另一个抓着玩具。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00370": { + "id": "00370", + "prompt": "Two birds soar high above the clouds, while another glides low over the water.", + "prompt in Chinese": "两鸟高飞云上,一鸟低空滑翔水面。", + "models": { + "DALLE_3": [ + 3, + 4, + 3 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00371": { + "id": "00371", + "prompt": "A cyclist wearing glasses speeds down the hill with ease, and another one without glasses climbs up slowly and steadily.", + "prompt in Chinese": "一个戴眼镜的骑自行车的人轻松地快速下山,另一个不戴眼镜的骑自行车的人缓慢而稳定地爬上山坡。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00372": { + "id": "00372", + "prompt": "A tree laden with ripe oranges stands in front of a tree with green, unripe fruit.", + "prompt in Chinese": "一棵挂满成熟橙子的树站在另一棵挂满未成熟的绿色水果的树前面。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00373": { + "id": "00373", + "prompt": "One circular window shines brightly with light, another rectangular one is dark.", + "prompt in Chinese": "一扇圆形的窗户透出明亮的光,另一扇矩形的窗户黑暗。", + "models": { + "DALLE_3": [ + 3, + 4, + 3 + ], + "SDXL_Turbo": [ + 1, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 1, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00374": { + "id": "00374", + "prompt": "Two cats sit at the window, the blue one intently watching the rain, the red one curled up asleep.", + "prompt in Chinese": "两只猫坐在窗前,蓝的那只专心地看雨,红的那只蜷缩着睡着了。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 4, + 3 + ] + } + }, + "00375": { + "id": "00375", + "prompt": "Two birds perch on a branch, the happy one chirping loudly, the sad one listening silently.", + "prompt in Chinese": "两只鸟栖息在一根树枝上,快乐的那只大声地叫着,悲伤的那只静静地听着。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00376": { + "id": "00376", + "prompt": "One sports car zooms around the corner with speed, while another standard car navigates the turn slowly and carefully.", + "prompt in Chinese": "一辆跑车快速转弯,而另一辆普通的车缓慢而小心地转弯。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 1, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00377": { + "id": "00377", + "prompt": "A short sunflower stands tall and faces the sun, while another tall one bends towards the ground.", + "prompt in Chinese": "矮小的向日葵挺立着,面朝太阳,而高大的向日葵则弯向地面", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00378": { + "id": "00378", + "prompt": "One person in white jogs with a steady pace, one person in red sprints with all their might.", + "prompt in Chinese": "一个穿白色衣服的人以稳定的速度慢跑,一个穿红色衣服的人以全力冲刺。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 1, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00379": { + "id": "00379", + "prompt": "One squirrel gathers nuts quickly on the ground, another lazily stretches on a branch.", + "prompt in Chinese": "一只松鼠在地上快速地收集坚果,另一只懒洋洋地在树枝上伸展身体。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 1, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00380": { + "id": "00380", + "prompt": "A butterfly with bright wings flits from flower to flower, another rests on a leaf, wings folded.", + "prompt in Chinese": "一只翅膀明亮的蝴蝶从一朵花飞到另一朵花,另一只翅膀折叠在叶子上休息。", + "models": { + "DALLE_3": [ + 2, + 3, + 2 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 1, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00381": { + "id": "00381", + "prompt": "A puppy on the right chases its tail in circles, while another one on the left lies quietly, watching.", + "prompt in Chinese": "右边的小狗在绕着尾巴追圈,左边的小狗静静地躺在那里看着。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 1, + 1 + ] + } + }, + "00382": { + "id": "00382", + "prompt": "A silver spoon lies to the left of a golden fork on a wooden table.", + "prompt in Chinese": "木桌上的金叉左边放着一把银勺子。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 1, + 1, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 1, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00383": { + "id": "00383", + "prompt": "A black cat sits on a window sill, while a white cat lies beneath the sill in the sunlight.", + "prompt in Chinese": "黑猫坐在窗台上,白猫躺在窗台下晒太阳。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 4, + 3 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00384": { + "id": "00384", + "prompt": "A red book on a shelf above a blue book in a cozy reading nook.", + "prompt in Chinese": "在一个舒适的阅读角落里,书架上一本红色的书在一本蓝色的书上面。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 1, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00385": { + "id": "00385", + "prompt": "A big green apple next to a small red apple on a kitchen counter.", + "prompt in Chinese": "厨房柜台上有一个大的绿色苹果和一个小的红色苹果。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00386": { + "id": "00386", + "prompt": "A tall cactus in a terracotta pot next to a short succulent in a ceramic bowl.", + "prompt in Chinese": "一个高大的仙人掌放在陶罐里,旁边是一个放在陶瓷碗里的矮的多肉植物。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00387": { + "id": "00387", + "prompt": "A yellow school bus in front of a red fire engine at a community event.", + "prompt in Chinese": "在社区活动中,一辆黄色的校车停在一辆红色的消防车前面。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 4, + 4 + ] + } + }, + "00388": { + "id": "00388", + "prompt": "A blue bicycle leaning against a red brick wall, with a green bicycle parked beside it.", + "prompt in Chinese": "一辆蓝色的自行车靠在红色的砖墙上,旁边停着一辆绿色的自行车。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00389": { + "id": "00389", + "prompt": "A brown oak tree with lush leaves next to a birch tree with peeling bark in a forest.", + "prompt in Chinese": "森林里有一棵叶子茂盛的棕色橡树,旁边是一棵树皮剥落的桦树。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00390": { + "id": "00390", + "prompt": "A fluffy white cloud above a darker storm cloud at sunset.", + "prompt in Chinese": "日落时,一朵蓬松的白云在一片较暗的风暴云之上。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 4, + 3 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00391": { + "id": "00391", + "prompt": "A small pond with a black swan on the left and a white swan on the right.", + "prompt in Chinese": "一个小池塘,左边有一只黑天鹅,右边有一只白天鹅。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "00392": { + "id": "00392", + "prompt": "A striped beach umbrella in the sand with a solid blue umbrella behind it.", + "prompt in Chinese": "沙滩上的一把条纹沙滩伞,后面有一把纯蓝色的伞。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "00393": { + "id": "00393", + "prompt": "A large pizza with pepperoni on the left half and mushrooms on the right half.", + "prompt in Chinese": "一个大披萨,左半部分是意大利辣香肠,右半部分是蘑菇。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00394": { + "id": "00394", + "prompt": "A red rose in full bloom next to a pink rosebud in a garden.", + "prompt in Chinese": "花园里一朵盛开的红玫瑰,旁边是一朵粉红色的玫瑰花蕾。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 2, + 3 + ] + } + }, + "00395": { + "id": "00395", + "prompt": "A vintage analog clock hangs on the wall above a modern digital clock that sits on a desk.", + "prompt in Chinese": "桌上的现代数字时钟上方挂着一个老式模拟时钟。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 4, + 4 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00396": { + "id": "00396", + "prompt": "A large teddy bear wearing a bow tie next to a small teddy bear wearing a party hat.", + "prompt in Chinese": "一只戴着领结的大泰迪熊挨着一只戴着派对帽的小泰迪熊。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00397": { + "id": "00397", + "prompt": "An orange tabby cat lounges on a sunny windowsill, with a grey tabby stretching on the floor below.", + "prompt in Chinese": "一只橙色的虎斑猫懒洋洋地躺在阳光明媚的窗台上,一只灰色的虎斑猫趴在下面的地板上", + "models": { + "DALLE_3": [ + 3, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00398": { + "id": "00398", + "prompt": "A leather-bound journal atop an oak desk, beside a stack of vintage paperbacks.", + "prompt in Chinese": "橡木桌子上有一本皮面的杂志,旁边是一堆老式平装书。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00399": { + "id": "00399", + "prompt": "A pair of yellow rubber boots standing at the doorstep, with a pair of green gardening gloves draped over them.", + "prompt in Chinese": "门阶上有一双黄色的胶靴,上面套着一双绿色的园艺手套。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 1, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00400": { + "id": "00400", + "prompt": "A chocolate cupcake with vanilla frosting on a plate, beside a vanilla cupcake with chocolate frosting.", + "prompt in Chinese": "盘子里有一个香草糖霜的巧克力纸杯蛋糕,旁边是一个香草糖霜的纸杯蛋糕。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00401": { + "id": "00401", + "prompt": "A rustic wooden bench under a sprawling oak, with a modern metal chair facing it across a stone path.", + "prompt in Chinese": "在一棵蔓生的橡树下,一张质朴的木凳,一张现代的金属椅子对面是一条石径。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00402": { + "id": "00402", + "prompt": "A steaming cup of coffee on a bookshelf, above a row of antique tea cups.", + "prompt in Chinese": "书架上一杯热气腾腾的咖啡,上面是一排古董茶杯。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00403": { + "id": "00403", + "prompt": "A plush velvet armchair in the corner of a library, with a sleek leather sofa along the opposite wall.", + "prompt in Chinese": "图书馆角落里的一张毛绒扶手椅,对面墙上有一张光滑的皮沙发。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00404": { + "id": "00404", + "prompt": "In the cafe, there's a steaming cup of coffee and a freshly baked croissant on every table.", + "prompt in Chinese": "在咖啡馆里,每张桌子上都有一杯热气腾腾的咖啡和一个刚烤好的羊角面包。", + "models": { + "DALLE_3": [ + 3, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 1, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00405": { + "id": "00405", + "prompt": "A serene yoga studio with several yoga mats, each with a person seated in deep meditation.", + "prompt in Chinese": "一个宁静的瑜伽工作室,有几张瑜伽垫,每张瑜伽垫上都有一个人坐在那里沉思。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00406": { + "id": "00406", + "prompt": "A snowy forest glistens with delicate ice crystals adorning every branch.", + "prompt in Chinese": "白雪皑皑的森林,每一根树枝上都缀满了晶莹的冰晶。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00407": { + "id": "00407", + "prompt": "An antique bookshop with aisles filled with books.", + "prompt in Chinese": "一家摆满了书的古董书店。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00408": { + "id": "00408", + "prompt": "A rooftop garden with a row of planters, each filled with herbs and flowers.", + "prompt in Chinese": "有一排花盆的屋顶花园,每个花盆里都种满了花草。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00409": { + "id": "00409", + "prompt": "A tree shadow on every car in the lot.", + "prompt in Chinese": "停车场里的每辆车上都有一棵树的影子。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00410": { + "id": "00410", + "prompt": "Orange juice and toast on every breakfast table.", + "prompt in Chinese": "每一个早餐桌上都有橙汁和烤面包。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00411": { + "id": "00411", + "prompt": "At the party, a pineapple is flanked by beers on each side.", + "prompt in Chinese": "在聚会上,菠萝的两边都放着啤酒。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 2, + 1, + 1 + ] + } + }, + "00412": { + "id": "00412", + "prompt": "Near every parked pickup truck, there's a horse standing by.", + "prompt in Chinese": "每辆停着的小货车附近都有一匹马站在旁边", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00413": { + "id": "00413", + "prompt": "Leaves falling on every car in the autumn.", + "prompt in Chinese": "秋天,每辆车上都落了叶子。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 1, + 2 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 1, + 2 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00414": { + "id": "00414", + "prompt": "At a birthday party, all the balloons are red.", + "prompt in Chinese": "在生日聚会上,所有的气球都是红色的。", + "models": { + "DALLE_3": [ + 4, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00415": { + "id": "00415", + "prompt": "A group of children are playing in the garden and all the children are not wearing shoes.", + "prompt in Chinese": "一群孩子在花园里玩,所有的孩子都没有穿鞋。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00416": { + "id": "00416", + "prompt": "Several cups are on a round table and all the cups are incomplete.", + "prompt in Chinese": "几个杯子放在圆桌上,所有的杯子都不完整。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00417": { + "id": "00417", + "prompt": "Every child in the classroom has a smile on their face.", + "prompt in Chinese": "教室里的每个孩子脸上都挂着微笑。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00418": { + "id": "00418", + "prompt": "Basking in the sunshine, all the cats are peacefully sleeping.", + "prompt in Chinese": "沐浴在阳光下,所有的猫都在安静地睡觉。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00419": { + "id": "00419", + "prompt": "Every tree in the forest is covered in snow, creating a serene winter landscape.", + "prompt in Chinese": "森林里的每一棵树都被雪覆盖,营造出一种宁静的冬季景观。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00420": { + "id": "00420", + "prompt": "In the park, every bench is occupied by people enjoying their books.", + "prompt in Chinese": "在公园里,每条长凳上都坐着正在读书的人。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00421": { + "id": "00421", + "prompt": "On the farm, each animal is settling down for the night.", + "prompt in Chinese": "在农场里,每只动物都在睡觉。", + "models": { + "DALLE_3": [ + 2, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 1, + 1 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00422": { + "id": "00422", + "prompt": "Every tree in the forest is green, except for one that is red.", + "prompt in Chinese": "森林里的每棵树都是绿色的,除了一棵是红色的", + "models": { + "DALLE_3": [ + 2, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00423": { + "id": "00423", + "prompt": "In a room, all the chairs are occupied except one.", + "prompt in Chinese": "在一个房间里,除了一把椅子外,所有的椅子都被占用了", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00424": { + "id": "00424", + "prompt": "All the books on the shelf are closed, except for one that lies open.", + "prompt in Chinese": "书架上所有的书都合上了,只有一本打开着。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00425": { + "id": "00425", + "prompt": "Among all the cars in the parking lot, each one is parked neatly except for one that is askew.", + "prompt in Chinese": "停车场里所有的车都停得很整齐,只有一辆是歪歪斜斜的", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00426": { + "id": "00426", + "prompt": "In a field of flowers, every bloom is yellow, save for one that is blue.", + "prompt in Chinese": "在一片花丛中,除了一朵蓝花外,所有的花都是黄色的", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00427": { + "id": "00427", + "prompt": "In a line of dominoes, each one stands upright, except for one that has fallen over.", + "prompt in Chinese": "在一排多米诺骨牌中,除了倒下的那张,每一张都是直立的。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00428": { + "id": "00428", + "prompt": "In a collection of hats, each one is plain, but one is adorned with feathers.", + "prompt in Chinese": "在一套帽子中,每一顶都是朴素的,但有一顶装饰着羽毛", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00429": { + "id": "00429", + "prompt": "Every lamp in the street is lit, except for one that remains dark.", + "prompt in Chinese": "街上的每一盏灯都亮着,只有一盏灯还在黑暗中", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00430": { + "id": "00430", + "prompt": "In a pack of wolves, each one howls at the moon, but one remains silent.", + "prompt in Chinese": "一群狼,每只都对着月亮嚎叫,但有一只保持沉默。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00431": { + "id": "00431", + "prompt": "All the doors in the hallway are closed, except for one that is slightly ajar.", + "prompt in Chinese": "走廊里所有的门都关着,只有一扇门半开着。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00432": { + "id": "00432", + "prompt": "A tree with no leaves, only shadows beneath.", + "prompt in Chinese": "一棵没有叶子的树,只有树荫。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 5, + 5 + ], + "SDXL_Base": [ + 2, + 4, + 5 + ] + } + }, + "00433": { + "id": "00433", + "prompt": "A sky with stars, but no moon in sight.", + "prompt in Chinese": "满天繁星,却看不到月亮。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 2, + 3 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00434": { + "id": "00434", + "prompt": "A street with no people, only lights.", + "prompt in Chinese": "一条没有人,只有灯光的街道。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00435": { + "id": "00435", + "prompt": "A birdcage with no door, yet no bird inside.", + "prompt in Chinese": "没有门的鸟笼,里面也没有鸟。", + "models": { + "DALLE_3": [ + 3, + 4, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 2, + 4, + 3 + ] + } + }, + "00436": { + "id": "00436", + "prompt": "A shoe with no laces, standing alone.", + "prompt in Chinese": "一只没有鞋带的鞋子,孤零零的。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 2, + 1, + 2 + ] + } + }, + "00437": { + "id": "00437", + "prompt": "A garden with no paths, only wildflowers.", + "prompt in Chinese": "一个没有小路的花园,只有野花。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00438": { + "id": "00438", + "prompt": "A kitchen with no stove, only empty counters.", + "prompt in Chinese": "没有炉子,只有空柜台的厨房。", + "models": { + "DALLE_3": [ + 2, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 5, + 5 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00439": { + "id": "00439", + "prompt": "A boat with no sails, adrift on calm waters.", + "prompt in Chinese": "一艘没有帆的船,在平静的水面上漂流。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "00440": { + "id": "00440", + "prompt": "A painting with no colors, only shades of gray.", + "prompt in Chinese": "一幅没有颜色,只有灰色阴影的画。", + "models": { + "DALLE_3": [ + 1, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 1, + 1 + ] + } + }, + "00441": { + "id": "00441", + "prompt": "A bridge with no end, vanishing into the fog.", + "prompt in Chinese": "一座没有尽头的桥,消失在雾中。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00442": { + "id": "00442", + "prompt": "A glass with no water, only ice melting.", + "prompt in Chinese": "杯子里没有水,只有冰在融化。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "00443": { + "id": "00443", + "prompt": "A bed with no pillows, only a folded blanket.", + "prompt in Chinese": "一张没有枕头的床,只有折叠的毯子。", + "models": { + "DALLE_3": [ + 2, + 1, + 2 + ], + "SDXL_Turbo": [ + 2, + 1, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 1, + 2 + ], + "Midjourney_6": [ + 2, + 1, + 2 + ], + "SDXL_2_1": [ + 2, + 1, + 2 + ], + "SDXL_Base": [ + 2, + 1, + 2 + ] + } + }, + "00444": { + "id": "00444", + "prompt": "A bike with no pedals.", + "prompt in Chinese": "一辆没有踏板的自行车。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 1, + 4, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00445": { + "id": "00445", + "prompt": "A ball with no bounce, lying still.", + "prompt in Chinese": "一个没有弹跳的球,静静地躺着。", + "models": { + "DALLE_3": [ + 5, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00446": { + "id": "00446", + "prompt": "A coat with no buttons, hanging loosely.", + "prompt in Chinese": "一件没有扣子的外套,松垮地挂着。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00447": { + "id": "00447", + "prompt": "Two children sitting on the bed, the one on the left making faces, the one on the right not making faces.", + "prompt in Chinese": "两个孩子坐在床上,左边的做鬼脸,右边的不做鬼脸。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 1, + 1 + ] + } + }, + "00448": { + "id": "00448", + "prompt": "A library with no books on the shelves.", + "prompt in Chinese": "一个书架上没有书的图书馆。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00449": { + "id": "00449", + "prompt": "A beach without any footprints in the sand.", + "prompt in Chinese": "沙滩上没有脚印的海滩。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00450": { + "id": "00450", + "prompt": "A forest where no animals can be seen.", + "prompt in Chinese": "一个看不到动物的森林。", + "models": { + "DALLE_3": [ + 1, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00451": { + "id": "00451", + "prompt": "A sky without a single cloud.", + "prompt in Chinese": "没有一片云的天空。", + "models": { + "DALLE_3": [ + 1, + 3, + 2 + ], + "SDXL_Turbo": [ + 1, + 1, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 1, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 1, + 2 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00452": { + "id": "00452", + "prompt": "A garden with no flowers blooming.", + "prompt in Chinese": "一个没有鲜花盛开的花园。", + "models": { + "DALLE_3": [ + 3, + 1, + 1 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 3 + ] + } + }, + "00453": { + "id": "00453", + "prompt": "A classroom with every chair empty.", + "prompt in Chinese": "教室里的椅子都是空的。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 2, + 5, + 5 + ] + } + }, + "00454": { + "id": "00454", + "prompt": "A clock with no hands to tell the time.", + "prompt in Chinese": "没有指针报时的钟。", + "models": { + "DALLE_3": [ + 1, + 2, + 2 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 1, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00455": { + "id": "00455", + "prompt": "A playground with no children playing.", + "prompt in Chinese": "一个没有孩子玩耍的操场。", + "models": { + "DALLE_3": [ + 1, + 2, + 2 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00456": { + "id": "00456", + "prompt": "A road with no signs or markings.", + "prompt in Chinese": "没有标志或标记的道路。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 5, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00457": { + "id": "00457", + "prompt": "A river with no fish swimming.", + "prompt in Chinese": "一条没有鱼游泳的河。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 2, + 5, + 5 + ] + } + }, + "00458": { + "id": "00458", + "prompt": "A mountain with no snow on its peak.", + "prompt in Chinese": "山顶没有雪的山。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 1, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00459": { + "id": "00459", + "prompt": "A field without a single blade of grass.", + "prompt in Chinese": "一片没有一根草的田野。", + "models": { + "DALLE_3": [ + 1, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 1, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00460": { + "id": "00460", + "prompt": "A garden full of flowers, yet not a single rose can be found.", + "prompt in Chinese": "一个满是鲜花的花园,却找不到一朵玫瑰。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00461": { + "id": "00461", + "prompt": "Two trees standing tall; one is leafy, and the other is not.", + "prompt in Chinese": "两棵树高高耸立;一棵枝繁叶茂,另一棵没有。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 3, + 2 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00462": { + "id": "00462", + "prompt": "A bustling city street with cars, but no bicycles.", + "prompt in Chinese": "熙熙攘攘的城市街道上有汽车,但没有自行车。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00463": { + "id": "00463", + "prompt": "A bookshelf filled with books, but not a single magazine.", + "prompt in Chinese": "书架上摆满了书,但没有一本杂志。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 4, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 2, + 2 + ] + } + }, + "00464": { + "id": "00464", + "prompt": "A kitchen with every appliance except a microwave.", + "prompt in Chinese": "厨房里除了微波炉什么电器都有。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 5, + 5 + ], + "Midjourney_6": [ + 1, + 2, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00465": { + "id": "00465", + "prompt": "A classroom full of students, but no teacher in sight.", + "prompt in Chinese": "教室里坐满了学生,却看不到老师。", + "models": { + "DALLE_3": [ + 2, + 2, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00466": { + "id": "00466", + "prompt": "A snowy landscape with a cabin, but no smoke from the chimney.", + "prompt in Chinese": "有小屋的雪景,但烟囱里没有烟。", + "models": { + "DALLE_3": [ + 3, + 2, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00467": { + "id": "00467", + "prompt": "A pair of shoes, one tied and the other not.", + "prompt in Chinese": "一双鞋,一只系了,另一只没系。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 1, + 1 + ], + "Midjourney_6": [ + 2, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00468": { + "id": "00468", + "prompt": "A table set for dinner with plates, but no forks.", + "prompt in Chinese": "餐桌上有盘子,但没有叉子。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00469": { + "id": "00469", + "prompt": "A playground with swings, but no slide.", + "prompt in Chinese": "一个有秋千但没有滑梯的游乐场。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "00470": { + "id": "00470", + "prompt": "A road with cars, but no traffic lights.", + "prompt in Chinese": "一条有汽车但没有红绿灯的路。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 4, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00471": { + "id": "00471", + "prompt": "Five pencils on the desk, but no erasers.", + "prompt in Chinese": "桌上有五支铅笔,但没有橡皮擦。", + "models": { + "DALLE_3": [ + 1, + 1, + 1 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00472": { + "id": "00472", + "prompt": "Two birds in the sky; the one on the left is flying, but the one on the right is not.", + "prompt in Chinese": "天空中的两只鸟;左边的那只在飞,右边的那只却没有。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00473": { + "id": "00473", + "prompt": "A person with glasses reading a book, while another without glasses is not.", + "prompt in Chinese": "一个戴眼镜的人在读书,而另一个不戴眼镜的人却没有。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00474": { + "id": "00474", + "prompt": "Two cars in the street, the car on the left is red, but the one on the right is not.", + "prompt in Chinese": "街上有两辆车,左边的车是红色的,右边的车不是。", + "models": { + "DALLE_3": [ + 2, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 5, + 5 + ], + "SDXL_Base": [ + 1, + 1, + 1 + ] + } + }, + "00475": { + "id": "00475", + "prompt": "A musician with a guitar, but there is no audience to listen.", + "prompt in Chinese": "一个音乐家拿着吉他,但没有听众听。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00476": { + "id": "00476", + "prompt": "Two windows in a room; one is open, but the other is not.", + "prompt in Chinese": "一个房间有两扇窗户;一个是开着的,另一个不是。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00477": { + "id": "00477", + "prompt": "A basket full of apples, but no oranges.", + "prompt in Chinese": "一篮子苹果,但没有橙子。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 5, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00478": { + "id": "00478", + "prompt": "A row of houses with chimneys, but no smoke coming out.", + "prompt in Chinese": "一排房子有烟囱,但没有烟冒出来。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00479": { + "id": "00479", + "prompt": "Two dogs playing; one is barking, but the other is not.", + "prompt in Chinese": "两只狗在玩;一只在叫,另一只没有。", + "models": { + "DALLE_3": [ + 1, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00480": { + "id": "00480", + "prompt": "A pair of socks, one is striped, but the other is not.", + "prompt in Chinese": "一双袜子,一只是条纹的,另一只不是。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00481": { + "id": "00481", + "prompt": "A snowy hill with children sledding, but no snowman in sight.", + "prompt in Chinese": "一座雪山,孩子们在滑雪,但没有看到雪人。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00482": { + "id": "00482", + "prompt": "Two cups on the table; one is full, but the other is not.", + "prompt in Chinese": "桌子上有两个杯子;一只满了,另一只没了。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 1, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00483": { + "id": "00483", + "prompt": "A bridge over a river, but no cars crossing.", + "prompt in Chinese": "河上有一座桥,但没有汽车通过。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 2, + 4, + 3 + ] + } + }, + "00484": { + "id": "00484", + "prompt": "A zoo with no animals in the enclosures.", + "prompt in Chinese": "一个没有动物的动物园。", + "models": { + "DALLE_3": [ + 1, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00485": { + "id": "00485", + "prompt": "A kitchen with every cupboard bare.", + "prompt in Chinese": "厨房里所有的橱柜都是空的。", + "models": { + "DALLE_3": [ + 1, + 2, + 2 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00486": { + "id": "00486", + "prompt": "A mirror without a reflection of light.", + "prompt in Chinese": "一面没有反射的镜子。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00487": { + "id": "00487", + "prompt": "A calendar without any markings.", + "prompt in Chinese": "没有日期标记的日历。", + "models": { + "DALLE_3": [ + 1, + 2, + 2 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 4 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00488": { + "id": "00488", + "prompt": "A bridge with no one crossing.", + "prompt in Chinese": "一座没有人通过的桥。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00489": { + "id": "00489", + "prompt": "A hotel with no guests checking in.", + "prompt in Chinese": "没有客人入住的酒店。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 2, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00490": { + "id": "00490", + "prompt": "A fountain with no water flowing.", + "prompt in Chinese": "没有水流的喷泉。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00491": { + "id": "00491", + "prompt": "A beach scene where the sandcastle appears taller than the nearby cooler.", + "prompt in Chinese": "沙滩上的沙堡看起来比附近的凉亭还要高。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 2, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00492": { + "id": "00492", + "prompt": "A bustling street with more bicycles than cars parked along the sidewalk.", + "prompt in Chinese": "一条熙熙攘攘的街道,人行道上停放的自行车比汽车还多。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00493": { + "id": "00493", + "prompt": "A starry night sky with more visible stars than the number of lights in the city below.", + "prompt in Chinese": "繁星满天的夜空,可见的星星比下面城市的灯还多。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00494": { + "id": "00494", + "prompt": "In a crowded room, there are more people standing than sitting.", + "prompt in Chinese": "在一个拥挤的房间里,站着的人比坐着的人更多。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 5 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "00495": { + "id": "00495", + "prompt": "A fruit basket with more apples than oranges.", + "prompt in Chinese": "水果篮里的苹果比橘子多。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "00496": { + "id": "00496", + "prompt": "A snowy landscape with snow deeper than the height of the nearby fence.", + "prompt in Chinese": "雪景,积雪比附近围栏的高度还深。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00497": { + "id": "00497", + "prompt": "A classroom with more chairs than students.", + "prompt in Chinese": "教室里的椅子比学生还多。", + "models": { + "DALLE_3": [ + 1, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 4, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "00498": { + "id": "00498", + "prompt": "A painting where the mountain is depicted as taller than the trees in the foreground.", + "prompt in Chinese": "一幅画中,山被描绘得比前景中的树高。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 3, + 3 + ], + "Midjourney_6": [ + 1, + 2, + 2 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00499": { + "id": "00499", + "prompt": "A library with more shelves filled with books than empty ones.", + "prompt in Chinese": "图书馆里摆满书的书架比空的书架多。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "00500": { + "id": "00500", + "prompt": "A kitchen pantry with more types of pasta than sauces.", + "prompt in Chinese": "厨房食品柜里的意大利面种类比酱汁还多。", + "models": { + "DALLE_3": [ + 1, + 3, + 2 + ], + "SDXL_Turbo": [ + 5, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00501": { + "id": "00501", + "prompt": "A bakery display with more chocolate pastries than fruit-filled ones.", + "prompt in Chinese": "面包店陈列的巧克力糕点比水果糕点多。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 1, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00502": { + "id": "00502", + "prompt": "An office with more desks than computers.", + "prompt in Chinese": "办公桌比电脑多的办公室。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00503": { + "id": "00503", + "prompt": "A vintage car show with more convertibles than sedans.", + "prompt in Chinese": "一场古董车展,敞篷车比轿车还多。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 1, + 3, + 2 + ] + } + }, + "00504": { + "id": "00504", + "prompt": "Two dogs playing with one red ball.", + "prompt in Chinese": "两只狗在玩一个红色的球。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00505": { + "id": "00505", + "prompt": "Three apples next to four oranges on a table.", + "prompt in Chinese": "桌子上有三个苹果和四个橙子。", + "models": { + "DALLE_3": [ + 3, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00506": { + "id": "00506", + "prompt": "One cat sleeping under five bright stars", + "prompt in Chinese": "一只猫在五颗明亮的星星下睡觉。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00507": { + "id": "00507", + "prompt": "Six birds soar above two towering trees.", + "prompt in Chinese": "六只鸟在两棵参天大树上翱翔。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 1, + 1 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00508": { + "id": "00508", + "prompt": "Four children jumping rope in the park", + "prompt in Chinese": "四个孩子在公园跳绳。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00509": { + "id": "00509", + "prompt": "Two bicycles leaning against a wall with three windows.", + "prompt in Chinese": "两辆自行车靠在一堵有三扇窗户的墙上。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "00510": { + "id": "00510", + "prompt": "Four cupcakes with sprinkles on a plate with two forks.", + "prompt in Chinese": "盘子里有四个小蛋糕,上面撒有糖屑,用两把叉子。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00511": { + "id": "00511", + "prompt": "Three kites soaring in the sky above two hills.", + "prompt in Chinese": "三只风筝在两座山上的天空中飞翔。", + "models": { + "DALLE_3": [ + 3, + 5, + 3 + ], + "SDXL_Turbo": [ + 1, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00512": { + "id": "00512", + "prompt": "One lantern glowing softly next to five pebbles.", + "prompt in Chinese": "一盏灯在五颗鹅卵石旁边轻轻地发光。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 1 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00513": { + "id": "00513", + "prompt": "Six pencils lined up next to one sharpener.", + "prompt in Chinese": "六支铅笔排在一个卷笔刀旁边。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00514": { + "id": "00514", + "prompt": "Two sparrows perched on a branch with three leaves.", + "prompt in Chinese": "两只麻雀栖息在三片叶子的树枝上。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00515": { + "id": "00515", + "prompt": "Five buttons sewn onto a piece of fabric with two needles.", + "prompt in Chinese": "用两根针把五个纽扣缝在一块布上。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 4 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00516": { + "id": "00516", + "prompt": "Three snowmen standing in a garden with two pine trees.", + "prompt in Chinese": "三个雪人站在有两棵松树的花园里。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00517": { + "id": "00517", + "prompt": "Two clouds casting shadows over three sunflowers.", + "prompt in Chinese": "两朵云在三朵向日葵上投下阴影。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00518": { + "id": "00518", + "prompt": "Two apples on a kitchen counter.", + "prompt in Chinese": "厨房柜台上有两个苹果。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 4 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 4, + 5 + ] + } + }, + "00519": { + "id": "00519", + "prompt": "Three birds sitting on a wire.", + "prompt in Chinese": "三只鸟坐在一根电线上。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00520": { + "id": "00520", + "prompt": "Four pencils in a cup.", + "prompt in Chinese": "四支铅笔在一个杯子里。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00521": { + "id": "00521", + "prompt": "Five stars in the night sky.", + "prompt in Chinese": "夜空中的五颗星星。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 1, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 1 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00522": { + "id": "00522", + "prompt": "One cat napping in the sun.", + "prompt in Chinese": "一只猫在太阳下打盹。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 5, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 5, + 3 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00523": { + "id": "00523", + "prompt": "Two shoes by the front door.", + "prompt in Chinese": "前门有两只鞋。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 1, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 5, + 4 + ], + "Midjourney_6": [ + 2, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 5, + 4 + ], + "SDXL_Base": [ + 2, + 5, + 5 + ] + } + }, + "00524": { + "id": "00524", + "prompt": "Three cookies on a plate.", + "prompt in Chinese": "盘子里有三块饼干。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00525": { + "id": "00525", + "prompt": "Four leaves on a branch.", + "prompt in Chinese": "一根树枝上有四片叶子。", + "models": { + "DALLE_3": [ + 1, + 3, + 3 + ], + "SDXL_Turbo": [ + 1, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 4 + ], + "Midjourney_6": [ + 1, + 3, + 3 + ], + "SDXL_2_1": [ + 1, + 3, + 2 + ], + "SDXL_Base": [ + 1, + 3, + 2 + ] + } + }, + "00526": { + "id": "00526", + "prompt": "Five stones by the river.", + "prompt in Chinese": "河边的五块石头。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00527": { + "id": "00527", + "prompt": "A vibrant apple tree performing a juggling act using its own apples under a bright, circus-style tent.", + "prompt in Chinese": "一棵充满活力的苹果树在一个明亮的马戏团风格的帐篷下使用它自己的苹果进行杂耍表演。", + "models": { + "DALLE_3": [ + 4, + 3, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00528": { + "id": "00528", + "prompt": "Fields of lavender participating in a peaceful protest for bees, waving tiny banners.", + "prompt in Chinese": "薰衣草田里参加为蜜蜂举行的和平抗议,挥舞着小小的横幅。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00529": { + "id": "00529", + "prompt": "A Siamese cat detective with a magnifying glass.", + "prompt in Chinese": "一只暹罗猫侦探手持放大镜。", + "models": { + "DALLE_3": [ + 2, + 3, + 2 + ], + "SDXL_Turbo": [ + 4, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 4, + 2 + ] + } + }, + "00530": { + "id": "00530", + "prompt": "A cheerful Labrador retriever wearing a chef's hat, baking cookies shaped like bones.", + "prompt in Chinese": "一只戴着厨师帽的快乐拉布拉多犬正在烘焙骨头形状的饼干。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 4 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00531": { + "id": "00531", + "prompt": "A cherry blossom tree gracefully dancing in a kimono during a spring festival under moonlight.", + "prompt in Chinese": "一棵樱花树在月光下的春季节日中穿着和服优雅地跳舞。", + "models": { + "DALLE_3": [ + 2, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00532": { + "id": "00532", + "prompt": "A goldfish conducting a symphony orchestra with a choir of bubbles in an underwater concert hall.", + "prompt in Chinese": "一条金鱼在水下音乐厅指挥交响乐队,同时有一支由气泡组成的合唱团。", + "models": { + "DALLE_3": [ + 5, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00533": { + "id": "00533", + "prompt": "A parrot pirate sails through the sky with a map.", + "prompt in Chinese": "一只鹦鹉海盗在天空中航行,手持一张地图。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00534": { + "id": "00534", + "prompt": "A band of beetles playing rock music on miniature instruments, with a leaf as their stage.", + "prompt in Chinese": "一支甲虫乐队在用微型乐器演奏摇滚音乐,他们的舞台是一片叶子。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00535": { + "id": "00535", + "prompt": "A tabby cat wizard casting spells with a wand, surrounded by floating books and magical orbs.", + "prompt in Chinese": "一只斑纹猫巫师用魔杖施法,周围漂浮着书籍和魔法球。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 3, + 4 + ] + } + }, + "00536": { + "id": "00536", + "prompt": "A German shepherd astronaut exploring new planets with a space helmet and a jetpack.", + "prompt in Chinese": "一只戴着太空头盔和喷气背包的德国牧羊犬宇航员探索新星球。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00537": { + "id": "00537", + "prompt": "Marigold flowers hosting a party, with fireflies as their lanterns in the twilight.", + "prompt in Chinese": "金盏花在黄昏时分举办派对,萤火虫作为他们的灯笼。", + "models": { + "DALLE_3": [ + 4, + 3, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 4, + 3, + 4 + ], + "SDXL_Base": [ + 4, + 3, + 4 + ] + } + }, + "00538": { + "id": "00538", + "prompt": "A weeping willow as a poet, writing verses that sway with its branches by a serene lake.", + "prompt in Chinese": "一棵垂柳作为诗人,在宁静的湖边用随风摇曳的树枝写下诗句。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00539": { + "id": "00539", + "prompt": "A hummingbird thief, darting through a museum to steal nectar from exotic flowers.", + "prompt in Chinese": "一只蜂鸟小偷在博物馆中穿梭,偷取来自异国花朵的花蜜。", + "models": { + "DALLE_3": [ + 5, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00540": { + "id": "00540", + "prompt": "A sparrow pilot flying a paper plane between the clouds.", + "prompt in Chinese": "一只麻雀飞行员驾驶纸飞机在云层之间飞行。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 1, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00541": { + "id": "00541", + "prompt": "A maple tree chef serving maple syrup pancakes at a forest diner with animals as guests.", + "prompt in Chinese": "一位枫树厨师在森林餐馆为动物客人供应枫糖浆煎饼。", + "models": { + "DALLE_3": [ + 5, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00542": { + "id": "00542", + "prompt": "An ancient oak tree hosting a library in its branches, with birds as librarians and squirrels as readers.", + "prompt in Chinese": "一棵古老的橡树在其树枝中设有图书馆,鸟儿担任图书管理员,松鼠作为读者。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 3, + 4 + ] + } + }, + "00543": { + "id": "00543", + "prompt": "A rabbit magician pulling a human out of a hat at a magic show.", + "prompt in Chinese": "一只兔子魔术师在魔术表演中从帽子里变出一个人。", + "models": { + "DALLE_3": [ + 2, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00544": { + "id": "00544", + "prompt": "A punk rock frog in a studded leather jacket standing on a stump.", + "prompt in Chinese": "一只穿着饰有铆钉的皮夹克的朋克摇滚青蛙站在树桩上。", + "models": { + "DALLE_3": [ + 5, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 5, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00545": { + "id": "00545", + "prompt": "A smiling sloth wearing a bowtie and holding a book.", + "prompt in Chinese": "一只戴着领结、手持一本书的微笑树懒。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00546": { + "id": "00546", + "prompt": "A cat perched on a bookshelf, pawing at a floating feather.", + "prompt in Chinese": "一只猫栖息在书架上,用爪子拨弄一根飘浮的羽毛。", + "models": { + "DALLE_3": [ + 5, + 4, + 4 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "00547": { + "id": "00547", + "prompt": "A ballerina pirouettes on a moonlit rooftop, the city skyline behind her.", + "prompt in Chinese": "一位芭蕾舞女在月光下的屋顶上旋转,背后是城市的天际线。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00548": { + "id": "00548", + "prompt": "A squirrel in a tiny hat painting a masterpiece in a tree nook.", + "prompt in Chinese": "一只戴着小帽子的松鼠在树洞里绘制一幅杰作。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00549": { + "id": "00549", + "prompt": "A fox in a detective's outfit sniffs for clues in a misty forest.", + "prompt in Chinese": "一只穿着侦探装的狐狸在雾蒙蒙的森林中嗅寻线索。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 3, + 5 + ] + } + }, + "00550": { + "id": "00550", + "prompt": "A robot serves tea in a futuristic cafe, surrounded by holograms.", + "prompt in Chinese": "一台机器人在一个未来主义咖啡馆中供应茶水,周围环绕着全息影像。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 4 + ], + "SDXL_2_1": [ + 5, + 4, + 4 + ], + "SDXL_Base": [ + 5, + 4, + 4 + ] + } + }, + "00551": { + "id": "00551", + "prompt": "A painter on a ladder adds stars to a mural of the night sky on a city wall.", + "prompt in Chinese": "一位画家站在梯子上,在城市墙壁上的夜空壁画中添加星星。", + "models": { + "DALLE_3": [ + 5, + 5, + 4 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 5, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00552": { + "id": "00552", + "prompt": "A knight in shining armor reads a map by the light of a firefly lantern.", + "prompt in Chinese": "一位身着闪亮盔甲的骑士在萤火虫灯笼的光亮下阅读地图。", + "models": { + "DALLE_3": [ + 3, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00553": { + "id": "00553", + "prompt": "A jazz band of raccoons performs in a moonlit alley, instruments gleaming.", + "prompt in Chinese": "一支浣熊爵士乐队在月光照耀的小巷中表演,乐器闪闪发光。", + "models": { + "DALLE_3": [ + 3, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 4 + ], + "SDXL_2_1": [ + 4, + 3, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "00554": { + "id": "00554", + "prompt": "A child in a superhero costume leaps over a puddle, cape fluttering.", + "prompt in Chinese": "一个穿着超级英雄服装的孩子跳过一个水坑,斗篷飘扬。", + "models": { + "DALLE_3": [ + 5, + 4, + 4 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 4 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "00555": { + "id": "00555", + "prompt": "An elephant paints a self-portrait with its trunk in a sunny, open field.", + "prompt in Chinese": "一只大象在阳光明媚的开阔田野中用它的长鼻子画自画像。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00556": { + "id": "00556", + "prompt": "A squirrel walks a tightrope between two trees holding an acorn.", + "prompt in Chinese": "一只松鼠手持橡子在两棵树之间走钢丝。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00557": { + "id": "00557", + "prompt": "A jazz musician plays a saxophone under a streetlamp at night.", + "prompt in Chinese": "一个爵士音乐家在夜晚的路灯下吹奏萨克斯风。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00558": { + "id": "00558", + "prompt": "A knight in shining armor polishes his shield.", + "prompt in Chinese": "一位身着闪亮盔甲的骑士正在擦拭他的盾牌。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 5, + 3, + 3 + ] + } + }, + "00559": { + "id": "00559", + "prompt": "A hummingbird in a tiny helmet races a bumblebee.", + "prompt in Chinese": "一只戴着小头盔的蜂鸟与一只大黄蜂比赛。", + "models": { + "DALLE_3": [ + 5, + 3, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00560": { + "id": "00560", + "prompt": "A fairy sprinkles pixie dust over a blooming garden at night.", + "prompt in Chinese": "一位仙女在夜晚向盛开的花园撒洒仙尘。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 3, + 3 + ] + } + }, + "00561": { + "id": "00561", + "prompt": "A steampunk airship floats above a futuristic city.", + "prompt in Chinese": "一艘蒸汽朋克飞艇悬浮在一座未来派城市上空。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00562": { + "id": "00562", + "prompt": "A skateboarder executes a trick over the Great Wall of China.", + "prompt in Chinese": "一名滑板者在中国长城上执行特技。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 3, + 3 + ] + } + }, + "00563": { + "id": "00563", + "prompt": "A sunflower in sunglasses dances in the snow.", + "prompt in Chinese": "一朵戴着太阳镜的向日葵在雪中跳舞。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 5, + 3, + 5 + ] + } + }, + "00564": { + "id": "00564", + "prompt": "A ghost plays chess with a suit of armor in a castle.", + "prompt in Chinese": "一个幽灵在城堡里与一副盔甲下棋。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00565": { + "id": "00565", + "prompt": "A jazz band performs on the moon, the Earth rising in the background.", + "prompt in Chinese": "一支爵士乐队在月球上表演,背景中地球正在升起。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00566": { + "id": "00566", + "prompt": "A cowboy rides a mechanical bull in the middle of Times Square.", + "prompt in Chinese": "一名牛仔在时代广场中央骑机械公牛。", + "models": { + "DALLE_3": [ + 5, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00567": { + "id": "00567", + "prompt": "A bear wearing a monocle reads the newspaper in a cozy den.", + "prompt in Chinese": "一只戴着单片眼镜的熊在舒适的巢穴里阅读报纸。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00568": { + "id": "00568", + "prompt": "A robot and a dinosaur play chess in a post-apocalyptic landscape.", + "prompt in Chinese": "在末日后的景观中,一台机器人和一只恐龙下棋。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00569": { + "id": "00569", + "prompt": "A ballerina pirouettes on a floating iceberg, northern lights above.", + "prompt in Chinese": "一位芭蕾舞者在漂浮的冰山上旋转,头顶是北极光。", + "models": { + "DALLE_3": [ + 5, + 4, + 4 + ], + "SDXL_Turbo": [ + 5, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 4 + ], + "SDXL_Base": [ + 4, + 3, + 2 + ] + } + }, + "00570": { + "id": "00570", + "prompt": "A ninja scales the Great Pyramid under the cover of night.", + "prompt in Chinese": "一名忍者在夜幕掩护下攀爬大金字塔。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 4 + ], + "Midjourney_6": [ + 5, + 3, + 4 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 3, + 2, + 4 + ] + } + }, + "00571": { + "id": "00571", + "prompt": "A sphinx talking with travelers in front of the Pyramids at sunset.", + "prompt in Chinese": "日落时分,一只狮身人面像在金字塔前与旅行者交谈。", + "models": { + "DALLE_3": [ + 4, + 2, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 2, + 3 + ], + "Midjourney_6": [ + 5, + 3, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00572": { + "id": "00572", + "prompt": "A pilot in a leather jacket navigates a biplane through a stormy sky.", + "prompt in Chinese": "一名穿着皮夹克的飞行员驾驶双翼飞机穿越风暴天空。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00573": { + "id": "00573", + "prompt": "a young girl in a flowy dress running through a field of lavender, with a picturesque mountain range in the distance.", + "prompt in Chinese": "一个穿着飘逸裙子的小女孩在薰衣草田中奔跑,远处是如画的山脉。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 3, + 5 + ] + } + }, + "00574": { + "id": "00574", + "prompt": "a futuristic cityscape at dusk, with flying cars zooming between neon-lit skyscrapers.", + "prompt in Chinese": "黄昏时分的未来城市景观,飞行汽车在霓虹灯闪烁的摩天大楼间穿梭。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 4 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 4 + ], + "SDXL_Base": [ + 5, + 3, + 5 + ] + } + }, + "00575": { + "id": "00575", + "prompt": "a group of friends camping with a glowing campfire at their center.", + "prompt in Chinese": "一群朋友在露营地中心的明亮篝火旁露营。", + "models": { + "DALLE_3": [ + 5, + 4, + 4 + ], + "SDXL_Turbo": [ + 5, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00576": { + "id": "00576", + "prompt": "a diver exploring a vibrant coral reef, surrounded by a school of colorful fish.", + "prompt in Chinese": "一名潜水员探索充满活力的珊瑚礁,周围是一群色彩斑斓的鱼。", + "models": { + "DALLE_3": [ + 5, + 3, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 5, + 4, + 2 + ] + } + }, + "00577": { + "id": "00577", + "prompt": "a leather-bound diary open to a blank page, with an antique quill and inkwell set beside it.", + "prompt in Chinese": "一本皮革封面的日记本翻开至空白页,旁边放置着一支古董羽毛笔和墨水瓶。", + "models": { + "DALLE_3": [ + 5, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 2, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 3 + ] + } + }, + "00578": { + "id": "00578", + "prompt": "a quaint cobblestone street in a European village, lined with cafes and blooming flower boxes.", + "prompt in Chinese": "在欧洲村庄中有一条古朴的鹅卵石街道,两旁是咖啡馆和盛开的花盒。", + "models": { + "DALLE_3": [ + 5, + 4, + 4 + ], + "SDXL_Turbo": [ + 5, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 2, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 4 + ], + "SDXL_2_1": [ + 5, + 3, + 4 + ], + "SDXL_Base": [ + 5, + 4, + 4 + ] + } + }, + "00579": { + "id": "00579", + "prompt": "a solitary lighthouse standing tall against a backdrop of stormy seas and dark, rolling clouds.", + "prompt in Chinese": "一座孤立的灯塔在暴风雨的海洋和深色滚滚云层的背景下巍然屹立。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 4 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00580": { + "id": "00580", + "prompt": "a hot air balloon drifting over a patchwork of green fields and winding rivers.", + "prompt in Chinese": "一只热气球漂浮在绿色田野和蜿蜒河流的拼布上方。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 5, + 4, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00581": { + "id": "00581", + "prompt": "a pug dressed as a chef cooking in a miniature kitchen.", + "prompt in Chinese": "一只扮成厨师的哈巴狗在迷你厨房里烹饪。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 4 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00582": { + "id": "00582", + "prompt": "a bouquet of tulips sprouting from an open book.", + "prompt in Chinese": "一束郁金香从打开的书中生长出来。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00583": { + "id": "00583", + "prompt": "an octopus playing multiple instruments in an underwater band.", + "prompt in Chinese": "一只章鱼在水下乐队中演奏多种乐器。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 5, + 3, + 5 + ] + } + }, + "00584": { + "id": "00584", + "prompt": "a flamingo standing on one leg at a soda shop counter.", + "prompt in Chinese": "一只火烈鸟在汽水店柜台上单脚站立。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00585": { + "id": "00585", + "prompt": "a koala pilot flying a paper airplane over Sydney Harbour.", + "prompt in Chinese": "一只考拉飞行员驾驶纸飞机飞越悉尼港。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00586": { + "id": "00586", + "prompt": "the Eiffel Tower adorned with colorful flowers in spring.", + "prompt in Chinese": "春天时艾菲尔铁塔装饰着五彩缤纷的花朵。", + "models": { + "DALLE_3": [ + 5, + 3, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 2 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 2 + ], + "SDXL_Base": [ + 4, + 4, + 2 + ] + } + }, + "00587": { + "id": "00587", + "prompt": "a map of Japan with Mount Fuji highlighted in cherry blossoms.", + "prompt in Chinese": "一张日本地图,其中富士山以樱花为特色突出显示。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00588": { + "id": "00588", + "prompt": "a llama wearing sunglasses and lounging on a beach chair.", + "prompt in Chinese": "一只戴着太阳镜、躺在沙滩椅上的羊驼。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 3, + 5 + ], + "SDXL_2_1": [ + 4, + 2, + 5 + ], + "SDXL_Base": [ + 5, + 3, + 5 + ] + } + }, + "00589": { + "id": "00589", + "prompt": "a baby elephant holding a colorful umbrella with its trunk.", + "prompt in Chinese": "一只小象用它的鼻子拿着一把彩色伞。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00590": { + "id": "00590", + "prompt": "a set of enchanted books floating above an ancient oak desk.", + "prompt in Chinese": "一套附有魔法的书籍漂浮在一张古老的橡木书桌上方。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 5, + 3, + 4 + ] + } + }, + "00591": { + "id": "00591", + "prompt": "a luxurious velvet armchair with golden trim and emerald upholstery.", + "prompt in Chinese": "一把金色镶边、翡翠色绒布的豪华天鹅绒扶手椅。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00592": { + "id": "00592", + "prompt": "a quaint cottage with a thatched roof and a blooming garden.", + "prompt in Chinese": "一座有茅草屋顶和盛开花园的古雅小屋。", + "models": { + "DALLE_3": [ + 5, + 3, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 2, + 4 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 4, + 2, + 4 + ], + "SDXL_Base": [ + 5, + 3, + 5 + ] + } + }, + "00593": { + "id": "00593", + "prompt": "a dachshund in a tuxedo playing a miniature grand piano.", + "prompt in Chinese": "一只穿着燕尾服的腊肠犬弹奏一架迷你三角钢琴。", + "models": { + "DALLE_3": [ + 5, + 3, + 3 + ], + "SDXL_Turbo": [ + 5, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 2, + 3 + ] + } + }, + "00594": { + "id": "00594", + "prompt": "a circle of robots doing yoga in a garden.", + "prompt in Chinese": "一圈机器人在花园里做瑜伽。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 4 + ], + "SDXL_2_1": [ + 4, + 4, + 5 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00595": { + "id": "00595", + "prompt": "a purple sports car racing along a coastal highway.", + "prompt in Chinese": "一辆紫色跑车在沿海公路上飞驰。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 4 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00596": { + "id": "00596", + "prompt": "a mural of an astronaut on the side of a building.", + "prompt in Chinese": "一幅宇航员壁画绘制在建筑物的一侧。", + "models": { + "DALLE_3": [ + 5, + 3, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 5 + ], + "SDXL_Base": [ + 5, + 3, + 5 + ] + } + }, + "00597": { + "id": "00597", + "prompt": "a green tractor plowing a field at sunrise.", + "prompt in Chinese": "一辆绿色拖拉机在日出时耕作田地。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 2, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00598": { + "id": "00598", + "prompt": "a rowboat tied to a dock on a foggy morning.", + "prompt in Chinese": "在雾蒙蒙的早晨,一只划艇系在码头上。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 2, + 3 + ], + "SDXL_2_1": [ + 5, + 4, + 4 + ], + "SDXL_Base": [ + 3, + 2, + 3 + ] + } + }, + "00599": { + "id": "00599", + "prompt": "a campervan parked under the stars in the desert.", + "prompt in Chinese": "一辆露营车停在沙漠中的星空下。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 5 + ], + "SDXL_Base": [ + 5, + 3, + 5 + ] + } + }, + "00600": { + "id": "00600", + "prompt": "a hammock strung between two palm trees on a white sandy beach.", + "prompt in Chinese": "一张吊床悬挂在白沙滩上两棵棕榈树之间。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 5 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00601": { + "id": "00601", + "prompt": "a pair of ballet shoes hanging by their ribbons.", + "prompt in Chinese": "一双芭蕾舞鞋通过其丝带挂起。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 5, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 4 + ], + "Midjourney_6": [ + 5, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 1 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00602": { + "id": "00602", + "prompt": "an old guitar leaning against a brightly painted wall.", + "prompt in Chinese": "一把旧吉他靠在一面明亮的彩绘墙上。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 4, + 3, + 4 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 5, + 4, + 4 + ] + } + }, + "00603": { + "id": "00603", + "prompt": "a vibrant bouquet of wildflowers on a rustic wooden table.", + "prompt in Chinese": "一束生动的野花摆放在一张乡村风格的木桌上。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 5 + ], + "SDXL_Base": [ + 5, + 3, + 5 + ] + } + }, + "00604": { + "id": "00604", + "prompt": "The moon casts a soft glow on the garden, a rake leans against the fence, and a watering can sits by the flowerbed.", + "prompt in Chinese": "月光轻轻照在花园上,一把耙子靠在围栏上,一个浇水壶放在花坛旁。", + "models": { + "DALLE_3": [ + 3, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00605": { + "id": "00605", + "prompt": "A globe spins slowly on the desk, and a pair of glasses rests beside an open notebook.", + "prompt in Chinese": "一个地球仪在桌子上缓缓旋转,一副眼镜静静地放在打开的笔记本旁边。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 2, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00606": { + "id": "00606", + "prompt": "On the windowsill, three potted plants: one with pink blooms, another with white flowers, and the last with purple leaves.", + "prompt in Chinese": "窗台上有三盆植物:一盆开粉色花朵,另一盆开白色花朵,最后一盆长着紫色叶子。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 5, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00607": { + "id": "00607", + "prompt": "Along the coastline, seashells dot the beach as the tide gently rolls in.", + "prompt in Chinese": "沿着海岸线,随着潮水轻轻涌入,海滩上点缀着海贝。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 5 + ], + "SDXL_Base": [ + 5, + 3, + 5 + ] + } + }, + "00608": { + "id": "00608", + "prompt": "Amidst a winter wonderland, a rabbit scurries across the snow, leaving tracks beside a peacefully standing deer.", + "prompt in Chinese": "在一个冬日仙境中,一只兔子在雪地上急匆匆地跑过,旁边是一只安静站立的鹿,留下了一旁的足迹。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00609": { + "id": "00609", + "prompt": "On a busy desk, a lamp sheds light on a cluttered area filled with papers while the other half remains organized.", + "prompt in Chinese": "在一个繁忙的桌子上,一盏灯照亮了堆满纸张的杂乱区域,而另一半区域保持整齐有序。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 4, + 3, + 2 + ], + "SDXL_Base": [ + 5, + 3, + 5 + ] + } + }, + "00610": { + "id": "00610", + "prompt": "Next to a white daisy, a sunflower stands tall absorbing the sunlight.", + "prompt in Chinese": "在一朵白色雏菊旁边,一朵向日葵挺立着吸收阳光。", + "models": { + "DALLE_3": [ + 4, + 3, + 4 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00611": { + "id": "00611", + "prompt": "A skateboard rests against a wall, with stickers decorating its underside.", + "prompt in Chinese": "一块滑板靠在墙上,它的底部贴满了装饰性的贴纸。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 3 + ] + } + }, + "00612": { + "id": "00612", + "prompt": "A canvas displays a half-finished portrait, with a cup of rinse water and scattered charcoal pieces nearby.", + "prompt in Chinese": "一块画布上展示着一幅半成品肖像,旁边有一杯冲洗用的水和散落的木炭块。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 4, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00613": { + "id": "00613", + "prompt": "After a snowfall, a group of kids builds a fort with blocks of snow piled up.", + "prompt in Chinese": "下雪后,一群孩子用堆积的雪块建造了一个雪堡。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 4 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 5 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00614": { + "id": "00614", + "prompt": "Beside a pond, a willow tree drapes gracefully, with ducks paddling in the water and fish swimming below.", + "prompt in Chinese": "在一个池塘旁,一棵柳树优雅地垂下,水中有鸭子在划水,下面有鱼在游泳。", + "models": { + "DALLE_3": [ + 5, + 3, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 4, + 2, + 3 + ], + "SDXL_Base": [ + 3, + 2, + 3 + ] + } + }, + "00615": { + "id": "00615", + "prompt": "On a sunny porch, a green parrot preens itself while a tabby cat naps in a nearby chair.", + "prompt in Chinese": "在阳光明媚的门廊上,一只绿色鹦鹉在整理羽毛,而一只斑纹猫在附近的椅子上打盹。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00616": { + "id": "00616", + "prompt": "A cat wearing a tiny hat sits under a table.", + "prompt in Chinese": "一只戴着小帽子的猫坐在桌子下面。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00617": { + "id": "00617", + "prompt": "A lady with a flower in her hair is walking through a garden.", + "prompt in Chinese": "一位头发里插着花的女士正在花园中散步。", + "models": { + "DALLE_3": [ + 5, + 3, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00618": { + "id": "00618", + "prompt": "A figure in a cloak holding a lantern in a foggy forest.", + "prompt in Chinese": "一个披着斗篷、手持灯笼的人物在雾蒙蒙的森林中。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00619": { + "id": "00619", + "prompt": "A deer with a bell around its neck.", + "prompt in Chinese": "一只脖子上挂着铃铛的鹿。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00620": { + "id": "00620", + "prompt": "A child with a leafy garland sitting on a tree branch.", + "prompt in Chinese": "一个戴着叶子花环的孩子坐在树枝上。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 3, + 4 + ], + "SDXL_2_1": [ + 5, + 2, + 4 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00621": { + "id": "00621", + "prompt": "A monk with a wooden bracelet beside a tranquil pond.", + "prompt in Chinese": "一个佩戴木手链的和尚站在宁静的池塘旁。", + "models": { + "DALLE_3": [ + 4, + 4, + 2 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 4, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 4, + 3, + 2 + ] + } + }, + "00622": { + "id": "00622", + "prompt": "A lion with a golden chain roaring at sunset.", + "prompt in Chinese": "一只佩戴金色项链的狮子在日落时怒吼。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00623": { + "id": "00623", + "prompt": "An owl with a tiny book in a moonlit library.", + "prompt in Chinese": "在月光下的图书馆里,一只猫头鹰拿着一本小书。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00624": { + "id": "00624", + "prompt": "A warrior with a metal armguard standing on a hill.", + "prompt in Chinese": "一位佩戴金属护臂的战士站在小山上。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 4 + ], + "SDXL_2_1": [ + 5, + 4, + 4 + ], + "SDXL_Base": [ + 5, + 4, + 4 + ] + } + }, + "00625": { + "id": "00625", + "prompt": "A mermaid with pearl hairpins beneath the waves.", + "prompt in Chinese": "一条美人鱼带着珍珠发簪在波涛之下。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 4 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "00626": { + "id": "00626", + "prompt": "A lamp on the right side of a desk.", + "prompt in Chinese": "桌子右边有一盏台灯。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 5, + 3, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 2, + 3 + ] + } + }, + "00627": { + "id": "00627", + "prompt": "A clock is hanging above the left side of the fireplace.", + "prompt in Chinese": "壁炉的左上方悬挂着一个时钟。", + "models": { + "DALLE_3": [ + 3, + 3, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 4 + ], + "SDXL_Base": [ + 5, + 5, + 3 + ] + } + }, + "00628": { + "id": "00628", + "prompt": "A chair positioned to the right of a table.", + "prompt in Chinese": "桌子右边的一把椅子。", + "models": { + "DALLE_3": [ + 3, + 4, + 3 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 2, + 3 + ] + } + }, + "00629": { + "id": "00629", + "prompt": "A painting centered above a sofa, slightly to the left.", + "prompt in Chinese": "沙发上方正中的一幅画,稍稍偏左。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 5, + 4, + 4 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "00630": { + "id": "00630", + "prompt": "A plant is placed to the left of a window.", + "prompt in Chinese": "窗户左侧摆放着一盆植物。", + "models": { + "DALLE_3": [ + 3, + 2, + 3 + ], + "SDXL_Turbo": [ + 5, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00631": { + "id": "00631", + "prompt": "A cup set to the right of a newspaper.", + "prompt in Chinese": "报纸右边放着一个杯子。", + "models": { + "DALLE_3": [ + 3, + 4, + 3 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 4 + ], + "Midjourney_6": [ + 3, + 2, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "00632": { + "id": "00632", + "prompt": "A hat hanging on a hook to the left of a door.", + "prompt in Chinese": "一顶帽子挂在门左边的钩子上。", + "models": { + "DALLE_3": [ + 2, + 2, + 4 + ], + "SDXL_Turbo": [ + 3, + 5, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 4 + ] + } + }, + "00633": { + "id": "00633", + "prompt": "a ginger kitten peeking out from a wicker basket.", + "prompt in Chinese": "一只姜黄色的小猫从柳条筐里探出头来。", + "models": { + "DALLE_3": [ + 5, + 5, + 4 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 4 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00634": { + "id": "00634", + "prompt": "a dog's paw hidden under a fluffy blanket.", + "prompt in Chinese": "一只狗的爪子藏在毛茸茸的毯子下面。", + "models": { + "DALLE_3": [ + 5, + 5, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00635": { + "id": "00635", + "prompt": "a spotlight illuminating a zebra crossing the road.", + "prompt in Chinese": "聚光灯照亮斑马过马路。", + "models": { + "DALLE_3": [ + 5, + 5, + 4 + ], + "SDXL_Turbo": [ + 1, + 1, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 1 + ], + "SDXL_Base": [ + 1, + 1, + 1 + ] + } + }, + "00636": { + "id": "00636", + "prompt": "a red fox darting through snowy woods.", + "prompt in Chinese": "一只红狐狸在雪林中飞奔。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 4 + ], + "SDXL_Base": [ + 4, + 5, + 4 + ] + } + }, + "00637": { + "id": "00637", + "prompt": "an eagle soaring with a fish in its talons.", + "prompt in Chinese": "一只鹰抓着一条鱼在翱翔。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 4, + 4 + ] + } + }, + "00638": { + "id": "00638", + "prompt": "a barn owl perched on a fence post at dusk.", + "prompt in Chinese": "黄昏时分,一只仓鸮栖息在篱笆柱上。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 4 + ], + "SDXL_Base": [ + 5, + 3, + 5 + ] + } + }, + "00639": { + "id": "00639", + "prompt": "a cobblestone walkway winding through a lush garden.", + "prompt in Chinese": "一条鹅卵石小径蜿蜒穿过茂盛的花园。", + "models": { + "DALLE_3": [ + 5, + 4, + 3 + ], + "SDXL_Turbo": [ + 5, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 4, + 3 + ] + } + }, + "00640": { + "id": "00640", + "prompt": "a rustic bridge spanning a tranquil mountain stream.", + "prompt in Chinese": "一座乡村桥横跨宁静的山间溪流。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 5 + ], + "SDXL_Base": [ + 5, + 3, + 3 + ] + } + }, + "00641": { + "id": "00641", + "prompt": "a squirrel pausing beside a laptop on a park bench.", + "prompt in Chinese": "一只松鼠在公园长椅上的笔记本电脑旁暂停。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 4 + ], + "Midjourney_6": [ + 5, + 3, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 5, + 3, + 5 + ] + } + }, + "00642": { + "id": "00642", + "prompt": "a miniature unicorn resting on a child's palm.", + "prompt in Chinese": "一只迷你独角兽躺在孩子的掌心里。", + "models": { + "DALLE_3": [ + 5, + 4, + 4 + ], + "SDXL_Turbo": [ + 5, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 2 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 2 + ], + "SDXL_Base": [ + 5, + 3, + 3 + ] + } + }, + "00643": { + "id": "00643", + "prompt": "a vintage motorcycle parked on a cobblestone alley.", + "prompt in Chinese": "一辆复古摩托车停在鹅卵石小巷中。", + "models": { + "DALLE_3": [ + 5, + 4, + 3 + ], + "SDXL_Turbo": [ + 5, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 5, + 3, + 3 + ] + } + }, + "00644": { + "id": "00644", + "prompt": "a king piece standing next to a fallen rook.", + "prompt in Chinese": "一枚国王棋子站在倒下的车棋子旁边。", + "models": { + "DALLE_3": [ + 3, + 4, + 3 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 1, + 2, + 1 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00645": { + "id": "00645", + "prompt": "a black rook advancing towards a white knight.", + "prompt in Chinese": "一枚黑色的车棋子向一枚白色的马棋子前进。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 1, + 2, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 1, + 2, + 1 + ], + "SDXL_2_1": [ + 1, + 2, + 1 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00646": { + "id": "00646", + "prompt": "an attic filled with antique toys and a large teddy bear.", + "prompt in Chinese": "一个阁楼里堆满了古董玩具和一只大泰迪熊。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 5 + ], + "SDXL_Base": [ + 4, + 3, + 5 + ] + } + }, + "00647": { + "id": "00647", + "prompt": "a marble sculpture alongside a stack of books and an inkwell.", + "prompt in Chinese": "一尊大理石雕塑与一堆书籍和一个墨水瓶并排放置。", + "models": { + "DALLE_3": [ + 3, + 4, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00648": { + "id": "00648", + "prompt": "fallen leaves swirling around a lonely park bench.", + "prompt in Chinese": "落叶在孤独的公园长椅周围旋转。", + "models": { + "DALLE_3": [ + 4, + 3, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "00649": { + "id": "00649", + "prompt": "the shadow of a camel against the backdrop of a setting sun.", + "prompt in Chinese": "一只骆驼的影子在落日的背景下显现。", + "models": { + "DALLE_3": [ + 5, + 3, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 2, + 1 + ], + "SDXL_Base": [ + 4, + 4, + 5 + ] + } + }, + "00650": { + "id": "00650", + "prompt": "a piece of gourmet chocolate on a silk pillow.", + "prompt in Chinese": "一块美食巧克力放在丝绸枕头上。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 2, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 3, + 2, + 3 + ] + } + }, + "00651": { + "id": "00651", + "prompt": "a seagull swooping over a crowded beach.", + "prompt in Chinese": "一只海鸥在拥挤的海滩上俯冲。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00652": { + "id": "00652", + "prompt": "an SUV navigating through a rugged mountain trail.", + "prompt in Chinese": "一辆SUV在崎岖的山路上行驶。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00653": { + "id": "00653", + "prompt": "a quaint cottage garden with a blossoming cherry tree.", + "prompt in Chinese": "一个古色古香的别墅花园,花园里有一棵盛开的樱花树。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 4 + ], + "SDXL_2_1": [ + 5, + 4, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 4 + ] + } + }, + "00654": { + "id": "00654", + "prompt": "a green chalkboard with a detailed chalk drawing of a cityscape.", + "prompt in Chinese": "一块绿色黑板,上面用粉笔详细描绘了一幅城市风景画。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 4 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 4 + ] + } + }, + "00655": { + "id": "00655", + "prompt": "a rotary dial telephone on a modern minimalist desk.", + "prompt in Chinese": "现代简约风格办公桌上的旋转拨号电话。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00656": { + "id": "00656", + "prompt": "a biplane parked in a field of wildflowers.", + "prompt in Chinese": "一架停在野花丛中的双翼飞机。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00657": { + "id": "00657", + "prompt": "a calico cat napping on a sunny window sill.", + "prompt in Chinese": "一只三花猫在阳光明媚的窗台上打盹。", + "models": { + "DALLE_3": [ + 5, + 3, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 5 + ] + } + }, + "00658": { + "id": "00658", + "prompt": "a lone deer grazing in a misty forest clearing.", + "prompt in Chinese": "一只孤独的鹿在雾蒙蒙的森林空地上吃草。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "00659": { + "id": "00659", + "prompt": "A mural featuring the word 'Unity' in bold, colorful letters.", + "prompt in Chinese": "一幅壁画,上面用醒目的彩色字母写着'Unity'。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 2, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00660": { + "id": "00660", + "prompt": "A peaceful lakeside dock, a 'Quiet Zone' sign posted at the entrance.", + "prompt in Chinese": "一个宁静的湖边码头,入口处张贴着'Quiet Zone'的标志。", + "models": { + "DALLE_3": [ + 4, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 4 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00661": { + "id": "00661", + "prompt": "A coffee shop, a chalkboard menu displaying 'Cappuccino'.", + "prompt in Chinese": "一家咖啡店,黑板菜单上写着 'Cappuccino'。", + "models": { + "DALLE_3": [ + 4, + 4, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 2, + 4, + 4 + ], + "SDXL_Base": [ + 4, + 3, + 5 + ] + } + }, + "00662": { + "id": "00662", + "prompt": "A home kitchen, a 'Family Recipes' cookbook open on the counter, ingredients spread around.", + "prompt in Chinese": "一个家庭厨房,一本'Family Recipes'烹饪书在柜台上打开,食材散落一地。", + "models": { + "DALLE_3": [ + 4, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "00663": { + "id": "00663", + "prompt": "A serene yoga studio, 'Peace & Harmony' inscribed on the wall, mats laid out in neat rows on the wooden floor.", + "prompt in Chinese": "一间宁静的瑜伽室,墙上刻着'Peace & Harmony',木地板上整齐地摆放着瑜伽垫。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00664": { + "id": "00664", + "prompt": "A bustling craft fair, a 'Handmade Goods' sign hanging from a stall, showcasing an array of artisan creations.", + "prompt in Chinese": "热闹的手工艺品集市,摊位上挂着'Handmade Goods'的招牌,展示着琳琅满目的手工艺品。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "00665": { + "id": "00665", + "prompt": "In the classroom, '1+2' is written on the blackboard.", + "prompt in Chinese": "教室里,黑板上写着'1+2'。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 4, + 4 + ] + } + }, + "00666": { + "id": "00666", + "prompt": "A wooden sign says 'Caution'.", + "prompt in Chinese": "一块木牌上写着'Caution'。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 4, + 4 + ], + "SDXL_Base": [ + 4, + 4, + 5 + ] + } + }, + "00667": { + "id": "00667", + "prompt": "A classic race car with the number '76' painted in bold white on its rose gold door, parked at the starting line.", + "prompt in Chinese": "一辆老爷赛车停在起跑线上,玫瑰金色的车门上用醒目的白色漆写着数字'76'。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 1 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00668": { + "id": "00668", + "prompt": "A rustic wooden cabin in a snowy forest, the address '459' carved into a hanging sign above the frost-covered door.", + "prompt in Chinese": "白雪皑皑的森林中一座古朴的木屋,门上的挂牌刻着'459'。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 4 + ], + "SDXL_Base": [ + 2, + 4, + 4 + ] + } + }, + "00669": { + "id": "00669", + "prompt": "A vintage jukebox in a retro diner, its selection panel lit up with the numbers '45'.", + "prompt in Chinese": "复古餐厅里的老式点唱机,其选择面板上亮着数字'45'。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00670": { + "id": "00670", + "prompt": "An ornate clock tower at the stroke of midnight, its face illuminated, showing the time '12:00' in Roman numerals.", + "prompt in Chinese": "午夜时分,一座华丽的钟楼,钟面上灯火通明,用罗马数字显示时间'12:00'。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 2, + 4, + 4 + ], + "SDXL_2_1": [ + 1, + 2, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "00671": { + "id": "00671", + "prompt": "A towering castle shrouded in mist, 'Enchanted Realm' etched into the stone gate, vines curling around the letters.", + "prompt in Chinese": "一座高耸的城堡笼罩在薄雾中,石门上刻着'Enchanted Realm',藤蔓缠绕着字母。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "00672": { + "id": "00672", + "prompt": "A dragon's lair deep within a volcano, 'Beware of Fire' written in ember-like script on the cavern walls, treasure piled high.", + "prompt in Chinese": "位于火山深处的龙穴,洞穴墙壁上用如余烬般的字迹写着“小心火热”,宝藏堆积如山。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00673": { + "id": "00673", + "prompt": "A fairy garden at twilight, 'Whispering Glade' spelled out in luminescent flowers.", + "prompt in Chinese": "黄昏时分的仙子花园,用发光的花朵拼出‘低语林地’的字样。", + "models": { + "DALLE_3": [ + 5, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00674": { + "id": "00674", + "prompt": "An alchemist's workshop, bubbling cauldrons, and 'Elixir of Life' are labeled on a shelf.", + "prompt in Chinese": "炼金术士的工作室,有冒泡的大锅,架子上标有“长生不老药”。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00675": { + "id": "00675", + "prompt": "A pirate ship sailing through the stars, 'Celestial Seas' written on the stern.", + "prompt in Chinese": "一艘海盗船在星空中航行,船尾写着“星辰大海”。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 4, + 2, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00676": { + "id": "00676", + "prompt": "A desert oasis features a magical spring with the words 'Fountain of Destiny' carved into the rocks. The spring shimmers and glows.", + "prompt in Chinese": "沙漠绿洲中有一个魔法泉水,岩石上刻有“命运之泉”,水面闪烁着奇异的光芒。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00677": { + "id": "00677", + "prompt": "A cottage in the woods, 'Enchanter's Abode' painted on the door.", + "prompt in Chinese": "树林中的小屋,门上画着“附魔者的居所”。", + "models": { + "DALLE_3": [ + 5, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00678": { + "id": "00678", + "prompt": "A rustic cabin under a starlit sky.", + "prompt in Chinese": "星光下的乡村小屋。", + "models": { + "DALLE_3": [ + 5, + 4, + 4 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 5 + ], + "SDXL_Base": [ + 5, + 3, + 5 + ] + } + }, + "00679": { + "id": "00679", + "prompt": "Gleaming dewdrops on a spider's web.", + "prompt in Chinese": "蜘蛛网上闪亮的露珠。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 3, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00680": { + "id": "00680", + "prompt": "Twinkling city lights from a high viewpoint.", + "prompt in Chinese": "从高处观看的城市灯光闪烁。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 3, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 5 + ], + "SDXL_Base": [ + 5, + 3, + 5 + ] + } + }, + "00681": { + "id": "00681", + "prompt": "A lone lighthouse in a misty harbor.", + "prompt in Chinese": "雾中港口的孤独灯塔。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 5 + ], + "SDXL_Base": [ + 5, + 3, + 5 + ] + } + }, + "00682": { + "id": "00682", + "prompt": "Shimmering northern lights in a dark sky.", + "prompt in Chinese": "暗夜中闪烁的北极光。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00683": { + "id": "00683", + "prompt": "Petals of a blooming rose.", + "prompt in Chinese": "盛开玫瑰的花瓣。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 4 + ] + } + }, + "00684": { + "id": "00684", + "prompt": "In a bustling kitchen, a chef flips a pancake in the air, surrounded by ingredients spread out on the counter.", + "prompt in Chinese": "在繁忙的厨房里,厨师将煎饼在空中翻转,周围是摆满料理台的食材。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00685": { + "id": "00685", + "prompt": "A dog retrieving a frisbee in a field on a sunny day.", + "prompt in Chinese": "晴朗天气中,一只狗在田野里捡回飞盘。", + "models": { + "DALLE_3": [ + 4, + 4, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00686": { + "id": "00686", + "prompt": "A gardener watering flowers in a vibrant backyard.", + "prompt in Chinese": "园丁在生机勃勃的后院浇水养花。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "00687": { + "id": "00687", + "prompt": "A photographer capturing the sunrise from a mountain peak.", + "prompt in Chinese": "摄影师在山顶捕捉日出景象。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 4 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00688": { + "id": "00688", + "prompt": "A runner leaping over a hurdle on a track field.", + "prompt in Chinese": "田径场上的跑者跳过障碍物。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 3, + 3 + ], + "SDXL_2_1": [ + 5, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00689": { + "id": "00689", + "prompt": "A florist arranging a bouquet in a flower shop.", + "prompt in Chinese": "花店里的花艺师正在整理花束。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 3 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00690": { + "id": "00690", + "prompt": "A dragon curling around a crystal tower at twilight.", + "prompt in Chinese": "黄昏时分,一条龙盘绕在水晶塔周围。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 4 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 3, + 2, + 3 + ] + } + }, + "00691": { + "id": "00691", + "prompt": "A pair of glasses resting on an open novel.", + "prompt in Chinese": "一副眼镜放在打开的小说上。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 4 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00692": { + "id": "00692", + "prompt": "A jazz band playing in a dimly lit club.", + "prompt in Chinese": "爵士乐队在昏暗的俱乐部里演奏。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 2, + 3 + ], + "Midjourney_6": [ + 5, + 3, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 5 + ], + "SDXL_Base": [ + 5, + 3, + 5 + ] + } + }, + "00693": { + "id": "00693", + "prompt": "A canoe floating on a crystal-clear mountain lake.", + "prompt in Chinese": "一艘独木舟漂浮在清澈的山湖上。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 5 + ], + "Midjourney_6": [ + 3, + 2, + 3 + ], + "SDXL_2_1": [ + 4, + 3, + 4 + ], + "SDXL_Base": [ + 4, + 3, + 4 + ] + } + }, + "00694": { + "id": "00694", + "prompt": "A vintage typewriter with a sheet of paper.", + "prompt in Chinese": "一台老式打字机,上面放着一张纸。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00695": { + "id": "00695", + "prompt": "A cluster of mushrooms growing in a forest.", + "prompt in Chinese": "森林中生长的一簇蘑菇。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 3, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00696": { + "id": "00696", + "prompt": "A kite soaring high in the sky on a windy day.", + "prompt in Chinese": "在多风的日子里,一只风筝在高空中飞翔。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 4 + ] + } + }, + "00697": { + "id": "00697", + "prompt": "A basket of freshly baked bread in a warm kitchen.", + "prompt in Chinese": "温暖厨房里一篮子新鲜出炉的面包。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 3, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 3, + 5 + ] + } + }, + "00698": { + "id": "00698", + "prompt": "A boy with short spiky hair wearing a baseball cap.", + "prompt in Chinese": "一个戴着棒球帽、短而尖的头发的男孩。", + "models": { + "DALLE_3": [ + 4, + 3, + 4 + ], + "SDXL_Turbo": [ + 5, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 3, + 4 + ], + "SDXL_2_1": [ + 5, + 3, + 5 + ], + "SDXL_Base": [ + 5, + 3, + 4 + ] + } + }, + "00699": { + "id": "00699", + "prompt": "A sleek smartphone case with a vibrant floral design.", + "prompt in Chinese": "一款设计有鲜艳花卉图案的时尚智能手机壳。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 5 + ], + "SDXL_Base": [ + 4, + 3, + 5 + ] + } + }, + "00700": { + "id": "00700", + "prompt": "An electric kettle steaming on a modern kitchen counter.", + "prompt in Chinese": "现代厨房台面上的电水壶正在冒蒸汽。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00701": { + "id": "00701", + "prompt": "A bright blue yoga ball in the center of a sunlit home studio.", + "prompt in Chinese": "阳光照耀的家庭工作室中心放着一个明亮的蓝色瑜伽球。", + "models": { + "DALLE_3": [ + 5, + 3, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 3 + ], + "SDXL_2_1": [ + 5, + 3, + 5 + ], + "SDXL_Base": [ + 5, + 3, + 5 + ] + } + }, + "00702": { + "id": "00702", + "prompt": "A slim Bluetooth keyboard connected to a tablet on a minimalist desk.", + "prompt in Chinese": "超薄蓝牙键盘与平板电脑相连,摆放在简约的办公桌上。", + "models": { + "DALLE_3": [ + 5, + 5, + 4 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "00703": { + "id": "00703", + "prompt": "A pair of running shoes with neon laces on a wooden floor next to a gym bag.", + "prompt in Chinese": "一双系着霓虹灯鞋带的跑鞋放在木地板上,旁边放着一个运动包。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00704": { + "id": "00704", + "prompt": "An e-reader displaying 'please' rests on a cozy armchair.", + "prompt in Chinese": "一台显示“请”字样的电子阅读器放在一把舒适的扶手椅上。", + "models": { + "DALLE_3": [ + 5, + 3, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00705": { + "id": "00705", + "prompt": "A flash drive with a quirky animal design plugged into a laptop.", + "prompt in Chinese": "一个带有古怪动物图案的闪存盘插入笔记本电脑。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 4 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 4 + ] + } + }, + "00706": { + "id": "00706", + "prompt": "Brightly colored Post-it notes arranged in a creative pattern on an office wall.", + "prompt in Chinese": "办公室墙上用明亮色彩的便利贴按创意图案排列。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 3, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 3, + 3 + ] + } + }, + "00707": { + "id": "00707", + "prompt": "A stylish sunglass case with a soft leather exterior on a beach towel.", + "prompt in Chinese": "时尚的太阳镜盒,柔软的皮革外层,在沙滩巾上。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00708": { + "id": "00708", + "prompt": "A reusable grocery bag filled with fresh produce on a kitchen counter.", + "prompt in Chinese": "厨房柜台上一个装满新鲜农产品的可重复使用的食品袋。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 4 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00709": { + "id": "00709", + "prompt": "An air purifier in the corner of a well-lit living room.", + "prompt in Chinese": "光线充足的客厅角落里的空气净化器。", + "models": { + "DALLE_3": [ + 5, + 4, + 4 + ], + "SDXL_Turbo": [ + 4, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 4, + 4, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "00710": { + "id": "00710", + "prompt": "A desk organizer filled with stationery.", + "prompt in Chinese": "一个装满文具的桌面整理器。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 4 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 5 + ], + "SDXL_Base": [ + 5, + 3, + 5 + ] + } + }, + "00711": { + "id": "00711", + "prompt": "A white wireless mouse on a desk.", + "prompt in Chinese": "桌子上的一只白色无线鼠标。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00712": { + "id": "00712", + "prompt": "A gym bag packed with workout essentials beside a front door.", + "prompt in Chinese": "门口旁边放着一个装满健身必需品的健身包。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 5 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 5 + ] + } + }, + "00713": { + "id": "00713", + "prompt": "A table coaster with an intricate mosaic design under a frosty glass of water.", + "prompt in Chinese": "桌上的杯垫上有复杂的镶嵌图案,下面是一杯冰霜的水。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00714": { + "id": "00714", + "prompt": "A throw pillow with a geometric pattern on a plush sofa.", + "prompt in Chinese": "长沙发上有一个几何图案的靠垫。", + "models": { + "DALLE_3": [ + 5, + 4, + 3 + ], + "SDXL_Turbo": [ + 5, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 5, + 4, + 3 + ] + } + }, + "00715": { + "id": "00715", + "prompt": "Wall art depicting a serene landscape hanging above a fireplace.", + "prompt in Chinese": "壁画描绘的宁静景观悬挂在壁炉上方。", + "models": { + "DALLE_3": [ + 5, + 4, + 4 + ], + "SDXL_Turbo": [ + 5, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 5, + 4, + 4 + ], + "SDXL_2_1": [ + 4, + 3, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00716": { + "id": "00716", + "prompt": "A bedside lamp casting a warm glow over a stack of unread books.", + "prompt in Chinese": "床头灯在一堆未读书籍上投射出温暖的光芒。", + "models": { + "DALLE_3": [ + 4, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 3 + ], + "SDXL_2_1": [ + 5, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 3, + 5 + ] + } + }, + "00717": { + "id": "00717", + "prompt": "Hand sanitizer on an office desk.", + "prompt in Chinese": "办公桌上的洗手液。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 3, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 5 + ], + "SDXL_Base": [ + 5, + 3, + 5 + ] + } + }, + "00718": { + "id": "00718", + "prompt": "A power bank with a sleek, metallic finish on a desk.", + "prompt in Chinese": "桌上有一个表面光滑、金属质感的充电宝。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 3, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00719": { + "id": "00719", + "prompt": "A car key fob.", + "prompt in Chinese": "汽车钥匙扣。", + "models": { + "DALLE_3": [ + 5, + 3, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 5 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00720": { + "id": "00720", + "prompt": "A whiteboard in a home office.", + "prompt in Chinese": "家庭办公室的白板。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 1, + 2 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 4 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00721": { + "id": "00721", + "prompt": "An earplug set.", + "prompt in Chinese": "一副耳塞。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 1, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00722": { + "id": "00722", + "prompt": "A squirrel with a fluffy tail is nibbling on an acorn on its right.", + "prompt in Chinese": "一只尾巴蓬松的松鼠正在啃右边的橡子。", + "models": { + "DALLE_3": [ + 3, + 3, + 4 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 4 + ], + "SDXL_Base": [ + 2, + 3, + 4 + ] + } + }, + "00723": { + "id": "00723", + "prompt": "A majestic hawk is gliding over a wide canyon from right to left.", + "prompt in Chinese": "一只雄伟的鹰从右向左滑翔穿过宽阔的峡谷。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 5, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00724": { + "id": "00724", + "prompt": "A tranquil garden with a gently flowing fountain towards the left.", + "prompt in Chinese": "一个宁静的花园,左边有一个缓缓流淌的喷泉。", + "models": { + "DALLE_3": [ + 3, + 3, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 2, + 3, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "00725": { + "id": "00725", + "prompt": "A sturdy oak tree standing tall on the right, its branches swaying in the wind.", + "prompt in Chinese": "一棵粗壮的橡树挺立在右侧,树枝在风中摇曳。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 4, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "00726": { + "id": "00726", + "prompt": "A delicate daisy blooming on the left side of a sunny meadow.", + "prompt in Chinese": "阳光明媚的草地左侧盛开着一朵娇嫩的雏菊。", + "models": { + "DALLE_3": [ + 5, + 3, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00727": { + "id": "00727", + "prompt": "A rustic bench is in the front of a serene lakeside.", + "prompt in Chinese": "宁静的湖边前有一张乡村风格的长椅。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 5 + ], + "SDXL_Base": [ + 5, + 3, + 5 + ] + } + }, + "00728": { + "id": "00728", + "prompt": "An owl perched on the right part of a branch under moonlight.", + "prompt in Chinese": "一只猫头鹰在月光下树枝的右侧栖息。", + "models": { + "DALLE_3": [ + 3, + 3, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00729": { + "id": "00729", + "prompt": "A dog is waiting to the right of a closed door.", + "prompt in Chinese": "一只狗在关闭的门右侧等待。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00730": { + "id": "00730", + "prompt": "A water filter.", + "prompt in Chinese": "一个水过滤器。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 4 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "00731": { + "id": "00731", + "prompt": "A pink dumbbell.", + "prompt in Chinese": "一只粉红色哑铃。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 2, + 2 + ] + } + }, + "00732": { + "id": "00732", + "prompt": "A blue bike helmet.", + "prompt in Chinese": "一个蓝色自行车头盔。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 5, + 3, + 5 + ] + } + }, + "00733": { + "id": "00733", + "prompt": "An insulated lunch box.", + "prompt in Chinese": "一个保温午餐盒。", + "models": { + "DALLE_3": [ + 5, + 3, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 3, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00734": { + "id": "00734", + "prompt": "A decorative candle holder.", + "prompt in Chinese": "一个装饰性的烛台。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 2 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00735": { + "id": "00735", + "prompt": "A soft steering wheel cover.", + "prompt in Chinese": "一个柔软的方向盘套。", + "models": { + "DALLE_3": [ + 5, + 3, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 5 + ], + "SDXL_Base": [ + 5, + 3, + 5 + ] + } + }, + "00736": { + "id": "00736", + "prompt": "An adjustable laptop stand.", + "prompt in Chinese": "一个可调节的笔记本电脑支架。", + "models": { + "DALLE_3": [ + 5, + 3, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 4, + 2, + 3 + ], + "SDXL_Base": [ + 4, + 2, + 3 + ] + } + }, + "00737": { + "id": "00737", + "prompt": "A pair of durable gardening gloves.", + "prompt in Chinese": "一双耐用的园艺手套。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 4 + ], + "SDXL_Base": [ + 5, + 4, + 4 + ] + } + }, + "00738": { + "id": "00738", + "prompt": "A hard doormat.", + "prompt in Chinese": "一个硬质门垫。", + "models": { + "DALLE_3": [ + 4, + 4, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 4 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "00739": { + "id": "00739", + "prompt": "An illustrated picture book.", + "prompt in Chinese": "一本图画书。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 1 + ], + "SDXL_Base": [ + 5, + 3, + 5 + ] + } + }, + "00740": { + "id": "00740", + "prompt": "A colorful night light.", + "prompt in Chinese": "一个彩色夜灯。", + "models": { + "DALLE_3": [ + 5, + 4, + 4 + ], + "SDXL_Turbo": [ + 5, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 4 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00741": { + "id": "00741", + "prompt": "A shower head is spraying water.", + "prompt in Chinese": "一个淋浴头正在喷水。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00742": { + "id": "00742", + "prompt": "A stainless steel paper towel holder.", + "prompt in Chinese": "一个不锈钢纸巾架。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 4, + 2, + 3 + ], + "SDXL_2_1": [ + 5, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 3, + 3 + ] + } + }, + "00743": { + "id": "00743", + "prompt": "A digital alarm clock.", + "prompt in Chinese": "一个数字闹钟。", + "models": { + "DALLE_3": [ + 4, + 4, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 4, + 2 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 4 + ] + } + }, + "00744": { + "id": "00744", + "prompt": "A circular baking sheet.", + "prompt in Chinese": "一个圆形烘焙烤盘。", + "models": { + "DALLE_3": [ + 5, + 3, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 3, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00745": { + "id": "00745", + "prompt": "An old vacuum cleaner.", + "prompt in Chinese": "一台旧吸尘器。", + "models": { + "DALLE_3": [ + 5, + 3, + 3 + ], + "SDXL_Turbo": [ + 5, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 3, + 3 + ], + "SDXL_2_1": [ + 5, + 2, + 3 + ], + "SDXL_Base": [ + 5, + 4, + 3 + ] + } + }, + "00746": { + "id": "00746", + "prompt": "A broken schoolbag with orange and green colors.", + "prompt in Chinese": "一个橙色和绿色相间的破书包。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00747": { + "id": "00747", + "prompt": "A bamboo cutting board.", + "prompt in Chinese": "竹制砧板。", + "models": { + "DALLE_3": [ + 5, + 5, + 4 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 4 + ], + "SDXL_Base": [ + 5, + 5, + 4 + ] + } + }, + "00748": { + "id": "00748", + "prompt": "Heat-resistant oven mitts.", + "prompt in Chinese": "耐热烤箱手套。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 5, + 3 + ], + "SDXL_2_1": [ + 5, + 5, + 3 + ], + "SDXL_Base": [ + 3, + 5, + 3 + ] + } + }, + "00749": { + "id": "00749", + "prompt": "A sleek wine opener.", + "prompt in Chinese": "一个时尚开酒器。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00750": { + "id": "00750", + "prompt": "Stackable storage bins.", + "prompt in Chinese": "可堆叠的储物箱。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00751": { + "id": "00751", + "prompt": "A modern desk lamp.", + "prompt in Chinese": "现代台灯。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 4 + ] + } + }, + "00752": { + "id": "00752", + "prompt": "A fluffy bath towel.", + "prompt in Chinese": "蓬松的浴巾。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00753": { + "id": "00753", + "prompt": "An electric toothbrush.", + "prompt in Chinese": "电动牙刷。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 5, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 4 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00754": { + "id": "00754", + "prompt": "A diamond shaped wall mirror.", + "prompt in Chinese": "一面菱形墙镜。", + "models": { + "DALLE_3": [ + 3, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 5, + 4, + 4 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "00755": { + "id": "00755", + "prompt": "A wooden shoe rack.", + "prompt in Chinese": "木制鞋架。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 4, + 4 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00756": { + "id": "00756", + "prompt": "A girl tossing a frisbee to a boy in a sunny park.", + "prompt in Chinese": "一个女孩在阳光明媚的公园里向一个男孩扔飞盘。", + "models": { + "DALLE_3": [ + 3, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 3, + 3 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 3, + 3 + ] + } + }, + "00757": { + "id": "00757", + "prompt": "Two people sharing an umbrella during a light rain in the city.", + "prompt in Chinese": "在城市中两个人在小雨中共用一把伞。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00758": { + "id": "00758", + "prompt": "A person teaching another person how to ride a bicycle on a quiet street.", + "prompt in Chinese": "一个人在安静的街道上教另一个人骑自行车。", + "models": { + "DALLE_3": [ + 2, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 4, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00759": { + "id": "00759", + "prompt": "A parent and a child building a sandcastle together on a beach.", + "prompt in Chinese": "一位家长和一个孩子在海滩上一起堆沙堡。", + "models": { + "DALLE_3": [ + 5, + 3, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 2 + ], + "SDXL_Base": [ + 5, + 4, + 3 + ] + } + }, + "00760": { + "id": "00760", + "prompt": "A dog picking up a stick in a field.", + "prompt in Chinese": "一只狗在田野里捡起一根棍子。", + "models": { + "DALLE_3": [ + 5, + 3, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 2 + ], + "Midjourney_6": [ + 4, + 4, + 2 + ], + "SDXL_2_1": [ + 4, + 3, + 2 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "00761": { + "id": "00761", + "prompt": "A cat curled up next to a person reading a book by the fireplace.", + "prompt in Chinese": "一只猫蜷缩在壁炉旁阅读书籍的人旁边。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 1 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00762": { + "id": "00762", + "prompt": "A bird perched on an oak tree branch.", + "prompt in Chinese": "一只鸟栖息在橡树的树枝上。", + "models": { + "DALLE_3": [ + 5, + 3, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 3, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00763": { + "id": "00763", + "prompt": "An oak tree providing shade to a family having a picnic underneath.", + "prompt in Chinese": "一棵橡树为在它下面野餐的一家人提供阴凉。", + "models": { + "DALLE_3": [ + 5, + 3, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00764": { + "id": "00764", + "prompt": "A Cardinal flying towards a bird feeder held by a person.", + "prompt in Chinese": "一只红衣主教鸟飞向一个人手持的鸟食器。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00765": { + "id": "00765", + "prompt": "A turtle slowly crossing a path with a child watching in fascination.", + "prompt in Chinese": "一只乌龟慢慢地穿过小径,一个孩子着迷地观看。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00766": { + "id": "00766", + "prompt": "A Poodle performing tricks for a crowd in a park.", + "prompt in Chinese": "一只贵宾犬在公园里为人群表演技巧。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 5 + ], + "SDXL_Base": [ + 5, + 3, + 3 + ] + } + }, + "00767": { + "id": "00767", + "prompt": "Koi fish swimming towards food being sprinkled into a pond by a person.", + "prompt in Chinese": "锦鲤向着一个人撒入池塘中的食物游去。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 2 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00768": { + "id": "00768", + "prompt": "A Magnolia tree being climbed by a child as petals fall gently.", + "prompt in Chinese": "一棵木兰树被一个孩子爬上,花瓣轻轻飘落。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00769": { + "id": "00769", + "prompt": "A jay stealing dog food from a bowl as the dog watches amused.", + "prompt in Chinese": "一只松鸦从碗里偷狗粮,而狗则觉得好笑地观看。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00770": { + "id": "00770", + "prompt": "An Amaryllis being carefully watered by a person in a sunny garden.", + "prompt in Chinese": "一个人在阳光明媚的花园里细心浇水养护一株朱顶红。", + "models": { + "DALLE_3": [ + 4, + 5, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 4, + 4 + ] + } + }, + "00771": { + "id": "00771", + "prompt": "A Beagle is chasing a squirrel around an oak tree.", + "prompt in Chinese": "一只比格犬在橡树周围追逐一只松鼠。", + "models": { + "DALLE_3": [ + 5, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 3, + 4 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 3, + 2 + ] + } + }, + "00772": { + "id": "00772", + "prompt": "A Bullfrog croaking loudly by a pond, startling a nearby cat.", + "prompt in Chinese": "一只牛蛙在池塘边大声鸣叫,吓了旁边的猫一跳。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00773": { + "id": "00773", + "prompt": "A Maine Coon cat is lounging leisurely in the sunlight next to a person who is knitting.", + "prompt in Chinese": "一只缅因猫悠闲地躺在阳光下,旁边是一个正在织毛线的人。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00774": { + "id": "00774", + "prompt": "A butterfly landing on a blooming Amaryllis as a child observes closely.", + "prompt in Chinese": "一只蝴蝶降落在盛开的朱顶红上,一个孩子在旁边仔细观察。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 2 + ], + "Midjourney_6": [ + 5, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 1 + ], + "SDXL_Base": [ + 5, + 4, + 3 + ] + } + }, + "00775": { + "id": "00775", + "prompt": "A Mustang galloping across a field, with a dog chasing joyfully behind.", + "prompt in Chinese": "一匹野马在田野上奔驰,一只狗欢快地在后面追赶。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00776": { + "id": "00776", + "prompt": "A Calico cat watching a Coyote, hidden in the bushes.", + "prompt in Chinese": "一只三花猫从灌木丛中隐蔽地观察一只郊狼。", + "models": { + "DALLE_3": [ + 4, + 4, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00777": { + "id": "00777", + "prompt": "A Coyote prowling through a meadow, eyed cautiously by a Raccoon.", + "prompt in Chinese": "一只郊狼在草地上徘徊,被一只浣熊谨慎地注视着。", + "models": { + "DALLE_3": [ + 5, + 3, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00778": { + "id": "00778", + "prompt": "A Raccoon rummaging through a backpack left by a camper, finding snacks.", + "prompt in Chinese": "浣熊翻找露营者留下的背包,找到零食。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 5 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "00779": { + "id": "00779", + "prompt": "An American Alligator basking in the sun on a riverbank, observed from afar by a group of tourists.", + "prompt in Chinese": "一条美洲鳄在河边晒太阳,一群游客在远处观察。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 4 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "00780": { + "id": "00780", + "prompt": "The city skyline at sunset, silhouetted against a vibrant orange sky.", + "prompt in Chinese": "日落时分的城市天际线,在橙色璀璨的天空中形成剪影。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 3, + 3 + ] + } + }, + "00781": { + "id": "00781", + "prompt": "A cozy suburban home with a manicured lawn and a welcoming front porch.", + "prompt in Chinese": "舒适的郊区住宅,修剪整齐的草坪和温馨的前廊。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00782": { + "id": "00782", + "prompt": "A panoramic view of a mountain range, its peaks dusted with snow.", + "prompt in Chinese": "山脉全景,山顶积雪。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00783": { + "id": "00783", + "prompt": "The bustling downtown district is illuminated by neon signs and busy pedestrians.", + "prompt in Chinese": "繁华的市中心区,霓虹灯闪烁,行人如织。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00784": { + "id": "00784", + "prompt": "An idyllic farmhouse surrounded by golden fields of wheat under a blue sky.", + "prompt in Chinese": "蓝天下,金色的麦田环绕着一座田园农舍。", + "models": { + "DALLE_3": [ + 4, + 5, + 4 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 4 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00785": { + "id": "00785", + "prompt": "A high-rise apartment building towering over the city, with lights twinkling in the dusk.", + "prompt in Chinese": "一座高耸的高层公寓大楼,在黄昏时分灯火辉煌。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 4 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00786": { + "id": "00786", + "prompt": "A serene coastal beach, the sand shimmering under the warm glow of the sunrise.", + "prompt in Chinese": "一个宁静的海滨沙滩,在日出的温暖光辉下,沙子闪烁着。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 4 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 4 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00787": { + "id": "00787", + "prompt": "A tranquil park in the heart of the city, filled with lush green trees and winding paths.", + "prompt in Chinese": "一个城市中心的宁静公园,满是郁郁葱葱的绿树和蜿蜒小径。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00788": { + "id": "00788", + "prompt": "A picture of the riverfront at dawn.", + "prompt in Chinese": "一幅黎明时分的河岸景色。", + "models": { + "DALLE_3": [ + 4, + 5, + 4 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00789": { + "id": "00789", + "prompt": "A bustling shopping mall, alive with shoppers and bright store displays.", + "prompt in Chinese": "熙熙攘攘的购物中心,购物者络绎不绝,商店陈列琳琅满目。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00790": { + "id": "00790", + "prompt": "The college campus in spring, with students lounging on the green lawns between classes.", + "prompt in Chinese": "春天的大学校园,学生们课间在绿油油的草坪上休憩。", + "models": { + "DALLE_3": [ + 5, + 3, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 4 + ], + "Midjourney_6": [ + 5, + 3, + 4 + ], + "SDXL_2_1": [ + 5, + 4, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00791": { + "id": "00791", + "prompt": "The wooden boardwalk along the beach is lined with shops.", + "prompt in Chinese": "海滩上的木板路两旁商店林立。", + "models": { + "DALLE_3": [ + 5, + 3, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 4 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00792": { + "id": "00792", + "prompt": "A majestic Victorian house under the sun.", + "prompt in Chinese": "阳光下庄严的维多利亚式建筑。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00793": { + "id": "00793", + "prompt": "A lonely lighthouse standing guard at the edge of the cliff.", + "prompt in Chinese": "一座孤零零的灯塔伫立在悬崖边。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00794": { + "id": "00794", + "prompt": "A ski resort nestled in the mountains, with trails winding through the snow-covered pines.", + "prompt in Chinese": "一家位于山间的滑雪度假村,雪松覆盖的小径穿过雪地。", + "models": { + "DALLE_3": [ + 4, + 4, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00795": { + "id": "00795", + "prompt": "A sprawling vineyard at harvest time, the vines heavy with clusters of ripe grapes.", + "prompt in Chinese": "收获季节的葡萄园,葡萄藤上挂满了一串串成熟的葡萄。", + "models": { + "DALLE_3": [ + 5, + 5, + 4 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00796": { + "id": "00796", + "prompt": "A quiet suburban cul-de-sac, where children play in its enclosed street.", + "prompt in Chinese": "安静的郊区小巷,孩子们在封闭的街道上玩耍。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 5, + 5, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00797": { + "id": "00797", + "prompt": "A view of an office tower reflecting the sky.", + "prompt in Chinese": "一座办公大楼反射天空的景观。", + "models": { + "DALLE_3": [ + 5, + 3, + 2 + ], + "SDXL_Turbo": [ + 5, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 2 + ] + } + }, + "00798": { + "id": "00798", + "prompt": "A view of a country club with manicured golf courses and luxurious facilities.", + "prompt in Chinese": "一家乡村俱乐部的景观,有修剪整齐的高尔夫球场和豪华设施。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 4 + ], + "Midjourney_6": [ + 5, + 3, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 5 + ], + "SDXL_Base": [ + 4, + 3, + 5 + ] + } + }, + "00799": { + "id": "00799", + "prompt": "A rustic fishing pier at dawn, fishermen casting their lines into the calm waters.", + "prompt in Chinese": "黎明时分的乡村钓鱼码头,渔民们将钓线投入平静的水面。", + "models": { + "DALLE_3": [ + 5, + 4, + 4 + ], + "SDXL_Turbo": [ + 5, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00800": { + "id": "00800", + "prompt": "The university library with students studying at tables.", + "prompt in Chinese": "大学图书馆里,学生们在桌子旁学习。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 3 + ], + "SDXL_2_1": [ + 5, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 4, + 3 + ] + } + }, + "00801": { + "id": "00801", + "prompt": "A person in a bright yellow raincoat stands next to another in a sleek black trench coat.", + "prompt in Chinese": "一个穿着鲜黄色雨衣的人站在另一个穿着光滑黑色风衣的人旁边。", + "models": { + "DALLE_3": [ + 5, + 4, + 4 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 4 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00802": { + "id": "00802", + "prompt": "A man in a tailored blue suit shaking hands with another man sporting a casual green sweater.", + "prompt in Chinese": "一个穿着量身定做蓝色西装的男人与另一个穿着休闲绿色毛衣的男人握手。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 3 + ] + } + }, + "00803": { + "id": "00803", + "prompt": "A man dressed in a classic white t-shirt and jeans holding hands with a woman in a flowing red dress.", + "prompt in Chinese": "一个穿着经典白色T恤和牛仔裤的男人牵着一个身穿飘逸红色连衣裙的女人的手。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00804": { + "id": "00804", + "prompt": "A woman in a chic floral skirt and white blouse chatting with another woman wearing a professional grey pantsuit.", + "prompt in Chinese": "一个穿着时髦花裙和白色衬衫的女人正在与另一个穿着灰色职业套装的女人聊天。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00805": { + "id": "00805", + "prompt": "A boy in a striped blue and white polo shirt playing tag with a girl in a pink sundress and white sandals.", + "prompt in Chinese": "一个穿着蓝白条纹polo衫的男孩与一个穿着粉红色吊带裙和白色凉鞋的女孩玩捉迷藏。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00806": { + "id": "00806", + "prompt": "A small dog in a cozy orange sweater sitting beside a cat wearing a stylish blue bow tie.", + "prompt in Chinese": "一个穿着舒适橙色毛衣的小狗坐在一个戴着时髦蓝色领结的猫旁边。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 2 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00807": { + "id": "00807", + "prompt": "A person in a brown raincoat laughing with another person clad in a sleek black trench coat under a shared umbrella.", + "prompt in Chinese": "一个穿着棕色雨衣的人在共用一把伞下与另一个穿着光滑黑色风衣的人一起笑。", + "models": { + "DALLE_3": [ + 3, + 4, + 2 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 5 + ], + "Midjourney_6": [ + 3, + 4, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 5 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00808": { + "id": "00808", + "prompt": "A man wearing a tailored blue suit passing a football to another man dressed in a casual green sweater in the park.", + "prompt in Chinese": "一个穿着量身定制蓝色西装的男人在公园向另一个穿着休闲绿色毛衣的男人传递足球。", + "models": { + "DALLE_3": [ + 5, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 5, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00809": { + "id": "00809", + "prompt": "A man in a classic white t-shirt and jeans capturing a selfie with a woman in a flowing orange dress against a city skyline.", + "prompt in Chinese": "一个穿着经典白色T恤和牛仔裤的男人与一个身穿飘逸橙色连衣裙的女人在城市天际线背景下一起拍摄自拍。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 4, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 5 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00810": { + "id": "00810", + "prompt": "A woman in a chic floral skirt and white blouse sharing a book with another woman wearing a professional grey pantsuit on a sunny bench.", + "prompt in Chinese": "一个穿着时髦花裙和白衬衫的女人在阳光明媚的长椅上与一个穿着灰色职业套装的女人分享一本书。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00811": { + "id": "00811", + "prompt": "A boy in a striped blue and white polo shirt and a girl in a pink sundress and white sandals drawing on the sidewalk with chalk.", + "prompt in Chinese": "一个穿着蓝白条纹polo衫的男孩和一个穿着粉红色吊带裙、白色凉鞋的女孩在人行道上用粉笔画画。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 5 + ] + } + }, + "00812": { + "id": "00812", + "prompt": "A small dog in a cozy purple sweater chasing a cat wearing a stylish pink bow tie around the living room.", + "prompt in Chinese": "一个穿着舒适紫色毛衣的小狗在客厅里追逐一个戴着时髦粉红色领结的猫。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00813": { + "id": "00813", + "prompt": "A person adorned in a luminous turquoise jacket stands beside another person cloaked in a charcoal peacoat.", + "prompt in Chinese": "一个穿着发光的绿松石色夹克的人站在另一个披着炭灰色大衣的人旁边。", + "models": { + "DALLE_3": [ + 3, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 5, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00814": { + "id": "00814", + "prompt": "A man in a distressed brown leather vest hits another man in a vibrant mustard knitted sweater.", + "prompt in Chinese": "一个穿着破旧棕色皮衣背心的男人打了一个穿着鲜艳芥末黄针织毛衣的男人。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00815": { + "id": "00815", + "prompt": "A man sporting a sleek silver jacket leans on a railing near a woman in a sapphire evening gown.", + "prompt in Chinese": "一个穿着光滑银色夹克的男人靠在栏杆上,旁边是一个穿着蓝宝石色晚礼服的女人。", + "models": { + "DALLE_3": [ + 4, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 4, + 3, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00816": { + "id": "00816", + "prompt": "A woman in a wide-brimmed lavender sunhat and breezy cotton dress is on the right of another woman dressed in a crisp white tennis ensemble.", + "prompt in Chinese": "一个戴着宽檐紫罗兰色遮阳帽、穿着轻松棉质连衣裙的女人站在另一个穿着洁白网球装的女人的右边。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00817": { + "id": "00817", + "prompt": "A boy in a vivid orange hoodie and black basketball shorts kisses a girl in a sky-blue tutu and glittery flats.", + "prompt in Chinese": "一个穿着鲜橙色连帽衫和黑色篮球短裤的男孩亲吻着一个穿着天蓝色芭蕾舞裙和闪光平底鞋的女孩。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 5 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 1 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00818": { + "id": "00818", + "prompt": "A small dog decked out in a polka-dot bandana stands in front of a cat donning a lilac collar.", + "prompt in Chinese": "一个戴着波点围巾的小狗站在一个戴着淡紫色项圈的猫前面。", + "models": { + "DALLE_3": [ + 3, + 3, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 3, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 5, + 3, + 3 + ] + } + }, + "00819": { + "id": "00819", + "prompt": "A charcoal gray sports car with a yellow convertible top speeds ahead of two trucks.", + "prompt in Chinese": "一辆炭灰色跑车,黄色敞篷顶,超过了前面两辆卡车。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00820": { + "id": "00820", + "prompt": "In the playground, a girl in white runs as a boy in yellow walks.", + "prompt in Chinese": "在游乐场里,一个穿着白色衣服的女孩在跑,而一个穿着黄色衣服的男孩在走。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00821": { + "id": "00821", + "prompt": "Two old men with green hats sitting at a table.", + "prompt in Chinese": "两位戴绿帽子的老人坐在一张桌子旁。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00822": { + "id": "00822", + "prompt": "A girl with earrings, with her hands in her pockets, stands between two girls with handbags in their hands.", + "prompt in Chinese": "一个带耳环的女孩双手插口袋站在两个手拿手提包的女孩之间。", + "models": { + "DALLE_3": [ + 4, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00823": { + "id": "00823", + "prompt": "A sitting puppy wearing star shaped glasses.", + "prompt in Chinese": "一只坐着的小狗戴着星形眼镜。", + "models": { + "DALLE_3": [ + 5, + 3, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 3, + 3 + ] + } + }, + "00824": { + "id": "00824", + "prompt": "Two computers equipped with unique circular displays.", + "prompt in Chinese": "两台配有独特圆形显示屏的电脑。", + "models": { + "DALLE_3": [ + 3, + 4, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 4, + 4 + ], + "Midjourney_6": [ + 2, + 3, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 1, + 2, + 3 + ] + } + }, + "00825": { + "id": "00825", + "prompt": "A group of people, all wearing sunglasses, are taking separate selfies.", + "prompt in Chinese": "一群戴着太阳镜的人各自在拍自拍。", + "models": { + "DALLE_3": [ + 5, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 3, + 3 + ], + "SDXL_2_1": [ + 5, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 3, + 3 + ] + } + }, + "00826": { + "id": "00826", + "prompt": "Two street performers in colorful costumes playing guitars.", + "prompt in Chinese": "两位穿着色彩鲜艳服装的街头艺人弹奏着吉他。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00827": { + "id": "00827", + "prompt": "A child with a balloon tied to his wrist watching a street magician.", + "prompt in Chinese": "一个手腕上绑着气球的孩子在观看街头魔术师的表演。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00828": { + "id": "00828", + "prompt": "Two orange kites flying high in the sky with long tails.", + "prompt in Chinese": "两只橙色的风筝拖着长长的尾巴在高空飞翔。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00829": { + "id": "00829", + "prompt": "A girl in pink boots splashing in a puddle, holding an umbrella.", + "prompt in Chinese": "一个穿着粉红色靴子、手持雨伞在水坑里嬉戏的女孩。", + "models": { + "DALLE_3": [ + 5, + 3, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 5 + ], + "Midjourney_6": [ + 4, + 3, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00830": { + "id": "00830", + "prompt": "A man wearing a black hat and holding two golden retrievers on leashes.", + "prompt in Chinese": "一名男子头戴黑色帽子,牵着两只拴着绳子的金毛猎犬。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 4 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00831": { + "id": "00831", + "prompt": "Four children in striped shirts playing soccer in the park.", + "prompt in Chinese": "四个穿着条纹衬衫的孩子在公园里踢足球。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 4, + 4 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00832": { + "id": "00832", + "prompt": "A woman with three silver bracelets sitting on a bench.", + "prompt in Chinese": "一个戴着三个银手镯的女人坐在长椅上。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "00833": { + "id": "00833", + "prompt": "Two boys in yellow raincoats jumping over a large puddle.", + "prompt in Chinese": "两个穿着黄色雨衣的男孩在一个大水坑上跳跃。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00834": { + "id": "00834", + "prompt": "Two dogs in purple woolly hats playing in the snow.", + "prompt in Chinese": "两只戴着紫色毛线帽的狗在雪地里玩耍。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00835": { + "id": "00835", + "prompt": "Three colorful lanterns hang from the branches of the tree, each one swaying gently in the wind.", + "prompt in Chinese": "三盏彩色灯笼挂在树枝上,每一盏都在风中轻轻摇摆。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 4 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00836": { + "id": "00836", + "prompt": "An orange cat lies on a couch surrounded by three pillows that are all blue.", + "prompt in Chinese": "一只橙色的猫躺在沙发上,周围是三个蓝色的枕头。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 5, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00837": { + "id": "00837", + "prompt": "Several tulips are dancing in the sun, and they are all purple.", + "prompt in Chinese": "几朵郁金香在阳光下舞动,它们都是紫色的。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00838": { + "id": "00838", + "prompt": "Four differently colored bicycles are parked next to the school bike rack.", + "prompt in Chinese": "四辆不同颜色的自行车停在学校的自行车架旁边。", + "models": { + "DALLE_3": [ + 3, + 3, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 5 + ], + "SDXL_Base": [ + 3, + 3, + 5 + ] + } + }, + "00839": { + "id": "00839", + "prompt": "In the autumn, a few kids are chasing leaves in the park, the shortest kid is wearing a red jacket, and everyone else is wearing a gray one.", + "prompt in Chinese": "秋天,几个孩子在公园里追逐落叶,最矮的孩子穿着红色夹克,其他人都穿着灰色的夹克。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 2, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00840": { + "id": "00840", + "prompt": "A black cat wearing a pink bow tie sits on the windowsill and stares into the distance.", + "prompt in Chinese": "一只戴着粉色领结的黑猫坐在窗台上,凝视着远方。", + "models": { + "DALLE_3": [ + 4, + 3, + 4 + ], + "SDXL_Turbo": [ + 4, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 4 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00841": { + "id": "00841", + "prompt": "Two penguins in tiny shoes skating on the ice.", + "prompt in Chinese": "两只穿着小鞋子的企鹅在冰上滑冰。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "00842": { + "id": "00842", + "prompt": "Three beach houses are neatly lined up by the sea, arranged in a row from furthest to nearest: one is red, another one is green, and the last one is purple.", + "prompt in Chinese": "三座海滨小屋整齐地排列在海边,从最远到最近依次排列:一座是红色的,另一座是绿色的,最后一座是紫色的。", + "models": { + "DALLE_3": [ + 4, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00843": { + "id": "00843", + "prompt": "A colourful butterfly fluttering in the garden.", + "prompt in Chinese": "花园中一只五彩斑斓的蝴蝶在飞舞。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00844": { + "id": "00844", + "prompt": "Two children in yellow raincoats playing in standing water.", + "prompt in Chinese": "两个穿着黄色雨衣的孩子在积水中玩耍。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 5, + 4 + ] + } + }, + "00845": { + "id": "00845", + "prompt": "A dog in a blue jumper sits next to a Christmas tree decorated with nine stars.", + "prompt in Chinese": "一只穿着蓝色套头衫的狗坐在装饰有九颗星星的圣诞树旁。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00846": { + "id": "00846", + "prompt": "Four kids are running down a park path, each holding a balloon.", + "prompt in Chinese": "四个孩子在公园的小路上奔跑,每个人都拿着一个气球。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 4, + 3, + 2 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "00847": { + "id": "00847", + "prompt": "A cat wearing ski goggles is exploring in the snow.", + "prompt in Chinese": "一只戴着滑雪镜的猫在雪地里探险。", + "models": { + "DALLE_3": [ + 5, + 3, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 5 + ], + "SDXL_Base": [ + 4, + 4, + 5 + ] + } + }, + "00848": { + "id": "00848", + "prompt": "A cat warrior confronts a dog warrior, with the cat's equipment looking more advanced than the dog's.", + "prompt in Chinese": "一只猫战士面对一只狗战士,猫的装备看起来比狗的更先进。", + "models": { + "DALLE_3": [ + 2, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00849": { + "id": "00849", + "prompt": "Several blue birds perched on a branch, each with a red feather in their tails.", + "prompt in Chinese": "几只蓝色的鸟栖息在树枝上,它们的尾巴上都有一根红色的羽毛。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00850": { + "id": "00850", + "prompt": "A group of four children, two wearing hats and two holding balloons, stands near a fountain.", + "prompt in Chinese": "四个孩子一组,其中两个戴着帽子,两个拿着气球,站在喷泉附近。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00851": { + "id": "00851", + "prompt": "Two cats with striped tails sitting side by side, one with a bow tie and the other without.", + "prompt in Chinese": "两只尾巴有条纹的猫并排坐着,一只戴着领结,另一只没有戴。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00852": { + "id": "00852", + "prompt": "Three vintage cars parked in a row, one in the center with a white roof, the other two with green roofs.", + "prompt in Chinese": "三辆复古汽车并排停放,中间一辆顶部是白色的,其他两辆顶部是绿色的。", + "models": { + "DALLE_3": [ + 4, + 4, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00853": { + "id": "00853", + "prompt": "Four people on a bench, one reading a book and three looking at a map.", + "prompt in Chinese": "四个人坐在长椅上,一个人在看书,另外三个人在看地图。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 4, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00854": { + "id": "00854", + "prompt": "A man wearing glasses and a blue jacket holding three different colored balloons.", + "prompt in Chinese": "一个戴眼镜、穿蓝色夹克的男人手持三个不同颜色的气球。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00855": { + "id": "00855", + "prompt": "Five books on a shelf, each with a bookmark sticking out.", + "prompt in Chinese": "书架上有五本书,每本书都露出一个书签。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00856": { + "id": "00856", + "prompt": "Two parrots on a perch, one speaking into a miniature microphone.", + "prompt in Chinese": "两只鹦鹉站在栖木上,其中一只在对着一个迷你麦克风说话。", + "models": { + "DALLE_3": [ + 5, + 4, + 3 + ], + "SDXL_Turbo": [ + 5, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 5, + 4, + 3 + ] + } + }, + "00857": { + "id": "00857", + "prompt": "Seven pencils in a cup, each of a different color.", + "prompt in Chinese": "一个杯子里有七支铅笔,每支都是不同的颜色。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00858": { + "id": "00858", + "prompt": "A woman in a beige dress holding two puppies, one in each arm.", + "prompt in Chinese": "一位穿着米色裙子的女士,每只手臂抱着一只小狗。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 2 + ], + "SDXL_Base": [ + 4, + 3, + 5 + ] + } + }, + "00859": { + "id": "00859", + "prompt": "Four pairs of shoes at the door, each of a different style.", + "prompt in Chinese": "门口有四双鞋子,每双都是不同的款式。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00860": { + "id": "00860", + "prompt": "Three sailboats on the water, each with sails of a different color.", + "prompt in Chinese": "水面上有三艘帆船,每艘的帆都是不同的颜色。", + "models": { + "DALLE_3": [ + 4, + 4, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00861": { + "id": "00861", + "prompt": "Two children in a sandbox, one building a castle and the other digging a hole.", + "prompt in Chinese": "沙箱里的两个孩子,一个在堆沙堡,另一个在挖洞。", + "models": { + "DALLE_3": [ + 5, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00862": { + "id": "00862", + "prompt": "Inside a tent, two maps lay on the ground with an oil lamp resting on top.", + "prompt in Chinese": "帐篷里,两张地图放在地上,上面放着一盏油灯。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 2 + ], + "SDXL_Base": [ + 5, + 3, + 5 + ] + } + }, + "00863": { + "id": "00863", + "prompt": "A baker without a white apron is holding a tray with six cupcakes.", + "prompt in Chinese": "一个没有穿白围裙的面包师手持一个装有六个纸杯蛋糕的托盘。", + "models": { + "DALLE_3": [ + 2, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00864": { + "id": "00864", + "prompt": "A hot air balloon with no people in it flies higher than another hot air balloon with people in it.", + "prompt in Chinese": "一个没有人的热气球比另一个有人的热气球飞得更高。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 5, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00865": { + "id": "00865", + "prompt": "A one-eyed Japanese samurai stares blankly at a scabbard without a sword.", + "prompt in Chinese": "一个独眼的日本武士呆呆地望着一个空剑鞘。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00866": { + "id": "00866", + "prompt": "Five people sit arm-in-arm in the audience and watch the film.", + "prompt in Chinese": "五个人并肩坐在观众席中,观看电影。", + "models": { + "DALLE_3": [ + 4, + 4, + 2 + ], + "SDXL_Turbo": [ + 4, + 4, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 4, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00867": { + "id": "00867", + "prompt": "All the dance performers on stage are bowing to the audience.", + "prompt in Chinese": "舞台上的所有舞蹈表演者都向观众鞠躬。", + "models": { + "DALLE_3": [ + 3, + 4, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 4 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00868": { + "id": "00868", + "prompt": "A house cat lounges in the sunlight and a feral cat sits in the shadows where there is no sunlight.", + "prompt in Chinese": "一只家猫在阳光下悠闲地躺着,而一只野猫坐在没有阳光的阴影中。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 3, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 4 + ], + "SDXL_Base": [ + 4, + 3, + 5 + ] + } + }, + "00869": { + "id": "00869", + "prompt": "A solitary African elephant walking across the savannah.", + "prompt in Chinese": "一只孤独的非洲象在大草原上行走。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00870": { + "id": "00870", + "prompt": "An army of ants armed with modern weapons surrounds a birthday cake without candles.", + "prompt in Chinese": "一群装备现代武器的蚂蚁围绕着一个没有蜡烛的生日蛋糕。", + "models": { + "DALLE_3": [ + 3, + 4, + 3 + ], + "SDXL_Turbo": [ + 4, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 4, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00871": { + "id": "00871", + "prompt": "In the 'Tom and Jerry' cartoon, Tom and Jerry are flying through the air using flying devices, with Tom looking more frightened than Jerry.", + "prompt in Chinese": "在《猫和老鼠》动画片中,汤姆和杰瑞使用飞行装置在空中飞行,汤姆看起来比杰瑞更害怕。", + "models": { + "DALLE_3": [ + 5, + 2, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 1 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00872": { + "id": "00872", + "prompt": "Two great white sharks circling a green fish.", + "prompt in Chinese": "两只大白鲨围绕着一条绿色的鱼游动。", + "models": { + "DALLE_3": [ + 3, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00873": { + "id": "00873", + "prompt": "A clothed grizzly bear is fishing and another one without clothes is swimming in the river.", + "prompt in Chinese": "一只穿着衣服的灰熊正在钓鱼,另一只没有穿衣服的灰熊在河里游泳。", + "models": { + "DALLE_3": [ + 4, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 2, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00874": { + "id": "00874", + "prompt": "In the forest, there's a pack of wolves, all of them gray.", + "prompt in Chinese": "在森林中,有一群狼,它们都是灰色的。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00875": { + "id": "00875", + "prompt": "In the zoo, all the animals in their cages are standing.", + "prompt in Chinese": "在动物园里,所有笼子里的动物都站着。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00876": { + "id": "00876", + "prompt": "A Bengal tiger in the shade looks stronger than another Bengal tiger not in the shade.", + "prompt in Chinese": "在阴影中的孟加拉虎看起来比不在阴影中的另一只孟加拉虎更强壮。", + "models": { + "DALLE_3": [ + 2, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00877": { + "id": "00877", + "prompt": "All emperor penguins are huddling together for warmth.", + "prompt in Chinese": "所有的皇帝企鹅都挤在一起取暖。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 4 + ], + "Midjourney_6": [ + 5, + 3, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 5 + ], + "SDXL_Base": [ + 3, + 4, + 5 + ] + } + }, + "00878": { + "id": "00878", + "prompt": "Several giraffes on the African savannah surrounded a tall green tree, and all the giraffes were eating the leaves.", + "prompt in Chinese": "在非洲大草原上,几只长颈鹿围着一棵高大的绿树,所有的长颈鹿都在吃树叶。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 4, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00879": { + "id": "00879", + "prompt": "A red fox sneaking up on two unsuspecting rabbits.", + "prompt in Chinese": "一只红狐狸悄悄接近两只毫无戒备的兔子。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 3, + 4 + ] + } + }, + "00880": { + "id": "00880", + "prompt": "Five dolphins jumped out of the water, and the one in the center jumped the highest.", + "prompt in Chinese": "五只海豚跳出水面,中间那只跳得最高。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00881": { + "id": "00881", + "prompt": "A herd of African bison walks on the Great Plains, with the largest one at the front.", + "prompt in Chinese": "一群非洲野牛在大平原上行走,最大的一只走在最前面。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00882": { + "id": "00882", + "prompt": "Two koalas cuddling on a eucalyptus tree.", + "prompt in Chinese": "两只考拉在桉树上相互拥抱。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 4 + ] + } + }, + "00883": { + "id": "00883", + "prompt": "In the garden, there is a butterfly beside every rose and a bee beside every daisy.", + "prompt in Chinese": "在花园里,每朵玫瑰旁都有一只蝴蝶,每朵雏菊旁都有一只蜜蜂。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00884": { + "id": "00884", + "prompt": "A family of four chimpanzees grooming each other.", + "prompt in Chinese": "一家四口黑猩猩在互相梳理毛发。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 3 + ], + "Midjourney_6": [ + 3, + 5, + 4 + ], + "SDXL_2_1": [ + 4, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "00885": { + "id": "00885", + "prompt": "Two peacocks displaying their magnificent tails.", + "prompt in Chinese": "两只孔雀正在展示它们华丽的尾巴。", + "models": { + "DALLE_3": [ + 5, + 4, + 3 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 3 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "00886": { + "id": "00886", + "prompt": "Five zebras drinking from a waterhole at dusk.", + "prompt in Chinese": "五只斑马黄昏时在水潭边饮水。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 3, + 4, + 4 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00887": { + "id": "00887", + "prompt": "A vase with five purple roses on a kitchen table.", + "prompt in Chinese": "厨房桌上的花瓶里插着五朵紫色玫瑰。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "00888": { + "id": "00888", + "prompt": "Three metal rubbish bins stand to the left of a wooden table.", + "prompt in Chinese": "三只金属垃圾桶立在一张木桌的左边。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 5, + 3 + ], + "SDXL_2_1": [ + 3, + 4, + 4 + ], + "SDXL_Base": [ + 2, + 4, + 3 + ] + } + }, + "00889": { + "id": "00889", + "prompt": "Three white seagulls flying over a blue lake.", + "prompt in Chinese": "三只白色海鸥在蓝色湖面上飞翔。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00890": { + "id": "00890", + "prompt": "Five colorful balloons floating against a clear blue sky.", + "prompt in Chinese": "晴朗的蓝天上漂浮着五个彩色气球。", + "models": { + "DALLE_3": [ + 3, + 3, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 4 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 4, + 4 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "00891": { + "id": "00891", + "prompt": "Four red apples in a basket on the kitchen counter.", + "prompt in Chinese": "四个红苹果放在厨房台子上的篮子里。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "00892": { + "id": "00892", + "prompt": "A room with all the potted succulents on a sunny windowsill.", + "prompt in Chinese": "一个房间里,所有的多肉植物盆栽都放在阳光充足的窗台上。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 3, + 4 + ], + "SDXL_2_1": [ + 5, + 4, + 5 + ], + "SDXL_Base": [ + 5, + 3, + 5 + ] + } + }, + "00893": { + "id": "00893", + "prompt": "Eight yellow rubber ducks lined up on the edge of a bathtub.", + "prompt in Chinese": "八只黄色橡皮鸭排成一行放在浴缸边缘。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00894": { + "id": "00894", + "prompt": "On a cooling rack, a square cookie with frosting is doing a social dance with a triangle cookie without frosting.", + "prompt in Chinese": "在冷却架上,一个涂有糖霜的方形饼干正在与一个没有糖霜的三角形饼干跳社交舞。", + "models": { + "DALLE_3": [ + 5, + 5, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00895": { + "id": "00895", + "prompt": "A group of paper airplanes are racing, and one of the paper airplanes with jets is flying faster than the others.", + "prompt in Chinese": "一群纸飞机正在比赛,其中一架装有喷气装置的纸飞机飞得比其他的都快。", + "models": { + "DALLE_3": [ + 3, + 3, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 1 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00896": { + "id": "00896", + "prompt": "A few ants stood at the top of a two-tiered cake without cream and swore their sovereignty to a passing mouse.", + "prompt in Chinese": "几只蚂蚁站在一块没有奶油的两层蛋糕顶上,向经过的老鼠宣誓主权。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00897": { + "id": "00897", + "prompt": "Five origami cranes hang from the ceiling, only one of which is red, and the others are all white.", + "prompt in Chinese": "五只纸鹤悬挂在天花板上,其中只有一只是红色的,其他的都是白色的。", + "models": { + "DALLE_3": [ + 3, + 5, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 1 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00898": { + "id": "00898", + "prompt": "In the winter park, all the snowmen are wearing their adventure hats.", + "prompt in Chinese": "在冬季公园里,所有的雪人都戴着他们的冒险帽。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00899": { + "id": "00899", + "prompt": "Three cameras lay on three different wooden tables.", + "prompt in Chinese": "三台相机放在三张不同的木桌上。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00900": { + "id": "00900", + "prompt": "Several orange kittens in a basket, each one looking very happy.", + "prompt in Chinese": "一个篮子里有几只橙色的小猫,每只都看起来非常开心。", + "models": { + "DALLE_3": [ + 5, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 4 + ], + "Midjourney_6": [ + 5, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00901": { + "id": "00901", + "prompt": "A silver laptop sits open on the floor, not on the table.", + "prompt in Chinese": "一台银色笔记本电脑打开着放在地板上,而不是桌子上。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00902": { + "id": "00902", + "prompt": "Nine red books stacked in a spiral.", + "prompt in Chinese": "九本红色的书堆成螺旋形。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00903": { + "id": "00903", + "prompt": "A cactus in a green pot looks more vibrant than a cactus in a red pot.", + "prompt in Chinese": "放在绿色盆里的仙人掌看起来比放在红色盆里的仙人掌更有生机。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00904": { + "id": "00904", + "prompt": "Five purple umbrellas open in a line.", + "prompt in Chinese": "五把紫色雨伞并排打开。", + "models": { + "DALLE_3": [ + 1, + 1, + 1 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00905": { + "id": "00905", + "prompt": "A striped towel on a beach.", + "prompt in Chinese": "沙滩上的一条条纹毛巾。", + "models": { + "DALLE_3": [ + 4, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00906": { + "id": "00906", + "prompt": "Under the bench, there are four pairs of sneakers: one pair is red, two pairs are green, and the last pair is white.", + "prompt in Chinese": "长椅下有四双运动鞋:一双是红色的,两双是绿色的,最后一双是白色的。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00907": { + "id": "00907", + "prompt": "Three ceramic mugs sit on the kitchen counter, one with a floral pattern on it, one with nothing on it, and one with a chevron pattern on it.", + "prompt in Chinese": "厨房台面上放着三个陶瓷杯,一个上面有花卉图案,一个上面没有任何图案,另一个上面有人字形图案。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00908": { + "id": "00908", + "prompt": "Three spoons are in a ceramic pot: one is metal, one is wooden, and one is plastic.", + "prompt in Chinese": "三把勺子放在一个陶瓷罐中:一把是金属的,一把是木制的,还有一把是塑料的。", + "models": { + "DALLE_3": [ + 3, + 3, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 5, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00909": { + "id": "00909", + "prompt": "One round frame on the mantel has a photo in it, and one square frame has no photo in it.", + "prompt in Chinese": "壁炉架上的一个圆形相框里有一张照片,一个方形相框里没有照片。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00910": { + "id": "00910", + "prompt": "The four water bottles on the gym floor are all blue.", + "prompt in Chinese": "健身房地板上的四个水壶都是蓝色的。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 5, + 5, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 1, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00911": { + "id": "00911", + "prompt": "three children are all sitting on a couch.", + "prompt in Chinese": "三个孩子都坐在沙发上。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00912": { + "id": "00912", + "prompt": "In a gift shop, all the glass cups are green.", + "prompt in Chinese": "在礼品店里,所有的玻璃杯都是绿色的。", + "models": { + "DALLE_3": [ + 5, + 3, + 3 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00913": { + "id": "00913", + "prompt": "A bottle with wine is standing upright on a table, and a bottle without wine is lying on the floor.", + "prompt in Chinese": "一瓶装着酒的瓶子直立在桌子上,一瓶没有装酒的瓶子躺在地板上。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 5, + 5, + 4 + ] + } + }, + "00914": { + "id": "00914", + "prompt": "A little boy and a little girl each holding a baseball.", + "prompt in Chinese": "一个小男孩和一个小女孩各自拿着一个棒球。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 5, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 5 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00915": { + "id": "00915", + "prompt": "A frosted glass bottle is to the left of a smooth glass bottle.", + "prompt in Chinese": "一个磨砂玻璃瓶在一个光滑玻璃瓶的左边。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00916": { + "id": "00916", + "prompt": "The chairs around a metal table are all made of wood.", + "prompt in Chinese": "围绕着金属桌子的椅子都是木制的。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00917": { + "id": "00917", + "prompt": "Peppers in a bamboo basket are all green.", + "prompt in Chinese": "竹篮里的辣椒都是绿色的。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00918": { + "id": "00918", + "prompt": "A little piggy is standing on a green ball with a smaller red ball on top of its head.", + "prompt in Chinese": "一只小猪站在一个绿色的球上,头顶上有一个更小的红球。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00919": { + "id": "00919", + "prompt": "Three boys playing a computer game together, each with a headset.", + "prompt in Chinese": "三个男孩一起玩电脑游戏,每个人都戴着头戴式耳机。", + "models": { + "DALLE_3": [ + 5, + 4, + 4 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00920": { + "id": "00920", + "prompt": "Four opened cardboard boxes and one unopened plastic box.", + "prompt in Chinese": "四个打开的纸板箱和一个未打开的塑料箱。", + "models": { + "DALLE_3": [ + 2, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00921": { + "id": "00921", + "prompt": "All the figurines on the bookshelf are white.", + "prompt in Chinese": "书架上的所有小雕像都是白色的。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 5, + 3, + 5 + ] + } + }, + "00922": { + "id": "00922", + "prompt": "All the boys on the platform are singing.", + "prompt in Chinese": "站台上的所有男孩都在唱歌。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 4 + ], + "SDXL_Base": [ + 5, + 4, + 2 + ] + } + }, + "00923": { + "id": "00923", + "prompt": "A little boy with a ping pong paddle looks more excited than a little girl without one.", + "prompt in Chinese": "一个拿着乒乓球拍的小男孩看起来比一个没有拍子的小女孩更兴奋。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00924": { + "id": "00924", + "prompt": "A strange fox with two tails.", + "prompt in Chinese": "一只有两条尾巴的奇怪狐狸。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00925": { + "id": "00925", + "prompt": "A vibrant blue rose blooming on a red lush rose bush.", + "prompt in Chinese": "在一丛繁茂的红色玫瑰丛中盛开着一朵生机勃勃的蓝色玫瑰。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 2, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00926": { + "id": "00926", + "prompt": "A maple tree on each side of a country road.", + "prompt in Chinese": "乡村道路的每一侧都有一棵枫树。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 5, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00927": { + "id": "00927", + "prompt": "Two children blowing dandelion seeds, watched by two others.", + "prompt in Chinese": "两个孩子在吹蒲公英种子,另外两个孩子在观看。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00928": { + "id": "00928", + "prompt": "Two flies resting near the window on a sunny afternoon.", + "prompt in Chinese": "在阳光明媚的下午,两只苍蝇停在窗户附近休息。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 5, + 5, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00929": { + "id": "00929", + "prompt": "Four squirrels playing around an ancient oak tree.", + "prompt in Chinese": "四只松鼠在一棵古老的橡树周围嬉戏。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 5, + 5, + 3 + ] + } + }, + "00930": { + "id": "00930", + "prompt": "A small cactus with six bright pink flowers on a sunny windowsill.", + "prompt in Chinese": "一个小仙人掌在阳光明媚的窗台上,长着六朵鲜艳的粉红色花朵。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00931": { + "id": "00931", + "prompt": "A fluffy rabbit nibbling on one of three carrots laid out in front of it.", + "prompt in Chinese": "一只毛绒绒的兔子正在啃食放在它面前的三根胡萝卜中的一根。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00932": { + "id": "00932", + "prompt": "All the sunflowers bloom facing the morning sun in a vibrant garden.", + "prompt in Chinese": "所有的向日葵都在生机勃勃的花园中面向早晨的阳光绽放。", + "models": { + "DALLE_3": [ + 4, + 4, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 4, + 3, + 5 + ], + "SDXL_Base": [ + 4, + 3, + 5 + ] + } + }, + "00933": { + "id": "00933", + "prompt": "A brown squirrel holding two acorns under a bushy oak tree.", + "prompt in Chinese": "一只棕色的松鼠在一棵浓密的橡树下拿着两个橡子。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00934": { + "id": "00934", + "prompt": "There are two colors of pots in the flower garden; all green pots have tulips in them and all yellow pots have no flowers in them.", + "prompt in Chinese": "花园里有两种颜色的花盆;所有绿色的花盆里都种着郁金香,所有黄色的花盆里都没有花。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00935": { + "id": "00935", + "prompt": "A canary stands beside a green book.", + "prompt in Chinese": "一只金丝雀站在一本绿色的书旁边。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 4 + ] + } + }, + "00936": { + "id": "00936", + "prompt": "A room with two lamps that glow green and one that glows red.", + "prompt in Chinese": "一个房间里有两盏发出绿光的灯和一盏发出红光的灯。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00937": { + "id": "00937", + "prompt": "Three vintage cars parked in a row, each a different color.", + "prompt in Chinese": "三辆复古汽车并排停放,每辆车颜色不同。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00938": { + "id": "00938", + "prompt": "Three little boys are sitting on the grass, and the boy in the middle looks the strongest.", + "prompt in Chinese": "三个小男孩坐在草地上,中间的那个男孩看起来最强壮。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00939": { + "id": "00939", + "prompt": "Two pens, yet neither has a cap.", + "prompt in Chinese": "两支笔,但都没有笔帽。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00940": { + "id": "00940", + "prompt": "The little girl in the garden has roses in both hands.", + "prompt in Chinese": "花园里的小女孩双手都拿着玫瑰。", + "models": { + "DALLE_3": [ + 5, + 5, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 4, + 5, + 4 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "00941": { + "id": "00941", + "prompt": "A succulent plant with a rose pattern on its pot.", + "prompt in Chinese": "一个多肉植物的盆子上有玫瑰图案。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00942": { + "id": "00942", + "prompt": "An alien holding a different telescope in each hand.", + "prompt in Chinese": "一个外星人每只手拿着一台不同的望远镜。", + "models": { + "DALLE_3": [ + 5, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00943": { + "id": "00943", + "prompt": "A gorgeous vinyl record player sits next to a smaller, older vinyl record player.", + "prompt in Chinese": "一个华丽的黑胶唱片播放器放在一个更小、更旧的黑胶唱片播放器旁边。", + "models": { + "DALLE_3": [ + 5, + 4, + 3 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00944": { + "id": "00944", + "prompt": "A cat curiously looks at a set of ceramic cups, all adorned with cat patterns.", + "prompt in Chinese": "一只猫好奇地看着一套陶瓷杯子,所有杯子上都装饰有猫的图案。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 4 + ], + "Midjourney_6": [ + 4, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00945": { + "id": "00945", + "prompt": "Two LED table lamps on a table, the illuminated one closer to the edge of the table than the one not illuminated.", + "prompt in Chinese": "桌子上有两个LED台灯,其中亮着的那个比没亮的那个更靠近桌边。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00946": { + "id": "00946", + "prompt": "In the yoga room, all the mats are red.", + "prompt in Chinese": "瑜伽室里所有的瑜伽垫都是红色的。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00947": { + "id": "00947", + "prompt": "A vandalized room with all the coffee machines cluttering the floor.", + "prompt in Chinese": "一个被破坏的房间,所有的咖啡机都乱丢在地板上。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 5, + 5, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 5, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00948": { + "id": "00948", + "prompt": "A group of students gathered around a panda, all with digital cameras in their hands.", + "prompt in Chinese": "一群学生围绕着一只熊猫,手中都拿着数码相机。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 4 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 5, + 3, + 3 + ] + } + }, + "00949": { + "id": "00949", + "prompt": "A pile of skateboards is stacked together, with the only one not covered in graffiti placed on top.", + "prompt in Chinese": "一堆滑板堆在一起,唯一没有涂鸦的滑板放在最上面。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00950": { + "id": "00950", + "prompt": "Overhead view of a village with solar charging panels on each house.", + "prompt in Chinese": "从高处俯瞰一个村庄,每家的屋顶上都安装了太阳能充电板。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 5, + 5, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 5, + 5, + 3 + ], + "SDXL_Base": [ + 5, + 4, + 3 + ] + } + }, + "00951": { + "id": "00951", + "prompt": "A Bluetooth speaker.", + "prompt in Chinese": "一个蓝牙音箱。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00952": { + "id": "00952", + "prompt": "A happy little girl holding a watercolour set in her hand and looking at her mother.", + "prompt in Chinese": "一个快乐的小女孩手里拿着一套水彩画颜料,正看着她的妈妈。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00953": { + "id": "00953", + "prompt": "A mechanical keyboard with a clear protective pouch is newer than another without a clear pouch.", + "prompt in Chinese": "一个带有透明保护袋的机械键盘比没有透明袋的键盘更新。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00954": { + "id": "00954", + "prompt": "A boy sits sullenly in his room, with his Bluetooth headphones and cell phone scattered on the floor.", + "prompt in Chinese": "一个男孩闷闷不乐地坐在他的房间里,他的蓝牙耳机和手机散落在地板上。", + "models": { + "DALLE_3": [ + 5, + 5, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "00955": { + "id": "00955", + "prompt": "A little girl on the street is holding a few pocket watches for sale, all of which are worn and old.", + "prompt in Chinese": "街上的一个小女孩手里拿着几只待售的怀表,都是磨损的旧表。", + "models": { + "DALLE_3": [ + 5, + 5, + 4 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00956": { + "id": "00956", + "prompt": "There are several silk scarves on a table, the longest one is green and the others are not.", + "prompt in Chinese": "桌子上有几条丝巾,最长的那条是绿色的,其他的则不是。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00957": { + "id": "00957", + "prompt": "A black-and-white checkered hammock is tied higher than a person.", + "prompt in Chinese": "一张黑白格子的吊床比一个人高挂着。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00958": { + "id": "00958", + "prompt": "A rabbit standing on a stump looks more nervous than another rabbit not on a stump.", + "prompt in Chinese": "站在树桩上的兔子看起来比不在树桩上的另一只兔子更紧张。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00959": { + "id": "00959", + "prompt": "A cartoon figurine is taller than a realistic-style cat figurine.", + "prompt in Chinese": "一个卡通风格的小雕像比一个写实风格的猫雕像更高。", + "models": { + "DALLE_3": [ + 3, + 3, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00960": { + "id": "00960", + "prompt": "A shorter man opens his umbrella in the rain, while a taller man does not open his umbrella in the rain.", + "prompt in Chinese": "一个较矮的男人在雨中打开了他的伞,而一个较高的男人在雨中没有打开伞。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00961": { + "id": "00961", + "prompt": "A caravan in the desert, with a person on each camel.", + "prompt in Chinese": "沙漠中的一支商队,每只骆驼上都有一个人。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 5 + ] + } + }, + "00962": { + "id": "00962", + "prompt": "An electric toothbrush with a cartoon design is cleaner than another without a cartoon design.", + "prompt in Chinese": "一个卡通设计的电动牙刷比没有卡通设计的牙刷更干净。", + "models": { + "DALLE_3": [ + 2, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00963": { + "id": "00963", + "prompt": "There is more bread in the open oven than on the table.", + "prompt in Chinese": "打开的烤箱里的面包比桌子上的多。", + "models": { + "DALLE_3": [ + 2, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00964": { + "id": "00964", + "prompt": "At a dance party, three girls in long dresses are sitting at a dining table, with three men beside them inviting them to dance.", + "prompt in Chinese": "在舞会上,三位穿着长裙的女孩坐在餐桌旁,旁边有三位男士邀请她们跳舞。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00965": { + "id": "00965", + "prompt": "The coffee table in the shabby living room is littered with books and candles.", + "prompt in Chinese": "破旧客厅里的咖啡桌上散乱地放着书籍和蜡烛。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 2, + 2 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 4, + 2, + 2 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00966": { + "id": "00966", + "prompt": "There are several sleek laptops on a table, all of which are closed", + "prompt in Chinese": "桌子上有几台光滑的笔记本电脑,所有的都是合上的。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00967": { + "id": "00967", + "prompt": "Five colorful magnets decorating the door of a white refrigerator.", + "prompt in Chinese": "五个彩色磁铁装饰着一台白色冰箱的门。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00968": { + "id": "00968", + "prompt": "There is a shell and a coin on the beach, the coin is bigger than the shell.", + "prompt in Chinese": "沙滩上有一个贝壳和一枚硬币,硬币比贝壳大。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 2, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 3, + 2 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00969": { + "id": "00969", + "prompt": "Several watches are displayed on the wooden shelves, all of which are vintage in style.", + "prompt in Chinese": "木架上展示着几只手表,所有的都是复古风格。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00970": { + "id": "00970", + "prompt": "Several umbrellas of varying colors leaned against stands in the hallway.", + "prompt in Chinese": "走廊里几把不同颜色的雨伞靠在伞架上。", + "models": { + "DALLE_3": [ + 5, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 1 + ], + "Midjourney_6": [ + 5, + 5, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "00971": { + "id": "00971", + "prompt": "A leather wallet containing three credit cards and some cash on a coffee table.", + "prompt in Chinese": "一个皮钱包放在咖啡桌上,里面有三张信用卡和一些现金。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00972": { + "id": "00972", + "prompt": "Two handmade blankets folded at the foot of a neatly made bed.", + "prompt in Chinese": "两条手工毯子叠放在整齐铺好的床脚处。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00973": { + "id": "00973", + "prompt": "In the sunlit bathroom, three fluffy towels hang in a row; from left to right, they are pink, green, and purple.", + "prompt in Chinese": "在阳光充足的浴室里,有三条毛巾挂成一排;从左到右,它们是粉红色、绿色和紫色。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 2 + ], + "Midjourney_6": [ + 4, + 4, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00974": { + "id": "00974", + "prompt": "An ornate clock showing 10:10, mounted on a living room wall.", + "prompt in Chinese": "一个精美的时钟显示10:10,挂在客厅的墙上。", + "models": { + "DALLE_3": [ + 4, + 3, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 3 + ], + "SDXL_2_1": [ + 4, + 3, + 2 + ], + "SDXL_Base": [ + 4, + 3, + 2 + ] + } + }, + "00975": { + "id": "00975", + "prompt": "Some bees gathered around a blooming sunflower, each with a small hat.", + "prompt in Chinese": "一些蜜蜂聚集在一朵盛开的向日葵周围,每只蜜蜂都戴着一顶小帽子。", + "models": { + "DALLE_3": [ + 3, + 4, + 2 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00976": { + "id": "00976", + "prompt": "A tomato vine with several tomatoes on it, all yellow except the largest which is red.", + "prompt in Chinese": "一株番茄藤上挂着几个番茄,除了最大的一个是红色的,其他都是黄色的。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00977": { + "id": "00977", + "prompt": "A frog with a baseball cap is crouching on a lotus leaf and another frog without a cap is crouching on a bigger lotus leaf.", + "prompt in Chinese": "一只戴着棒球帽的青蛙蹲在一片莲叶上,另一只没有戴帽子的青蛙蹲在一片更大的莲叶上。", + "models": { + "DALLE_3": [ + 5, + 5, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00978": { + "id": "00978", + "prompt": "A row of houses down the street, each with a key hanging on the door except the foremost house.", + "prompt in Chinese": "街上一排房子,每家的门上都挂着钥匙,只有最前面的那家除外。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00979": { + "id": "00979", + "prompt": "A mouse pad has two pencils on it, the shorter pencil is green and the longer one is not.", + "prompt in Chinese": "鼠标垫上有两支铅笔,较短的那支是绿色的,较长的那支不是。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00980": { + "id": "00980", + "prompt": "A metal trash can with a single piece of paper crumpled at the top.", + "prompt in Chinese": "一个金属垃圾桶,顶部有一张揉皱的纸片。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 5 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00981": { + "id": "00981", + "prompt": "Three magazines are neatly stacked on the glass coffee table, and an earth design is on the cover of the topmost magazine.", + "prompt in Chinese": "三本杂志整齐地堆放在玻璃咖啡桌上,最上面的那本杂志封面上有地球的设计。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00982": { + "id": "00982", + "prompt": "A pair of sandals left beside the door, with four footprints leading away.", + "prompt in Chinese": "门边留下一双凉鞋,有四个脚印朝外延伸。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 1 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00983": { + "id": "00983", + "prompt": "A bamboo cutting board with three slices of fresh bread on top.", + "prompt in Chinese": "一块竹制砧板上放着三片新鲜的面包。", + "models": { + "DALLE_3": [ + 4, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00984": { + "id": "00984", + "prompt": "A sad sloth sits beside a gray book.", + "prompt in Chinese": "一只悲伤的树懒坐在一本灰色书旁边。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00985": { + "id": "00985", + "prompt": "a cream colored labradoodle is on the right of a black cat with white ears.", + "prompt in Chinese": "一只奶油色的拉布拉多贵宾犬在一只白耳朵黑猫的右边。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00986": { + "id": "00986", + "prompt": "Two Ming vases on the table, the larger one is more colorful than the other.", + "prompt in Chinese": "桌子上有两个明代花瓶,较大的那个比另一个更多彩。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "00987": { + "id": "00987", + "prompt": "A table full of dishes includes two plates of rice, two plates of sushi, and a pizza.", + "prompt in Chinese": "一桌满满的菜肴包括两盘米饭、两盘寿司和一块披萨。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00988": { + "id": "00988", + "prompt": "A map of the United States spread out on a desk.", + "prompt in Chinese": "一张美国地图铺在桌子上。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00989": { + "id": "00989", + "prompt": "a metallic owl statue is holding a small globe of the Earth above its head.", + "prompt in Chinese": "一尊金属猫头鹰雕像正举着一只小地球仪在头顶上。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00990": { + "id": "00990", + "prompt": "a photograph of the Mona Lisa working out.", + "prompt in Chinese": "蒙娜丽莎健身的照片。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 4, + 2 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00991": { + "id": "00991", + "prompt": "the Mona Lisa wearing a blue hat and watching the smartphone.", + "prompt in Chinese": "蒙娜丽莎戴着蓝帽子,看着智能手机。", + "models": { + "DALLE_3": [ + 4, + 2, + 4 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 3, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00992": { + "id": "00992", + "prompt": "a young badger delicately sniffing a golden rose.", + "prompt in Chinese": "一只年轻的獾细致地嗅着一朵金色的玫瑰。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00993": { + "id": "00993", + "prompt": "Brown-and-white and black-and-white guinea pigs are eating fruits.", + "prompt in Chinese": "棕白色和黑白色的豚鼠正在吃水果。", + "models": { + "DALLE_3": [ + 3, + 3, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 4, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 5 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00994": { + "id": "00994", + "prompt": "The Rosetta Stone lies on the ground, covered with flowers.", + "prompt in Chinese": "罗塞塔石碑躺在地上,上面覆盖着鲜花。", + "models": { + "DALLE_3": [ + 5, + 4, + 2 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 5, + 5, + 3 + ] + } + }, + "00995": { + "id": "00995", + "prompt": "a photograph of an armadillo jumping on one leg.", + "prompt in Chinese": "一张犰狳单腿跳跃的照片。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00996": { + "id": "00996", + "prompt": "a black robot is painting as graffiti on a black brick wall.", + "prompt in Chinese": "一台黑色机器人正在黑砖墙上涂鸦。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 5, + 5, + 3 + ] + } + }, + "00997": { + "id": "00997", + "prompt": "A bear plays ping pong with a red paddle against a panda bear using a blue paddle.", + "prompt in Chinese": "一只熊用红色球拍和一只用蓝色球拍的熊猫打乒乓球。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00998": { + "id": "00998", + "prompt": "A pig wearing sunglasses and sitting astride a motorcycle.", + "prompt in Chinese": "一只戴着太阳镜、骑在摩托车上的猪。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 4 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00999": { + "id": "00999", + "prompt": "Two koalas with beanies and scarves, sipping warm drinks by the campfire.", + "prompt in Chinese": "两只戴着无檐小帽和围巾的考拉,在营火旁啜饮热饮。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01000": { + "id": "01000", + "prompt": "A lion in a majestic suit, ruling over a peaceful animal kingdom meeting with three tigers.", + "prompt in Chinese": "一只穿着雄伟西装的狮子,统治着一个和平的动物王国,与三只老虎开会。", + "models": { + "DALLE_3": [ + 5, + 5, + 4 + ], + "SDXL_Turbo": [ + 5, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "01001": { + "id": "01001", + "prompt": "Three monkeys in shorts and caps, swinging playfully from tree to tree.", + "prompt in Chinese": "三只穿着短裤和帽子的猴子,从一棵树荡到另一棵树上玩耍。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "01002": { + "id": "01002", + "prompt": "Four parrots wearing earrings and necklaces perched on a branch.", + "prompt in Chinese": "四只戴着耳环和项链的鹦鹉栖息在树枝上。", + "models": { + "DALLE_3": [ + 4, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01003": { + "id": "01003", + "prompt": "Two pandas in fluffy slippers and bathrobes, lazily munching on bamboo.", + "prompt in Chinese": "两只穿着毛绒拖鞋和浴袍的熊猫,懒洋洋地啃着竹子。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 4, + 4, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "01004": { + "id": "01004", + "prompt": "Two squirrels in tiny jackets, collecting acorns in a bustling city park.", + "prompt in Chinese": "两只穿着小夹克的松鼠,在繁忙的城市公园里收集橡子。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 5, + 5, + 4 + ] + } + }, + "01005": { + "id": "01005", + "prompt": "Two deers with glittering necklaces, gracefully walk through a misty forest.", + "prompt in Chinese": "两只佩戴闪亮项链的鹿,优雅地行走在雾蒙蒙的森林中。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "01006": { + "id": "01006", + "prompt": "Three turtles in sandals slowly strolling along a sandy beach at sunset.", + "prompt in Chinese": "三只穿着凉鞋的乌龟在日落时分慢慢地在沙滩上散步。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01007": { + "id": "01007", + "prompt": "A kangaroo in sporty t-shirts and shorts.", + "prompt in Chinese": "一只穿着运动T恤和短裤的袋鼠。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "01008": { + "id": "01008", + "prompt": "Two sheep wearing cozy scarves and mittens knitting in the warm autumn sun.", + "prompt in Chinese": "两只戴着温暖围巾和手套的羊,在温暖的秋日阳光下编织。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01009": { + "id": "01009", + "prompt": "A sleek, metallic mouse gliding smoothly across a wooden desk.", + "prompt in Chinese": "一只光滑的金属鼠标在木桌上平稳滑动。", + "models": { + "DALLE_3": [ + 5, + 5, + 3 + ], + "SDXL_Turbo": [ + 5, + 5, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 3 + ], + "SDXL_2_1": [ + 5, + 5, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 3 + ] + } + }, + "01010": { + "id": "01010", + "prompt": "Sunlight filtering through the linen curtains, casting a warm glow on the ceramic coffee mug.", + "prompt in Chinese": "阳光透过亚麻窗帘,给陶瓷咖啡杯投下一抹温暖的光芒。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01011": { + "id": "01011", + "prompt": "A leather couch positioned invitingly in front of a large, glass television screen.", + "prompt in Chinese": "一张皮沙发吸引人地放置在一块大型玻璃电视屏幕前。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 5 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 5, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01012": { + "id": "01012", + "prompt": "The soft, woolen blanket draped over a plush, velvet couch.", + "prompt in Chinese": "一条柔软的羊毛毯子搭在一张豪华的天鹅绒沙发上。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "01013": { + "id": "01013", + "prompt": "A robust, steel ladder leaning against the rough, concrete wall of a modern house.", + "prompt in Chinese": "一架坚固的钢梯靠在现代房屋粗糙的混凝土墙上。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 4 + ] + } + }, + "01014": { + "id": "01014", + "prompt": "Glistening, silver utensils neatly arranged beside a porcelain plate on a granite countertop.", + "prompt in Chinese": "闪闪发光的银色餐具整齐地摆放在花岗岩台面上的瓷盘旁边。", + "models": { + "DALLE_3": [ + 4, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 2, + 3 + ] + } + }, + "01015": { + "id": "01015", + "prompt": "A vintage, brass lamp illuminating a stack of hardcover books on a wooden nightstand.", + "prompt in Chinese": "一盏古董黄铜灯照亮了木头床头柜上一叠精装书。", + "models": { + "DALLE_3": [ + 5, + 5, + 3 + ], + "SDXL_Turbo": [ + 4, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01016": { + "id": "01016", + "prompt": "A copper kettle sits next to a glass jar filled with fresh, green tea leaves.", + "prompt in Chinese": "一个铜壶放在装满新鲜绿茶叶的玻璃罐旁边。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 3, + 3 + ], + "SDXL_2_1": [ + 5, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01017": { + "id": "01017", + "prompt": "A denim backpack hanging on the back of a wooden chair.", + "prompt in Chinese": "一个牛仔布背包挂在木椅的背后。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01018": { + "id": "01018", + "prompt": "A soft, cotton shirt drying on a silk line in the gentle breeze of a sunny backyard.", + "prompt in Chinese": "一件柔软的棉质衬衫在阳光明媚的后院的温柔微风中的丝绸晾衣绳上晾干。", + "models": { + "DALLE_3": [ + 5, + 5, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 4 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01019": { + "id": "01019", + "prompt": "Velvet gloves resting on the polished, wooden surface of a grand piano.", + "prompt in Chinese": "天鹅绒手套放在一架大钢琴光滑的木表面上。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01020": { + "id": "01020", + "prompt": "A shiny, ceramic vase holding a bouquet of wildflowers on a wooden dining table.", + "prompt in Chinese": "一只闪亮的陶瓷花瓶,里面插着一束野花,放在木餐桌上。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01021": { + "id": "01021", + "prompt": "A leather-bound notebook lying on a linen tablecloth, accompanied by a brass pen.", + "prompt in Chinese": "一个皮革封面的笔记本躺在亚麻桌布上,旁边放着一支黄铜笔。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 4, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 4 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01022": { + "id": "01022", + "prompt": "The morning light reflecting off the smooth, granite surface of a kitchen island.", + "prompt in Chinese": "早晨的光线反射在厨房岛台的光滑花岗岩表面上。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01023": { + "id": "01023", + "prompt": "A wooden dresser adorned with brass handles, filled with soft, linen clothes.", + "prompt in Chinese": "一个装饰有黄铜把手的木梳妆台,里面装满了柔软的亚麻衣物。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 5, + 5, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "01024": { + "id": "01024", + "prompt": "A glass blender filled with vibrant fruits.", + "prompt in Chinese": "一个装满鲜艳水果的玻璃搅拌机。", + "models": { + "DALLE_3": [ + 5, + 5, + 3 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 3 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01025": { + "id": "01025", + "prompt": "A soft, woolen hat sitting atop a rustic, wooden coat rack by the door.", + "prompt in Chinese": "门边一个乡村风格的木制衣帽架上放着一顶柔软的羊毛帽。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "01026": { + "id": "01026", + "prompt": "A smooth, ceramic plate holding a freshly baked croissant, beside a glass cup of steaming coffee.", + "prompt in Chinese": "一个光滑的陶瓷盘子里放着一个新鲜烤制的羊角面包,旁边是一杯冒着热气的咖啡。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 4 + ], + "SDXL_Base": [ + 4, + 4, + 5 + ] + } + }, + "01027": { + "id": "01027", + "prompt": "A bronze statue of a dancer is positioned on a marble pedestal in the garden.", + "prompt in Chinese": "花园里一个舞者的铜像放置在大理石基座上。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01028": { + "id": "01028", + "prompt": "Raindrops sliding off the smooth, rubber surface of a brightly colored umbrella.", + "prompt in Chinese": "雨滴从一把鲜艳色彩的光滑橡胶伞面上滑落。", + "models": { + "DALLE_3": [ + 5, + 5, + 3 + ], + "SDXL_Turbo": [ + 5, + 4, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 3, + 2 + ] + } + }, + "01029": { + "id": "01029", + "prompt": "The morning sun casts shadows through the leaves of a potted, green fern on a wooden windowsill.", + "prompt in Chinese": "晨光通过木窗台上一盆绿色蕨类植物的叶子投下阴影。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01030": { + "id": "01030", + "prompt": "A pair of shiny, leather shoes neatly placed beside the soft, woolen rug at the entrance.", + "prompt in Chinese": "一双闪亮的皮鞋整齐地放在入口处柔软的羊毛地毯旁边。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 4 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "01031": { + "id": "01031", + "prompt": "A sparkling glass chandelier is hanging above the polished, wooden dining table set.", + "prompt in Chinese": "一盏闪亮的玻璃吊灯悬挂在打磨光滑的木餐桌上方。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 3, + 2 + ] + } + }, + "01032": { + "id": "01032", + "prompt": "A soft, velvet pillow perched on a hard, leather armchair.", + "prompt in Chinese": "一只柔软的天鹅绒枕头放在一把硬皮扶手椅上。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 5 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "01033": { + "id": "01033", + "prompt": "A glass bottle of vintage wine resting on a metallic rack in the dim light of the cellar.", + "prompt in Chinese": "一瓶陈年葡萄酒放在酒窖昏暗光线中的金属架上。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01034": { + "id": "01034", + "prompt": "A cotton canvas bag is lying on a wooden kitchen counter.", + "prompt in Chinese": "一个棉帆布袋躺在木制厨房台面上。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01035": { + "id": "01035", + "prompt": "A pair of gold earrings resting on a velvet cloth inside a polished, wooden jewelry box.", + "prompt in Chinese": "一对金耳环放在抛光木质首饰盒内的天鹅绒布上。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 3 + ], + "SDXL_2_1": [ + 5, + 5, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01036": { + "id": "01036", + "prompt": "A metallic toaster reflecting the morning light, beside a ceramic jar of jam.", + "prompt in Chinese": "一个金属烤面包机反射着晨光,旁边是一个装果酱的陶瓷罐。", + "models": { + "DALLE_3": [ + 5, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 3 + ], + "SDXL_2_1": [ + 5, + 3, + 2 + ], + "SDXL_Base": [ + 5, + 4, + 3 + ] + } + }, + "01037": { + "id": "01037", + "prompt": "Four paper lanterns.", + "prompt in Chinese": "四个纸灯笼。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01038": { + "id": "01038", + "prompt": "A stone pathway leading through a lush garden, lined with bronze sculptures and marble benches.", + "prompt in Chinese": "一条石头小径穿过郁郁葱葱的花园,两旁摆放着青铜雕塑和大理石长凳。", + "models": { + "DALLE_3": [ + 5, + 4, + 3 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 3, + 3 + ] + } + }, + "01039": { + "id": "01039", + "prompt": "A leather wallet, containing a brass key and a handful of copper coins, lying on a denim jacket.", + "prompt in Chinese": "一个皮钱包,里面有一把黄铜钥匙和一把铜币,放在一件牛仔夹克上。", + "models": { + "DALLE_3": [ + 5, + 5, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01040": { + "id": "01040", + "prompt": "A silk scarf draped over a marble statue in the foyer.", + "prompt in Chinese": "一个丝巾披在门厅的大理石雕像上。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01041": { + "id": "01041", + "prompt": "A rubber-soled shoe stepping onto the smooth surface of a skateboard.", + "prompt in Chinese": "一只橡胶底鞋踩在滑板的光滑表面上。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01042": { + "id": "01042", + "prompt": "A woolen sweater drying on a wooden rack in the sun, next to a linen shirt and denim jeans.", + "prompt in Chinese": "一件羊毛衫在阳光下的木架上晾干,旁边是亚麻衬衫和牛仔裤。", + "models": { + "DALLE_3": [ + 5, + 5, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01043": { + "id": "01043", + "prompt": "A pair of sunglasses with shiny, metallic frames sitting on a glass table by the pool.", + "prompt in Chinese": "一副有着闪亮金属框架的太阳镜放在游泳池边的玻璃桌上。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 5, + 5, + 3 + ] + } + }, + "01044": { + "id": "01044", + "prompt": "A soft, fabric teddy bear sitting on a child's wooden chair, under the warm glow of a brass lamp.", + "prompt in Chinese": "一个柔软的布绒玩具熊坐在儿童木椅上,黄铜灯温暖的光辉下。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01045": { + "id": "01045", + "prompt": "A sleepy kitten curls up on a soft cotton pillow, basking in the sunshine.", + "prompt in Chinese": "一只困倦的小猫蜷缩在柔软的棉质枕头上,享受着阳光的沐浴。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01046": { + "id": "01046", + "prompt": "A leather-bound journal resting on the desk, its pages filled with sketches of birds.", + "prompt in Chinese": "一本皮革封面的日记本放在桌子上,里面的页面充满了鸟类的素描。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 5, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 3 + ] + } + }, + "01047": { + "id": "01047", + "prompt": "The golden light of dawn casts shadows across a woolen rug where a loyal dog patiently waits for its owner.", + "prompt in Chinese": "黎明的金色光芒在羊毛地毯上投下阴影,一只忠诚的狗耐心地等待着它的主人。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01048": { + "id": "01048", + "prompt": "A silver necklace gleaming beside a glass bowl filled with colorful fish.", + "prompt in Chinese": "一个银色项链在装满五彩斑斓鱼的玻璃碗旁闪闪发光。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "01049": { + "id": "01049", + "prompt": "A group of children in denim jeans plays catch with a frisbee in the park, under the watchful eye of a vigilant parent.", + "prompt in Chinese": "一群穿着牛仔裤的孩子在公园里玩飞盘接力游戏,一位警觉的家长在旁边仔细看护。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01050": { + "id": "01050", + "prompt": "A smooth, ceramic pot housing a vibrant plant, guarded by a small, terracotta rabbit on the kitchen counter.", + "prompt in Chinese": "厨房台面上一个光滑的陶瓷盆里种着一株生机勃勃的植物,旁边有一个小陶土兔子守护着。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "01051": { + "id": "01051", + "prompt": "A bronze statue of a horse in the town square.", + "prompt in Chinese": "镇广场上一座马的铜像。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01052": { + "id": "01052", + "prompt": "A wooden bookshelf filled with leather-spined classics.", + "prompt in Chinese": "一个木制书架上满是皮脊经典书籍。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01053": { + "id": "01053", + "prompt": "In the garden, a man watches a family of ducks waddle past a rough-textured granite bench.", + "prompt in Chinese": "在花园里,一位男士看着一家子鸭子走过一张粗糙质感的花岗岩长凳。", + "models": { + "DALLE_3": [ + 4, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01054": { + "id": "01054", + "prompt": "A glass terrarium on a wooden desk provides a home for a tiny, green lizard, curiously observed by a group of students.", + "prompt in Chinese": "木桌上的一个玻璃生态箱为一只小绿蜥蜴提供了一个家,一群学生好奇地观察着它。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "01055": { + "id": "01055", + "prompt": "A polished, copper kettle steams on the stove, catching the attention of a curious cat perched on a nearby chair.", + "prompt in Chinese": "炉子上的一只抛光的铜壶正在冒蒸汽,吸引了附近椅子上栖息的好奇猫的注意。", + "models": { + "DALLE_3": [ + 5, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01056": { + "id": "01056", + "prompt": "A leather saddle resting on the back of a horse.", + "prompt in Chinese": "一副皮鞍放在马背上。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01057": { + "id": "01057", + "prompt": "A ceramic bowl filled with water sits next to a steel door that leads to the garden.", + "prompt in Chinese": "一个装满水的陶瓷碗放在通往花园的钢门旁边。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 4, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "01058": { + "id": "01058", + "prompt": "A group of firefighters taking a break, sitting on concrete steps.", + "prompt in Chinese": "一群消防员正在休息,坐在混凝土台阶上。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01059": { + "id": "01059", + "prompt": "An oil painting of a majestic lion hanging above the fireplace.", + "prompt in Chinese": "一幅雄伟狮子的油画挂在壁炉上方。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01060": { + "id": "01060", + "prompt": " A marble countertop in the bakery, where a chocolate cake awaits decoration, is observed by a curious mouse. ", + "prompt in Chinese": "面包店里的大理石台面上,一块巧克力蛋糕等待装饰,一只好奇的老鼠在旁观看。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "01061": { + "id": "01061", + "prompt": "A smooth, ceramic mug of coffee sits on the bedside table, next to a sleeping cat curled up in a linen blanket.", + "prompt in Chinese": "一只光滑的陶瓷咖啡杯放在床头柜上,旁边是一只蜷缩在亚麻毯子里睡觉的猫。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 4, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 2 + ], + "SDXL_2_1": [ + 4, + 3, + 2 + ], + "SDXL_Base": [ + 5, + 5, + 3 + ] + } + }, + "01062": { + "id": "01062", + "prompt": "A group of sheep grazing peacefully in the field beneath the steel gray sky.", + "prompt in Chinese": "一群羊在钢灰色天空下的田野中安静地吃草。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "01063": { + "id": "01063", + "prompt": "A soft coat was draped over the back of a wooden chair, and a frog sang from the seat.", + "prompt in Chinese": "一件柔软的外套披在木椅背上,一只青蛙正从椅子上唱歌。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 1 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "01064": { + "id": "01064", + "prompt": " A curious child picks up a lost wallet in a park and spots a suspicious squirrel scurrying away from the scene.", + "prompt in Chinese": "一个好奇的孩子在公园里捡到一个丢失的钱包,并看到一只可疑的松鼠从现场匆忙逃走。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01065": { + "id": "01065", + "prompt": " A colorful parrot flies out of an open window with a silk-textured scarf in its beak.", + "prompt in Chinese": "一只五彩缤纷的鹦鹉嘴里叼着一条丝质围巾从开着的窗户飞出去。", + "models": { + "DALLE_3": [ + 5, + 5, + 2 + ], + "SDXL_Turbo": [ + 4, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "01066": { + "id": "01066", + "prompt": " A panda in red socks comforts a disappointed student.", + "prompt in Chinese": "一只穿着红袜子的熊猫安慰一位失望的学生。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01067": { + "id": "01067", + "prompt": " A dog chases a mouse from behind, and the mouse hits a round table leg.", + "prompt in Chinese": "一只狗从后面追赶一只老鼠,老鼠撞到了圆桌腿上。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01068": { + "id": "01068", + "prompt": "A woolen hat left on a park bench under the moonlight.", + "prompt in Chinese": "月光下公园长椅上遗留的一顶羊毛帽。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 4 + ], + "SDXL_2_1": [ + 5, + 4, + 4 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01069": { + "id": "01069", + "prompt": "A girl with a star necklace holds an earth-colored lizard in her hand.", + "prompt in Chinese": "一个戴星星项链的女孩手里拿着一只土色的蜥蜴。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 1 + ], + "SDXL_Base": [ + 4, + 3, + 2 + ] + } + }, + "01070": { + "id": "01070", + "prompt": "A kangaroo lifts a terrified turkey over its head.", + "prompt in Chinese": "一只袋鼠将一只惊恐的火鸡举过头顶。", + "models": { + "DALLE_3": [ + 5, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 1 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01071": { + "id": "01071", + "prompt": "A cat in jeans and a t-shirt lounging on a sunny window sill.", + "prompt in Chinese": "一只穿着牛仔裤和T恤的猫懒洋洋地躺在阳光明媚的窗台上。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 4, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01072": { + "id": "01072", + "prompt": "A bear wearing a sweater and reading a book by the fireplace.", + "prompt in Chinese": "一只穿着毛衣、在壁炉旁读书的熊。", + "models": { + "DALLE_3": [ + 5, + 4, + 3 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 2, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "01073": { + "id": "01073", + "prompt": "A horse dressed in a suit and tie, presenting at a business conference.", + "prompt in Chinese": "一匹穿着西装打领带的马,在商务会议上做报告。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "01074": { + "id": "01074", + "prompt": "A fox in a sleek red jacket is darting through the snowy woods.", + "prompt in Chinese": "一只穿着光滑红色夹克的狐狸在雪地里疾驰。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 4 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 1, + 2, + 1 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01075": { + "id": "01075", + "prompt": "A rabbit in a fluffy dress is hopping through a garden of flowers.", + "prompt in Chinese": "一只穿着蓬松裙子的兔子在花园里蹦跳。", + "models": { + "DALLE_3": [ + 4, + 3, + 4 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 1 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "01076": { + "id": "01076", + "prompt": "A dog wearing sneakers and a hoodie, skateboarding down the street.", + "prompt in Chinese": "一只穿着运动鞋和帽衫的狗,在街上滑板。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01077": { + "id": "01077", + "prompt": "An elephant with a colorful scarf and a beanie painting on a large canvas.", + "prompt in Chinese": "一只戴着彩色围巾和无檐小帽的大象在一块大画布上作画。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01078": { + "id": "01078", + "prompt": "A giraffe in a long coat gazing at the stars through a telescope.", + "prompt in Chinese": "一只穿着长外套的长颈鹿通过望远镜观看星星。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01079": { + "id": "01079", + "prompt": "A happy girl holds a balloon, with a curious cat peering up beside her feet.", + "prompt in Chinese": "一个快乐的女孩手持气球,她脚旁有一只好奇的猫探头探脑地看着。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 2 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "01080": { + "id": "01080", + "prompt": "An anxious boy peers out of the window on a stormy day, with his loyal dog waiting to his right.", + "prompt in Chinese": "在一个风雨交加的日子里,一个焦虑的男孩透过窗户向外张望,他忠诚的狗在他的右边等待。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "01081": { + "id": "01081", + "prompt": "A proud teacher standing in front of a classroom, with drawings of animals like lions and tigers on the wall behind her.", + "prompt in Chinese": "一位自豪的老师站在教室前,她身后的墙上挂着狮子和老虎等动物的画。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01082": { + "id": "01082", + "prompt": "A relieved parent watching their child take their first steps towards a gentle rabbit.", + "prompt in Chinese": "一位宽慰的家长看着他们的孩子朝一只温顺的兔子迈出第一步。", + "models": { + "DALLE_3": [ + 3, + 3, + 4 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "01083": { + "id": "01083", + "prompt": "A bored squirrel looking out from its tree hole at a group of excited children playing below.", + "prompt in Chinese": "一只无聊的松鼠从树洞里向下望,看着下面一群兴奋玩耍的孩子们。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "01084": { + "id": "01084", + "prompt": "A surprised woman finding a mouse hiding in her cupboard, next to a cheese block.", + "prompt in Chinese": "一位惊讶的女士发现有只老鼠藏在她的橱柜里,旁边是一块奶酪。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "01085": { + "id": "01085", + "prompt": "An angry cat hitting a nervous dog who accidentally stepped on its tail.", + "prompt in Chinese": "一只生气的猫打了一只不小心踩到它尾巴的紧张狗。", + "models": { + "DALLE_3": [ + 5, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "01086": { + "id": "01086", + "prompt": "A firefighter, covered in soot, looking tired but hopeful after rescuing a scared kitten from a tree.", + "prompt in Chinese": "一名浑身沾满煤灰、看起来疲惫但依旧充满希望的消防员,在从树上救下一只受惊的小猫后。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 2 + ], + "SDXL_Base": [ + 5, + 4, + 4 + ] + } + }, + "01087": { + "id": "01087", + "prompt": "A doctor comforting a worried child with a teddy bear.", + "prompt in Chinese": "一位医生用一只泰迪熊安慰一个担心的孩子。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01088": { + "id": "01088", + "prompt": "A curious monkey watching a group of tourists with an excited child pointing back at it.", + "prompt in Chinese": "一只好奇的猴子观察着一群游客,其中一个兴奋的孩子指着它。", + "models": { + "DALLE_3": [ + 5, + 3, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 2, + 3 + ], + "Midjourney_6": [ + 3, + 2, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "01089": { + "id": "01089", + "prompt": "A disappointed artist staring at a blank canvas, with a curious parrot perched on his head.", + "prompt in Chinese": "一位失望的艺术家凝视着一块空白的画布,他的头上栖息着一只好奇的鹦鹉。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 1 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01090": { + "id": "01090", + "prompt": "An embarrassed owl caught in the act of stealing a hat from a scarecrow.", + "prompt in Chinese": "一只尴尬的猫头鹰被逮个正着,它正在偷稻草人的帽子。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 5, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01091": { + "id": "01091", + "prompt": "A frustrated fisherman sitting beside a peaceful lake, with a happy fish jumping in the background.", + "prompt in Chinese": "一个沮丧的渔夫坐在平静的湖边,背景中有一条快乐的鱼在跳跃。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 2, + 2 + ], + "Midjourney_6": [ + 5, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "01092": { + "id": "01092", + "prompt": "An anxious deer watching from the bushes as a group of hikers passes by.", + "prompt in Chinese": "一只焦虑的鹿从灌木丛中观察着一群路过的远足者。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "01093": { + "id": "01093", + "prompt": "A calm turtle sitting on a log.", + "prompt in Chinese": "一只平静的乌龟坐在一根木头上。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "01094": { + "id": "01094", + "prompt": "A bored lion yawning under the shade of a tree, with a nervous zebra watching from a distance.", + "prompt in Chinese": "一只无聊的狮子在树荫下打哈欠,一只紧张的斑马从远处观望。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 1 + ] + } + }, + "01095": { + "id": "01095", + "prompt": "A tired nurse taking a moment to rest on a bench, with a hopeful dove perched on the window sill.", + "prompt in Chinese": "一位疲惫的护士坐在长椅上休息片刻,窗台上栖息着一只充满希望的鸽子。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 5, + 4, + 4 + ], + "SDXL_2_1": [ + 4, + 2, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01096": { + "id": "01096", + "prompt": "An excited kangaroo hopping alongside a surprised tourist who is trying to take a photo.", + "prompt in Chinese": "一只兴奋的袋鼠在一位惊讶的游客旁边跳跃,游客正试图拍照。", + "models": { + "DALLE_3": [ + 5, + 3, + 4 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 4 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01097": { + "id": "01097", + "prompt": "A spherical balloon floating above a square table.", + "prompt in Chinese": "一个球形气球漂浮在一个方形桌子上方。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 5, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 4, + 4, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "01098": { + "id": "01098", + "prompt": "A cylindrical vase sitting on a rectangular shelf.", + "prompt in Chinese": "一个圆柱形花瓶放在一个长方形架子上。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 4, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 2, + 3 + ], + "Midjourney_6": [ + 5, + 3, + 5 + ], + "SDXL_2_1": [ + 5, + 2, + 5 + ], + "SDXL_Base": [ + 5, + 3, + 5 + ] + } + }, + "01099": { + "id": "01099", + "prompt": "A circular clock hanging on a curved wall.", + "prompt in Chinese": "一只圆形钟挂在弧形墙上。", + "models": { + "DALLE_3": [ + 4, + 3, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 4 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01100": { + "id": "01100", + "prompt": "An oval mirror leaning against a flat door.", + "prompt in Chinese": "一个椭圆形镜子靠在平坦的门上。", + "models": { + "DALLE_3": [ + 5, + 3, + 3 + ], + "SDXL_Turbo": [ + 5, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 3, + 2, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01101": { + "id": "01101", + "prompt": "A cubic puzzle next to a triangular pyramid.", + "prompt in Chinese": "一个立方体拼图放在一个三角形金字塔旁边。", + "models": { + "DALLE_3": [ + 5, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 2, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "01102": { + "id": "01102", + "prompt": "A diamond-shaped kite flying above a hexagonal sandbox.", + "prompt in Chinese": "一个菱形风筝在一个六边形沙箱上方飞翔。", + "models": { + "DALLE_3": [ + 5, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 5, + 4, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01103": { + "id": "01103", + "prompt": "An octagonal window framing a spherical ornament.", + "prompt in Chinese": "一个八边形窗户框住了一个球形装饰品。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01104": { + "id": "01104", + "prompt": "A conical lampshade hanging above a circular rug.", + "prompt in Chinese": "一个圆锥形灯罩悬挂在圆形地毯上方。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 4 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01105": { + "id": "01105", + "prompt": "A spiral staircase winding beside a cubic bookcase.", + "prompt in Chinese": "一个螺旋楼梯绕在一个立方体书架旁边。", + "models": { + "DALLE_3": [ + 5, + 4, + 3 + ], + "SDXL_Turbo": [ + 5, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 3 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "01106": { + "id": "01106", + "prompt": "A zigzag patterned pillow on a round couch.", + "prompt in Chinese": "一个有之字形图案的枕头放在圆形沙发上。", + "models": { + "DALLE_3": [ + 3, + 4, + 3 + ], + "SDXL_Turbo": [ + 5, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 5, + 3, + 3 + ], + "SDXL_2_1": [ + 5, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 3, + 3 + ] + } + }, + "01107": { + "id": "01107", + "prompt": "A pointed pencil resting on a square notebook.", + "prompt in Chinese": "一支尖尖的铅笔放在一个方形笔记本上。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 2, + 3 + ], + "Midjourney_6": [ + 5, + 3, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 1 + ], + "SDXL_Base": [ + 5, + 3, + 5 + ] + } + }, + "01108": { + "id": "01108", + "prompt": "A flat screen mounted above a rectangular fireplace.", + "prompt in Chinese": "一块平板屏幕安装在长方形壁炉的上方。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 3, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 5 + ], + "SDXL_Base": [ + 5, + 3, + 5 + ] + } + }, + "01109": { + "id": "01109", + "prompt": "A spherical fruit bowl on an oval dining table.", + "prompt in Chinese": "一个圆球形的水果碗放在椭圆形餐桌上。", + "models": { + "DALLE_3": [ + 3, + 2, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01110": { + "id": "01110", + "prompt": "A hexagonal clock above a diamond-shaped photo frame.", + "prompt in Chinese": "一个六边形的钟表挂在一个菱形相框上方。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01111": { + "id": "01111", + "prompt": "An octagonal planter beside a conical tree.", + "prompt in Chinese": "一个八角形的花盆放在一个圆锥形的树旁边。", + "models": { + "DALLE_3": [ + 2, + 3, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 1 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "01112": { + "id": "01112", + "prompt": "A zigzag path leading to a circular fountain.", + "prompt in Chinese": "一条之字形的路径通向一个圆形喷泉。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 2, + 3 + ] + } + }, + "01113": { + "id": "01113", + "prompt": "A neon sign flickering above a diner, spelling out 'EAT HERE NOW' in vibrant pink.", + "prompt in Chinese": "霓虹灯在一家餐馆上方闪烁,用鲜艳的粉红色拼出“现在就来这里吃”字样。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 2 + ], + "Midjourney_6": [ + 5, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01114": { + "id": "01114", + "prompt": "A dusty chalkboard in a vintage classroom with 'The future is ours to create' neatly written.", + "prompt in Chinese": "一个旧教室里满是灰尘的黑板上整齐地写着“未来由我们创造”。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 4, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "01115": { + "id": "01115", + "prompt": "A sleek sports car with 'SPEED DEMON' airbrushed in flaming letters along its side.", + "prompt in Chinese": "一辆造型流畅的跑车,车身侧面用火焰字体喷涂着“SPEED DEMON”。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "01116": { + "id": "01116", + "prompt": "A weathered road sign at a crossroad, pointing towards 'Adventure' in one direction and 'Home' in the other.", + "prompt in Chinese": "在十字路口有一个风化的路标,一边指向“冒险”,另一边指向“家”。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01117": { + "id": "01117", + "prompt": "A bakery window displaying a cake with 'SWEETER DAYS AHEAD' piped in elegant frosting.", + "prompt in Chinese": "面包店的橱窗里展示着一块蛋糕,上面用优雅的糖霜挤出了“更甜蜜的日子在前方”的字样。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "01118": { + "id": "01118", + "prompt": "A pair of sneakers, one with 'LEFT' and the other with 'RIGHT' marked on them.", + "prompt in Chinese": "一双运动鞋,一只标有“LEFT”(左),另一只标有“RIGHT”(右)。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01119": { + "id": "01119", + "prompt": "A billboard under a clear blue sky, advertising 'Breathe Deep, Live Fully' with an image of mountain peaks.", + "prompt in Chinese": "在晴朗的蓝天下的广告牌上,用山峰的图片宣传“深呼吸,尽情生活”。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 4, + 2 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "01120": { + "id": "01120", + "prompt": "A library wall with a mural quoting 'Explore Worlds Within Pages.'", + "prompt in Chinese": "图书馆的墙上有一幅壁画,上面写着“在书页中探索世界”。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01121": { + "id": "01121", + "prompt": "A frosty beer mug with 'CHEERS TO US' engraved on the side.", + "prompt in Chinese": "一个霜冻啤酒杯,侧面刻有“为我们干杯”。", + "models": { + "DALLE_3": [ + 4, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01122": { + "id": "01122", + "prompt": "A park bench with a small plaque reading 'Sit, Rest, Wonder.'", + "prompt in Chinese": "公园的长椅上有一个小铭牌,写着“坐,休息,思考。”", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01123": { + "id": "01123", + "prompt": "A vibrant sunset sky with clouds that oddly resemble the words 'DREAM BIG.'", + "prompt in Chinese": "一个生动的日落天空,云层奇怪地形成了“远大梦想”几个字。", + "models": { + "DALLE_3": [ + 3, + 2, + 4 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 3, + 2, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "01124": { + "id": "01124", + "prompt": "An old typewriter with a sheet of paper that has 'Once upon a time...' typed out.", + "prompt in Chinese": "一台老式打字机,上面的纸张打印着“很久很久以前……”。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 2, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01125": { + "id": "01125", + "prompt": "A hand-drawn map in an old book, marking a trail labeled 'Path to Hidden Treasures.'", + "prompt in Chinese": "一本旧书中的手绘地图,标记了一条标有“通往隐藏宝藏之路”的小径。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01126": { + "id": "01126", + "prompt": "A cozy fireplace with 'Warm Hearts, Warm Hearth' etched into the wooden mantle.", + "prompt in Chinese": "一个温馨的壁炉,木制壁炉架上刻着“心暖炉暖”。", + "models": { + "DALLE_3": [ + 4, + 4, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "01127": { + "id": "01127", + "prompt": "An elegant doorway with 'Welcome to Paradise' painted above it.", + "prompt in Chinese": "一个优雅的门口,上方漆着“欢迎来到天堂”。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "01128": { + "id": "01128", + "prompt": "A graffiti mural on a city street depicting a phoenix, with 'RISE AGAIN' boldly written.", + "prompt in Chinese": "城市街道上的一幅涂鸦壁画描绘了一只凤凰,大胆地写着“再次崛起”。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 1 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "01129": { + "id": "01129", + "prompt": "A rustic wooden sign hanging in a garden, pointing to 'Secret Garden, Shhh...'", + "prompt in Chinese": "一个乡村风格的木制标志挂在花园中,指向“秘密花园,嘘……”", + "models": { + "DALLE_3": [ + 4, + 5, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01130": { + "id": "01130", + "prompt": "A laptop sticker that humorously states, 'This Machine Fights Zombies.'", + "prompt in Chinese": "一张笔记本电脑贴纸幽默地写着:“这台机器对抗僵尸。”", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "01131": { + "id": "01131", + "prompt": "A sandy beach where 'Love Lives Here' is written with seashells and driftwood.", + "prompt in Chinese": "一个沙滩上用贝壳和浮木写着“爱在这里”。", + "models": { + "DALLE_3": [ + 4, + 4, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01132": { + "id": "01132", + "prompt": "A mountain summit sign, declaring 'Top of the World.'", + "prompt in Chinese": "山顶标志骄傲地宣称“世界之巅”。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01133": { + "id": "01133", + "prompt": "A coffee mug with 'Morning Magic Brew' written in a whimsical font.", + "prompt in Chinese": "一个咖啡杯上用奇幻字体写着“早晨魔法酿”。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "01134": { + "id": "01134", + "prompt": "A vintage motorcycle with 'Rebel Soul' embossed on the leather seat.", + "prompt in Chinese": "一辆复古摩托车,其皮座椅上压印着“Rebel Soul”(叛逆之魂)。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "01135": { + "id": "01135", + "prompt": "An antique door knocker with 'Fortune Favors the Bold' inscribed around it.", + "prompt in Chinese": "一个古董门环,周围刻着“Fortune Favors the Bold”(命运偏爱勇者)。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01136": { + "id": "01136", + "prompt": "A concert poster featuring 'Echoes of Tomorrow' as the headline band.", + "prompt in Chinese": "一张音乐会海报,主打乐队是“Echoes of Tomorrow”(明日回声)。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "01137": { + "id": "01137", + "prompt": "A pair of gardening gloves with 'Grow with Love' stitched on the cuffs.", + "prompt in Chinese": "一双园艺手套,袖口上绣着“用爱成长”。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 2, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 2, + 3 + ] + } + }, + "01138": { + "id": "01138", + "prompt": "A bright blue sky where planes have drawn 'Sky's the Limit' with contrails.", + "prompt in Chinese": "在明亮的蓝天上,飞机用尾迹画出了“天空是极限”。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01139": { + "id": "01139", + "prompt": "A pastry shop window displaying eclairs with 'Sweet Serendipity' piped in chocolate.", + "prompt in Chinese": "一家糕点店的橱窗展示着用巧克力写着“甜蜜偶然”字样的闪电泡芙。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01140": { + "id": "01140", + "prompt": "An old stone well with 'Make a Wish' carved into its rim.", + "prompt in Chinese": "一个古老的石井,井沿上刻着“许个愿”。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01141": { + "id": "01141", + "prompt": "A dog's collar tag reading 'Adventurer at Heart.'", + "prompt in Chinese": "狗的项圈吊牌上写着“内心是个冒险家”。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "01142": { + "id": "01142", + "prompt": "A pair of old boots with 'Miles to Go' written on the soles.", + "prompt in Chinese": "一双旧靴子,鞋底上写着“还有很长的路要走”。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01143": { + "id": "01143", + "prompt": "A trail sign in a forest indicating 'Whispering Woods' ahead.", + "prompt in Chinese": "森林中的一块小路标志指示前方是“低语森林”。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "01144": { + "id": "01144", + "prompt": "A book cover with 'Untold Stories' embossed in gold lettering.", + "prompt in Chinese": "书籍封面上用金色字体压印着“未述之事”。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01145": { + "id": "01145", + "prompt": "A homemade jam jar with 'Spread the Love' on its label.", + "prompt in Chinese": "一个自制果酱罐,标签上写着“传递爱”。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 3, + 3 + ] + } + }, + "01146": { + "id": "01146", + "prompt": "A cozy blanket with 'Snuggle Up' woven into the corner.", + "prompt in Chinese": "一条舒适的毯子,角落里编织着“拥抱起来”。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01147": { + "id": "01147", + "prompt": "A smartphone wallpaper saying 'Capture Moments, Not Things.'", + "prompt in Chinese": "一张智能手机壁纸上写着“捕捉时刻,而非物品”。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 1, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 1 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01148": { + "id": "01148", + "prompt": "A puzzle box with 'Piece Together Your Dreams' printed on the side.", + "prompt in Chinese": "一个拼图盒的侧面印有“拼凑你的梦想”。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01149": { + "id": "01149", + "prompt": "A yoga mat with 'Find Your Balance' along its edge.", + "prompt in Chinese": "一块瑜伽垫,边缘写着“寻找你的平衡”。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 1 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01150": { + "id": "01150", + "prompt": "A bicycle bell engraved with 'Ring for Joy.'", + "prompt in Chinese": "一只自行车铃铛上刻有“为快乐而鸣”。", + "models": { + "DALLE_3": [ + 5, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 1 + ] + } + }, + "01151": { + "id": "01151", + "prompt": "A vintage suitcase with travel stickers spelling out 'Wanderlust.'", + "prompt in Chinese": "一个复古的旅行箱,上面的旅行贴纸拼出了“旅行癖”。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01152": { + "id": "01152", + "prompt": "A birdhouse in the garden with 'Tweet Retreat' painted above the entrance.", + "prompt in Chinese": "花园里的一个鸟屋,入口上方漆着“推特撤退”字样。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01153": { + "id": "01153", + "prompt": "A lantern by a camping site glowing with 'Light the Way' etched on its side.", + "prompt in Chinese": "营地旁的一盏灯笼,侧面刻有“照亮前路”的字样,发出柔和的光芒。", + "models": { + "DALLE_3": [ + 5, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01154": { + "id": "01154", + "prompt": "A hiking trail marker with 'Journey Begins Here.'", + "prompt in Chinese": "一块徒步旅行路标上写着“旅程从这里开始”。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01155": { + "id": "01155", + "prompt": "An ice cream shop menu boasting a flavor named 'Blissful Bites.'", + "prompt in Chinese": "一家冰淇淋店的菜单上宣传一种名为“幸福一口”的口味。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 1 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "01156": { + "id": "01156", + "prompt": "A handmade quilt with 'Woven with Memories' stitched in a corner.", + "prompt in Chinese": "一床手工制作的被子,一角缝有“用回忆编织而成”的字样。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01157": { + "id": "01157", + "prompt": "A telescope with 'Stars in Your Eyes' inscribed on the tube.", + "prompt in Chinese": "一台望远镜,其筒身上刻有“眼中有星辰”字样。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01158": { + "id": "01158", + "prompt": "A bakery's bread loaf with 'Knead Love' stamped on the crust.", + "prompt in Chinese": "一家面包店的面包上,其外壳上盖有“需要爱”的印章。", + "models": { + "DALLE_3": [ + 4, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01159": { + "id": "01159", + "prompt": "A garden stone engraved with 'Grow, Bloom, Thrive.'", + "prompt in Chinese": "一块花园石刻上刻着“生长,盛开,繁荣”。", + "models": { + "DALLE_3": [ + 4, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 4, + 4, + 2 + ] + } + }, + "01160": { + "id": "01160", + "prompt": "A keychain with 'Unlock Happiness' written on it.", + "prompt in Chinese": "一个钥匙链上写着“开启幸福”。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "01161": { + "id": "01161", + "prompt": "A vinyl record with 'Soundtrack of Life' as the album title.", + "prompt in Chinese": "一张黑胶唱片,专辑标题为“生活原声带”。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 1 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01162": { + "id": "01162", + "prompt": "A wristwatch with 'Time for Dreams' inscribed on the back.", + "prompt in Chinese": "一块手表,背面刻有“做梦的时间”。", + "models": { + "DALLE_3": [ + 5, + 5, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01163": { + "id": "01163", + "prompt": "A serene stream winding through a lush meadow at sunrise.", + "prompt in Chinese": "日出时分,一条宁静的小溪蜿蜒穿过一片郁郁葱葱的草地。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01164": { + "id": "01164", + "prompt": "A quaint cottage nestled in a vibrant flower-filled meadow.", + "prompt in Chinese": "一座古雅的小屋坐落在盛开鲜花的生机勃勃的草地上。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01165": { + "id": "01165", + "prompt": "A towering skyscraper reflecting the early morning sun.", + "prompt in Chinese": "一座高耸的摩天大楼反射着清晨的阳光。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 3 + ], + "SDXL_2_1": [ + 5, + 4, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "01166": { + "id": "01166", + "prompt": "A narrow alley lit by the soft glow of hanging lanterns at night.", + "prompt in Chinese": "夜晚,一条狭窄的小巷被悬挂的灯笼的柔和光芒照亮。", + "models": { + "DALLE_3": [ + 5, + 5, + 4 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01167": { + "id": "01167", + "prompt": "A bustling avenue lined with towering trees and busy cafes.", + "prompt in Chinese": "一条繁忙的大道两旁种满高大的树木和热闹的咖啡馆。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 3 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "01168": { + "id": "01168", + "prompt": "An ancient square surrounded by historic buildings under a clear blue sky.", + "prompt in Chinese": "在晴朗的蓝天下,一个古老的广场被历史建筑所环绕。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 4 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01169": { + "id": "01169", + "prompt": "A majestic fountain in the center of a bustling plaza, children playing around.", + "prompt in Chinese": "繁忙广场中心的一座雄伟喷泉,周围是玩耍的孩子们。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01170": { + "id": "01170", + "prompt": "A statue of a historic figure, standing tall in a quiet park.", + "prompt in Chinese": "一座历史人物的雕像在一个安静的公园中巍然屹立。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01171": { + "id": "01171", + "prompt": "A monument commemorating heroes, with flowers laid at its base.", + "prompt in Chinese": "纪念英雄的纪念碑,其底部摆放着鲜花。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01172": { + "id": "01172", + "prompt": "A tranquil harbor at sunset, boats gently rocking in the water.", + "prompt in Chinese": "日落时分的宁静港口,船只在水中轻轻摇晃。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01173": { + "id": "01173", + "prompt": "A busy quay with fishermen unloading their daily catch.", + "prompt in Chinese": "一个繁忙的码头,渔民们正在卸载当天的渔获。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 4 + ], + "SDXL_2_1": [ + 5, + 4, + 3 + ], + "SDXL_Base": [ + 5, + 4, + 3 + ] + } + }, + "01174": { + "id": "01174", + "prompt": "A dock at dawn, seagulls flying above waves.", + "prompt in Chinese": "黎明时分的码头,海鸥在波浪上空飞翔。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01175": { + "id": "01175", + "prompt": "A lighthouse standing guard at the edge of a rocky coastline.", + "prompt in Chinese": "一座灯塔守卫在崎岖海岸线的边缘。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01176": { + "id": "01176", + "prompt": "An old windmill overlooking a field of blooming flowers.", + "prompt in Chinese": "一座古老的风车俯瞰着一片盛开的花田。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01177": { + "id": "01177", + "prompt": "A rustic barn amid a snow-covered landscape, smoke rising from the chimney.", + "prompt in Chinese": "在雪地覆盖的景观中,有一座乡村谷仓,烟囱冒着烟。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 4, + 4, + 5 + ] + } + }, + "01178": { + "id": "01178", + "prompt": "An orchard in full bloom.", + "prompt in Chinese": "一片盛开的果园。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01179": { + "id": "01179", + "prompt": "A farm with fields of green, a tractor working in the distance.", + "prompt in Chinese": "一座农场,绿色的田野上有一台拖拉机在远处作业。", + "models": { + "DALLE_3": [ + 2, + 2, + 1 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01180": { + "id": "01180", + "prompt": "A sprawling ranch with herds of cattle grazing under a vast sky.", + "prompt in Chinese": "一座广阔的牧场,成群的牛在辽阔的天空下吃草。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01181": { + "id": "01181", + "prompt": "A scenic trail through a dense, mysterious forest.", + "prompt in Chinese": "一条穿过密集神秘森林的风景小径。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01182": { + "id": "01182", + "prompt": "A peaceful pathway lined with blooming flowers leading to a hidden garden.", + "prompt in Chinese": "一条平静的小径两旁开满鲜花,通向一个隐秘的花园。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01183": { + "id": "01183", + "prompt": "A busy highway at night, the city lights twinkling in the distance.", + "prompt in Chinese": "夜晚的繁忙公路,远处城市的灯光闪烁。", + "models": { + "DALLE_3": [ + 5, + 5, + 4 + ], + "SDXL_Turbo": [ + 5, + 5, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01184": { + "id": "01184", + "prompt": "A crossroad in a quaint village.", + "prompt in Chinese": "一个古朴村庄的十字路口。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01185": { + "id": "01185", + "prompt": "A bridge arching over a sparkling river, connecting two bustling districts.", + "prompt in Chinese": "一座桥横跨闪闪发光的河流,连接着两个繁忙的区域。", + "models": { + "DALLE_3": [ + 4, + 4, + 2 + ], + "SDXL_Turbo": [ + 5, + 5, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 4 + ], + "SDXL_Base": [ + 5, + 5, + 4 + ] + } + }, + "01186": { + "id": "01186", + "prompt": "An ancient arch standing as a gateway to old city ruins.", + "prompt in Chinese": "一座古老的拱门,作为通往旧城废墟的入口。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01187": { + "id": "01187", + "prompt": "A grand gateway leading into a luxurious estate, flanked by towering trees.", + "prompt in Chinese": "一座宏伟的大门通向豪华的庄园,两侧是高耸的树木。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01188": { + "id": "01188", + "prompt": "A lively plaza in the heart of the city, filled with artists and performers.", + "prompt in Chinese": "城市中心一个热闹的广场,挤满了艺术家和表演者。", + "models": { + "DALLE_3": [ + 5, + 5, + 4 + ], + "SDXL_Turbo": [ + 5, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 3 + ], + "SDXL_2_1": [ + 5, + 4, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01189": { + "id": "01189", + "prompt": "A terrace overlooking a breathtaking mountain range.", + "prompt in Chinese": "一个露台俯瞰着壮丽的山脉。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01190": { + "id": "01190", + "prompt": "A stream gently flowing under a wooden bridge in a secluded forest.", + "prompt in Chinese": "一条小溪轻轻流过一个偏僻森林中的木桥。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01191": { + "id": "01191", + "prompt": "A meadow aglow with fireflies under a starry sky.", + "prompt in Chinese": "星空下,一片草地上闪烁着萤火虫的光芒。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01192": { + "id": "01192", + "prompt": "A cottage covered in snow, with smoke rising from the chimney.", + "prompt in Chinese": "一座被雪覆盖的小屋,烟囱里冒着烟。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 5 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "01193": { + "id": "01193", + "prompt": "A skyscraper at dawn, the sky painted in shades of pink and orange.", + "prompt in Chinese": "黎明时分的摩天大楼,天空被染成了粉红色和橙色的色调。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 4 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "01194": { + "id": "01194", + "prompt": "An alley decorated with vibrant murals.", + "prompt in Chinese": "一条装饰着生动壁画的小巷。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01195": { + "id": "01195", + "prompt": "An avenue during autumn, the ground covered with fallen leaves.", + "prompt in Chinese": "秋天的大道,地面覆盖着落叶。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01196": { + "id": "01196", + "prompt": "A statue covered in snow, standing silently in a deserted park.", + "prompt in Chinese": "一个被雪覆盖的雕像,在一个荒芜的公园里静静地站立。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01197": { + "id": "01197", + "prompt": "A monument under the glow of the setting sun, casting long shadows.", + "prompt in Chinese": "在落日余晖下的纪念碑,投射出长长的阴影。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 4 + ], + "SDXL_2_1": [ + 5, + 4, + 2 + ], + "SDXL_Base": [ + 5, + 5, + 4 + ] + } + }, + "01198": { + "id": "01198", + "prompt": "A harbor filled with lights, reflecting on the calm water at night.", + "prompt in Chinese": "一个充满灯光的港口,夜晚时分反射在平静的水面上。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01199": { + "id": "01199", + "prompt": "On the left is a metal fork and on the right is a wooden spoon.", + "prompt in Chinese": "左边是一把金属叉子,右边是一把木勺子。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "01200": { + "id": "01200", + "prompt": "On the left is a wooden spoon and on the right is a metal fork.", + "prompt in Chinese": "左边是一把木勺子,右边是一把金属叉子。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01201": { + "id": "01201", + "prompt": "A spider is on the left of a crystal ball.", + "prompt in Chinese": "一只蜘蛛在水晶球的左边。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01202": { + "id": "01202", + "prompt": "A spider is on the right of a crystal ball.", + "prompt in Chinese": "一只蜘蛛在水晶球的右边。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 4, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01203": { + "id": "01203", + "prompt": "There's a spider in the hovering crystal ball.", + "prompt in Chinese": "水晶球里有一只蜘蛛。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01204": { + "id": "01204", + "prompt": "A man stands in front of a small dog and blocks a flying football.", + "prompt in Chinese": "一个男人站在一只小狗前面挡住了一个飞来的足球。", + "models": { + "DALLE_3": [ + 3, + 4, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01205": { + "id": "01205", + "prompt": "A man stands on the left of a timid dog and blocks a flying football.", + "prompt in Chinese": "一个男人站在一只胆小的狗的左边,挡住了一个飞来的足球。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "01206": { + "id": "01206", + "prompt": "A man stands on the right of a crying dog and blocks a flying football.", + "prompt in Chinese": "一个男人站在一只哭泣的狗的右边,挡住了一个飞来的足球。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 2 + ], + "SDXL_2_1": [ + 4, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "01207": { + "id": "01207", + "prompt": "A person typing furiously on a laptop in a dimly lit room.", + "prompt in Chinese": "一个人在昏暗的房间里急速地在笔记本电脑上打字。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 3 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "01208": { + "id": "01208", + "prompt": "A man teaching a young boy how to ride a bike in a sunny park.", + "prompt in Chinese": "一个男人在阳光明媚的公园里教一个小男孩如何骑自行车。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01209": { + "id": "01209", + "prompt": "A girl feeding a group of eager ducks at the edge of a serene pond.", + "prompt in Chinese": "一个女孩在宁静的池塘边喂食一群热切的鸭子。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01210": { + "id": "01210", + "prompt": "A boy climbing a tall tree.", + "prompt in Chinese": "一个男孩正在爬一棵高树。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 4 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01211": { + "id": "01211", + "prompt": "A nurse bandaging a child's scraped knee.", + "prompt in Chinese": "一位护士正在包扎一个孩子擦伤的膝盖。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "01212": { + "id": "01212", + "prompt": "A female police officer directing traffic at a busy intersection.", + "prompt in Chinese": "一位女警察在繁忙的十字路口指挥交通。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 3 + ], + "SDXL_Base": [ + 5, + 4, + 4 + ] + } + }, + "01213": { + "id": "01213", + "prompt": "A bird soaring high above the clouds, wings spread wide.", + "prompt in Chinese": "一只鸟在云层之上高高飞翔,翅膀展开。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01214": { + "id": "01214", + "prompt": "A rabbit nibbling on a watermelon.", + "prompt in Chinese": "一只兔子在啃食西瓜。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 3 + ], + "SDXL_2_1": [ + 5, + 4, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "01215": { + "id": "01215", + "prompt": "A remote lying forgotten between couch cushions.", + "prompt in Chinese": "一个遥控器被遗忘在沙发垫之间。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "01216": { + "id": "01216", + "prompt": "Headphones resting on a desk.", + "prompt in Chinese": "耳机放在桌子上。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 3 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "01217": { + "id": "01217", + "prompt": "A kangaroo without an apple looks more angry than a kangaroo that is eating an apple.", + "prompt in Chinese": "一个没有苹果的袋鼠看起来比正在吃苹果的袋鼠更生气。", + "models": { + "DALLE_3": [ + 2, + 2, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01218": { + "id": "01218", + "prompt": "In a small den, all the foxes look anxious.", + "prompt in Chinese": "在一个小巢穴里,所有的狐狸看起来都很焦虑。", + "models": { + "DALLE_3": [ + 5, + 5, + 3 + ], + "SDXL_Turbo": [ + 5, + 5, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 3 + ], + "SDXL_2_1": [ + 5, + 4, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 3 + ] + } + }, + "01219": { + "id": "01219", + "prompt": "Three nervous lizards.", + "prompt in Chinese": "三只紧张的蜥蜴。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01220": { + "id": "01220", + "prompt": "Five curious birds.", + "prompt in Chinese": "五只好奇的鸟。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 4, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01221": { + "id": "01221", + "prompt": "Three bored squirrels.", + "prompt in Chinese": "三只无聊的松鼠。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01222": { + "id": "01222", + "prompt": "Five nervous deer.", + "prompt in Chinese": "五只紧张的鹿。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01223": { + "id": "01223", + "prompt": "Three worried owls.", + "prompt in Chinese": "三只忧心忡忡的猫头鹰。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "01224": { + "id": "01224", + "prompt": "Two frustrated pandas.", + "prompt in Chinese": "两只沮丧的熊猫。", + "models": { + "DALLE_3": [ + 5, + 5, + 4 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 4 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01225": { + "id": "01225", + "prompt": "A sad squirrel hides behind a tree with no leaves, only one head leaking out.", + "prompt in Chinese": "一只悲伤的松鼠藏在一棵没有树叶的树后,只露出一个头。", + "models": { + "DALLE_3": [ + 5, + 5, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "01226": { + "id": "01226", + "prompt": "Three curious monkeys.", + "prompt in Chinese": "三只好奇的猴子。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 4 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01227": { + "id": "01227", + "prompt": "Five frustrated horses.", + "prompt in Chinese": "五匹沮丧的马。", + "models": { + "DALLE_3": [ + 5, + 4, + 4 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "01228": { + "id": "01228", + "prompt": "Two excited elephants to the right of a lost giraffe.", + "prompt in Chinese": "两只兴奋的大象在一只迷路的长颈鹿的右边。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01229": { + "id": "01229", + "prompt": "Five relieved turtles.", + "prompt in Chinese": "五只如释重负的乌龟。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 4 + ], + "Midjourney_6": [ + 5, + 3, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 3, + 5 + ] + } + }, + "01230": { + "id": "01230", + "prompt": "Two excited pandas.", + "prompt in Chinese": "两只兴奋的熊猫。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01231": { + "id": "01231", + "prompt": "Four bored boys.", + "prompt in Chinese": "四个无聊的男孩。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01232": { + "id": "01232", + "prompt": "Four embarrassed zebras.", + "prompt in Chinese": "四只尴尬的斑马。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 3, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 2, + 4 + ] + } + }, + "01233": { + "id": "01233", + "prompt": "Three jealous teachers.", + "prompt in Chinese": "三个嫉妒的老师。", + "models": { + "DALLE_3": [ + 5, + 4, + 4 + ], + "SDXL_Turbo": [ + 5, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 4 + ], + "Midjourney_6": [ + 5, + 2, + 4 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "01234": { + "id": "01234", + "prompt": "Five scared monkeys.", + "prompt in Chinese": "五只害怕的猴子。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01235": { + "id": "01235", + "prompt": "Three scared artists.", + "prompt in Chinese": "三个害怕的艺术家。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 3, + 4 + ] + } + }, + "01236": { + "id": "01236", + "prompt": "Two anxious pigs.", + "prompt in Chinese": "两只焦虑的猪。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01237": { + "id": "01237", + "prompt": "Four glass chairs.", + "prompt in Chinese": "四张玻璃椅子。", + "models": { + "DALLE_3": [ + 3, + 3, + 4 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "01238": { + "id": "01238", + "prompt": "Two glass shampoos.", + "prompt in Chinese": "两只玻璃洗发水。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01239": { + "id": "01239", + "prompt": "Two metal towers.", + "prompt in Chinese": "两座金属塔。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01240": { + "id": "01240", + "prompt": "Five wooden forks.", + "prompt in Chinese": "五个木叉。", + "models": { + "DALLE_3": [ + 5, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "01241": { + "id": "01241", + "prompt": "Four rubber shoes.", + "prompt in Chinese": "四只胶鞋。", + "models": { + "DALLE_3": [ + 5, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "01242": { + "id": "01242", + "prompt": "Three brick houses.", + "prompt in Chinese": "三间砖房。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "01243": { + "id": "01243", + "prompt": "Three leather sneakers.", + "prompt in Chinese": "三个皮鞋。", + "models": { + "DALLE_3": [ + 5, + 3, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 5, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "01244": { + "id": "01244", + "prompt": "Two porcelain plates.", + "prompt in Chinese": "两个瓷盘。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01245": { + "id": "01245", + "prompt": "Five wooden forks to the left of two ceramic knives.", + "prompt in Chinese": "五把木叉在两把陶瓷刀的左边。", + "models": { + "DALLE_3": [ + 5, + 5, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01246": { + "id": "01246", + "prompt": "Four stainless steel forks.", + "prompt in Chinese": "四个不锈钢叉子。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 4, + 4 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "01247": { + "id": "01247", + "prompt": "Five canvas bags sit to the right of three woolen hats.", + "prompt in Chinese": "五个帆布袋放在三顶羊毛帽的右边。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01248": { + "id": "01248", + "prompt": "Three ceramic cups sit to the right of a wooden fork.", + "prompt in Chinese": "三个陶瓷杯放在一个木叉的右边。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 4 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01249": { + "id": "01249", + "prompt": "Two wooden statues and three bronze statues.", + "prompt in Chinese": "两尊木雕像和三尊铜雕像。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01250": { + "id": "01250", + "prompt": "An elegant cat with a long tail throws a ball at a cute cat without a long tail.", + "prompt in Chinese": "一只优雅的长尾猫向一只没有长尾巴的可爱猫扔球。", + "models": { + "DALLE_3": [ + 5, + 5, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 4, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 3, + 2 + ] + } + }, + "01251": { + "id": "01251", + "prompt": "Three kids, all wearing glasses, are reading a big book together in a library.", + "prompt in Chinese": "三个戴着眼镜的孩子在图书馆一起阅读一本大书。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01252": { + "id": "01252", + "prompt": "Five monkeys swinging energetically from tree to tree in the jungle.", + "prompt in Chinese": "五只猴子在丛林中充满活力地从一棵树荡到另一棵树。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 5, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01253": { + "id": "01253", + "prompt": "Four dogs running through a field, chasing after a frisbee.", + "prompt in Chinese": "四只狗在田野里奔跑,追逐飞盘。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01254": { + "id": "01254", + "prompt": "A pair of elephants walking trunk to tail along a dusty path.", + "prompt in Chinese": "一对大象在尘土飞扬的小路上尾随而行。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 4, + 4, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01255": { + "id": "01255", + "prompt": "Three policemen working together to direct traffic at a busy intersection.", + "prompt in Chinese": "三个警察在繁忙的十字路口指挥交通。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 4, + 4 + ], + "SDXL_Base": [ + 3, + 5, + 4 + ] + } + }, + "01256": { + "id": "01256", + "prompt": "Two friends laughing heartily over coffee at a local cafe.", + "prompt in Chinese": "两个朋友在当地咖啡馆喝咖啡时开怀大笑。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 5 + ] + } + }, + "01257": { + "id": "01257", + "prompt": "Three nurses taking care of patients in a busy hospital ward.", + "prompt in Chinese": "三名护士在繁忙的病房里照顾病人。", + "models": { + "DALLE_3": [ + 3, + 4, + 3 + ], + "SDXL_Turbo": [ + 5, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 4 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "01258": { + "id": "01258", + "prompt": "A group of sheep being led by two shepherds across a green field.", + "prompt in Chinese": "一群羊在两个牧羊人的带领下穿过一片绿色的田野。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01259": { + "id": "01259", + "prompt": "A monkey with a backpack is jumping from one smaller tree to another larger tree.", + "prompt in Chinese": "一只背着背包的猴子从一棵较小的树跳到另一棵较大的树上。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01260": { + "id": "01260", + "prompt": "In the middle of the cluttered room, a coat rack with nothing on it is in the middle of the room.", + "prompt in Chinese": "在杂乱的房间中央,一个什么也没挂的衣帽架位于房间中央。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "01261": { + "id": "01261", + "prompt": "On a large stone platform, there are two camel statues but no horse statues.", + "prompt in Chinese": "在一个大石台上,有两座骆驼雕像,但没有马雕像。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01262": { + "id": "01262", + "prompt": "A sky full of stars, but no moon in sight.", + "prompt in Chinese": "满天星斗,却看不见月亮。", + "models": { + "DALLE_3": [ + 2, + 3, + 2 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "01263": { + "id": "01263", + "prompt": "A hippopotamus in the water is bigger than a baby elephant by the river.", + "prompt in Chinese": "水中的河马比河边的小象大。", + "models": { + "DALLE_3": [ + 4, + 3, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01264": { + "id": "01264", + "prompt": "There are two bananas in the basket, but no apples.", + "prompt in Chinese": "篮子里有两根香蕉,但没有苹果。", + "models": { + "DALLE_3": [ + 2, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "01265": { + "id": "01265", + "prompt": "In a room, there is only a table, but no chairs.", + "prompt in Chinese": "房间里只有一张桌子,没有椅子。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "01266": { + "id": "01266", + "prompt": "A squirrel's nest with lots of pine cones but not a squirrel in sight.", + "prompt in Chinese": "松鼠窝里充满了送过,但看不到一只松鼠。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "01267": { + "id": "01267", + "prompt": "A bookshelf full of novels, none of which have a parrot on the cover.", + "prompt in Chinese": "一个装满小说的书架,封面上没有一本书有鹦鹉的图案。", + "models": { + "DALLE_3": [ + 2, + 2, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 5 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "01268": { + "id": "01268", + "prompt": "In a classroom without a teacher, the students quietly study on their own.", + "prompt in Chinese": "一个没有老师的教室,学生们静静地自学。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 3, + 5 + ] + } + }, + "01269": { + "id": "01269", + "prompt": "There are a few cows in the post-harvest farmland, all of which are tired.", + "prompt in Chinese": "收割后的农田里有几头牛,它们都很累。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 4 + ], + "Midjourney_6": [ + 4, + 3, + 4 + ], + "SDXL_2_1": [ + 5, + 4, + 4 + ], + "SDXL_Base": [ + 5, + 4, + 4 + ] + } + }, + "01270": { + "id": "01270", + "prompt": "A kitchen scene with a child trying to reach a cookie jar that doesn't contain any cookies.", + "prompt in Chinese": "厨房里的一个场景,一个孩子试图够到一个饼干罐,但罐子里没有饼干。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01271": { + "id": "01271", + "prompt": "A red and green frog is jumping from one lotus leaf to another bigger one.", + "prompt in Chinese": "一只红绿相间的青蛙从一片莲叶跳到另一片更大的莲叶上。", + "models": { + "DALLE_3": [ + 4, + 2, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01272": { + "id": "01272", + "prompt": "A police station's lost and found box that doesn't have any lost dogs or cats.", + "prompt in Chinese": "警察局的失物招领箱里没有任何丢失的狗或猫。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 1 + ], + "SDXL_2_1": [ + 5, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01273": { + "id": "01273", + "prompt": "A pet store where all the hamster cages are empty.", + "prompt in Chinese": "一家宠物店里所有的仓鼠笼子都是空的。", + "models": { + "DALLE_3": [ + 2, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 5 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "01274": { + "id": "01274", + "prompt": "An artist's studio with canvases that don't depict any birds or wildlife.", + "prompt in Chinese": "一个艺术家的工作室,画布上没有描绘任何鸟类或野生动物。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01275": { + "id": "01275", + "prompt": "A wildlife scene that doesn't feature any lions or tigers, just serene landscapes.", + "prompt in Chinese": "一个野生动物场景,没有狮子或老虎,只有宁静的风景。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "01276": { + "id": "01276", + "prompt": "A mountain path where no horses or riders have passed today, only fallen leaves.", + "prompt in Chinese": "一条山路,今天没有马匹或骑手经过,只有落叶。", + "models": { + "DALLE_3": [ + 5, + 3, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 2, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "01277": { + "id": "01277", + "prompt": "A playground where no children are playing.", + "prompt in Chinese": "一个没有孩子在玩耍的游乐场。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 2, + 5 + ], + "SDXL_Base": [ + 5, + 3, + 5 + ] + } + }, + "01278": { + "id": "01278", + "prompt": "A kitchen with a fridge that doesn't have any milk left.", + "prompt in Chinese": "一个厨房,冰箱里没有剩下任何牛奶。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 5, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01279": { + "id": "01279", + "prompt": "A farm with a barn that doesn't shelter any sheep.", + "prompt in Chinese": "一个农场,其谷仓里没有收留任何羊。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01280": { + "id": "01280", + "prompt": "A lively animal circus scene with tigers, lions and seals, but no monkeys.", + "prompt in Chinese": "一个热闹的动物马戏团场景,有老虎、狮子和海豹,但没有猴子。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 3, + 2, + 3 + ] + } + }, + "01281": { + "id": "01281", + "prompt": "A city park where the usual flock of pigeons isn't around, just scattered breadcrumbs.", + "prompt in Chinese": "一个城市公园,没有往常的鸽子群,只有散落的面包屑。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01282": { + "id": "01282", + "prompt": "A vet's office with a 'No waiting' sign, as there are no pets.", + "prompt in Chinese": "一家兽医诊所挂着“无需等候”的牌子,因为没有宠物。", + "models": { + "DALLE_3": [ + 2, + 1, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 4, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 4 + ] + } + }, + "01283": { + "id": "01283", + "prompt": "A kitchen without a spoon on the counter.", + "prompt in Chinese": "厨房的柜台上没有勺子。", + "models": { + "DALLE_3": [ + 1, + 1, + 2 + ], + "SDXL_Turbo": [ + 5, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 4 + ], + "SDXL_2_1": [ + 5, + 4, + 4 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01284": { + "id": "01284", + "prompt": "A study desk, but no pen in sight.", + "prompt in Chinese": "一个书桌,但看不到笔。", + "models": { + "DALLE_3": [ + 2, + 2, + 1 + ], + "SDXL_Turbo": [ + 5, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 5, + 4, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "01285": { + "id": "01285", + "prompt": "In the living room, the TV remote is not on the table.", + "prompt in Chinese": "在客厅里,电视遥控器不在桌子上。", + "models": { + "DALLE_3": [ + 1, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 5, + 4, + 4 + ], + "SDXL_Base": [ + 5, + 4, + 4 + ] + } + }, + "01286": { + "id": "01286", + "prompt": "A rainy day with no umbrella by the door.", + "prompt in Chinese": "下雨天,门边没有雨伞。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 5, + 3, + 5 + ], + "SDXL_Base": [ + 2, + 3, + 4 + ] + } + }, + "01287": { + "id": "01287", + "prompt": "A party with no candles on the cake.", + "prompt in Chinese": "一个聚会上的蛋糕上没有蜡烛。", + "models": { + "DALLE_3": [ + 2, + 2, + 1 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "01288": { + "id": "01288", + "prompt": "A bed without the usual cat sleeping on it.", + "prompt in Chinese": "床上没有平常睡觉的猫。", + "models": { + "DALLE_3": [ + 1, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "01289": { + "id": "01289", + "prompt": "An office, the computer on, but no one there.", + "prompt in Chinese": "一个办公室,电脑开着,但没有人在。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 5, + 2, + 3 + ], + "SDXL_Base": [ + 5, + 3, + 3 + ] + } + }, + "01290": { + "id": "01290", + "prompt": "In a classroom, the clock is not on the wall.", + "prompt in Chinese": "在教室里,墙上没有挂钟。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 1 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "01291": { + "id": "01291", + "prompt": "no camera in the photographer's hands.", + "prompt in Chinese": "摄影师手中没有相机。", + "models": { + "DALLE_3": [ + 2, + 2, + 1 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01292": { + "id": "01292", + "prompt": "A person is morning running, but he doesn't wear shoes.", + "prompt in Chinese": "一个人在早晨跑步,但他没有穿鞋。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01293": { + "id": "01293", + "prompt": "There is no towel in the bag, in a gym scene.", + "prompt in Chinese": "在健身房的场景中,包里没有毛巾。", + "models": { + "DALLE_3": [ + 2, + 1, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01294": { + "id": "01294", + "prompt": "A classroom with books, but no book open.", + "prompt in Chinese": "有书的教室,但没有一本书是翻开的。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "01295": { + "id": "01295", + "prompt": "A coffee mug is not filled.", + "prompt in Chinese": "咖啡杯没有装满。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01296": { + "id": "01296", + "prompt": "In the classroom, three students are listening attentively to the teacher, but there are no books on the table.", + "prompt in Chinese": "在教室里,三名学生在聚精会神地听老师讲课,但桌子上没有书。", + "models": { + "DALLE_3": [ + 2, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "01297": { + "id": "01297", + "prompt": "a tree without any leaves.", + "prompt in Chinese": "一棵没有树叶的树。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01298": { + "id": "01298", + "prompt": "a shoe rack without any red pairs of shoes on it.", + "prompt in Chinese": "鞋架上没有任何红色的鞋子。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01299": { + "id": "01299", + "prompt": "Two wardrobes without shirts side by side in the bedroom.", + "prompt in Chinese": "卧室里并排摆放着两个没有衬衫的衣柜。", + "models": { + "DALLE_3": [ + 2, + 2, + 4 + ], + "SDXL_Turbo": [ + 2, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 4 + ], + "Midjourney_6": [ + 2, + 3, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 5 + ], + "SDXL_Base": [ + 2, + 3, + 4 + ] + } + }, + "01300": { + "id": "01300", + "prompt": "A plate without a banana but with two apples", + "prompt in Chinese": "一个盘子里没有香蕉,却有两个苹果。", + "models": { + "DALLE_3": [ + 2, + 3, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 1, + 2, + 3 + ], + "SDXL_2_1": [ + 2, + 4, + 4 + ], + "SDXL_Base": [ + 1, + 2, + 3 + ] + } + }, + "01301": { + "id": "01301", + "prompt": "a street without bikes.", + "prompt in Chinese": "一条街上没有自行车。", + "models": { + "DALLE_3": [ + 2, + 2, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 3, + 4 + ], + "SDXL_2_1": [ + 3, + 2, + 4 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "01302": { + "id": "01302", + "prompt": "A house with no round windows but square ones.", + "prompt in Chinese": "没有圆窗却有方窗的房子。", + "models": { + "DALLE_3": [ + 2, + 2, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 4 + ], + "Midjourney_6": [ + 2, + 2, + 4 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "01303": { + "id": "01303", + "prompt": "Two cars without windows waiting at a traffic light.", + "prompt in Chinese": "两辆没有窗户的汽车在等红绿灯。", + "models": { + "DALLE_3": [ + 3, + 4, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 4 + ], + "Midjourney_6": [ + 1, + 2, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 4 + ], + "SDXL_Base": [ + 1, + 2, + 3 + ] + } + }, + "01304": { + "id": "01304", + "prompt": "a city intersection without blue cars.", + "prompt in Chinese": "一个没有蓝色汽车的城市十字路口。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 1, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 4 + ], + "SDXL_2_1": [ + 2, + 3, + 4 + ], + "SDXL_Base": [ + 2, + 4, + 4 + ] + } + }, + "01305": { + "id": "01305", + "prompt": "Two bananas without peels crossed.", + "prompt in Chinese": "两根没有去皮的香蕉交叉在一起。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 5 + ], + "Midjourney_6": [ + 3, + 4, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 4 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "01306": { + "id": "01306", + "prompt": "Two birds that aren't red land on a table.", + "prompt in Chinese": "两只不是红色的鸟落在桌子上。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "01307": { + "id": "01307", + "prompt": "Two rowboats without paddles on the grass in the park.", + "prompt in Chinese": "公园里草地上两只没有桨的划艇。", + "models": { + "DALLE_3": [ + 5, + 3, + 2 + ], + "SDXL_Turbo": [ + 5, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "01308": { + "id": "01308", + "prompt": "A brand new red harp with no strings leaning against an old green guitar with strings.", + "prompt in Chinese": "一把崭新的没有琴弦的红色竖琴靠在一把带琴弦的旧绿色吉他上。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 1, + 2, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01309": { + "id": "01309", + "prompt": "a red harp without any strings.", + "prompt in Chinese": "一把没有琴弦的红色竖琴。", + "models": { + "DALLE_3": [ + 2, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01310": { + "id": "01310", + "prompt": "A green harp without strings leaning against a red guitar without strings.", + "prompt in Chinese": "一把没有琴弦的绿色竖琴靠在一把没有琴弦的红色吉他上。", + "models": { + "DALLE_3": [ + 2, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01311": { + "id": "01311", + "prompt": "A sunny park with no cheerful children playing.", + "prompt in Chinese": "阳光明媚的公园里没有快乐的孩子在玩耍。", + "models": { + "DALLE_3": [ + 2, + 1, + 2 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "01312": { + "id": "01312", + "prompt": "A cozy bedroom without a fluffy pillow on the bed.", + "prompt in Chinese": "一个舒适的卧室,床上没有蓬松的枕头。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "01313": { + "id": "01313", + "prompt": "A busy office, but not a single bright screen on.", + "prompt in Chinese": "一个繁忙的办公室,但没有一台亮着的屏幕。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "01314": { + "id": "01314", + "prompt": "An art studio without any messy paints scattered.", + "prompt in Chinese": "一个没有散落的杂乱颜料的艺术工作室。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "01315": { + "id": "01315", + "prompt": "A library shelf with no ancient books displayed.", + "prompt in Chinese": "图书馆的书架上没有展示任何古书。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "01316": { + "id": "01316", + "prompt": "A dining table, but no hot meals were served.", + "prompt in Chinese": "餐桌上,但没有热餐。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 2, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01317": { + "id": "01317", + "prompt": "A sandy beach without any soft towels spread out.", + "prompt in Chinese": "沙滩上没有铺开的柔软毛巾。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 5, + 4, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "01318": { + "id": "01318", + "prompt": "A little boy sits on a large red storage box and holds up a smaller green one.", + "prompt in Chinese": "一个小男孩坐在一个大红色储物箱上,举起一个小绿色储物箱。", + "models": { + "DALLE_3": [ + 4, + 3, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 4 + ], + "Midjourney_6": [ + 4, + 4, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01319": { + "id": "01319", + "prompt": "A winter morning with no white snow covering roofs.", + "prompt in Chinese": "一个冬日的早晨,屋顶没有被白雪覆盖。", + "models": { + "DALLE_3": [ + 2, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01320": { + "id": "01320", + "prompt": "A pet shop with no tiny hamsters running wheels.", + "prompt in Chinese": "一家宠物店里没有小仓鼠跑轮。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 3, + 2, + 3 + ] + } + }, + "01321": { + "id": "01321", + "prompt": "A rickety table with a couple of even more rickety chairs next to it.", + "prompt in Chinese": "一张摇摇晃晃的桌子旁边放着几把更摇摇晃晃的椅子。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 4, + 2, + 3 + ], + "SDXL_Base": [ + 5, + 3, + 5 + ] + } + }, + "01322": { + "id": "01322", + "prompt": "A happy boy is behind an unhappy girl.", + "prompt in Chinese": "一个快乐的男孩在一个不开心的女孩后面。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01323": { + "id": "01323", + "prompt": "The table lamp emits bright light, but the chandelier's light is not bright.", + "prompt in Chinese": "台灯发出明亮的光,但吊灯的光却不明亮。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01324": { + "id": "01324", + "prompt": "A kitten hides in a shoe bigger than itself and peeks out.", + "prompt in Chinese": "一只小猫躲在比它自己还大的鞋子里偷偷往外看。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 4, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 4 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "01325": { + "id": "01325", + "prompt": "A vase contains flowers of various colors, but there are no red flowers.", + "prompt in Chinese": "一个花瓶里装着各种颜色的花,但没有红色的花。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01326": { + "id": "01326", + "prompt": "A larger gorilla hands a smaller mechanical monkey a banana.", + "prompt in Chinese": "一只较大的大猩猩将一根香蕉递给一只较小的机械猴。", + "models": { + "DALLE_3": [ + 4, + 3, + 2 + ], + "SDXL_Turbo": [ + 4, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 5, + 3, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01327": { + "id": "01327", + "prompt": "On a wooden dining table, both the spoons and plates are made of wood, only the fork is not made of wood.", + "prompt in Chinese": "在一张木制餐桌上,勺子和盘子都是木制的,只有叉子不是木制的。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01328": { + "id": "01328", + "prompt": "On the roof, there are three happy puppies, but not a single cat.", + "prompt in Chinese": "在屋顶上有三只快乐的小狗,但没有一只猫。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 4 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01329": { + "id": "01329", + "prompt": "A child is holding a snowball with hands that are not wearing gloves.", + "prompt in Chinese": "一个孩子用没有戴手套的手拿着一个雪球。", + "models": { + "DALLE_3": [ + 3, + 3, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "01330": { + "id": "01330", + "prompt": "Two people are sitting side by side; the person on the left is laughing, but the one on the right is not.", + "prompt in Chinese": "两个人并排坐着,左边的人在笑,右边的人没有笑。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "01331": { + "id": "01331", + "prompt": "A brand-new computer sits on a metal table, the mouse is lit up, but the screen is not.", + "prompt in Chinese": "一台崭新的电脑放在金属桌上,鼠标亮着,但屏幕没有亮。", + "models": { + "DALLE_3": [ + 3, + 3, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "01332": { + "id": "01332", + "prompt": "A person with a bright scarf, and no hat in the cold.", + "prompt in Chinese": "一个人围着鲜艳的围巾,在寒冷中没有戴帽子。", + "models": { + "DALLE_3": [ + 2, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "01333": { + "id": "01333", + "prompt": "Three people on a bench without shoes.", + "prompt in Chinese": "长椅上三个没有穿鞋的人。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "01334": { + "id": "01334", + "prompt": "A jogging man, and no watch on his wrist.", + "prompt in Chinese": "一个慢跑的男人,手腕上没有戴手表。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "01335": { + "id": "01335", + "prompt": "The girl stuck an unopened rose in a transparent vase without water.", + "prompt in Chinese": "女孩将一朵未开的玫瑰插在没有水的透明花瓶里。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01336": { + "id": "01336", + "prompt": "A woman with three dogs and no umbrella in the drizzle.", + "prompt in Chinese": "一个女人在细雨中带着三只狗,没有带伞。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01337": { + "id": "01337", + "prompt": "A boy in a cape, climbing without sneakers.", + "prompt in Chinese": "一个穿披风的男孩在没有穿运动鞋的情况下爬山。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 5, + 4, + 4 + ] + } + }, + "01338": { + "id": "01338", + "prompt": "A girl with a red bow sits beside a table with no notebook on it.", + "prompt in Chinese": "一个戴红色蝴蝶结的女孩坐在一张没有笔记本的桌子旁边。", + "models": { + "DALLE_3": [ + 2, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 5, + 2, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01339": { + "id": "01339", + "prompt": "A male model and a female model are showcasing the jewelry on their hands, with the taller model's jewelry appearing more lavish than the other's.", + "prompt in Chinese": "一位男模和一位女模正在展示他们手上的珠宝,较高的模特的珠宝看起来比另一个的更奢华。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "01340": { + "id": "01340", + "prompt": "A dog in a jumping suit with no energy.", + "prompt in Chinese": "一只穿着跳跃服却没有精力的狗。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 4 + ], + "SDXL_2_1": [ + 5, + 5, + 4 + ], + "SDXL_Base": [ + 5, + 5, + 4 + ] + } + }, + "01341": { + "id": "01341", + "prompt": "A cat on the sill isn't happy.", + "prompt in Chinese": "窗台上的猫不开心。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01342": { + "id": "01342", + "prompt": "A person not wearing jeans, holding three small Persian cats in a sweater.", + "prompt in Chinese": "一个没有穿牛仔裤的人,抱着穿着毛衣的三只小波斯猫。", + "models": { + "DALLE_3": [ + 2, + 2, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01343": { + "id": "01343", + "prompt": "A person without a watch, checking their phone in a sleek suit.", + "prompt in Chinese": "一个没有戴手表的人,穿着光滑的西装在查看手机。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01344": { + "id": "01344", + "prompt": "A man in a suit and tie doesn't wear shiny boots but opts for casual sneakers.", + "prompt in Chinese": "一个穿着西装打领带的男人没有穿亮皮靴,而是选择了休闲运动鞋。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 3, + 5, + 3 + ], + "SDXL_2_1": [ + 3, + 4, + 4 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01345": { + "id": "01345", + "prompt": "A man not tying his sneakers, standing still in casual jeans and a t-shirt.", + "prompt in Chinese": "一个男人没有系紧他的运动鞋,穿着休闲牛仔裤和T恤静静地站着。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01346": { + "id": "01346", + "prompt": "A woman without heels wears a dress.", + "prompt in Chinese": "一个女人没有穿高跟鞋,只穿了一件连衣裙。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "01347": { + "id": "01347", + "prompt": "In the cold outdoors, a woman is not wrapped in a scarf, with just a warm coat.", + "prompt in Chinese": "在寒冷的户外,一位女士没有围围巾,只穿了一件保暖的大衣。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01348": { + "id": "01348", + "prompt": "A boy doesn't wear shorts, choosing jeans and a cap for a cooler day.", + "prompt in Chinese": "一个男孩没有穿短裤,选择了牛仔裤和帽子来应对凉爽的天气。", + "models": { + "DALLE_3": [ + 2, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "01349": { + "id": "01349", + "prompt": "A girl not wearing a skirt, opting for comfortable shorts and a blouse.", + "prompt in Chinese": "一个女孩没有穿裙子,而是选择了舒适的短裤和上衣。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01350": { + "id": "01350", + "prompt": "A small dog not in a tiny sweater, playing joyfully without any clothes.", + "prompt in Chinese": "一只小狗没有穿小毛衣,快乐地玩耍,身上没有穿任何衣服。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01351": { + "id": "01351", + "prompt": "A person doesn't lean against the graffiti wall, standing out in a hoodie and jeans.", + "prompt in Chinese": "一个人没有靠在涂鸦墙上,穿着连帽衫和牛仔裤显得很突出。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 5, + 5, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 5, + 4, + 2 + ], + "SDXL_Base": [ + 5, + 5, + 3 + ] + } + }, + "01352": { + "id": "01352", + "prompt": "A person in a formal dress and coat doesn't wear gloves despite the chill.", + "prompt in Chinese": "尽管寒冷,一个穿着正式礼服和外套的人没有戴手套。", + "models": { + "DALLE_3": [ + 2, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "01353": { + "id": "01353", + "prompt": "A man not riding a motorcycle, standing beside it in a leather jacket and jeans.", + "prompt in Chinese": "一个男人没有骑摩托车,而是穿着皮夹克和牛仔裤站在它旁边。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 2 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "01354": { + "id": "01354", + "prompt": "A man without a beanie, feeling the chilly morning air directly on his hair.", + "prompt in Chinese": "一个没有戴无檐小帽的男人,感受到清晨凉爽的空气直接吹拂在他的头发上。", + "models": { + "DALLE_3": [ + 2, + 2, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01355": { + "id": "01355", + "prompt": "A woman in a suit and blouse doesn't enjoy a day in the park.", + "prompt in Chinese": "一个穿着西装和上衣的女人并不喜欢在公园里度过一天。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 3 + ] + } + }, + "01356": { + "id": "01356", + "prompt": "In a cozy bookstore, a woman is not browsing books.", + "prompt in Chinese": "在一个舒适的书店里,一位女士没有在浏览书籍。", + "models": { + "DALLE_3": [ + 2, + 2, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01357": { + "id": "01357", + "prompt": "A puppy with a frisbee in its mouth bounced around a boy who did not play with it.", + "prompt in Chinese": "一个男孩没有和小狗玩。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01358": { + "id": "01358", + "prompt": "A girl without sandals, walking barefoot on the beach in a dress.", + "prompt in Chinese": "一个女孩没有穿凉鞋,穿着裙子赤脚在沙滩上行走。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 5 + ], + "SDXL_Base": [ + 3, + 4, + 5 + ] + } + }, + "01359": { + "id": "01359", + "prompt": "An old man not wearing a coat, excitedly exploring the snow.", + "prompt in Chinese": "一只小老虎没有穿外套,兴奋地探索着雪地。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 1 + ], + "Midjourney_6": [ + 2, + 2, + 1 + ], + "SDXL_2_1": [ + 2, + 2, + 1 + ], + "SDXL_Base": [ + 2, + 2, + 1 + ] + } + }, + "01360": { + "id": "01360", + "prompt": "A cat doesn't curl up on the jacket.", + "prompt in Chinese": "猫没有蜷缩在夹克上。", + "models": { + "DALLE_3": [ + 2, + 2, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "01361": { + "id": "01361", + "prompt": "A person without tied shoelaces is preparing for a workout in the gym.", + "prompt in Chinese": "一个人没有系好他们的运动鞋,准备在健身房锻炼。", + "models": { + "DALLE_3": [ + 2, + 2, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01362": { + "id": "01362", + "prompt": "A person is not hanging ornaments on the Christmas tree in a festive sweater.", + "prompt in Chinese": "一个人没有穿节日毛衣在圣诞树上挂装饰品。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 2, + 3 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "01363": { + "id": "01363", + "prompt": "A man in a tuxedo doesn't adjust his tie.", + "prompt in Chinese": "一个穿着燕尾服的男人没有调整他的领带。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01364": { + "id": "01364", + "prompt": "A man in casual shorts is cleaning out his tent, not setting it up.", + "prompt in Chinese": "一个穿着休闲短裤的男人没有在搭建露营地。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "01365": { + "id": "01365", + "prompt": "A woman without a bracelet is talking with a boy with a bracelet.", + "prompt in Chinese": "一个没有戴手镯的女人在与一个戴手镯的男孩交谈。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01366": { + "id": "01366", + "prompt": "A woman not wearing a hoodie in the middle of a group of people wearing hoodies.", + "prompt in Chinese": "一个没有穿连帽衫的女人站在一群穿着连帽衫的人中间。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 1 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "01367": { + "id": "01367", + "prompt": "A cartoon puppy without a collar and with a necklace.", + "prompt in Chinese": "一只没有戴项圈却戴着项链的卡通小狗。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 5, + 5, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "01368": { + "id": "01368", + "prompt": "A boy doesn't make a snowman.", + "prompt in Chinese": "一个男孩没有堆雪人。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01369": { + "id": "01369", + "prompt": "A girl engaging in a snowball fight.", + "prompt in Chinese": "一个女孩参与雪仗。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "01370": { + "id": "01370", + "prompt": "A man without a beanie, with no apparel on his head whatsoever, felt the cold morning air directly against his hair.", + "prompt in Chinese": "一个没有戴无檐小帽的男人,头上完全没有任何衣物,感受到清晨的冷空气直接吹在他的头发上。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01371": { + "id": "01371", + "prompt": "A girl holds a cup of hot cocoa but she does not drink.", + "prompt in Chinese": "一个女孩拿着一杯热可可,但她没有喝。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01372": { + "id": "01372", + "prompt": "The student with the glasses is holding a book in the tree, but he's not reading it.", + "prompt in Chinese": "戴眼镜的学生在树上拿着一本书,但他没有在读。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 5 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 5, + 4, + 5 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01373": { + "id": "01373", + "prompt": "In an early morning park, a man in a grey and white tracksuit is not running.", + "prompt in Chinese": "清晨的公园里,一个穿着灰白色运动服的男人没有在跑步。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "01374": { + "id": "01374", + "prompt": "A woman not painting a landscape on a canvas.", + "prompt in Chinese": "一个女人没有在画布上画风景画。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "01375": { + "id": "01375", + "prompt": "In the sunny backyard, many bubbles are floating around a little girl, but she is not the one blowing them.", + "prompt in Chinese": "在阳光明媚的后院,许多泡泡围绕着一个小女孩飘浮,但吹泡泡的不是她。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "01376": { + "id": "01376", + "prompt": "A group of children play around an oak tree, and the number of children in the tree outnumbers the number of children under the tree.", + "prompt in Chinese": "一群孩子在橡树周围玩耍,树上的孩子数量超过了树下的孩子数量。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "01377": { + "id": "01377", + "prompt": "At a dinner party, the number of people who are eating is less than the number of people who are not eating.", + "prompt in Chinese": "在一场晚宴上,正在吃饭的人数少于没有吃饭的人数。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 4, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 1, + 1 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "01378": { + "id": "01378", + "prompt": "In a classroom, all the students look at a math problem on the board in confusion, but the teacher stands off to the side without explaining the problem.", + "prompt in Chinese": "在教室里,所有学生都困惑地看着黑板上的一个数学题,但老师站在一边没有解释这个问题。", + "models": { + "DALLE_3": [ + 5, + 5, + 4 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "01379": { + "id": "01379", + "prompt": "A doctor is checking a patient's heartbeat without a stethoscope.", + "prompt in Chinese": "医生在没有听诊器的情况下检查病人的心跳。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 5, + 4, + 2 + ] + } + }, + "01380": { + "id": "01380", + "prompt": "A nurse not administering a vaccine to a young child.", + "prompt in Chinese": "一名护士没有给一个小孩接种疫苗。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "01381": { + "id": "01381", + "prompt": "A busy intersection without any policeman directing traffic.", + "prompt in Chinese": "一个繁忙的十字路口没有交警指挥交通。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 3, + 4, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 5 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "01382": { + "id": "01382", + "prompt": "A firefighter looks at a tree without a cat on it.", + "prompt in Chinese": "一名消防员看着一棵上面没有猫的树。", + "models": { + "DALLE_3": [ + 3, + 2, + 3 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 4, + 3, + 4 + ], + "SDXL_Base": [ + 5, + 5, + 4 + ] + } + }, + "01383": { + "id": "01383", + "prompt": "A little girl is teasing a kitten with a laser pointer, but the cat is not chasing the light spot on the floor.", + "prompt in Chinese": "一个小女孩用激光笔戏弄一只小猫,但是猫没有追逐地板上的光点。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 2, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01384": { + "id": "01384", + "prompt": "There is a large fish aquarium in the center of the luxurious living room, but there are no fish in it.", + "prompt in Chinese": "豪华客厅的中央有一个大型鱼缸,但里面没有鱼。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "01385": { + "id": "01385", + "prompt": "A hamster not running on a wheel in its cage.", + "prompt in Chinese": "一个仓鼠没有在笼子里的跑轮上跑。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 5 + ], + "Midjourney_6": [ + 4, + 3, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 4 + ], + "SDXL_Base": [ + 4, + 4, + 5 + ] + } + }, + "01386": { + "id": "01386", + "prompt": "A rabbit is hopping around a field without grasses.", + "prompt in Chinese": "一只兔子在没有草的田野上跳跃。", + "models": { + "DALLE_3": [ + 3, + 2, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "01387": { + "id": "01387", + "prompt": "A cow not grazing in a meadow.", + "prompt in Chinese": "一头牛没有在草地上吃草。", + "models": { + "DALLE_3": [ + 4, + 3, + 4 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01388": { + "id": "01388", + "prompt": "A monkey is stealing apples from a tourist's basket. The number of apples in the monkey's arms is less than the number of apples in the basket.", + "prompt in Chinese": "一只猴子正在从游客的篮子里偷苹果。猴子怀里的苹果数量比篮子里的少。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 4 + ], + "SDXL_Base": [ + 3, + 2, + 3 + ] + } + }, + "01389": { + "id": "01389", + "prompt": "A team of sheep and a team of farmers are having a tug-of-war, and there are more sheep than farmers.", + "prompt in Chinese": "一队羊和一队农民正在进行拔河比赛,羊的数量多于农民的数量。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01390": { + "id": "01390", + "prompt": "A pig standing in a mud puddle on a hot day, but not rolling around in the mud.", + "prompt in Chinese": "炎热的天气里,一只猪站在泥坑中,但没有在泥里打滚。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01391": { + "id": "01391", + "prompt": "An elephant is not happy while taking a shower.", + "prompt in Chinese": "大象洗澡的时候并不开心。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 4, + 4, + 3 + ], + "SDXL_Base": [ + 5, + 4, + 4 + ] + } + }, + "01392": { + "id": "01392", + "prompt": "There are two trees in the monkey park at the zoo, and the number of monkeys in the shorter tree is more than the number of monkeys in the taller tree.", + "prompt in Chinese": "动物园的猴子公园有两棵树,较矮的树上的猴子数量比较高的树上的猴子数量多。", + "models": { + "DALLE_3": [ + 3, + 2, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01393": { + "id": "01393", + "prompt": "A bear catching fish in a mountain stream without any fish.", + "prompt in Chinese": "一只熊在没有鱼的山间溪流中捕鱼。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "01394": { + "id": "01394", + "prompt": "A giraffe stands to the right of a tree, but the giraffe doesn't eat the leaves.", + "prompt in Chinese": "一只长颈鹿站在树的右边,但它没有吃树叶。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01395": { + "id": "01395", + "prompt": "A red zebra is not running across the plains with its herd.", + "prompt in Chinese": "一只红色的斑马没有和它的群体一起在平原上奔跑。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "01396": { + "id": "01396", + "prompt": "A toolbox contains a brass screw and iron nail, the screw being newer than the nail.", + "prompt in Chinese": "工具箱中包含一个黄铜螺丝和一个铁钉,螺丝比钉子新。", + "models": { + "DALLE_3": [ + 4, + 3, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "01397": { + "id": "01397", + "prompt": "Two children are exchanging candies and the little girl has more candies in her hand than the little boy does.", + "prompt in Chinese": "两个孩子在交换糖果,小女孩手里的糖果比小男孩多。", + "models": { + "DALLE_3": [ + 3, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "01398": { + "id": "01398", + "prompt": "A child not building a sandcastle at the beach.", + "prompt in Chinese": "一个孩子在海滩上没有堆沙堡。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "01399": { + "id": "01399", + "prompt": "A woman in a wheelchair is taller than the boy next to her.", + "prompt in Chinese": "坐在轮椅上的女士比她旁边的男孩高。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 5, + 4, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "01400": { + "id": "01400", + "prompt": "There is more orange juice in the glass than water in the bowl next to it.", + "prompt in Chinese": "玻璃杯中的橙汁比旁边碗中的水多。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 1 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "01401": { + "id": "01401", + "prompt": "Some balls are on the table and on the floor, and the number of balls on the table is more than the number of balls on the floor.", + "prompt in Chinese": "一些球在桌子上和地板上,桌子上的球数量比地板上的多。", + "models": { + "DALLE_3": [ + 3, + 2, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 1, + 1 + ], + "Midjourney_6": [ + 4, + 3, + 4 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01402": { + "id": "01402", + "prompt": "Some balls are on the table and on the floor, and the balls on the table have a greater variety of colors than those on the floor", + "prompt in Chinese": "一些球在桌子上和地板上,桌子上的球颜色的种类比地板上的多。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "01403": { + "id": "01403", + "prompt": "There's a cat near a sunny window, and it's not curled up napping.", + "prompt in Chinese": "有一只猫在阳光明媚的窗户旁,它没有蜷缩着打盹。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01404": { + "id": "01404", + "prompt": "A colorful fish swimming in water with no colorful coral.", + "prompt in Chinese": "一条五彩斑斓的鱼在没有五彩珊瑚的水中游泳。", + "models": { + "DALLE_3": [ + 3, + 2, + 3 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "01405": { + "id": "01405", + "prompt": "A hamster is nibbling on a tiny piece of apple.", + "prompt in Chinese": "一只仓鼠正在啃食一小块苹果。", + "models": { + "DALLE_3": [ + 4, + 4, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 2 + ], + "SDXL_Base": [ + 4, + 4, + 5 + ] + } + }, + "01406": { + "id": "01406", + "prompt": "A rabbit is burrowing into a soft pile of hay.", + "prompt in Chinese": "一只兔子正在钻进一堆柔软的干草里。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01407": { + "id": "01407", + "prompt": "A cow is being milked at dawn in a barn.", + "prompt in Chinese": "黎明时分在谷仓里给一头牛挤奶。", + "models": { + "DALLE_3": [ + 5, + 5, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01408": { + "id": "01408", + "prompt": "A horse is being groomed by its owner in a stable.", + "prompt in Chinese": "一匹马正在马厩里被主人打理。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01409": { + "id": "01409", + "prompt": "A thoughtful man not reading a leather-bound journal gazing into the distance at sunset.", + "prompt in Chinese": "一个深思的男子在日落时没有阅读皮革封面的笔记本,而是凝视远方。", + "models": { + "DALLE_3": [ + 5, + 5, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "01410": { + "id": "01410", + "prompt": "In the rain, a joyful woman wearing a flowery dress is not standing.", + "prompt in Chinese": "在雨中,一个穿着花裙子的快乐女人没有站立。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 5, + 5, + 4 + ] + } + }, + "01411": { + "id": "01411", + "prompt": "A curious girl uses a magnifying glass to examine the flowers next to a butterfly without looking at the butterfly itself.", + "prompt in Chinese": "一个好奇的女孩没有用放大镜观察蝴蝶,而是用放大镜对着一朵花。", + "models": { + "DALLE_3": [ + 4, + 3, + 4 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 4 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "01412": { + "id": "01412", + "prompt": "A brave boy not wearing a helmet is climbing a tall tree.", + "prompt in Chinese": "一个勇敢的男孩没有戴头盔就爬上了一棵高树。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "01413": { + "id": "01413", + "prompt": "A compassionate nurse without a thermometer is comforting a sick child.", + "prompt in Chinese": "一位富有同情心的护士没有拿着体温计安慰一个生病的孩子。", + "models": { + "DALLE_3": [ + 4, + 3, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 4, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "01414": { + "id": "01414", + "prompt": "A courageous policeman not blowing a whistle is directing traffic during a storm.", + "prompt in Chinese": "一位勇敢的警察在风暴中指挥交通时没有吹哨子。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 4, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 5, + 4, + 5 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "01415": { + "id": "01415", + "prompt": "A playful cat not batting at a dangling string but chasing a laser pointer.", + "prompt in Chinese": "一只好玩的猫没有去拍打悬挂的绳子,而是在追逐激光笔。", + "models": { + "DALLE_3": [ + 3, + 4, + 3 + ], + "SDXL_Turbo": [ + 1, + 1, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 1 + ], + "Midjourney_6": [ + 2, + 2, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "01416": { + "id": "01416", + "prompt": "A large bird does not fly higher than the mountains in the background.", + "prompt in Chinese": "一只大鸟没有比背景中的山飞得高。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01417": { + "id": "01417", + "prompt": "There is a colorful fish at the bottom of the sea that doesn't weave in and out of the water plants.", + "prompt in Chinese": "在海底有一条五彩斑斓的鱼,它没有在水草中穿梭。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 5, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 4 + ], + "Midjourney_6": [ + 3, + 2, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01418": { + "id": "01418", + "prompt": "In a cage, there is a cute hamster and a hamster wheel. The hamster is not running on the wheel, but is nibbling on a small piece of carrot.", + "prompt in Chinese": "在笼子里有一只可爱的仓鼠和一个跑轮。仓鼠没有在跑轮上跑,而是在啃一小块胡萝卜。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "01419": { + "id": "01419", + "prompt": "A gray rabbit isn't burrowing into the loose dirt, and a mole is burrowing into the dirt.", + "prompt in Chinese": "一只灰色的兔子没有钻进松散的土壤中,而一只鼹鼠正在钻进土壤中。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01420": { + "id": "01420", + "prompt": "A sturdy fork not piercing a piece of succulent steak lying to its right.", + "prompt in Chinese": "一把坚固的叉子没有刺入它右边的一块多汁的牛排。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "01421": { + "id": "01421", + "prompt": "A pair of wireless headphones are placed on the table.", + "prompt in Chinese": "一对无线耳机放在桌子上。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01422": { + "id": "01422", + "prompt": "There are no sneakers under the table, only two pairs of heels.", + "prompt in Chinese": "桌子下没有运动鞋,只有两双高跟鞋。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "01423": { + "id": "01423", + "prompt": "An eco-friendly toothbrush is not placed next to a glass of water made from bamboo.", + "prompt in Chinese": "一把环保牙刷没有放在由竹子制成的水杯旁边。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01424": { + "id": "01424", + "prompt": "The towel in a person's hand looks dirtier than the towel on the radiator.", + "prompt in Chinese": "一个人手中的毛巾看起来比放在暖气片上的毛巾更脏。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01425": { + "id": "01425", + "prompt": "A saucer is sitting beside a ceramic cup filled with steaming hot coffee.", + "prompt in Chinese": "一个碟子放在装满热气腾腾的咖啡的陶瓷杯旁边。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01426": { + "id": "01426", + "prompt": "The wooden cutting board is topped with fresh bread and a sharp knife, which is not in contact with the bread.", + "prompt in Chinese": "木制砧板上放着新鲜的面包和一把锋利的刀,刀没有接触到面包。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "01427": { + "id": "01427", + "prompt": "In the night market, two vendors are setting up their stalls, and the vendor on the left has a wider range of goods than the vendor on the right.", + "prompt in Chinese": "在夜市里,两个摊贩正在摆摊,左边的摊贩的商品种类比右边的摊贩更多。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01428": { + "id": "01428", + "prompt": "A digital camera is not focusing on a smiling child but capturing a breathtaking sunset.", + "prompt in Chinese": "数码相机没有对准一个正在拍摄壮观日落的微笑孩子进行对焦。", + "models": { + "DALLE_3": [ + 5, + 5, + 4 + ], + "SDXL_Turbo": [ + 5, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 4 + ], + "Midjourney_6": [ + 5, + 4, + 4 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 4, + 4 + ] + } + }, + "01429": { + "id": "01429", + "prompt": "On the table, there is a portable phone charger and an LED indicator, with the charger not positioned to the right of the indicator.", + "prompt in Chinese": "一个便携式手机充电器和LED指示灯在桌子上,便携式手机充电器不在 LED 指示灯的右侧。", + "models": { + "DALLE_3": [ + 3, + 2, + 4 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 3 + ], + "SDXL_2_1": [ + 2, + 4, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "01430": { + "id": "01430", + "prompt": "an old laptop is not displaying a beautiful scenery on its screen.", + "prompt in Chinese": "一台旧笔记本电脑的屏幕上没有显示美丽的风景。", + "models": { + "DALLE_3": [ + 3, + 2, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 4 + ], + "Midjourney_6": [ + 2, + 2, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "01431": { + "id": "01431", + "prompt": "Two pillows on the bed, they don't touch each other.", + "prompt in Chinese": "一个软枕头没有放在一个硬枕头上。", + "models": { + "DALLE_3": [ + 3, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 4 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "01432": { + "id": "01432", + "prompt": "A pair of stylish glasses is to the left of a yellow soap.", + "prompt in Chinese": "一副时尚的眼镜在一块黄色肥皂的左边。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "01433": { + "id": "01433", + "prompt": "A teacher and a student stand at a podium, and they are not looking at each other.", + "prompt in Chinese": "老师和学生站在讲台上,他们都没有看着对方。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 4 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "01434": { + "id": "01434", + "prompt": "A waterproof umbrella with a flourish pattern is not opening.", + "prompt in Chinese": "一把有花朵图案的防水伞没有打开。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 2, + 3, + 4 + ], + "SDXL_Base": [ + 1, + 2, + 3 + ] + } + }, + "01435": { + "id": "01435", + "prompt": "A street scene featuring a vintage bicycle parked near a lamppost but not leaning against it.", + "prompt in Chinese": "街景:一辆老式自行车停在灯柱附近,但没有靠在灯柱上。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 4 + ], + "SDXL_2_1": [ + 4, + 3, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01436": { + "id": "01436", + "prompt": "A table with many items, and the trendy sunglasses are not under the mirror.", + "prompt in Chinese": "一张桌子上摆放着许多物品,时髦的太阳镜不在镜子下面。", + "models": { + "DALLE_3": [ + 5, + 4, + 4 + ], + "SDXL_Turbo": [ + 4, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 4, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01437": { + "id": "01437", + "prompt": "An insulated cup and a notebook are not on the same desk.", + "prompt in Chinese": "保温杯和笔记本不在同一张桌子上。", + "models": { + "DALLE_3": [ + 2, + 2, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 4 + ], + "Midjourney_6": [ + 2, + 2, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 4 + ], + "SDXL_Base": [ + 2, + 2, + 4 + ] + } + }, + "01438": { + "id": "01438", + "prompt": "There is no cup on the right side of a ceramic plate.", + "prompt in Chinese": "陶瓷盘右侧没有杯子。", + "models": { + "DALLE_3": [ + 5, + 5, + 4 + ], + "SDXL_Turbo": [ + 5, + 5, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 5, + 2, + 4 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 4 + ] + } + }, + "01439": { + "id": "01439", + "prompt": "A wide-brimmed hat not shading a napping cat casts a cool shadow.", + "prompt in Chinese": "一顶宽边帽没有遮住正在打盹的猫,却投下了一片凉凉的阴影。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01440": { + "id": "01440", + "prompt": "On a shelf hang a sweater and a windbreaker; the windbreaker is not on top of the sweater.", + "prompt in Chinese": "架子上挂着一件毛衣和一件风衣;风衣不在毛衣上面。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01441": { + "id": "01441", + "prompt": "There is an apple and two bananas on the table, neither of which is bigger than the apple.", + "prompt in Chinese": "桌子上有一个苹果和两根香蕉,这两根香蕉都没有苹果大。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 4, + 4, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "01442": { + "id": "01442", + "prompt": "There is one apple and two bananas on the table, and the bananas are not fresher than the apples.", + "prompt in Chinese": "桌子上有一个苹果和两个香蕉,香蕉并不比苹果新鲜。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "01443": { + "id": "01443", + "prompt": "The basket contains a watermelon and a pineapple; the watermelon is not to the right of the pineapple.", + "prompt in Chinese": "篮子里有一个西瓜和一个菠萝,西瓜不在菠萝的右边。", + "models": { + "DALLE_3": [ + 4, + 3, + 4 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 1, + 2, + 3 + ], + "SDXL_Base": [ + 1, + 2, + 3 + ] + } + }, + "01444": { + "id": "01444", + "prompt": "There are two lamps in an office, and the lamp that emits red light is not to the left of the lamp that emits yellow light.", + "prompt in Chinese": "办公室里有两盏灯,发出红光的灯不在发出黄光的灯的左边。", + "models": { + "DALLE_3": [ + 3, + 3, + 4 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 1, + 1 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 1, + 2, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 4 + ] + } + }, + "01445": { + "id": "01445", + "prompt": "A little boy holding a handheld fan is behind a girl who is not holding a handheld fan.", + "prompt in Chinese": "一个手持风扇的小男孩在一个没有手持风扇的女孩后面。", + "models": { + "DALLE_3": [ + 2, + 2, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 1, + 3, + 3 + ] + } + }, + "01446": { + "id": "01446", + "prompt": "In a bright bedroom, there are no yellow pillows on the bed.", + "prompt in Chinese": "在一个明亮的卧室里,床上没有黄色的枕头。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 4, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01447": { + "id": "01447", + "prompt": "A chair is not in front of a woman without a hat.", + "prompt in Chinese": "一把椅子没有放在一个没有戴帽子的女人的前面。", + "models": { + "DALLE_3": [ + 3, + 3, + 4 + ], + "SDXL_Turbo": [ + 4, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01448": { + "id": "01448", + "prompt": "An open drawer with two red books and several pencils, but not a single pen.", + "prompt in Chinese": "一个打开的抽屉里有两本红色的书和几支铅笔,但没有一支钢笔。", + "models": { + "DALLE_3": [ + 2, + 3, + 4 + ], + "SDXL_Turbo": [ + 2, + 5, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 4 + ], + "SDXL_2_1": [ + 4, + 3, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "01449": { + "id": "01449", + "prompt": "A springtime countryside scene with a little boy in an orange shirt, sitting in the grass, not under a tree.", + "prompt in Chinese": "一个春天的乡村场景,一个穿着橙色衬衫的小男孩坐在草地上,没有在树下。", + "models": { + "DALLE_3": [ + 3, + 3, + 4 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "01450": { + "id": "01450", + "prompt": "A smiling little boy holds a barrel above his head, while a little girl holds a barrel no higher than her.", + "prompt in Chinese": "一个面带微笑的小男孩把木桶举过头顶,而一个小女孩则举着一个不比她高的木桶。", + "models": { + "DALLE_3": [ + 3, + 3, + 4 + ], + "SDXL_Turbo": [ + 2, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 1, + 2, + 3 + ] + } + }, + "01451": { + "id": "01451", + "prompt": "All the books on the table are unopened.", + "prompt in Chinese": "桌子上所有的书都没有打开。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 5, + 3, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "01452": { + "id": "01452", + "prompt": "All the birds in the blue sky are not yellow.", + "prompt in Chinese": "蓝天上的鸟儿都不是黄色的。", + "models": { + "DALLE_3": [ + 2, + 2, + 4 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 4 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "01453": { + "id": "01453", + "prompt": "There are several pencils in a pencil holder, and all the pencils are not pointing upwards.", + "prompt in Chinese": "笔筒里有几支铅笔,所有铅笔都没有朝上。", + "models": { + "DALLE_3": [ + 3, + 2, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "01454": { + "id": "01454", + "prompt": "In the kitchen, a chef wearing a white chef's hat looks at the vegetables in the sink, none of which are fresh.", + "prompt in Chinese": "在厨房里,一位头戴白色厨师帽的厨师看着水槽里的蔬菜,这些蔬菜都不新鲜。", + "models": { + "DALLE_3": [ + 4, + 2, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 4 + ], + "Midjourney_6": [ + 5, + 2, + 4 + ], + "SDXL_2_1": [ + 4, + 2, + 4 + ], + "SDXL_Base": [ + 3, + 2, + 4 + ] + } + }, + "01455": { + "id": "01455", + "prompt": "There are two dresses hanging from a chair, neither of which is white.", + "prompt in Chinese": "椅子上挂着两件衣服,都不是白色的。", + "models": { + "DALLE_3": [ + 2, + 2, + 3 + ], + "SDXL_Turbo": [ + 1, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 4 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "01456": { + "id": "01456", + "prompt": "Five cardboard boxes sit in the storage room, all of which are not whole.", + "prompt in Chinese": "储藏室里放着五个纸箱,都不是完整的。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "01457": { + "id": "01457", + "prompt": "There are six cardboard boxes in the warehouse, none of which are cubes.", + "prompt in Chinese": "仓库里放着六个纸盒,都不是正方形的。", + "models": { + "DALLE_3": [ + 2, + 2, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "01458": { + "id": "01458", + "prompt": "Three children smile as they stand on a rock, ready to have their picture taken. None of them are wearing shoes.", + "prompt in Chinese": "三个孩子站在石头上微笑着准备照相,所有的孩子都没有穿鞋。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 4 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "01459": { + "id": "01459", + "prompt": "The four children sit down on the beach with their heads hanging down, none of them is dry.", + "prompt in Chinese": "四个孩子垂头丧气地坐在沙滩上,他们身上都没有干衣服。", + "models": { + "DALLE_3": [ + 2, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 4 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "01460": { + "id": "01460", + "prompt": "A floor with a blue sphere and two green cones, the blue sphere not to the left of two green cones.", + "prompt in Chinese": "地板上有一个蓝色球体和两个绿色圆锥,蓝色球体不在两个绿色圆锥的左边。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01461": { + "id": "01461", + "prompt": "A yellow felt box has no metallic blue spheres on the left side and has blue metallic spheres on the right side.", + "prompt in Chinese": "一个黄色的毡盒,左边没有蓝色金属球,右边有蓝色金属球。", + "models": { + "DALLE_3": [ + 5, + 5, + 4 + ], + "SDXL_Turbo": [ + 2, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 4 + ] + } + }, + "01462": { + "id": "01462", + "prompt": "Three small boxes that are not yellow on a large blue box.", + "prompt in Chinese": "三个不是黄色的小盒子放在一个大蓝盒子上。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01463": { + "id": "01463", + "prompt": "Red chillies with all green chillies on the left side and all yellow chillies with no green chillies on the right side.", + "prompt in Chinese": "红辣椒在左边,旁边全是绿辣椒;黄辣椒在右边,旁边没有绿辣椒。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01464": { + "id": "01464", + "prompt": "There are two cups on the table, one full of tea, the other empty.", + "prompt in Chinese": "桌子上有两个杯子,一个盛满茶水,另一个空空如也。", + "models": { + "DALLE_3": [ + 3, + 3, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 4 + ] + } + }, + "01465": { + "id": "01465", + "prompt": "Two dragons fly towards the castle, a dragon with a backpack and no hat flies behind the dragon without a backpack and with a hat.", + "prompt in Chinese": "两条龙飞向城堡,一条龙背着背包,没有帽子,后面一条龙没有背包,带着帽子。", + "models": { + "DALLE_3": [ + 5, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 3, + 2, + 3 + ], + "SDXL_2_1": [ + 1, + 2, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "01466": { + "id": "01466", + "prompt": "Two dragons fly towards the castle, a dragon with a backpack and no hat on the left of the dragon without a backpack and with a hat.", + "prompt in Chinese": "两条龙飞向城堡,左边的龙背着背包没有戴帽子,右边的龙没有背包但戴着帽子。", + "models": { + "DALLE_3": [ + 3, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01467": { + "id": "01467", + "prompt": "Five ants are carrying biscuits, and an ant that is not carrying biscuits is standing on a green leaf directing them.", + "prompt in Chinese": "五只蚂蚁拿着饼干,一只没有拿饼干的蚂蚁站在绿叶上指挥它们。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 1, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 4 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "01468": { + "id": "01468", + "prompt": "There are two cups on the table, the cup without coffee is on the left of the other filled with coffee.", + "prompt in Chinese": "桌子上有两个杯子,没有咖啡的杯子在另一个装满咖啡的杯子的左边。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "01469": { + "id": "01469", + "prompt": "An open biscuit tin contains three biscuits, one without sultanas is square-shaped and the other two are round-shaped.", + "prompt in Chinese": "一个打开的饼干罐里有三块饼干,一块不含葡萄干的是方形的,另两块是圆形的。", + "models": { + "DALLE_3": [ + 4, + 1, + 4 + ], + "SDXL_Turbo": [ + 3, + 1, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 1, + 4 + ], + "Midjourney_6": [ + 3, + 1, + 3 + ], + "SDXL_2_1": [ + 3, + 1, + 3 + ], + "SDXL_Base": [ + 3, + 1, + 4 + ] + } + }, + "01470": { + "id": "01470", + "prompt": "An open biscuit tin contains three biscuits, one without sultanas is round and the other two are triangular.", + "prompt in Chinese": "一个打开的饼干罐里有三块饼干,一块不含葡萄干的饼干是圆形的,另两块是三角形的。", + "models": { + "DALLE_3": [ + 2, + 1, + 3 + ], + "SDXL_Turbo": [ + 2, + 1, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 1, + 4 + ], + "Midjourney_6": [ + 3, + 1, + 4 + ], + "SDXL_2_1": [ + 2, + 1, + 3 + ], + "SDXL_Base": [ + 3, + 1, + 3 + ] + } + }, + "01471": { + "id": "01471", + "prompt": "There is a glass without orange juice next to a glass filled with orange juice.", + "prompt in Chinese": "一个装满橙汁的玻璃杯旁边有一个不装橙汁的玻璃杯。", + "models": { + "DALLE_3": [ + 3, + 3, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 4 + ], + "Midjourney_6": [ + 2, + 2, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "01472": { + "id": "01472", + "prompt": "There are two frogs on a lotus leaf in a pond, and the one who is drinking is behind the one who is not.", + "prompt in Chinese": "池塘里的一片莲叶上有两只青蛙,正在喝水的那只在没有喝水的那只后面。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "01473": { + "id": "01473", + "prompt": "There are two frogs on a lotus leaf in a pond, and the one who is drinking is in front of the one who is not.", + "prompt in Chinese": "池塘里的荷叶上有两只青蛙,正在喝水的在没有喝水的前面。", + "models": { + "DALLE_3": [ + 5, + 5, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 4, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "01474": { + "id": "01474", + "prompt": "There are four fountain pens laid out on the table, the two pens in the very center don't have caps, the others do.", + "prompt in Chinese": "桌子上摆着四支钢笔,最中间的两支没有笔帽,其他的都有。", + "models": { + "DALLE_3": [ + 2, + 2, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "01475": { + "id": "01475", + "prompt": "There are four fountain pens laid out on the table, the two pens in the very center have caps, and the others don't.", + "prompt in Chinese": "桌子上放着四支钢笔,中间的两支笔有笔帽,其他的没有。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "01476": { + "id": "01476", + "prompt": "A puppy with no smile on his face looks at two smiling puppies.", + "prompt in Chinese": "一只没有笑容的小狗看着两只微笑的小狗。", + "models": { + "DALLE_3": [ + 3, + 3, + 4 + ], + "SDXL_Turbo": [ + 1, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 1, + 2, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "01477": { + "id": "01477", + "prompt": "Two smiling kittens look at a kitten with no smile on his face.", + "prompt in Chinese": "两只微笑的小猫望着一只没有笑容的小猫。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 3 + ], + "SDXL_Base": [ + 5, + 3, + 4 + ] + } + }, + "01478": { + "id": "01478", + "prompt": "An elephant with shoes is carrying an elephant without shoes on his back.", + "prompt in Chinese": "一只穿鞋的大象背着一只没穿鞋的大象。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 1, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 1, + 2, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 4 + ] + } + }, + "01479": { + "id": "01479", + "prompt": "A trainer and three dogs are standing in the playground, with the dog closest to the trainer looking very tired, while the other two do not seem tired.", + "prompt in Chinese": "一个训狗员和三只狗站在操场上,离训狗员最近的那只狗看起来非常疲惫,而另外两只狗似乎并不疲惫。。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 5, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 4 + ], + "Midjourney_6": [ + 4, + 3, + 4 + ], + "SDXL_2_1": [ + 4, + 3, + 5 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "01480": { + "id": "01480", + "prompt": "Three students who are not wearing white are standing in front of four students who are wearing white.", + "prompt in Chinese": "三个没有穿白色衣服的学生,站在四个穿白色衣服的学生前面。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 1, + 2, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 4 + ], + "SDXL_Base": [ + 2, + 2, + 4 + ] + } + }, + "01481": { + "id": "01481", + "prompt": "A girl not in dance clothes is handing out mineral water to a group of girls in dance clothes.", + "prompt in Chinese": "一个没穿舞蹈服的女孩正在给一群穿舞蹈服的女孩分发矿泉水。", + "models": { + "DALLE_3": [ + 5, + 3, + 4 + ], + "SDXL_Turbo": [ + 2, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 2, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "01482": { + "id": "01482", + "prompt": "A rose that is not fully bloomed is higher than a rose that is already in bloom.", + "prompt in Chinese": "一朵未完全盛开的玫瑰比一朵已经盛开的玫瑰更高。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "01483": { + "id": "01483", + "prompt": "Two frogs in tracksuits, competing in a high jump. The frog in blue tracksuit jumps higher than the frog not in blue tracksuit.", + "prompt in Chinese": "两只穿着运动服的青蛙在比赛跳高。穿蓝色运动服的青蛙比不穿蓝色运动服的青蛙跳得高。", + "models": { + "DALLE_3": [ + 3, + 3, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 4 + ], + "Midjourney_6": [ + 3, + 2, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 4 + ], + "SDXL_Base": [ + 2, + 3, + 4 + ] + } + }, + "01484": { + "id": "01484", + "prompt": "A little brown-haired boy is clicking on the keyboard to play a computer game, and a little boy next to him who is not brown-haired looks more anxious than he is.", + "prompt in Chinese": "一个棕色头发的小男孩正在点击键盘玩电脑游戏,旁边一个不是棕色头发的小男孩看起来比他还着急。", + "models": { + "DALLE_3": [ + 4, + 4, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 3, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "01485": { + "id": "01485", + "prompt": "A cartoon puppy with sunglasses and no necklace is singing into a microphone while another cartoon puppy with a hat and no sunglasses scores on a scoreboard.", + "prompt in Chinese": "一只戴着墨镜、没有项链的卡通小狗对着麦克风唱歌,另一只戴着帽子、没有墨镜的卡通小狗在记分板上记分。", + "models": { + "DALLE_3": [ + 3, + 3, + 4 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 4 + ], + "SDXL_2_1": [ + 2, + 1, + 3 + ], + "SDXL_Base": [ + 3, + 2, + 3 + ] + } + }, + "01486": { + "id": "01486", + "prompt": "In the window, a metal fork stands in a higher compartment telling a story to the fork below that is not made of metal.", + "prompt in Chinese": "在橱窗里,一个金属叉子站在较高的隔间里,向下面不是金属制造的叉子讲故事。", + "models": { + "DALLE_3": [ + 1, + 3, + 3 + ], + "SDXL_Turbo": [ + 1, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 3 + ], + "Midjourney_6": [ + 1, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 1, + 2, + 3 + ] + } + }, + "01487": { + "id": "01487", + "prompt": "A happy looking, squatting policeman is talking to a standing, unhappy looking policeman.", + "prompt in Chinese": "一个面带喜色,蹲着的警察正在和一个面带不悦,站着的警察交谈。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 4 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 4 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "01488": { + "id": "01488", + "prompt": "A strong man instructs a not-strong man on how to lift dumbbells.", + "prompt in Chinese": "一个强壮的男人在指导一个不强壮的男人如何举哑铃。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 4 + ], + "Midjourney_6": [ + 5, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 4 + ] + } + }, + "01489": { + "id": "01489", + "prompt": "A packet of tissues has two cartoon characters on the packaging, the cartoon character in the red dress is on the left and the cartoon character without the red dress is on the right.", + "prompt in Chinese": "一包纸巾的包装上有两个卡通人物,穿红衣服的卡通人物在左边,没穿红衣服的卡通人物在右边。", + "models": { + "DALLE_3": [ + 4, + 3, + 4 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 5, + 4 + ] + } + }, + "01490": { + "id": "01490", + "prompt": "A boy sitting on the steps hands a game console to a boy standing on the grass.", + "prompt in Chinese": "坐在台阶上的男孩将游戏机递给站在草地上的男孩。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 2, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 4 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "01491": { + "id": "01491", + "prompt": "A boy in a stained white apron presents a steaming dish to a boy in an elegant black evening gown.", + "prompt in Chinese": "一个系着污渍斑斑的白色围裙的男孩向一个穿着优雅黑色晚礼服的男孩递上一道热气腾腾的菜肴。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "01492": { + "id": "01492", + "prompt": "an old man in a colorful smock splattering paint alongside a young man in an oversized t-shirt and goggles.", + "prompt in Chinese": "一个穿着彩色罩衫的老人和一个穿着过大T恤、戴着护目镜的年轻人一起溅洒颜料。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01493": { + "id": "01493", + "prompt": "A woman in reflective gear giving a high-five to a young woman in a bright red windbreaker on a foggy morning.", + "prompt in Chinese": "雾蒙蒙的清晨,一位身着反光装备的女士与一位身着鲜红色风衣的年轻女士击掌。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "01494": { + "id": "01494", + "prompt": "A child in glasses and a cozy cardigan recommending a book to a child in a hoodie and jeans.", + "prompt in Chinese": "一个戴眼镜、穿着舒适开衫的孩子向一个穿着连帽衫和牛仔裤的孩子推荐一本书。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 4 + ], + "Midjourney_6": [ + 5, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01495": { + "id": "01495", + "prompt": "A girl in overalls and a sunhat showing a butterfly on her finger to a girl in a floral sundress.", + "prompt in Chinese": "一个穿着工装裤和遮阳帽的女孩向一个穿着花裙子的女孩展示她手指上的蝴蝶。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01496": { + "id": "01496", + "prompt": "A girl in a leather jacket tuning a guitar next to a girl in a band t-shirt holding a vinyl record.", + "prompt in Chinese": "一个穿着皮夹克的女孩在调音吉他,旁边是一个穿着乐队T恤、手持黑胶唱片的女孩。", + "models": { + "DALLE_3": [ + 4, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 5 + ], + "Midjourney_6": [ + 4, + 4, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01497": { + "id": "01497", + "prompt": "A girl in a smart blazer using a globe to explain continents to a girl in a school uniform and backpack.", + "prompt in Chinese": "一个穿着聪明西装上衣的女孩用地球仪向一个穿着校服并背着书包的女孩解释各大洲。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01498": { + "id": "01498", + "prompt": "A woman in a denim apron crafting a latte for a woman in a business suit checking their watch.", + "prompt in Chinese": "一个穿着牛仔围裙的女人为一个查看手表的穿商务套装的女人制作拿铁咖啡。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 4 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01499": { + "id": "01499", + "prompt": "A woman in a neon jersey waiting at a light next to a woman in a long coat and scarf.", + "prompt in Chinese": "一个穿着霓虹色运动衫的女人在等红灯,旁边是一个穿着长外套和围巾的女人。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01500": { + "id": "01500", + "prompt": "A woman in scrubs checking the temperature of a woman in a cozy pajama set and slippers.", + "prompt in Chinese": "一位穿手术服的女性正在检查一位穿着舒适睡衣套装和拖鞋的女性的体温。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 4, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01501": { + "id": "01501", + "prompt": "an old man in baggy pants performing a trick in front of a young man in a beret painting a mural.", + "prompt in Chinese": "一个穿着宽松裤子的老人在一个戴贝雷帽、正在画壁画的年轻人面前表演一个把戏。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "01502": { + "id": "01502", + "prompt": "A person in a camo vest taking a photo of a person in a dramatic gown on a deserted road.", + "prompt in Chinese": "一个身穿迷彩背心的人在一条荒芜的公路上给一个穿着夸张长袍的人拍照。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 4, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 4 + ] + } + }, + "01503": { + "id": "01503", + "prompt": "A person in a dough-splattered apron offering a fresh croissant to a person in a superhero costume.", + "prompt in Chinese": "一个穿着沾满面团的围裙的人向一个穿着超级英雄服装的人提供新鲜的羊角面包。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 4, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 4 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 4 + ] + } + }, + "01504": { + "id": "01504", + "prompt": "A person in a greasy jumpsuit explaining car repair to a curious person in a crisp white polo.", + "prompt in Chinese": "一个穿着油腻腻的连体服的人向一个穿着清爽的白色马球衫的好奇者解释汽车修理。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 4, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "01505": { + "id": "01505", + "prompt": "A person in uniform pointing out landmarks to a person in a window seat wearing noise-canceling headphones.", + "prompt in Chinese": "一个穿着制服的人向坐在靠窗座位上、戴着降噪耳机的人指点地标。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 5, + 4 + ], + "SDXL_2_1": [ + 2, + 4, + 3 + ], + "SDXL_Base": [ + 2, + 5, + 3 + ] + } + }, + "01506": { + "id": "01506", + "prompt": "A man in full gear demonstrating equipment to a group of young men in colorful raincoats.", + "prompt in Chinese": "一名身着全套装备的男子向一群身着彩色雨衣的年轻人演示装备。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "01507": { + "id": "01507", + "prompt": "An ice cream vendor in a striped apron hands a cone to another delighted vendor in a wide-brimmed hat.", + "prompt in Chinese": "一个穿着条纹围裙的冰淇淋小贩把甜筒递给另一个戴着宽边帽的小贩。", + "models": { + "DALLE_3": [ + 4, + 5, + 4 + ], + "SDXL_Turbo": [ + 4, + 5, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 4, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 4 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "01508": { + "id": "01508", + "prompt": "A female yoga instructor in a blue outfit guiding a pose for a female student in comfortable leggings and a tank top.", + "prompt in Chinese": "一位身着蓝色服装的女性瑜伽教练在指导一位身着舒适紧身裤和背心的女学员摆姿势。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 5, + 4, + 4 + ] + } + }, + "01509": { + "id": "01509", + "prompt": "A man in a glittery costume juggling for a crowd that includes a man in a trench coat.", + "prompt in Chinese": "一名身着闪亮服装的男子正在为人群表演杂耍,人群中还有一名身着风衣的男子。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "01510": { + "id": "01510", + "prompt": "At a dinner party, a man in a vest presents the menu to two men in tuxedos.", + "prompt in Chinese": "在晚宴上,一名身穿背心的男子向两名身穿燕尾服的男子介绍菜单。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 4 + ], + "SDXL_2_1": [ + 4, + 5, + 4 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "01511": { + "id": "01511", + "prompt": "A plastic bag is placed on the chair, but it contains nothing.", + "prompt in Chinese": "椅子上放着一个塑料袋,但里面什么也没有。", + "models": { + "DALLE_3": [ + 3, + 2, + 4 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 3 + ], + "SDXL_Base": [ + 4, + 1, + 4 + ] + } + }, + "01512": { + "id": "01512", + "prompt": "The two walking Mona Lisas aren't smiling.", + "prompt in Chinese": "两位行走的蒙娜丽莎没有在笑。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 4, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 3 + ], + "SDXL_2_1": [ + 1, + 1, + 4 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "01513": { + "id": "01513", + "prompt": "Two ballet slippers without ribbons.", + "prompt in Chinese": "两只芭蕾舞鞋没有丝带。", + "models": { + "DALLE_3": [ + 3, + 3, + 4 + ], + "SDXL_Turbo": [ + 5, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 3, + 4 + ], + "SDXL_2_1": [ + 1, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "01514": { + "id": "01514", + "prompt": "Two boys with no shoes lifting a boy with shoes on.", + "prompt in Chinese": "两个没穿鞋的男孩抬起一个穿鞋的男孩。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 3 + ], + "SDXL_Base": [ + 3, + 2, + 3 + ] + } + }, + "01515": { + "id": "01515", + "prompt": "A boy looks at an aquarium with no fish.", + "prompt in Chinese": "一个男孩看着一个没有鱼的水族箱。", + "models": { + "DALLE_3": [ + 3, + 2, + 4 + ], + "SDXL_Turbo": [ + 4, + 2, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 4 + ], + "Midjourney_6": [ + 3, + 2, + 4 + ], + "SDXL_2_1": [ + 3, + 2, + 4 + ], + "SDXL_Base": [ + 3, + 2, + 4 + ] + } + }, + "01516": { + "id": "01516", + "prompt": "In the zoo, there are two groups of monkeys: the ones on the left are all brown, and the ones on the right are all red.", + "prompt in Chinese": "动物园里有两群猴子:左边的都是棕色的,右边的都是红色的。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 4 + ], + "SDXL_Base": [ + 3, + 2, + 3 + ] + } + }, + "01517": { + "id": "01517", + "prompt": "There are four train toys on the floor, none of which are adjacent to each other.", + "prompt in Chinese": "地板上有四个火车玩具,它们都不相邻。", + "models": { + "DALLE_3": [ + 4, + 4, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 4 + ], + "SDXL_Base": [ + 2, + 3, + 4 + ] + } + }, + "01518": { + "id": "01518", + "prompt": "There are two lights in the office, and the one that emits red light is brighter than the one that emits yellow light.", + "prompt in Chinese": "办公室里有两盏灯,发出红光的那盏灯比发出黄光的那盏灯亮。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 3 + ], + "SDXL_2_1": [ + 2, + 1, + 3 + ], + "SDXL_Base": [ + 2, + 1, + 3 + ] + } + }, + "01519": { + "id": "01519", + "prompt": "Three small, non-blue boxes on a large blue box.", + "prompt in Chinese": "在一个大的蓝色盒子上有三个非蓝色的小盒子。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 1, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 1, + 3, + 3 + ], + "SDXL_2_1": [ + 1, + 2, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 4 + ] + } + }, + "01520": { + "id": "01520", + "prompt": "Three students in white stand in front of four students not in white.", + "prompt in Chinese": "三个穿白衣的学生站在四个不穿白衣的学生前面。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "01521": { + "id": "01521", + "prompt": "The toolbox contains a pair of pliers and two screws, with the pliers being more worn than the screws.", + "prompt in Chinese": "工具箱里有一把钳子和两颗螺丝钉,钳子比螺丝钉更破旧。", + "models": { + "DALLE_3": [ + 2, + 2, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 4 + ] + } + }, + "01522": { + "id": "01522", + "prompt": "A Christmas tree with two red socks: the one at the bottom is darker than the one at the top.", + "prompt in Chinese": "一棵圣诞树上有两只红袜子:下面那只比上面那只颜色更深。", + "models": { + "DALLE_3": [ + 3, + 3, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "01523": { + "id": "01523", + "prompt": "Three puppies are standing by the pool and the one in the middle looks more excited than the other two puppies.", + "prompt in Chinese": "三只小狗站在水池边,中间那只看起来比另外两只更兴奋。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 4 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 4, + 3, + 4 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "01524": { + "id": "01524", + "prompt": "There are four dresses on the hanger; the one with a long hemline is the most vibrant.", + "prompt in Chinese": "衣架上有四条裙子,下摆长的那条最鲜艳。", + "models": { + "DALLE_3": [ + 3, + 3, + 4 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 2, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01525": { + "id": "01525", + "prompt": "In one bedroom, all the furniture is white, except for four chairs which are all black.", + "prompt in Chinese": "在一间卧室里,所有的家具都是白色的,只有四把椅子是黑色的。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 3, + 2, + 4 + ] + } + }, + "01526": { + "id": "01526", + "prompt": "A swarm of bees is flying through the flowers, the bee flying at the front is wearing a hat, and the others are not.", + "prompt in Chinese": "一群蜜蜂在花丛中飞舞,飞在最前面的蜜蜂戴着帽子,其他的蜜蜂没有戴帽子。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 4 + ], + "Midjourney_6": [ + 3, + 5, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "01527": { + "id": "01527", + "prompt": "There are two pandas in the picture and the one with boxing gloves looks more vicious than the one without.", + "prompt in Chinese": "图中有两只熊猫,戴拳击手套的比不戴拳击手套的看起来更凶恶。", + "models": { + "DALLE_3": [ + 4, + 3, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 1, + 2, + 3 + ], + "SDXL_Base": [ + 1, + 3, + 3 + ] + } + }, + "01528": { + "id": "01528", + "prompt": "In an exhibition of paintings, there are four landscapes, and the painting on the far left is the plainest.", + "prompt in Chinese": "在一个画展中,有四幅风景画,最左边的画是最朴素的。", + "models": { + "DALLE_3": [ + 3, + 2, + 3 + ], + "SDXL_Turbo": [ + 4, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 4 + ], + "Midjourney_6": [ + 4, + 3, + 4 + ], + "SDXL_2_1": [ + 3, + 2, + 4 + ], + "SDXL_Base": [ + 3, + 1, + 3 + ] + } + }, + "01529": { + "id": "01529", + "prompt": "Five kids running through the grass, none of them wearing shoes.", + "prompt in Chinese": "五个孩子在草地上奔跑,没有一个穿鞋。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 2, + 3, + 4 + ], + "SDXL_2_1": [ + 2, + 3, + 4 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01530": { + "id": "01530", + "prompt": "A couple walking together in the rain, each holding an umbrella, yet neither of the umbrellas is open.", + "prompt in Chinese": "一对情侣在雨中同行,各自拿着一把伞,然而伞都没有打开。", + "models": { + "DALLE_3": [ + 1, + 2, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 4 + ], + "SDXL_2_1": [ + 1, + 2, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 4 + ] + } + }, + "01531": { + "id": "01531", + "prompt": "There are four stones under a large, dense tree, all of which are round.", + "prompt in Chinese": "一棵茂密的大树下有四块石头,都是圆形的。", + "models": { + "DALLE_3": [ + 2, + 3, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 2, + 3, + 4 + ], + "SDXL_Base": [ + 1, + 2, + 3 + ] + } + }, + "01532": { + "id": "01532", + "prompt": "There are four roses in a clear glass vase, all of which are red, and all of which are not open.", + "prompt in Chinese": "透明玻璃花瓶里有四朵玫瑰,都是红色的,都没有开放。", + "models": { + "DALLE_3": [ + 3, + 2, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 4 + ], + "Midjourney_6": [ + 2, + 2, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "01533": { + "id": "01533", + "prompt": "A tiger looks at an unopened can in distress.", + "prompt in Chinese": "一只老虎苦恼地看着一个没有打开的罐头。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "01534": { + "id": "01534", + "prompt": "Two cartoon mice are fighting over a loaf of bread that isn't mouldy, while other loaves of bread scattered next to it are mouldy.", + "prompt in Chinese": "两只卡通老鼠正在争抢一个没有发霉的面包,而散落在旁边的其他面包都发霉了。", + "models": { + "DALLE_3": [ + 2, + 3, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01535": { + "id": "01535", + "prompt": "A salesperson holds a pillow in each hand, and the pillow in the left hand looks softer than the one in the right.", + "prompt in Chinese": "一个销售双手各拿一个枕头,左手拿的枕头看起来比右手拿的枕头更软。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 1, + 1, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 3 + ], + "SDXL_Base": [ + 1, + 2, + 3 + ] + } + }, + "01536": { + "id": "01536", + "prompt": "A group of students were happily playing in the classroom with no teacher at the podium.", + "prompt in Chinese": "一群学生在教室里快乐地玩耍,讲台上没有老师。", + "models": { + "DALLE_3": [ + 3, + 3, + 4 + ], + "SDXL_Turbo": [ + 4, + 2, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01537": { + "id": "01537", + "prompt": "A student pretends to be writing, yet he has no pen in his hand.", + "prompt in Chinese": "一个学生假装在写字,但手中却没有笔。", + "models": { + "DALLE_3": [ + 3, + 2, + 4 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 3, + 2, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 4 + ], + "SDXL_Base": [ + 3, + 2, + 3 + ] + } + }, + "01538": { + "id": "01538", + "prompt": "Three purple gemstones and one pink gemstone, with the pink gemstone having the smoothest looking surface", + "prompt in Chinese": "三颗紫色宝石和一颗粉色宝石,粉色宝石表面看起来最光滑。", + "models": { + "DALLE_3": [ + 3, + 2, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 4 + ], + "SDXL_2_1": [ + 2, + 1, + 2 + ], + "SDXL_Base": [ + 4, + 3, + 4 + ] + } + }, + "01539": { + "id": "01539", + "prompt": "A studio with two girls in suits, the girl without a tie looks busier than the one with a tie.", + "prompt in Chinese": "一个工作室里有两个穿西装的女孩,没有打领带的女孩看起来比打领带的女孩更忙。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01540": { + "id": "01540", + "prompt": "There are two sets of boxes on the floor, one on the left is a paper box and the other on the right is a plastic box, and the paper boxes are arranged more neatly than the plastic boxes.", + "prompt in Chinese": "地上有两组箱子,左边一组是纸箱,右边一组是塑料箱,纸箱比塑料箱摆放得整齐。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 1, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 3 + ], + "Midjourney_6": [ + 1, + 2, + 3 + ], + "SDXL_2_1": [ + 1, + 2, + 3 + ], + "SDXL_Base": [ + 1, + 2, + 3 + ] + } + }, + "01541": { + "id": "01541", + "prompt": "It's raining outside the house and a mother is instructing her two children in their studies; the child without a hat is more frustrated than the one with a hat.", + "prompt in Chinese": "屋外下着雨,一位母亲正在指导两个孩子学习,没戴帽子的孩子比戴帽子的孩子更沮丧。。", + "models": { + "DALLE_3": [ + 4, + 5, + 4 + ], + "SDXL_Turbo": [ + 3, + 2, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 5 + ], + "SDXL_2_1": [ + 1, + 2, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "01542": { + "id": "01542", + "prompt": "Two houses with gardens, the grass in the beige fenced yard looks sparser than in the orange fenced yard.", + "prompt in Chinese": "两栋带花园的房子,米色栅栏院子里的草地比橙色栅栏院子里的草地看起来更光秃秃。", + "models": { + "DALLE_3": [ + 4, + 4, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "01543": { + "id": "01543", + "prompt": "A group of spring breakers all without hats.", + "prompt in Chinese": "一群春游的人都没有戴帽子。", + "models": { + "DALLE_3": [ + 2, + 2, + 3 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 4 + ], + "Midjourney_6": [ + 2, + 2, + 4 + ], + "SDXL_2_1": [ + 2, + 4, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "01544": { + "id": "01544", + "prompt": "A farm where none of the lambs are standing up.", + "prompt in Chinese": "一个没有一只羔羊站立起来的农场。", + "models": { + "DALLE_3": [ + 2, + 2, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "01545": { + "id": "01545", + "prompt": "A birthday party with all presents on the table unopened.", + "prompt in Chinese": "一个生日派对,桌上所有的生日礼物都没有打开。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 4, + 4 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "01546": { + "id": "01546", + "prompt": "Three flowers in the meadow, with only the red rose blooming; the others are not open.", + "prompt in Chinese": "草地上的三朵花,只有红玫瑰开了,其他的都没有开放。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "01547": { + "id": "01547", + "prompt": "A street where all the windows are shattered.", + "prompt in Chinese": "一条街道,所有的窗户都碎了。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "01548": { + "id": "01548", + "prompt": "A theatre in which no audience is sleeping.", + "prompt in Chinese": "没有观众入睡的剧院。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "01549": { + "id": "01549", + "prompt": "On the subway, none of the passengers are playing with their phones.", + "prompt in Chinese": "地铁中,所有的乘客都没有玩手机。", + "models": { + "DALLE_3": [ + 3, + 2, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 3, + 2, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 3 + ], + "SDXL_Base": [ + 3, + 2, + 3 + ] + } + }, + "01550": { + "id": "01550", + "prompt": "A hillside where all the trees are yellow.", + "prompt in Chinese": "山坡上所有的树都是黄色的。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "01551": { + "id": "01551", + "prompt": "A swimming pool where all the athletes are outside of it.", + "prompt in Chinese": "一个游泳池,所有运动员都在池外。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 4, + 5 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01552": { + "id": "01552", + "prompt": "A little ant carrying a backpack bigger than itself.", + "prompt in Chinese": "一只小蚂蚁背着比自己还大的背包。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01553": { + "id": "01553", + "prompt": "A small ant dragging a smaller one along.", + "prompt in Chinese": "一只小蚂蚁拖着一只更小的蚂蚁。", + "models": { + "DALLE_3": [ + 5, + 3, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 4 + ], + "Midjourney_6": [ + 5, + 3, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 4 + ], + "SDXL_Base": [ + 2, + 2, + 4 + ] + } + }, + "01554": { + "id": "01554", + "prompt": "There are many lights in the room, and all the lights that give off red light are round.", + "prompt in Chinese": "房间里有许多灯,发出红光的灯都是圆的。", + "models": { + "DALLE_3": [ + 4, + 4, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 5 + ], + "Midjourney_6": [ + 4, + 4, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 5 + ], + "SDXL_Base": [ + 4, + 4, + 5 + ] + } + }, + "01555": { + "id": "01555", + "prompt": "A small child on a skateboard has messier hair than the person next to him.", + "prompt in Chinese": "滑板上的小孩子比旁边的人头发更乱。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 1, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "01556": { + "id": "01556", + "prompt": "Three pots of lavender sit on the balcony, with the driest soil in the middle.", + "prompt in Chinese": "阳台上放着三盆薰衣草,中间的土最干。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 4, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 2, + 3 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 3, + 2, + 3 + ] + } + }, + "01557": { + "id": "01557", + "prompt": "Two candles sit on a table; the one on the left is dimmer than the one on the right.", + "prompt in Chinese": "两支蜡烛放在桌子上,左边的比右边的暗。", + "models": { + "DALLE_3": [ + 5, + 5, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 4, + 3, + 4 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "01558": { + "id": "01558", + "prompt": "Two piggy dolls are on display; the one on the left looks softer.", + "prompt in Chinese": "两只小猪玩偶摆放在一起,左边的看起来更柔和。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 4, + 4, + 5 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "01559": { + "id": "01559", + "prompt": "In the laundry room, there are three bins of clothes. The clothes in the bin on the washing machine are dirtier than those in the two bins on the ground.", + "prompt in Chinese": "洗衣房里有三桶衣服,洗衣机上桶里的衣服比地上两个桶里的衣服更脏。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01560": { + "id": "01560", + "prompt": "A mouse on a table is smaller than a mouse hanging on the left side of the table.", + "prompt in Chinese": "桌子上的鼠标(老鼠)比挂在桌子左侧的鼠标(老鼠)要小。", + "models": { + "DALLE_3": [ + 2, + 3, + 1 + ], + "SDXL_Turbo": [ + 1, + 2, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 1 + ], + "Midjourney_6": [ + 1, + 2, + 1 + ], + "SDXL_2_1": [ + 1, + 2, + 1 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "01561": { + "id": "01561", + "prompt": "A takeaway box has a richer pattern on it than a box of tissue paper packaging.", + "prompt in Chinese": "一个外卖盒上的图案比一盒纸巾包装盒上的图案丰富。", + "models": { + "DALLE_3": [ + 1, + 2, + 3 + ], + "SDXL_Turbo": [ + 1, + 1, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 1, + 2, + 3 + ], + "SDXL_2_1": [ + 1, + 1, + 2 + ], + "SDXL_Base": [ + 1, + 1, + 3 + ] + } + }, + "01562": { + "id": "01562", + "prompt": "A man with a bushy moustache looks calmer than a man without one.", + "prompt in Chinese": "留着浓密小胡子的人比没有小胡子的人看起来更冷静。", + "models": { + "DALLE_3": [ + 1, + 1, + 2 + ], + "SDXL_Turbo": [ + 1, + 1, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 1, + 2 + ], + "Midjourney_6": [ + 1, + 1, + 2 + ], + "SDXL_2_1": [ + 1, + 1, + 2 + ], + "SDXL_Base": [ + 1, + 1, + 2 + ] + } + }, + "01563": { + "id": "01563", + "prompt": "An angrier frog sits on the steps, looking at a frog that is jumping up.", + "prompt in Chinese": "一只更生气的青蛙坐在台阶上,看着一只跳起来的青蛙。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "01564": { + "id": "01564", + "prompt": "A commercial street where the shops on the left look livelier than the shops on the right.", + "prompt in Chinese": "一条商业街,左边的商店比右边的商店更热闹。", + "models": { + "DALLE_3": [ + 4, + 3, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 5 + ] + } + }, + "01565": { + "id": "01565", + "prompt": "An old man is using an iron; the jeans near him are less wrinkly than those further away.", + "prompt in Chinese": "一位老人正在使用熨斗;他附近的牛仔裤比远处的平整。", + "models": { + "DALLE_3": [ + 4, + 5, + 4 + ], + "SDXL_Turbo": [ + 1, + 1, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 1, + 2, + 3 + ], + "SDXL_Base": [ + 1, + 1, + 2 + ] + } + }, + "01566": { + "id": "01566", + "prompt": "Two women are walking through an airport dragging suitcases; the one without earrings is dragging a much bulkier suitcase.", + "prompt in Chinese": "两位女士拖着行李箱穿过机场;没有戴耳环的女士拖着更大的行李箱。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 5 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 5 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01567": { + "id": "01567", + "prompt": "A blackboard displays two curves; the pink one undulates more than the white one.", + "prompt in Chinese": "黑板上有两条曲线,粉红色的比白色的起伏更大。", + "models": { + "DALLE_3": [ + 2, + 2, + 3 + ], + "SDXL_Turbo": [ + 1, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 5 + ], + "Midjourney_6": [ + 2, + 2, + 4 + ], + "SDXL_2_1": [ + 1, + 2, + 3 + ], + "SDXL_Base": [ + 2, + 1, + 3 + ] + } + }, + "01568": { + "id": "01568", + "prompt": "Three athletes are running on the track, and the one wearing a red headband is closer to the finish line.", + "prompt in Chinese": "三名运动员在跑道上奔跑,戴红色头巾的运动员离终点更近。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 3, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 3 + ], + "SDXL_Base": [ + 2, + 4, + 3 + ] + } + }, + "01569": { + "id": "01569", + "prompt": "A Teddy dog and a Persian cat are looking at a burning table, with the Teddy dog at a farther distance.", + "prompt in Chinese": "一只泰迪犬和一只波斯猫正望着一张燃烧的桌子,泰迪犬在较远处。", + "models": { + "DALLE_3": [ + 3, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 5, + 4 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01570": { + "id": "01570", + "prompt": "There are three apples on a table, and a child is touching the apple on the far right with his hand.", + "prompt in Chinese": "桌子上有三个苹果,一个孩子正在用手触摸最右边的苹果。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01571": { + "id": "01571", + "prompt": "In the corner, there is a stack of books. The spine of the book at the bottom reads 'Watch Me'.", + "prompt in Chinese": "角落里有一摞书,最下面的那本书的书脊上写着'Watch Me'。", + "models": { + "DALLE_3": [ + 5, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 1, + 1, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 5 + ] + } + }, + "01572": { + "id": "01572", + "prompt": "Three pandas are lying together, and the one in the middle is sneakily eating bamboo.", + "prompt in Chinese": "三只熊猫躺在一起,中间那只在偷偷吃竹子。", + "models": { + "DALLE_3": [ + 4, + 4, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 4 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "01573": { + "id": "01573", + "prompt": "Three mugs are placed side by side; the two closest to the faucet each contain a toothbrush, while the one furthest away is empty.", + "prompt in Chinese": "三个杯子并排放在一起,最靠近水龙头的两个杯子里各有一把牙刷,而最远的那个杯子里是空的。", + "models": { + "DALLE_3": [ + 3, + 3, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 3 + ], + "SDXL_Base": [ + 1, + 2, + 3 + ] + } + }, + "01574": { + "id": "01574", + "prompt": "Three people are sitting elegantly around a round table, each holding a cup of coffee.", + "prompt in Chinese": "三个人优雅地围坐在一张圆桌旁,每人手里都拿着一杯咖啡。", + "models": { + "DALLE_3": [ + 5, + 3, + 5 + ], + "SDXL_Turbo": [ + 2, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 4 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "01575": { + "id": "01575", + "prompt": "In a conference room, everyone looks unenthusiastic.", + "prompt in Chinese": "在会议室里,每个人看起来都提不起兴趣。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "01576": { + "id": "01576", + "prompt": "In the gym, everyone is resting except for a child who is still running on the treadmill.", + "prompt in Chinese": "健身房里,大家都在休息,只有一个孩子还在跑步机上跑步。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 4, + 2 + ], + "Midjourney_6": [ + 1, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "01577": { + "id": "01577", + "prompt": "Two couples are walking out of a mall, each carrying shopping bags in their hands.", + "prompt in Chinese": "两对情侣正走出商场,各自手里拎着购物袋。", + "models": { + "DALLE_3": [ + 5, + 5, + 4 + ], + "SDXL_Turbo": [ + 5, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "01578": { + "id": "01578", + "prompt": "On a shelf in the supermarket, all the products are blue.", + "prompt in Chinese": "超市的货架上,所有商品都是蓝色的。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01579": { + "id": "01579", + "prompt": "In a basket, there are many cauliflowers, all green except for the one in the middle, which is yellow.", + "prompt in Chinese": "在一个篮子里,有许多菜花,都是绿色的,只有中间的那个是黄色的。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01580": { + "id": "01580", + "prompt": "A girl has three flower decorations in her hair, all of them daisies.", + "prompt in Chinese": "一个女孩的头发上有三朵花饰,都是雏菊。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 4, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "01581": { + "id": "01581", + "prompt": "A clothing store with all vintage styled clothes.", + "prompt in Chinese": "服装店里的衣服都是复古风格的。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 4 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 4, + 3, + 4 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "01582": { + "id": "01582", + "prompt": "A duo of laptops rests on the desk, the old one open to a bustling social media feed while the other displays a serene nature wallpaper.", + "prompt in Chinese": "桌上放着两台笔记本电脑,旧的一台打开了热闹的社交媒体动态,另一台显示着宁静的自然风景壁纸。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01583": { + "id": "01583", + "prompt": "At the pet store, two puppies play together, one fluffy and white like cotton candy, the other sleek and black as midnight.", + "prompt in Chinese": "在宠物店里,两只小狗一起玩耍,一只像棉花糖一样蓬松洁白,另一只光滑漆黑如午夜。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01584": { + "id": "01584", + "prompt": "In the classroom, two students raise their hands eagerly, one wearing glasses and a striped sweater, the other in a plain T-shirt.", + "prompt in Chinese": "在教室里,两个学生热切地举手,一个戴着眼镜,穿着条纹毛衣,另一个穿着素色T恤。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01585": { + "id": "01585", + "prompt": "On the bookshelf, two novels stand side by side, one a thick fantasy epic with a dragon on the cover, the other a slim romance novel adorned with flowers.", + "prompt in Chinese": "在书架上,两本小说并排站立,一本是封面上有龙的厚厚的奇幻史诗,另一本是装饰着花朵的薄薄的爱情小说。", + "models": { + "DALLE_3": [ + 4, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01586": { + "id": "01586", + "prompt": "A pair of sneakers lie by the door, one pristine white and laced neatly, the other scuffed and missing a lace.", + "prompt in Chinese": "一双运动鞋放在门边,一只洁白无瑕、鞋带整齐,另一只磨损严重且缺少鞋带。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "01587": { + "id": "01587", + "prompt": "In the art gallery, two paintings hang on the wall, one a vibrant abstract with splashes of color, the other a detailed landscape with intricate brushwork.", + "prompt in Chinese": "在艺术画廊里,墙上挂着两幅画,一幅是色彩斑斓的抽象画,另一幅是细节丰富、笔触精细的风景画。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "01588": { + "id": "01588", + "prompt": "At the coffee shop, two muffins sit on the display, one studded with chocolate chips, the other bursting with juicy blueberries.", + "prompt in Chinese": "咖啡店的陈列架上摆放着两块松饼,一块上面镶嵌着巧克力脆片,另一块上面则盛满了多汁的蓝莓。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01589": { + "id": "01589", + "prompt": "In the park, two squirrels chase each other, one with a fluffy tail waving behind it, the other with a sleeker tail darting through the trees.", + "prompt in Chinese": "公园里,两只松鼠互相追逐,一只毛茸茸的尾巴在身后摇摆,另一只尾巴更光滑,在树丛中飞快地穿梭。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 5 + ] + } + }, + "01590": { + "id": "01590", + "prompt": "On the beach, two surfboards lie in the sand, one adorned with bright tropical flowers, the other plain with a single bold stripe.", + "prompt in Chinese": "海滩上,两块冲浪板躺在沙滩上,一块装饰着鲜艳的热带花朵,另一块则只有一条醒目的条纹。", + "models": { + "DALLE_3": [ + 4, + 5, + 3 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 2 + ] + } + }, + "01591": { + "id": "01591", + "prompt": "In the toy store, two teddy bears sit on the shelf, one wearing a bow tie and holding a tiny book, the other adorned with a flower crown and clutching a miniature guitar.", + "prompt in Chinese": "玩具店里,货架上摆放着两只泰迪熊,一只打着领结,抱着一本小书,另一只头戴花冠,抱着一把微型吉他。", + "models": { + "DALLE_3": [ + 3, + 4, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 2 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "01592": { + "id": "01592", + "prompt": "At the bakery, two cakes are on display, one towering with layers and intricate frosting designs, the other a simple sheet cake adorned with fresh fruit.", + "prompt in Chinese": "在面包店里,摆放着两块蛋糕,一块蛋糕层层叠叠,糖霜设计复杂,另一块则是简单的单层蛋糕,上面点缀着新鲜水果。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "01593": { + "id": "01593", + "prompt": "In the office, two coworkers chat by the water cooler, one dressed in a sharp suit and tie, the other in casual attire with a colorful scarf.", + "prompt in Chinese": "办公室里,两个同事在饮水机旁聊天,一个穿着笔挺的西装,打着领带,另一个穿着休闲装,围着彩色围巾。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 4 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "01594": { + "id": "01594", + "prompt": "A magical hat flies on top of a smaller magical hat.", + "prompt in Chinese": "一顶神奇的帽子飞到了一顶更小的神奇帽子上。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 1 + ], + "SDXL_Base": [ + 3, + 3, + 5 + ] + } + }, + "01595": { + "id": "01595", + "prompt": "Within the dragon's lair, two knights duel fiercely, one with red shoes wielding a sword wreathed in flames and the other one with black shoes wielding a shield adorned with celestial symbols.", + "prompt in Chinese": "在巨龙的巢穴里,两名骑士展开了激烈的对决,一名穿着红色的鞋子,挥舞着缠绕着火焰的剑,另一名穿着黑色的鞋子,挥舞着装饰着天体符号的盾牌。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01596": { + "id": "01596", + "prompt": "The tallest building in the city lights up at night, while the shortest one remains in darkness.", + "prompt in Chinese": "城市中最高的建筑在夜晚亮起灯光,而最矮的建筑仍处于黑暗之中。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 4 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 4 + ], + "SDXL_Base": [ + 4, + 5, + 4 + ] + } + }, + "01597": { + "id": "01597", + "prompt": "In the race, the fastest car is painted red, and the slowest car is painted blue.", + "prompt in Chinese": "在比赛中,最快的车被涂成红色,最慢的车被涂成蓝色。", + "models": { + "DALLE_3": [ + 5, + 5, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 1 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "01598": { + "id": "01598", + "prompt": "Two cats are sitting on the window sill, the one with the longer tail is sleeping.", + "prompt in Chinese": "坐在窗台上的两只猫中,尾巴更长的那只正在睡觉。", + "models": { + "DALLE_3": [ + 5, + 3, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "01599": { + "id": "01599", + "prompt": "Two people and two bicycles in the street, the bicycle with the larger wheels belongs to the taller person.", + "prompt in Chinese": "街上有两个人和两辆自行车,轮子较大的自行车属于个子较高的人。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + } +} \ No newline at end of file diff --git a/univa/eval/genai/eval_prompts/genai1600/genai_skills.json b/univa/eval/genai/eval_prompts/genai1600/genai_skills.json new file mode 100644 index 0000000000000000000000000000000000000000..a0e19b2541cbb8e2a405a9ae6f0be80f32cb7607 --- /dev/null +++ b/univa/eval/genai/eval_prompts/genai1600/genai_skills.json @@ -0,0 +1,4872 @@ +{ + "basic": [ + 0, + 1, + 2, + 3, + 4, + 5, + 6, + 7, + 8, + 9, + 11, + 12, + 13, + 14, + 15, + 16, + 17, + 18, + 19, + 20, + 21, + 22, + 23, + 24, + 25, + 26, + 27, + 28, + 29, + 30, + 31, + 32, + 33, + 34, + 35, + 36, + 37, + 38, + 39, + 40, + 41, + 42, + 43, + 44, + 45, + 46, + 47, + 48, + 49, + 50, + 51, + 52, + 53, + 54, + 55, + 56, + 57, + 58, + 59, + 60, + 61, + 62, + 63, + 64, + 65, + 66, + 67, + 68, + 69, + 70, + 71, + 72, + 73, + 74, + 75, + 76, + 77, + 78, + 79, + 80, + 81, + 82, + 83, + 84, + 85, + 86, + 87, + 88, + 89, + 90, + 91, + 92, + 93, + 94, + 95, + 96, + 97, + 98, + 99, + 100, + 101, + 118, + 119, + 120, + 121, + 125, + 126, + 127, + 129, + 130, + 131, + 132, + 218, + 219, + 220, + 221, + 222, + 223, + 224, + 225, + 226, + 227, + 228, + 229, + 230, + 231, + 232, + 233, + 234, + 235, + 236, + 237, + 269, + 270, + 271, + 272, + 273, + 274, + 275, + 276, + 277, + 278, + 279, + 280, + 281, + 282, + 283, + 284, + 285, + 286, + 287, + 288, + 289, + 290, + 291, + 300, + 301, + 302, + 303, + 304, + 305, + 306, + 307, + 308, + 309, + 310, + 311, + 312, + 313, + 314, + 315, + 316, + 317, + 318, + 319, + 320, + 321, + 322, + 323, + 324, + 325, + 326, + 327, + 328, + 329, + 330, + 331, + 332, + 333, + 334, + 335, + 336, + 337, + 338, + 339, + 340, + 341, + 342, + 343, + 344, + 345, + 346, + 347, + 348, + 352, + 353, + 354, + 355, + 382, + 386, + 387, + 403, + 527, + 528, + 529, + 530, + 531, + 532, + 533, + 534, + 535, + 536, + 537, + 538, + 539, + 540, + 541, + 542, + 543, + 544, + 545, + 546, + 547, + 548, + 549, + 550, + 551, + 552, + 553, + 554, + 555, + 556, + 557, + 558, + 559, + 560, + 561, + 562, + 563, + 564, + 565, + 566, + 567, + 568, + 569, + 570, + 571, + 572, + 573, + 574, + 575, + 576, + 577, + 578, + 579, + 580, + 581, + 582, + 583, + 584, + 585, + 586, + 587, + 588, + 589, + 590, + 591, + 592, + 593, + 594, + 595, + 596, + 597, + 598, + 599, + 602, + 603, + 604, + 606, + 607, + 608, + 609, + 610, + 611, + 612, + 613, + 614, + 615, + 616, + 617, + 618, + 619, + 620, + 621, + 622, + 623, + 624, + 625, + 626, + 627, + 628, + 629, + 630, + 631, + 632, + 633, + 634, + 635, + 636, + 637, + 638, + 639, + 640, + 641, + 642, + 643, + 644, + 645, + 646, + 647, + 648, + 649, + 650, + 651, + 652, + 653, + 654, + 655, + 656, + 657, + 658, + 659, + 660, + 661, + 662, + 663, + 664, + 665, + 666, + 667, + 668, + 669, + 670, + 671, + 672, + 673, + 674, + 675, + 676, + 677, + 678, + 679, + 680, + 681, + 682, + 683, + 684, + 685, + 686, + 687, + 688, + 689, + 690, + 692, + 693, + 694, + 695, + 696, + 697, + 698, + 699, + 700, + 701, + 702, + 704, + 705, + 706, + 707, + 708, + 709, + 710, + 711, + 712, + 713, + 714, + 715, + 716, + 717, + 718, + 720, + 722, + 723, + 724, + 725, + 726, + 727, + 728, + 729, + 731, + 732, + 734, + 735, + 736, + 738, + 740, + 741, + 742, + 744, + 745, + 746, + 747, + 748, + 749, + 750, + 751, + 752, + 753, + 754, + 755, + 756, + 757, + 758, + 759, + 760, + 761, + 762, + 763, + 764, + 765, + 766, + 767, + 768, + 769, + 770, + 771, + 772, + 773, + 774, + 775, + 776, + 777, + 778, + 779, + 780, + 781, + 782, + 783, + 784, + 785, + 786, + 787, + 788, + 789, + 790, + 791, + 792, + 793, + 794, + 795, + 796, + 797, + 798, + 799, + 800, + 803, + 805, + 806, + 809, + 811, + 812, + 815, + 817, + 818, + 820, + 823, + 827, + 829, + 840, + 843, + 847, + 869, + 905, + 935, + 941, + 952, + 954, + 965, + 974, + 980, + 984, + 985, + 988, + 989, + 990, + 991, + 992, + 993, + 994, + 995, + 996, + 997, + 998, + 1007, + 1009, + 1010, + 1011, + 1012, + 1013, + 1014, + 1015, + 1016, + 1017, + 1018, + 1019, + 1020, + 1021, + 1022, + 1023, + 1024, + 1025, + 1026, + 1027, + 1028, + 1029, + 1031, + 1032, + 1033, + 1034, + 1036, + 1038, + 1039, + 1040, + 1041, + 1042, + 1044, + 1045, + 1046, + 1047, + 1048, + 1049, + 1050, + 1051, + 1052, + 1053, + 1054, + 1055, + 1056, + 1057, + 1058, + 1059, + 1060, + 1061, + 1062, + 1063, + 1064, + 1065, + 1066, + 1067, + 1068, + 1069, + 1070, + 1071, + 1072, + 1073, + 1074, + 1075, + 1076, + 1077, + 1078, + 1079, + 1080, + 1081, + 1082, + 1083, + 1084, + 1085, + 1086, + 1087, + 1088, + 1089, + 1090, + 1091, + 1092, + 1093, + 1094, + 1095, + 1096, + 1097, + 1098, + 1099, + 1100, + 1101, + 1102, + 1103, + 1104, + 1105, + 1106, + 1107, + 1108, + 1109, + 1110, + 1111, + 1112, + 1113, + 1114, + 1115, + 1117, + 1119, + 1120, + 1121, + 1122, + 1123, + 1124, + 1125, + 1126, + 1127, + 1128, + 1129, + 1130, + 1131, + 1132, + 1133, + 1134, + 1135, + 1136, + 1138, + 1139, + 1140, + 1141, + 1143, + 1144, + 1145, + 1146, + 1147, + 1148, + 1149, + 1150, + 1151, + 1152, + 1153, + 1154, + 1155, + 1156, + 1157, + 1158, + 1159, + 1160, + 1161, + 1162, + 1163, + 1164, + 1165, + 1166, + 1167, + 1168, + 1169, + 1170, + 1171, + 1172, + 1173, + 1174, + 1175, + 1176, + 1177, + 1178, + 1179, + 1180, + 1181, + 1182, + 1183, + 1184, + 1185, + 1186, + 1187, + 1188, + 1189, + 1190, + 1191, + 1192, + 1193, + 1194, + 1195, + 1196, + 1197, + 1198, + 1199, + 1200, + 1201, + 1202, + 1203, + 1204, + 1205, + 1206, + 1207, + 1208, + 1209, + 1210, + 1211, + 1212, + 1213, + 1214, + 1215, + 1216, + 1245, + 1322, + 1369, + 1405, + 1406, + 1407, + 1408, + 1425, + 1533 + ], + "advanced": [ + 10, + 102, + 103, + 104, + 105, + 106, + 107, + 108, + 109, + 110, + 111, + 112, + 113, + 114, + 115, + 116, + 117, + 122, + 123, + 124, + 128, + 133, + 134, + 135, + 136, + 137, + 138, + 139, + 140, + 141, + 142, + 143, + 144, + 145, + 146, + 147, + 148, + 149, + 150, + 151, + 152, + 153, + 154, + 155, + 156, + 157, + 158, + 159, + 160, + 161, + 162, + 163, + 164, + 165, + 166, + 167, + 168, + 169, + 170, + 171, + 172, + 173, + 174, + 175, + 176, + 177, + 178, + 179, + 180, + 181, + 182, + 183, + 184, + 185, + 186, + 187, + 188, + 189, + 190, + 191, + 192, + 193, + 194, + 195, + 196, + 197, + 198, + 199, + 200, + 201, + 202, + 203, + 204, + 205, + 206, + 207, + 208, + 209, + 210, + 211, + 212, + 213, + 214, + 215, + 216, + 217, + 238, + 239, + 240, + 241, + 242, + 243, + 244, + 245, + 246, + 247, + 248, + 249, + 250, + 251, + 252, + 253, + 254, + 255, + 256, + 257, + 258, + 259, + 260, + 261, + 262, + 263, + 264, + 265, + 266, + 267, + 268, + 292, + 293, + 294, + 295, + 296, + 297, + 298, + 299, + 349, + 350, + 351, + 356, + 357, + 358, + 359, + 360, + 361, + 362, + 363, + 364, + 365, + 366, + 367, + 368, + 369, + 370, + 371, + 372, + 373, + 374, + 375, + 376, + 377, + 378, + 379, + 380, + 381, + 383, + 384, + 385, + 388, + 389, + 390, + 391, + 392, + 393, + 394, + 395, + 396, + 397, + 398, + 399, + 400, + 401, + 402, + 404, + 405, + 406, + 407, + 408, + 409, + 410, + 411, + 412, + 413, + 414, + 415, + 416, + 417, + 418, + 419, + 420, + 421, + 422, + 423, + 424, + 425, + 426, + 427, + 428, + 429, + 430, + 431, + 432, + 433, + 434, + 435, + 436, + 437, + 438, + 439, + 440, + 441, + 442, + 443, + 444, + 445, + 446, + 447, + 448, + 449, + 450, + 451, + 452, + 453, + 454, + 455, + 456, + 457, + 458, + 459, + 460, + 461, + 462, + 463, + 464, + 465, + 466, + 467, + 468, + 469, + 470, + 471, + 472, + 473, + 474, + 475, + 476, + 477, + 478, + 479, + 480, + 481, + 482, + 483, + 484, + 485, + 486, + 487, + 488, + 489, + 490, + 491, + 492, + 493, + 494, + 495, + 496, + 497, + 498, + 499, + 500, + 501, + 502, + 503, + 504, + 505, + 506, + 507, + 508, + 509, + 510, + 511, + 512, + 513, + 514, + 515, + 516, + 517, + 518, + 519, + 520, + 521, + 522, + 523, + 524, + 525, + 526, + 600, + 601, + 605, + 691, + 703, + 737, + 801, + 802, + 804, + 807, + 808, + 810, + 813, + 814, + 816, + 819, + 821, + 822, + 824, + 825, + 826, + 828, + 830, + 831, + 832, + 833, + 834, + 835, + 836, + 837, + 838, + 839, + 841, + 842, + 844, + 845, + 846, + 848, + 849, + 850, + 851, + 852, + 853, + 854, + 855, + 856, + 857, + 858, + 859, + 860, + 861, + 862, + 863, + 864, + 865, + 866, + 867, + 868, + 870, + 871, + 872, + 873, + 874, + 875, + 876, + 877, + 878, + 879, + 880, + 881, + 882, + 883, + 884, + 885, + 886, + 887, + 888, + 889, + 890, + 891, + 892, + 893, + 894, + 895, + 896, + 897, + 898, + 899, + 900, + 901, + 902, + 903, + 904, + 906, + 907, + 908, + 909, + 910, + 911, + 912, + 913, + 914, + 915, + 916, + 917, + 918, + 919, + 920, + 921, + 922, + 923, + 924, + 925, + 926, + 927, + 928, + 929, + 930, + 931, + 932, + 933, + 934, + 936, + 937, + 938, + 939, + 940, + 942, + 943, + 944, + 945, + 946, + 947, + 948, + 949, + 950, + 953, + 955, + 956, + 957, + 958, + 959, + 960, + 961, + 962, + 963, + 964, + 966, + 967, + 968, + 969, + 970, + 971, + 972, + 973, + 975, + 976, + 977, + 978, + 979, + 981, + 982, + 983, + 986, + 987, + 999, + 1000, + 1001, + 1002, + 1003, + 1004, + 1005, + 1006, + 1008, + 1030, + 1035, + 1037, + 1043, + 1116, + 1118, + 1137, + 1142, + 1217, + 1218, + 1219, + 1220, + 1221, + 1222, + 1223, + 1224, + 1225, + 1226, + 1227, + 1228, + 1229, + 1230, + 1231, + 1232, + 1233, + 1234, + 1235, + 1236, + 1237, + 1238, + 1239, + 1240, + 1241, + 1242, + 1243, + 1244, + 1246, + 1247, + 1248, + 1249, + 1250, + 1251, + 1252, + 1253, + 1254, + 1255, + 1256, + 1257, + 1258, + 1259, + 1260, + 1261, + 1262, + 1263, + 1264, + 1265, + 1266, + 1267, + 1268, + 1269, + 1270, + 1271, + 1272, + 1273, + 1274, + 1275, + 1276, + 1277, + 1278, + 1279, + 1280, + 1281, + 1282, + 1283, + 1284, + 1285, + 1286, + 1287, + 1288, + 1289, + 1290, + 1291, + 1292, + 1293, + 1294, + 1295, + 1296, + 1297, + 1298, + 1299, + 1300, + 1301, + 1302, + 1303, + 1304, + 1305, + 1306, + 1307, + 1308, + 1309, + 1310, + 1311, + 1312, + 1313, + 1314, + 1315, + 1316, + 1317, + 1318, + 1319, + 1320, + 1321, + 1323, + 1324, + 1325, + 1326, + 1327, + 1328, + 1329, + 1330, + 1331, + 1332, + 1333, + 1334, + 1335, + 1336, + 1337, + 1338, + 1339, + 1340, + 1341, + 1342, + 1343, + 1344, + 1345, + 1346, + 1347, + 1348, + 1349, + 1350, + 1351, + 1352, + 1353, + 1354, + 1355, + 1356, + 1357, + 1358, + 1359, + 1360, + 1361, + 1362, + 1363, + 1364, + 1365, + 1366, + 1367, + 1368, + 1370, + 1371, + 1372, + 1373, + 1374, + 1375, + 1376, + 1377, + 1378, + 1379, + 1380, + 1381, + 1382, + 1383, + 1384, + 1385, + 1386, + 1387, + 1388, + 1389, + 1390, + 1391, + 1392, + 1393, + 1394, + 1395, + 1396, + 1397, + 1398, + 1399, + 1400, + 1401, + 1402, + 1403, + 1404, + 1409, + 1410, + 1411, + 1412, + 1413, + 1414, + 1415, + 1416, + 1417, + 1418, + 1419, + 1420, + 1421, + 1422, + 1423, + 1424, + 1426, + 1427, + 1428, + 1429, + 1430, + 1431, + 1432, + 1433, + 1434, + 1435, + 1436, + 1437, + 1438, + 1439, + 1440, + 1441, + 1442, + 1443, + 1444, + 1445, + 1446, + 1447, + 1448, + 1449, + 1450, + 1451, + 1452, + 1453, + 1454, + 1455, + 1456, + 1457, + 1458, + 1459, + 1460, + 1461, + 1462, + 1463, + 1464, + 1465, + 1466, + 1467, + 1468, + 1469, + 1470, + 1471, + 1472, + 1473, + 1474, + 1475, + 1476, + 1477, + 1478, + 1479, + 1480, + 1481, + 1482, + 1483, + 1484, + 1485, + 1486, + 1487, + 1488, + 1489, + 1490, + 1491, + 1492, + 1493, + 1494, + 1495, + 1496, + 1497, + 1498, + 1499, + 1500, + 1501, + 1502, + 1503, + 1504, + 1505, + 1506, + 1507, + 1508, + 1509, + 1510, + 1511, + 1512, + 1513, + 1514, + 1515, + 1516, + 1517, + 1518, + 1519, + 1520, + 1521, + 1522, + 1523, + 1524, + 1525, + 1526, + 1527, + 1528, + 1529, + 1530, + 1531, + 1532, + 1534, + 1535, + 1536, + 1537, + 1538, + 1539, + 1540, + 1541, + 1542, + 1543, + 1544, + 1545, + 1546, + 1547, + 1548, + 1549, + 1550, + 1551, + 1552, + 1553, + 1554, + 1555, + 1556, + 1557, + 1558, + 1559, + 1560, + 1561, + 1562, + 1563, + 1564, + 1565, + 1566, + 1567, + 1568, + 1569, + 1570, + 1571, + 1572, + 1573, + 1574, + 1575, + 1576, + 1577, + 1578, + 1579, + 1580, + 1581, + 1582, + 1583, + 1584, + 1585, + 1586, + 1587, + 1588, + 1589, + 1590, + 1591, + 1592, + 1593, + 1594, + 1595, + 1596, + 1597, + 1598, + 1599 + ], + "attribute": [ + 0, + 1, + 3, + 4, + 5, + 6, + 7, + 8, + 9, + 11, + 12, + 13, + 14, + 15, + 16, + 17, + 18, + 19, + 20, + 23, + 24, + 25, + 27, + 29, + 31, + 34, + 35, + 38, + 39, + 40, + 41, + 42, + 44, + 45, + 46, + 47, + 48, + 49, + 50, + 51, + 52, + 55, + 57, + 58, + 63, + 64, + 68, + 71, + 72, + 73, + 74, + 75, + 76, + 77, + 78, + 79, + 80, + 81, + 83, + 84, + 85, + 87, + 88, + 89, + 90, + 91, + 92, + 93, + 94, + 95, + 96, + 97, + 98, + 99, + 100, + 101, + 120, + 129, + 131, + 218, + 219, + 220, + 221, + 223, + 224, + 225, + 226, + 227, + 228, + 229, + 232, + 233, + 234, + 235, + 236, + 237, + 269, + 271, + 272, + 275, + 276, + 277, + 278, + 285, + 289, + 290, + 291, + 300, + 302, + 303, + 304, + 305, + 306, + 307, + 310, + 312, + 314, + 315, + 316, + 317, + 318, + 319, + 332, + 333, + 334, + 336, + 338, + 339, + 340, + 343, + 344, + 346, + 347, + 352, + 353, + 354, + 355, + 382, + 386, + 387, + 403, + 527, + 528, + 530, + 531, + 534, + 535, + 536, + 538, + 539, + 540, + 541, + 542, + 543, + 544, + 545, + 547, + 548, + 549, + 550, + 551, + 552, + 553, + 554, + 555, + 558, + 559, + 560, + 563, + 565, + 567, + 568, + 570, + 572, + 573, + 574, + 576, + 577, + 578, + 579, + 580, + 583, + 585, + 586, + 587, + 589, + 590, + 591, + 592, + 595, + 597, + 598, + 602, + 603, + 604, + 606, + 607, + 608, + 609, + 610, + 611, + 612, + 613, + 614, + 615, + 616, + 618, + 620, + 621, + 622, + 623, + 633, + 634, + 636, + 639, + 640, + 642, + 643, + 645, + 646, + 648, + 649, + 650, + 651, + 652, + 653, + 654, + 655, + 656, + 658, + 659, + 660, + 663, + 667, + 668, + 669, + 670, + 671, + 672, + 673, + 674, + 676, + 677, + 678, + 679, + 680, + 681, + 682, + 683, + 686, + 692, + 693, + 694, + 696, + 697, + 698, + 699, + 700, + 701, + 702, + 704, + 705, + 706, + 707, + 708, + 709, + 710, + 711, + 712, + 713, + 714, + 715, + 716, + 718, + 722, + 723, + 724, + 725, + 726, + 727, + 729, + 731, + 732, + 734, + 735, + 736, + 738, + 740, + 742, + 744, + 745, + 746, + 747, + 748, + 749, + 750, + 751, + 752, + 753, + 754, + 755, + 756, + 757, + 758, + 765, + 768, + 769, + 770, + 772, + 773, + 774, + 775, + 777, + 779, + 780, + 781, + 782, + 783, + 784, + 785, + 786, + 787, + 789, + 790, + 791, + 792, + 793, + 794, + 795, + 796, + 797, + 798, + 799, + 803, + 805, + 806, + 809, + 811, + 812, + 815, + 817, + 818, + 820, + 823, + 829, + 840, + 843, + 869, + 905, + 935, + 941, + 952, + 954, + 965, + 974, + 980, + 984, + 985, + 988, + 989, + 991, + 992, + 993, + 996, + 997, + 1007, + 1009, + 1010, + 1011, + 1012, + 1013, + 1014, + 1015, + 1016, + 1018, + 1019, + 1020, + 1021, + 1022, + 1023, + 1024, + 1025, + 1026, + 1027, + 1028, + 1029, + 1031, + 1032, + 1033, + 1034, + 1036, + 1038, + 1039, + 1041, + 1042, + 1044, + 1045, + 1046, + 1047, + 1048, + 1049, + 1050, + 1051, + 1052, + 1053, + 1054, + 1055, + 1057, + 1059, + 1060, + 1061, + 1062, + 1063, + 1064, + 1065, + 1066, + 1067, + 1069, + 1070, + 1071, + 1074, + 1075, + 1077, + 1078, + 1079, + 1080, + 1081, + 1082, + 1083, + 1084, + 1085, + 1086, + 1087, + 1088, + 1089, + 1090, + 1091, + 1092, + 1093, + 1094, + 1095, + 1096, + 1097, + 1098, + 1099, + 1100, + 1101, + 1102, + 1103, + 1104, + 1106, + 1107, + 1109, + 1110, + 1111, + 1112, + 1113, + 1114, + 1115, + 1117, + 1119, + 1120, + 1121, + 1122, + 1123, + 1124, + 1125, + 1126, + 1127, + 1128, + 1129, + 1130, + 1131, + 1133, + 1134, + 1135, + 1136, + 1138, + 1140, + 1141, + 1143, + 1144, + 1145, + 1146, + 1147, + 1148, + 1149, + 1150, + 1151, + 1152, + 1153, + 1155, + 1156, + 1158, + 1159, + 1160, + 1161, + 1162, + 1163, + 1164, + 1165, + 1166, + 1167, + 1168, + 1169, + 1170, + 1171, + 1172, + 1173, + 1176, + 1177, + 1178, + 1179, + 1180, + 1181, + 1182, + 1183, + 1184, + 1185, + 1186, + 1187, + 1188, + 1189, + 1190, + 1191, + 1192, + 1193, + 1194, + 1195, + 1196, + 1197, + 1198, + 1199, + 1200, + 1203, + 1204, + 1205, + 1206, + 1207, + 1208, + 1209, + 1210, + 1211, + 1213, + 1215, + 1231, + 1245, + 1322, + 1405, + 1406, + 1408, + 1425, + 1533 + ], + "scene": [ + 0, + 1, + 2, + 3, + 4, + 5, + 7, + 8, + 11, + 12, + 13, + 15, + 16, + 17, + 18, + 20, + 21, + 22, + 23, + 27, + 41, + 44, + 45, + 46, + 47, + 48, + 49, + 50, + 52, + 53, + 54, + 55, + 58, + 59, + 63, + 64, + 65, + 66, + 68, + 69, + 70, + 71, + 76, + 77, + 79, + 83, + 84, + 86, + 87, + 88, + 90, + 91, + 93, + 95, + 96, + 97, + 98, + 99, + 100, + 101, + 118, + 119, + 125, + 129, + 131, + 218, + 219, + 221, + 222, + 223, + 224, + 226, + 228, + 229, + 231, + 233, + 235, + 236, + 237, + 281, + 282, + 287, + 288, + 289, + 290, + 304, + 305, + 307, + 308, + 309, + 310, + 312, + 314, + 315, + 316, + 317, + 318, + 320, + 321, + 322, + 323, + 325, + 328, + 329, + 330, + 331, + 332, + 334, + 336, + 337, + 338, + 339, + 340, + 341, + 344, + 345, + 346, + 347, + 352, + 354, + 355, + 387, + 403, + 527, + 528, + 531, + 532, + 533, + 534, + 537, + 538, + 539, + 540, + 541, + 543, + 547, + 548, + 549, + 550, + 553, + 555, + 557, + 560, + 561, + 562, + 563, + 564, + 566, + 567, + 568, + 569, + 570, + 571, + 572, + 573, + 574, + 575, + 578, + 579, + 580, + 581, + 583, + 584, + 586, + 594, + 595, + 597, + 598, + 599, + 604, + 607, + 608, + 609, + 613, + 615, + 617, + 618, + 622, + 623, + 624, + 625, + 636, + 638, + 639, + 640, + 641, + 643, + 646, + 649, + 651, + 652, + 653, + 656, + 657, + 658, + 660, + 661, + 662, + 663, + 664, + 665, + 667, + 668, + 669, + 670, + 671, + 672, + 673, + 674, + 675, + 676, + 677, + 678, + 680, + 681, + 682, + 684, + 685, + 686, + 687, + 688, + 689, + 690, + 692, + 693, + 695, + 696, + 697, + 700, + 701, + 709, + 717, + 720, + 723, + 724, + 726, + 727, + 728, + 756, + 757, + 758, + 759, + 760, + 766, + 770, + 772, + 773, + 775, + 777, + 779, + 780, + 781, + 782, + 783, + 784, + 785, + 786, + 787, + 788, + 789, + 790, + 791, + 792, + 793, + 794, + 795, + 796, + 797, + 798, + 799, + 800, + 809, + 811, + 812, + 820, + 827, + 843, + 847, + 869, + 905, + 954, + 965, + 974, + 1010, + 1013, + 1018, + 1027, + 1033, + 1038, + 1040, + 1042, + 1044, + 1045, + 1047, + 1049, + 1050, + 1051, + 1053, + 1057, + 1060, + 1062, + 1064, + 1068, + 1073, + 1074, + 1075, + 1076, + 1080, + 1091, + 1092, + 1114, + 1117, + 1119, + 1123, + 1128, + 1129, + 1131, + 1138, + 1143, + 1152, + 1153, + 1163, + 1164, + 1166, + 1167, + 1168, + 1169, + 1170, + 1172, + 1173, + 1174, + 1175, + 1176, + 1177, + 1178, + 1179, + 1180, + 1181, + 1182, + 1183, + 1184, + 1186, + 1188, + 1189, + 1190, + 1191, + 1192, + 1193, + 1194, + 1195, + 1196, + 1197, + 1198, + 1207, + 1208, + 1209, + 1212, + 1213, + 1407, + 1408 + ], + "spatial relation": [ + 0, + 3, + 5, + 6, + 7, + 9, + 12, + 13, + 14, + 16, + 19, + 21, + 22, + 24, + 26, + 28, + 30, + 38, + 39, + 40, + 42, + 43, + 47, + 51, + 56, + 59, + 62, + 67, + 72, + 73, + 74, + 75, + 76, + 77, + 78, + 79, + 80, + 81, + 82, + 85, + 86, + 89, + 90, + 91, + 92, + 93, + 94, + 100, + 118, + 120, + 121, + 125, + 126, + 127, + 130, + 131, + 132, + 218, + 219, + 220, + 221, + 223, + 225, + 227, + 229, + 230, + 231, + 232, + 234, + 236, + 237, + 269, + 270, + 273, + 274, + 275, + 276, + 285, + 286, + 302, + 315, + 319, + 321, + 324, + 326, + 331, + 335, + 336, + 339, + 342, + 343, + 344, + 345, + 346, + 347, + 352, + 353, + 354, + 355, + 382, + 386, + 387, + 403, + 527, + 533, + 534, + 535, + 538, + 540, + 542, + 543, + 546, + 547, + 548, + 550, + 551, + 552, + 554, + 556, + 557, + 560, + 561, + 562, + 564, + 565, + 566, + 569, + 571, + 574, + 575, + 576, + 577, + 580, + 582, + 585, + 588, + 590, + 595, + 596, + 599, + 602, + 603, + 604, + 606, + 607, + 608, + 609, + 610, + 611, + 612, + 614, + 615, + 616, + 619, + 621, + 624, + 625, + 626, + 627, + 628, + 629, + 630, + 631, + 632, + 633, + 634, + 635, + 637, + 638, + 641, + 642, + 643, + 644, + 647, + 650, + 655, + 657, + 660, + 662, + 663, + 664, + 665, + 667, + 668, + 672, + 674, + 678, + 679, + 684, + 688, + 690, + 693, + 696, + 700, + 701, + 702, + 704, + 706, + 707, + 708, + 709, + 711, + 712, + 713, + 714, + 715, + 716, + 717, + 718, + 722, + 723, + 724, + 725, + 726, + 727, + 728, + 729, + 756, + 757, + 758, + 759, + 760, + 761, + 762, + 763, + 764, + 765, + 767, + 769, + 771, + 772, + 773, + 774, + 775, + 776, + 778, + 779, + 784, + 790, + 791, + 793, + 794, + 796, + 799, + 800, + 806, + 809, + 811, + 815, + 818, + 827, + 829, + 840, + 905, + 935, + 952, + 954, + 974, + 980, + 984, + 985, + 988, + 989, + 994, + 996, + 997, + 1009, + 1010, + 1011, + 1013, + 1014, + 1015, + 1016, + 1017, + 1018, + 1020, + 1021, + 1022, + 1025, + 1026, + 1027, + 1029, + 1031, + 1032, + 1034, + 1036, + 1039, + 1040, + 1042, + 1044, + 1045, + 1046, + 1047, + 1048, + 1050, + 1052, + 1054, + 1055, + 1056, + 1057, + 1059, + 1060, + 1061, + 1062, + 1063, + 1064, + 1065, + 1067, + 1068, + 1070, + 1071, + 1072, + 1075, + 1076, + 1079, + 1080, + 1081, + 1082, + 1083, + 1084, + 1085, + 1086, + 1088, + 1089, + 1090, + 1091, + 1092, + 1094, + 1095, + 1096, + 1097, + 1099, + 1100, + 1101, + 1102, + 1103, + 1104, + 1105, + 1106, + 1107, + 1108, + 1109, + 1110, + 1111, + 1113, + 1119, + 1129, + 1143, + 1152, + 1153, + 1156, + 1164, + 1166, + 1167, + 1168, + 1169, + 1171, + 1172, + 1174, + 1175, + 1177, + 1182, + 1183, + 1185, + 1187, + 1188, + 1190, + 1192, + 1199, + 1200, + 1201, + 1202, + 1203, + 1204, + 1205, + 1206, + 1207, + 1209, + 1213, + 1215, + 1216, + 1245, + 1322, + 1406, + 1408, + 1425 + ], + "action relation": [ + 0, + 1, + 2, + 3, + 4, + 5, + 6, + 8, + 9, + 15, + 17, + 18, + 19, + 20, + 22, + 23, + 24, + 25, + 26, + 28, + 29, + 30, + 31, + 32, + 33, + 34, + 35, + 36, + 37, + 38, + 39, + 41, + 42, + 45, + 52, + 53, + 55, + 56, + 58, + 59, + 72, + 73, + 74, + 75, + 76, + 77, + 80, + 81, + 82, + 83, + 85, + 86, + 91, + 92, + 95, + 96, + 97, + 98, + 99, + 100, + 101, + 118, + 119, + 120, + 121, + 125, + 126, + 127, + 130, + 131, + 132, + 218, + 222, + 229, + 236, + 273, + 274, + 275, + 276, + 279, + 280, + 281, + 282, + 287, + 288, + 289, + 290, + 291, + 301, + 302, + 303, + 304, + 305, + 306, + 307, + 308, + 309, + 310, + 311, + 312, + 313, + 314, + 315, + 316, + 317, + 318, + 319, + 320, + 321, + 322, + 323, + 324, + 325, + 326, + 327, + 328, + 329, + 330, + 331, + 332, + 333, + 334, + 335, + 336, + 337, + 338, + 339, + 340, + 341, + 342, + 343, + 344, + 345, + 347, + 348, + 352, + 354, + 355, + 527, + 528, + 529, + 530, + 531, + 532, + 533, + 534, + 535, + 536, + 537, + 538, + 539, + 540, + 541, + 542, + 543, + 544, + 545, + 546, + 547, + 548, + 549, + 550, + 551, + 552, + 553, + 554, + 555, + 556, + 557, + 558, + 559, + 560, + 561, + 562, + 564, + 566, + 567, + 568, + 569, + 570, + 571, + 572, + 573, + 574, + 575, + 576, + 579, + 581, + 582, + 583, + 584, + 585, + 586, + 588, + 589, + 590, + 593, + 594, + 597, + 598, + 599, + 602, + 604, + 607, + 608, + 609, + 610, + 611, + 613, + 614, + 615, + 616, + 617, + 618, + 620, + 622, + 624, + 632, + 633, + 634, + 635, + 636, + 637, + 638, + 640, + 641, + 642, + 643, + 644, + 645, + 648, + 649, + 651, + 652, + 656, + 657, + 658, + 661, + 664, + 665, + 666, + 667, + 670, + 671, + 675, + 684, + 685, + 686, + 687, + 688, + 689, + 690, + 692, + 693, + 695, + 696, + 702, + 705, + 706, + 708, + 715, + 716, + 722, + 723, + 726, + 728, + 729, + 741, + 756, + 757, + 758, + 759, + 760, + 761, + 762, + 763, + 764, + 765, + 766, + 767, + 768, + 769, + 770, + 771, + 772, + 773, + 774, + 775, + 776, + 777, + 778, + 779, + 783, + 785, + 786, + 790, + 793, + 794, + 796, + 799, + 800, + 803, + 805, + 806, + 809, + 811, + 812, + 815, + 817, + 818, + 820, + 823, + 827, + 829, + 840, + 843, + 847, + 869, + 935, + 952, + 954, + 965, + 974, + 984, + 989, + 990, + 991, + 992, + 993, + 994, + 995, + 996, + 997, + 998, + 1009, + 1010, + 1011, + 1012, + 1013, + 1015, + 1017, + 1018, + 1019, + 1020, + 1021, + 1022, + 1025, + 1026, + 1028, + 1029, + 1031, + 1032, + 1033, + 1034, + 1036, + 1038, + 1039, + 1040, + 1041, + 1042, + 1044, + 1045, + 1046, + 1047, + 1049, + 1050, + 1053, + 1054, + 1055, + 1056, + 1057, + 1058, + 1059, + 1060, + 1061, + 1062, + 1063, + 1064, + 1065, + 1066, + 1067, + 1068, + 1069, + 1070, + 1071, + 1072, + 1073, + 1074, + 1076, + 1077, + 1078, + 1079, + 1080, + 1081, + 1082, + 1083, + 1084, + 1085, + 1086, + 1087, + 1088, + 1089, + 1090, + 1092, + 1093, + 1094, + 1095, + 1096, + 1097, + 1098, + 1099, + 1100, + 1102, + 1103, + 1104, + 1105, + 1107, + 1108, + 1112, + 1113, + 1117, + 1122, + 1125, + 1129, + 1130, + 1131, + 1138, + 1139, + 1155, + 1163, + 1165, + 1166, + 1169, + 1170, + 1172, + 1173, + 1174, + 1175, + 1176, + 1177, + 1179, + 1180, + 1185, + 1186, + 1187, + 1190, + 1192, + 1197, + 1204, + 1205, + 1206, + 1207, + 1208, + 1209, + 1210, + 1211, + 1212, + 1213, + 1214, + 1216, + 1369, + 1405, + 1406, + 1407, + 1408, + 1425, + 1533 + ], + "part relation": [ + 7, + 14, + 43, + 60, + 61, + 62, + 63, + 64, + 65, + 66, + 67, + 68, + 69, + 70, + 71, + 72, + 73, + 74, + 226, + 237, + 275, + 276, + 277, + 278, + 283, + 284, + 300, + 301, + 302, + 303, + 306, + 308, + 312, + 319, + 327, + 337, + 340, + 353, + 529, + 530, + 531, + 532, + 536, + 537, + 538, + 542, + 544, + 545, + 547, + 548, + 549, + 552, + 554, + 555, + 558, + 559, + 563, + 567, + 572, + 573, + 577, + 581, + 584, + 588, + 589, + 591, + 592, + 593, + 603, + 609, + 611, + 616, + 617, + 618, + 619, + 620, + 621, + 622, + 623, + 624, + 625, + 634, + 637, + 642, + 654, + 667, + 669, + 670, + 671, + 675, + 679, + 683, + 694, + 698, + 705, + 707, + 713, + 722, + 725, + 754, + 762, + 781, + 782, + 803, + 805, + 806, + 809, + 811, + 812, + 815, + 817, + 818, + 820, + 823, + 827, + 829, + 840, + 847, + 941, + 952, + 985, + 989, + 991, + 995, + 998, + 1007, + 1019, + 1027, + 1028, + 1031, + 1036, + 1039, + 1046, + 1047, + 1049, + 1055, + 1056, + 1061, + 1063, + 1065, + 1066, + 1069, + 1070, + 1071, + 1072, + 1073, + 1074, + 1075, + 1076, + 1077, + 1078, + 1079, + 1081, + 1082, + 1084, + 1086, + 1087, + 1089, + 1113, + 1114, + 1115, + 1117, + 1119, + 1120, + 1121, + 1122, + 1124, + 1125, + 1126, + 1127, + 1132, + 1133, + 1134, + 1135, + 1138, + 1139, + 1140, + 1141, + 1145, + 1146, + 1148, + 1149, + 1151, + 1153, + 1154, + 1156, + 1157, + 1158, + 1162, + 1171, + 1200, + 1211, + 1213, + 1405, + 1406 + ], + "counting": [ + 10, + 108, + 122, + 133, + 134, + 137, + 138, + 139, + 140, + 141, + 142, + 143, + 144, + 145, + 146, + 147, + 148, + 149, + 150, + 151, + 152, + 153, + 154, + 155, + 156, + 157, + 160, + 173, + 175, + 178, + 191, + 197, + 199, + 200, + 245, + 246, + 247, + 248, + 249, + 250, + 251, + 297, + 298, + 356, + 358, + 359, + 360, + 361, + 362, + 364, + 365, + 366, + 367, + 369, + 370, + 374, + 375, + 399, + 422, + 423, + 424, + 425, + 426, + 427, + 428, + 429, + 430, + 431, + 447, + 461, + 467, + 471, + 472, + 474, + 476, + 479, + 480, + 482, + 504, + 505, + 506, + 507, + 508, + 509, + 510, + 511, + 512, + 513, + 514, + 515, + 516, + 517, + 518, + 519, + 520, + 521, + 522, + 523, + 524, + 525, + 526, + 600, + 601, + 605, + 691, + 703, + 737, + 819, + 821, + 822, + 824, + 826, + 828, + 830, + 831, + 832, + 833, + 834, + 835, + 836, + 838, + 841, + 842, + 844, + 845, + 846, + 850, + 851, + 852, + 853, + 854, + 855, + 856, + 857, + 858, + 859, + 860, + 861, + 862, + 863, + 866, + 872, + 879, + 880, + 882, + 884, + 885, + 886, + 887, + 888, + 889, + 890, + 891, + 893, + 895, + 897, + 899, + 902, + 904, + 906, + 907, + 908, + 910, + 911, + 919, + 920, + 924, + 927, + 928, + 929, + 930, + 931, + 933, + 934, + 936, + 937, + 938, + 939, + 945, + 964, + 967, + 971, + 972, + 973, + 979, + 981, + 982, + 983, + 986, + 987, + 999, + 1000, + 1001, + 1002, + 1003, + 1004, + 1005, + 1006, + 1008, + 1030, + 1035, + 1037, + 1043, + 1118, + 1137, + 1142, + 1219, + 1220, + 1221, + 1222, + 1223, + 1224, + 1226, + 1227, + 1228, + 1229, + 1230, + 1231, + 1232, + 1233, + 1234, + 1235, + 1236, + 1237, + 1238, + 1239, + 1240, + 1241, + 1242, + 1243, + 1244, + 1246, + 1247, + 1248, + 1249, + 1251, + 1252, + 1253, + 1254, + 1255, + 1256, + 1257, + 1258, + 1261, + 1264, + 1296, + 1299, + 1300, + 1303, + 1305, + 1306, + 1307, + 1328, + 1330, + 1333, + 1336, + 1342, + 1421, + 1422, + 1431, + 1432, + 1441, + 1442, + 1444, + 1448, + 1455, + 1456, + 1457, + 1458, + 1459, + 1462, + 1464, + 1465, + 1467, + 1468, + 1469, + 1470, + 1472, + 1473, + 1474, + 1475, + 1476, + 1477, + 1479, + 1480, + 1483, + 1489, + 1510, + 1512, + 1513, + 1514, + 1516, + 1517, + 1518, + 1519, + 1520, + 1521, + 1522, + 1523, + 1524, + 1525, + 1527, + 1528, + 1529, + 1531, + 1532, + 1534, + 1538, + 1540, + 1541, + 1542, + 1546, + 1556, + 1557, + 1558, + 1559, + 1566, + 1567, + 1568, + 1570, + 1572, + 1573, + 1574, + 1577, + 1580, + 1582, + 1583, + 1584, + 1585, + 1586, + 1587, + 1588, + 1589, + 1590, + 1591, + 1592, + 1593, + 1595, + 1598, + 1599 + ], + "comparison": [ + 102, + 103, + 104, + 105, + 106, + 107, + 108, + 109, + 110, + 111, + 112, + 113, + 114, + 115, + 116, + 117, + 177, + 178, + 196, + 210, + 238, + 239, + 240, + 241, + 294, + 356, + 357, + 358, + 359, + 360, + 361, + 362, + 363, + 364, + 365, + 366, + 367, + 369, + 390, + 491, + 492, + 493, + 494, + 495, + 496, + 497, + 498, + 499, + 500, + 501, + 502, + 503, + 838, + 839, + 842, + 848, + 854, + 859, + 860, + 864, + 871, + 876, + 880, + 881, + 895, + 899, + 903, + 918, + 923, + 937, + 938, + 942, + 943, + 945, + 953, + 956, + 957, + 958, + 959, + 960, + 962, + 963, + 968, + 970, + 976, + 977, + 978, + 979, + 981, + 986, + 1217, + 1250, + 1259, + 1263, + 1271, + 1318, + 1321, + 1324, + 1326, + 1339, + 1376, + 1377, + 1388, + 1389, + 1392, + 1396, + 1397, + 1399, + 1400, + 1401, + 1402, + 1416, + 1424, + 1427, + 1437, + 1441, + 1442, + 1450, + 1460, + 1466, + 1482, + 1483, + 1484, + 1486, + 1518, + 1521, + 1522, + 1523, + 1524, + 1527, + 1528, + 1535, + 1538, + 1539, + 1540, + 1541, + 1542, + 1552, + 1553, + 1555, + 1556, + 1557, + 1558, + 1559, + 1560, + 1561, + 1562, + 1563, + 1564, + 1565, + 1566, + 1567, + 1568, + 1569, + 1570, + 1573, + 1589, + 1594, + 1596, + 1597, + 1598, + 1599 + ], + "differentiation": [ + 104, + 108, + 109, + 117, + 122, + 123, + 124, + 128, + 133, + 134, + 135, + 136, + 154, + 158, + 159, + 160, + 161, + 162, + 163, + 164, + 165, + 166, + 167, + 168, + 169, + 170, + 171, + 172, + 173, + 174, + 175, + 176, + 177, + 178, + 179, + 180, + 181, + 182, + 183, + 184, + 194, + 195, + 196, + 200, + 201, + 202, + 203, + 242, + 243, + 244, + 245, + 292, + 293, + 349, + 350, + 351, + 356, + 357, + 358, + 359, + 360, + 361, + 362, + 363, + 364, + 365, + 366, + 367, + 368, + 369, + 370, + 371, + 372, + 373, + 374, + 375, + 376, + 377, + 378, + 379, + 380, + 381, + 383, + 384, + 385, + 388, + 389, + 390, + 391, + 392, + 393, + 394, + 395, + 396, + 397, + 398, + 399, + 400, + 401, + 402, + 422, + 423, + 424, + 425, + 426, + 427, + 428, + 429, + 430, + 431, + 447, + 472, + 473, + 474, + 479, + 480, + 482, + 494, + 499, + 801, + 802, + 804, + 807, + 808, + 810, + 813, + 814, + 816, + 822, + 839, + 842, + 850, + 851, + 852, + 853, + 861, + 864, + 868, + 873, + 876, + 880, + 881, + 894, + 895, + 897, + 903, + 906, + 907, + 908, + 909, + 913, + 915, + 918, + 920, + 925, + 927, + 934, + 936, + 938, + 943, + 949, + 953, + 956, + 958, + 960, + 973, + 976, + 977, + 978, + 979, + 981, + 986, + 1116, + 1217, + 1249, + 1250, + 1259, + 1318, + 1330, + 1339, + 1366, + 1376, + 1392, + 1397, + 1401, + 1402, + 1424, + 1427, + 1431, + 1444, + 1445, + 1461, + 1462, + 1463, + 1464, + 1465, + 1466, + 1467, + 1468, + 1469, + 1470, + 1471, + 1472, + 1473, + 1474, + 1475, + 1476, + 1477, + 1478, + 1479, + 1480, + 1481, + 1482, + 1483, + 1484, + 1485, + 1486, + 1487, + 1488, + 1489, + 1490, + 1491, + 1492, + 1493, + 1494, + 1495, + 1496, + 1497, + 1498, + 1499, + 1500, + 1501, + 1502, + 1503, + 1504, + 1505, + 1506, + 1507, + 1508, + 1509, + 1510, + 1514, + 1516, + 1518, + 1519, + 1520, + 1523, + 1524, + 1525, + 1526, + 1527, + 1528, + 1534, + 1535, + 1538, + 1539, + 1540, + 1541, + 1542, + 1546, + 1553, + 1554, + 1555, + 1556, + 1559, + 1560, + 1562, + 1563, + 1564, + 1565, + 1566, + 1567, + 1568, + 1570, + 1571, + 1572, + 1573, + 1576, + 1579, + 1582, + 1583, + 1584, + 1585, + 1586, + 1587, + 1588, + 1590, + 1591, + 1592, + 1593, + 1594, + 1595, + 1596, + 1597, + 1598, + 1599 + ], + "negation": [ + 168, + 169, + 172, + 177, + 179, + 185, + 186, + 187, + 188, + 189, + 190, + 191, + 192, + 193, + 194, + 195, + 196, + 197, + 198, + 199, + 200, + 201, + 202, + 203, + 204, + 205, + 206, + 207, + 208, + 209, + 210, + 211, + 212, + 213, + 214, + 215, + 216, + 217, + 295, + 296, + 360, + 371, + 432, + 433, + 434, + 435, + 436, + 437, + 438, + 439, + 440, + 441, + 442, + 443, + 444, + 445, + 446, + 447, + 448, + 449, + 450, + 451, + 452, + 454, + 455, + 456, + 457, + 458, + 459, + 460, + 461, + 462, + 463, + 464, + 465, + 466, + 467, + 468, + 469, + 470, + 471, + 472, + 473, + 474, + 475, + 476, + 477, + 478, + 479, + 480, + 481, + 482, + 483, + 484, + 486, + 487, + 488, + 489, + 490, + 851, + 863, + 864, + 865, + 868, + 870, + 873, + 876, + 894, + 896, + 901, + 907, + 909, + 913, + 923, + 934, + 939, + 945, + 949, + 953, + 956, + 958, + 960, + 962, + 977, + 979, + 1217, + 1225, + 1250, + 1260, + 1261, + 1262, + 1264, + 1265, + 1266, + 1267, + 1268, + 1270, + 1272, + 1274, + 1275, + 1276, + 1277, + 1278, + 1279, + 1280, + 1281, + 1282, + 1283, + 1284, + 1285, + 1286, + 1287, + 1288, + 1289, + 1290, + 1291, + 1292, + 1293, + 1294, + 1295, + 1296, + 1297, + 1298, + 1299, + 1300, + 1301, + 1302, + 1303, + 1304, + 1305, + 1306, + 1307, + 1308, + 1309, + 1310, + 1311, + 1312, + 1313, + 1314, + 1315, + 1316, + 1317, + 1319, + 1320, + 1323, + 1325, + 1327, + 1328, + 1329, + 1330, + 1331, + 1332, + 1333, + 1334, + 1335, + 1336, + 1337, + 1338, + 1340, + 1341, + 1342, + 1343, + 1344, + 1345, + 1346, + 1347, + 1348, + 1349, + 1350, + 1351, + 1352, + 1353, + 1354, + 1355, + 1356, + 1357, + 1358, + 1359, + 1360, + 1361, + 1362, + 1363, + 1364, + 1365, + 1366, + 1367, + 1368, + 1370, + 1371, + 1372, + 1373, + 1374, + 1375, + 1377, + 1378, + 1379, + 1380, + 1381, + 1382, + 1383, + 1384, + 1385, + 1386, + 1387, + 1390, + 1391, + 1393, + 1394, + 1395, + 1398, + 1403, + 1404, + 1409, + 1410, + 1411, + 1412, + 1413, + 1414, + 1415, + 1416, + 1417, + 1418, + 1419, + 1420, + 1422, + 1423, + 1426, + 1428, + 1429, + 1430, + 1431, + 1433, + 1434, + 1435, + 1436, + 1437, + 1438, + 1439, + 1440, + 1441, + 1442, + 1443, + 1444, + 1445, + 1446, + 1447, + 1448, + 1449, + 1450, + 1452, + 1453, + 1454, + 1456, + 1457, + 1458, + 1459, + 1460, + 1461, + 1462, + 1463, + 1465, + 1466, + 1467, + 1468, + 1469, + 1470, + 1471, + 1472, + 1474, + 1475, + 1476, + 1477, + 1478, + 1479, + 1480, + 1481, + 1482, + 1483, + 1484, + 1485, + 1486, + 1488, + 1489, + 1511, + 1512, + 1513, + 1514, + 1515, + 1517, + 1519, + 1520, + 1526, + 1529, + 1530, + 1532, + 1534, + 1536, + 1537, + 1539, + 1541, + 1543, + 1544, + 1546, + 1548, + 1549, + 1562, + 1566 + ], + "universal": [ + 252, + 253, + 254, + 255, + 256, + 257, + 258, + 259, + 260, + 261, + 262, + 263, + 264, + 265, + 266, + 267, + 268, + 297, + 299, + 365, + 404, + 405, + 406, + 407, + 408, + 409, + 410, + 411, + 412, + 413, + 414, + 415, + 416, + 417, + 418, + 419, + 420, + 421, + 422, + 423, + 424, + 425, + 426, + 427, + 428, + 429, + 430, + 431, + 453, + 485, + 825, + 835, + 836, + 837, + 839, + 846, + 849, + 852, + 855, + 857, + 858, + 859, + 860, + 867, + 874, + 875, + 877, + 878, + 883, + 884, + 892, + 897, + 898, + 900, + 910, + 911, + 912, + 914, + 916, + 917, + 919, + 921, + 922, + 926, + 932, + 934, + 939, + 940, + 942, + 944, + 946, + 947, + 948, + 950, + 955, + 961, + 966, + 969, + 975, + 976, + 978, + 1218, + 1251, + 1267, + 1269, + 1273, + 1327, + 1378, + 1431, + 1433, + 1441, + 1451, + 1452, + 1453, + 1454, + 1455, + 1456, + 1457, + 1458, + 1459, + 1463, + 1516, + 1517, + 1525, + 1529, + 1530, + 1531, + 1532, + 1535, + 1543, + 1544, + 1545, + 1547, + 1549, + 1550, + 1551, + 1554, + 1573, + 1574, + 1575, + 1576, + 1577, + 1578, + 1579, + 1580, + 1581, + 1589 + ] +} \ No newline at end of file diff --git a/univa/eval/genai/eval_prompts/genai527/genai_image.json b/univa/eval/genai/eval_prompts/genai527/genai_image.json new file mode 100644 index 0000000000000000000000000000000000000000..3cebc3e7f97fbf9739fed96201f952fb4b9a1945 --- /dev/null +++ b/univa/eval/genai/eval_prompts/genai527/genai_image.json @@ -0,0 +1,19501 @@ +{ + "00001": { + "id": "00001", + "prompt": "A baker pulling freshly baked bread out of an oven in a bakery.", + "prompt in Chinese": "一位面包师正从面包店的烤箱中取出刚烤好的面包。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00002": { + "id": "00002", + "prompt": "A photographer capturing a fleeting moment in a vibrant city street.", + "prompt in Chinese": "一位摄影师在充满活力的城市街头捕捉瞬间。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00003": { + "id": "00003", + "prompt": "A gardener tending to flowers in a greenhouse filled with sunlight.", + "prompt in Chinese": "一位园艺师在阳光充满的温室里照顾花卉。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00004": { + "id": "00004", + "prompt": "A man shaping clay on a wheel in a cluttered workshop.", + "prompt in Chinese": "一位男士在一个杂乱的工作室里在陶轮上塑形黏土。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "00005": { + "id": "00005", + "prompt": "A crystal tree shimmering under a twilit, starry sky.", + "prompt in Chinese": "一棵在黄昏星空下闪烁的水晶树。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 4, + 4, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00006": { + "id": "00006", + "prompt": "A dragon perched majestically on a craggy, smoke-wreathed mountain.", + "prompt in Chinese": "一条龙威严地栖息在崎岖、缭绕烟雾的山峰上。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 5 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "00007": { + "id": "00007", + "prompt": "A fairy dancing lightly atop a blooming, moonlit flower.", + "prompt in Chinese": "一位仙子轻巧地在月光下绽放的花朵上起舞。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "00008": { + "id": "00008", + "prompt": "A phoenix soaring above a city, aglow with golden flames.", + "prompt in Chinese": "一只凤凰在城市上空飞翔,身披金色火焰。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 4 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "00009": { + "id": "00009", + "prompt": "A ghostly ship sailing on a fog-shrouded, moonlit sea.", + "prompt in Chinese": "一艘幽灵船在浓雾笼罩、月夜的海上航行。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00010": { + "id": "00010", + "prompt": "A sorcerer's hat casting shadows over a cluttered, enchanted desk.", + "prompt in Chinese": "一顶巫师的帽子在一个杂乱、充满魔法的书桌上投下阴影。", + "models": { + "DALLE_3": [ + 4, + 5, + 3 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 1 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 3 + ], + "SDXL_Base": [ + 3, + 4, + 5 + ] + } + }, + "00011": { + "id": "00011", + "prompt": "A pair of winged boots resting on a cloud in the sky.", + "prompt in Chinese": "一双有着翅膀的靴子停在天空中的云朵上。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 1 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00012": { + "id": "00012", + "prompt": "A talking mirror whispering secrets in a dim chamber.", + "prompt in Chinese": "一面会说话的镜子在昏暗的房间里低语秘密。", + "models": { + "DALLE_3": [ + 2, + 1, + 1 + ], + "SDXL_Turbo": [ + 2, + 2, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 1, + 1 + ], + "Midjourney_6": [ + 2, + 2, + 1 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 1, + 1 + ] + } + }, + "00013": { + "id": "00013", + "prompt": "An ice castle standing proudly in the midst of a blizzard.", + "prompt in Chinese": "一座冰雕城堡在暴风雪中傲然屹立。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 1 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00014": { + "id": "00014", + "prompt": "A potion bubbling brightly inside a cauldron in a shadowy nook.", + "prompt in Chinese": "在阴暗角落里,大锅里药水冒着明亮的气泡。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 4, + 4 + ] + } + }, + "00015": { + "id": "00015", + "prompt": "A book with glowing runes floating beside a mystic crystal.", + "prompt in Chinese": "一本闪耀着符文的书漂浮在神秘水晶旁。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00016": { + "id": "00016", + "prompt": "A celestial comet racing across a star-studded, velvet sky.", + "prompt in Chinese": "一颗天体彗星在满是星星的天鹅绒般的夜空中飞驰。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00017": { + "id": "00017", + "prompt": "A mermaid singing softly near a coral throne undersea.", + "prompt in Chinese": "一位美人鱼在海底的珊瑚宝座旁轻声歌唱。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "00018": { + "id": "00018", + "prompt": "A goblin trading shiny trinkets in a hidden, mystical market.", + "prompt in Chinese": "一只妖精在一个隐藏的、神秘的市场里交易闪亮的小饰品。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 1, + 1 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00019": { + "id": "00019", + "prompt": "A unicorn grazing peacefully in a radiant, rainbow-lit glade.", + "prompt in Chinese": "一只独角兽在一个光芒四射、彩虹照耀的林间空地上平静地吃草。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00020": { + "id": "00020", + "prompt": "A magical quill writing tales by itself on an empty scroll.", + "prompt in Chinese": "一支魔法羽毛笔自己在一张空白的卷轴上书写故事。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00021": { + "id": "00021", + "prompt": "A lantern casting spectral light in a haunted, whispering forest.", + "prompt in Chinese": "一盏灯在一个闹鬼、低语的森林中散发幽光。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00022": { + "id": "00022", + "prompt": "A cloak of invisibility draped over a chair in a secretive chamber.", + "prompt in Chinese": "一件隐形斗篷悬挂在一个秘密房间的椅子上。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "00023": { + "id": "00023", + "prompt": "A genie's lamp emitting wisps of smoke on a sandy dune.", + "prompt in Chinese": "一盏神灯在沙丘上释放出缕缕烟雾。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "00024": { + "id": "00024", + "prompt": "An enchanted broom sweeping in a wizard's lofty chamber.", + "prompt in Chinese": "一把魔法扫帚在巫师的阁楼中扫地。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00025": { + "id": "00025", + "prompt": "A cat pounces on a rolling ball.", + "prompt in Chinese": "一只猫扑向一个滚动的球。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00026": { + "id": "00026", + "prompt": "A young man tastes a simmering soup.", + "prompt in Chinese": "一位年轻人品尝正在炖的汤。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 2, + 4, + 3 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00027": { + "id": "00027", + "prompt": "A girl dabs paint on a mural.", + "prompt in Chinese": "一个女孩在壁画上涂颜料。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00028": { + "id": "00028", + "prompt": "A dancer twirls in a spotlight.", + "prompt in Chinese": "一个舞者在聚光灯下旋转。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00029": { + "id": "00029", + "prompt": "A boy leaps over a hurdle.", + "prompt in Chinese": "一个男孩跃过障碍。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 5, + 5 + ] + } + }, + "00030": { + "id": "00030", + "prompt": "An old person snips a blooming rose.", + "prompt in Chinese": "一个老人剪下一朵盛开的玫瑰。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 4, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00031": { + "id": "00031", + "prompt": "A man kneads dough on a table.", + "prompt in Chinese": "一个男人在桌上揉面团。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 4, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00032": { + "id": "00032", + "prompt": "A person types on an old typewriter.", + "prompt in Chinese": "一个人在旧式打字机上打字。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 4 + ], + "Midjourney_6": [ + 2, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 1, + 1 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "00033": { + "id": "00033", + "prompt": "A dog tunes a violin.", + "prompt in Chinese": "一只狗调音小提琴。", + "models": { + "DALLE_3": [ + 2, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 1, + 5, + 5 + ] + } + }, + "00034": { + "id": "00034", + "prompt": "A woman examines a diamond.", + "prompt in Chinese": "一位女士在检查一颗钻石。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 4, + 3 + ], + "SDXL_Base": [ + 2, + 4, + 4 + ] + } + }, + "00035": { + "id": "00035", + "prompt": "A small cat waves a wand.", + "prompt in Chinese": "一只小猫挥动魔法棒。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "00036": { + "id": "00036", + "prompt": "A boy spots a colorful bird.", + "prompt in Chinese": "一位男孩发现了一只五彩缤纷的鸟。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00037": { + "id": "00037", + "prompt": "A sailor hoists a sail.", + "prompt in Chinese": "一位水手升起帆。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00038": { + "id": "00038", + "prompt": "A bird nocks an arrow.", + "prompt in Chinese": "一只鸟正在准备射箭。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "00039": { + "id": "00039", + "prompt": "A cat basking in the sunlight by a window.", + "prompt in Chinese": "一只猫在窗边阳光下晒太阳。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00040": { + "id": "00040", + "prompt": "A red bicycle parked against a brightly painted wall.", + "prompt in Chinese": "一辆红色自行车靠在一堵鲜艳的墙壁上。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 3, + 1 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 3, + 1 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00041": { + "id": "00041", + "prompt": "A teapot steaming gently on a rustic kitchen table.", + "prompt in Chinese": "一壶茶壶在乡村厨房的桌子上轻轻地冒着热气。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00042": { + "id": "00042", + "prompt": "Old boots resting on a muddy trail in the woods.", + "prompt in Chinese": "旧靴子停放在树林中的泥泞小径上。", + "models": { + "DALLE_3": [ + 5, + 4, + 3 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00043": { + "id": "00043", + "prompt": "A yellow taxi waiting outside a modern glass building.", + "prompt in Chinese": "一辆黄色出租车停在现代玻璃建筑外。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00044": { + "id": "00044", + "prompt": "An armchair with a knit blanket draped over it, next to a fireplace.", + "prompt in Chinese": "一把扶手椅上搭着一条针织毯子,旁边是一个壁炉。", + "models": { + "DALLE_3": [ + 5, + 5, + 2 + ], + "SDXL_Turbo": [ + 4, + 4, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 4 + ], + "SDXL_2_1": [ + 5, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 4, + 5 + ] + } + }, + "00045": { + "id": "00045", + "prompt": "A colorful mural of a bird adorning a city alley.", + "prompt in Chinese": "一幅五颜六色的鸟儿壁画装饰着城市的小巷。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00046": { + "id": "00046", + "prompt": "An old lantern swaying from a tree branch in a foggy forest.", + "prompt in Chinese": "一个旧灯笼在雾蒙蒙的森林里的树枝上摇晃。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00047": { + "id": "00047", + "prompt": "A garden path lined with glowing stones under a twilight sky.", + "prompt in Chinese": "黄昏天空下,一条园径两旁点缀着发光的石头。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00048": { + "id": "00048", + "prompt": "A grand fountain surrounded by historic buildings in a town square.", + "prompt in Chinese": "一个宏伟的喷泉被城镇广场上的历史建筑包围。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00049": { + "id": "00049", + "prompt": "A cavern lit by shafts of light revealing hidden underground pools.", + "prompt in Chinese": "光束照亮的洞穴内揭示了隐藏的地下水池。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00050": { + "id": "00050", + "prompt": "Boats laden with fruits floating on a river under a dual sunset.", + "prompt in Chinese": "装满水果的小船在双日落下的河上漂浮。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 4, + 4 + ], + "SDXL_2_1": [ + 1, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "00051": { + "id": "00051", + "prompt": "Shelves carved from tree branches in a mystical library.", + "prompt in Chinese": "一个神秘图书馆里用树枝雕刻的书架。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00052": { + "id": "00052", + "prompt": "Ancient buildings juxtaposed with sleek, futuristic transports.", + "prompt in Chinese": "古老建筑与光滑的未来交通工具形成对比。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00053": { + "id": "00053", + "prompt": "A village covered in snow, illuminated by the northern lights.", + "prompt in Chinese": "一个被雪覆盖的村庄,在北极光的照耀下发亮。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00054": { + "id": "00054", + "prompt": "An oasis mirage with an ice palace reflecting moonlight in the desert.", + "prompt in Chinese": "沙漠中的绿洲幻觉,冰宫在月光下映照。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 3, + 5, + 4 + ] + } + }, + "00055": { + "id": "00055", + "prompt": "An asteroid spaceport bustling with aliens and spacecraft.", + "prompt in Chinese": "一个繁忙的小行星太空港,充满外星人和宇宙飞船。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00056": { + "id": "00056", + "prompt": "A small dog dozing in a patch of sunlight.", + "prompt in Chinese": "一只小狗在一片阳光下打盹。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00057": { + "id": "00057", + "prompt": "A single rose growing through a crack.", + "prompt in Chinese": "一朵玫瑰从裂缝中生长出来。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00058": { + "id": "00058", + "prompt": "A quaint bookshop.", + "prompt in Chinese": "一家古雅的书店。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00059": { + "id": "00059", + "prompt": "A lone lighthouse standing guard on a rocky coastline.", + "prompt in Chinese": "一座独立的灯塔守卫着岩石海岸。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00060": { + "id": "00060", + "prompt": "A butterfly perched on a wildflower in a meadow.", + "prompt in Chinese": "一只蝴蝶停留在草甸上的野花上。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00061": { + "id": "00061", + "prompt": "A pilot with aviator sunglasses.", + "prompt in Chinese": "一位戴着飞行员太阳镜的飞行员。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "00062": { + "id": "00062", + "prompt": "A baker with a cherry pin on a polka dot apron.", + "prompt in Chinese": "一位在圆点围裙上别着樱桃别针的面包师。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 3, + 3 + ] + } + }, + "00063": { + "id": "00063", + "prompt": "A knight with a feather plume helmet by a stone tower.", + "prompt in Chinese": "一个穿着羽毛羽饰头盔的骑士站在石塔旁。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00064": { + "id": "00064", + "prompt": "A scientist with a gear-shaped ring in a steampunk lab.", + "prompt in Chinese": "一个戴着齿轮形戒指的科学家在蒸汽朋克实验室里。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00065": { + "id": "00065", + "prompt": "A swan with a silver anklet on a crystal lake.", + "prompt in Chinese": "一只在水晶湖上戴着银色脚链的天鹅。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 4, + 5 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00066": { + "id": "00066", + "prompt": "A ninja with a dragon emblem in a bamboo grove.", + "prompt in Chinese": "一位在竹林中带着龙徽章的忍者。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 4, + 3 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00067": { + "id": "00067", + "prompt": "A pirate with a skull earring on a treasure island.", + "prompt in Chinese": "在宝藏岛上,戴着骷髅耳环的海盗。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 4, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 3, + 3 + ] + } + }, + "00068": { + "id": "00068", + "prompt": "A wizard with a starry cape under a full moon.", + "prompt in Chinese": "在满月下,穿着星空斗篷的巫师。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 5 + ] + } + }, + "00069": { + "id": "00069", + "prompt": "A fairy with butterfly wings in a dewy meadow.", + "prompt in Chinese": "露水草地上长着蝴蝶翅膀的仙女。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 5, + 5 + ] + } + }, + "00070": { + "id": "00070", + "prompt": "A cheerleader with a star badge at a sports field.", + "prompt in Chinese": "一位在运动场上佩戴星形徽章的啦啦队长。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 1, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "00071": { + "id": "00071", + "prompt": "A samurai with a silk sash in a cherry blossom garden.", + "prompt in Chinese": "一位在樱花园中佩戴丝绸腰带的武士。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "00072": { + "id": "00072", + "prompt": "An astronaut with a flag patch drifting in space.", + "prompt in Chinese": "一位在太空中飘荡的带着国旗补丁的宇航员。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00073": { + "id": "00073", + "prompt": "A playful kitten with a bell collar on the left, batting at a fluttering butterfly on the right.", + "prompt in Chinese": "左边一只戴着铃铛项圈的顽皮小猫,正在用爪子拍打右边飞舞的蝴蝶。", + "models": { + "DALLE_3": [ + 1, + 3, + 3 + ], + "SDXL_Turbo": [ + 1, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 4, + 4 + ], + "Midjourney_6": [ + 2, + 4, + 4 + ], + "SDXL_2_1": [ + 1, + 3, + 3 + ], + "SDXL_Base": [ + 1, + 3, + 3 + ] + } + }, + "00074": { + "id": "00074", + "prompt": "A cheerful dog with a frisbee in its mouth on the right, chasing a rolling ball on the left.", + "prompt in Chinese": "右边一只嘴里叼着飞盘的快乐的狗,正在追赶左边滚动的球。", + "models": { + "DALLE_3": [ + 1, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 1, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00075": { + "id": "00075", + "prompt": "An eagle with a silver band on its leg on the right, soaring past a towering pine tree on the left.", + "prompt in Chinese": "右侧是一只腿上缠着银带的雄鹰,它从左侧高耸的松树旁翱翔而过。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "00076": { + "id": "00076", + "prompt": "A golden retriever sitting to the left of a blue picket fence.", + "prompt in Chinese": "一只金毛犬坐在蓝色栅栏的左边。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 4, + 4 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00077": { + "id": "00077", + "prompt": "A small pond with a single swan gliding towards the left.", + "prompt in Chinese": "一个小池塘里,一只天鹅向左滑行。", + "models": { + "DALLE_3": [ + 2, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 4, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00078": { + "id": "00078", + "prompt": "A white sailboat drifting towards the left on a calm lake.", + "prompt in Chinese": "一只白色帆船在平静的湖面上向左漂移。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 1, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00079": { + "id": "00079", + "prompt": "A single red rose in a vase on the right side of a windowsill.", + "prompt in Chinese": "一个窗台右侧的花瓶中有一朵红玫瑰。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00080": { + "id": "00080", + "prompt": "A blue mailbox standing to the left of a winding garden path.", + "prompt in Chinese": "一封蓝色邮筒立在蜿蜒花园小径的左侧。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 4, + 4 + ], + "SDXL_Base": [ + 1, + 3, + 1 + ] + } + }, + "00081": { + "id": "00081", + "prompt": "A snowy owl perched to the right on a frost-covered branch.", + "prompt in Chinese": "一只雪白的猫头鹰栖息在右侧结霜的树枝上。", + "models": { + "DALLE_3": [ + 2, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 4, + 4 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "00082": { + "id": "00082", + "prompt": "A vintage clock on a mantelpiece leaning slightly to the left.", + "prompt in Chinese": "壁炉架上的一只古董钟微微向左倾斜。", + "models": { + "DALLE_3": [ + 2, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 1, + 3, + 4 + ], + "SDXL_Base": [ + 2, + 4, + 3 + ] + } + }, + "00083": { + "id": "00083", + "prompt": "A cat sitting to the left of a bookshelf.", + "prompt in Chinese": "一只猫坐在书架的左侧。", + "models": { + "DALLE_3": [ + 2, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 4, + 4 + ], + "Midjourney_6": [ + 2, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 4, + 4 + ] + } + }, + "00084": { + "id": "00084", + "prompt": "A crystal-clear lake reflecting a mountainous landscape.", + "prompt in Chinese": "一片清澈的湖面反射出山峦的景象。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00085": { + "id": "00085", + "prompt": "A row of colorful townhouses on a sunny street.", + "prompt in Chinese": "阳光下一排色彩缤纷的城镇房屋。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00086": { + "id": "00086", + "prompt": "An ancient scroll unrolled on a wooden desk.", + "prompt in Chinese": "一卷古老的卷轴展开在木制书桌上。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 4, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00087": { + "id": "00087", + "prompt": "A hammock strung between two palm trees on a beach.", + "prompt in Chinese": "一张吊床系在沙滩上两棵棕榈树之间。", + "models": { + "DALLE_3": [ + 5, + 4, + 3 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00088": { + "id": "00088", + "prompt": "A narrow alleyway illuminated by strings of fairy lights.", + "prompt in Chinese": "一条狭窄的巷道被串串仙灯照亮。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00089": { + "id": "00089", + "prompt": "A star-filled sky over a desert campsite.", + "prompt in Chinese": "沙漠营地上方的满天繁星。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00090": { + "id": "00090", + "prompt": "A red bicycle against a blue wall.", + "prompt in Chinese": "一辆红色自行车靠在蓝色墙壁上。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "00091": { + "id": "00091", + "prompt": "Worn-out boots sit on a muddy path, the dense forest looming around them.", + "prompt in Chinese": "磨损的靴子在泥泞的小径上,周围是茂密的森林。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00092": { + "id": "00092", + "prompt": "A bright yellow taxi parked in front, a tall glass building rising behind it amidst clouds.", + "prompt in Chinese": "一辆明黄色的出租车停在前方,身后是耸入云端的高大玻璃建筑。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 4, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00093": { + "id": "00093", + "prompt": "A vibrant mural depicts a giant parrot, urban apartment buildings serving as its canvas.", + "prompt in Chinese": "一幅生动的壁画描绘了一只巨大的鹦鹉,城市的公寓楼作为其画布。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00094": { + "id": "00094", + "prompt": "A whimsical garden features glowing flowers, luminescent stones lining the pathway beneath.", + "prompt in Chinese": "一个异想天开的花园里,夜光花朵绽放,路径下铺满了发光的石头。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 1 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 4, + 4 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00095": { + "id": "00095", + "prompt": "A cat lounging lazily on a sunny windowsill.", + "prompt in Chinese": "一只猫慵懒地躺在阳光明媚的窗台上。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00096": { + "id": "00096", + "prompt": "A painter delicately brushing color onto a canvas in a bright, airy studio.", + "prompt in Chinese": "一位画家在明亮、通风的工作室内细致地给画布上色。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 4, + 4 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "00097": { + "id": "00097", + "prompt": "A chef fervently preparing sushi in a bustling kitchen.", + "prompt in Chinese": "一位厨师在繁忙的厨房里热火朝天地准备寿司。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 4, + 4 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 1, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "00098": { + "id": "00098", + "prompt": "A vintage car cruising down a coastal road at sunset.", + "prompt in Chinese": "夕阳西下,一辆老爷车在沿海公路上行驶。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 1, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00099": { + "id": "00099", + "prompt": "A group of children playing hide-and-seek in a blooming garden.", + "prompt in Chinese": "一群孩子在鲜花盛开的花园里捉迷藏。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00100": { + "id": "00100", + "prompt": "A librarian shelving books in a quiet, expansive library.", + "prompt in Chinese": "一位图书管理员在宁静、宽敞的图书馆里整理书籍。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 4, + 4 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00101": { + "id": "00101", + "prompt": "An astronaut floating gracefully in the vastness of space outside a spacecraft.", + "prompt in Chinese": "一位宇航员在宇宙飞船外的浩瀚太空中优雅地漂浮。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00102": { + "id": "00102", + "prompt": "A little girl tuning a guitar before a concert in a dimly lit venue.", + "prompt in Chinese": "一个小女孩在昏暗的场地中调音吉他,准备音乐会。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 3, + 2 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00103": { + "id": "00103", + "prompt": "A pencil holder with more pens than pencils.", + "prompt in Chinese": "一个笔筒里中的钢笔比铅笔多。", + "models": { + "DALLE_3": [ + 2, + 5, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 1 + ], + "SDXL_2_1": [ + 4, + 5, + 3 + ], + "SDXL_Base": [ + 1, + 2, + 1 + ] + } + }, + "00104": { + "id": "00104", + "prompt": "A building with more doors than windows.", + "prompt in Chinese": "一个门比窗户多的建筑。", + "models": { + "DALLE_3": [ + 4, + 2, + 2 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00105": { + "id": "00105", + "prompt": "A couple where the taller one hugs the shorter from behind.", + "prompt in Chinese": "一对情侣,个子高从后面抱住个子矮。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 1, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 1 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 1, + 3, + 1 + ], + "SDXL_Base": [ + 3, + 3, + 1 + ] + } + }, + "00106": { + "id": "00106", + "prompt": "The sky teems with more birds than the number of fish visible in the lake below.", + "prompt in Chinese": "天空中的鸟比湖里的鱼多。", + "models": { + "DALLE_3": [ + 2, + 5, + 4 + ], + "SDXL_Turbo": [ + 2, + 5, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 5, + 4 + ], + "Midjourney_6": [ + 2, + 5, + 4 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00107": { + "id": "00107", + "prompt": "On the party table, chocolate chip cookies outnumber the frosted cupcakes.", + "prompt in Chinese": "派对桌上,巧克力饼干的数量超过了纸杯蛋糕。", + "models": { + "DALLE_3": [ + 3, + 5, + 2 + ], + "SDXL_Turbo": [ + 5, + 2, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 4 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 2, + 4 + ] + } + }, + "00108": { + "id": "00108", + "prompt": "A table setting with fewer forks than bowls.", + "prompt in Chinese": "餐桌上,叉子的数量少于碗。", + "models": { + "DALLE_3": [ + 5, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 4, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 4, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 5 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "00109": { + "id": "00109", + "prompt": "In a gym, there are two people, the one closer to the table is resting and the one further away from the table is lifting weights.", + "prompt in Chinese": "在健身房里,有两个人,离桌子近的在休息,离桌子远的在举重。", + "models": { + "DALLE_3": [ + 4, + 5, + 3 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00110": { + "id": "00110", + "prompt": "A larger person in yellow clothing and a smaller person in a different color.", + "prompt in Chinese": "一个穿黄色衣服的大个子和一个穿不同颜色衣服的小个子。", + "models": { + "DALLE_3": [ + 2, + 4, + 4 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 4, + 4 + ], + "Midjourney_6": [ + 1, + 4, + 4 + ], + "SDXL_2_1": [ + 1, + 3, + 3 + ], + "SDXL_Base": [ + 1, + 3, + 2 + ] + } + }, + "00111": { + "id": "00111", + "prompt": "An animal with legs notably longer than a nearby person's.", + "prompt in Chinese": "一只动物的腿明显比附近的人的腿长。", + "models": { + "DALLE_3": [ + 1, + 2, + 2 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 1, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00112": { + "id": "00112", + "prompt": "A forest landscape with more birds in the sky than trees on the ground.", + "prompt in Chinese": "一个森林景观,天空中的鸟比地面上的树多。", + "models": { + "DALLE_3": [ + 2, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 5, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 5, + 3 + ] + } + }, + "00113": { + "id": "00113", + "prompt": "A workspace with more computers than computer mice.", + "prompt in Chinese": "一个工作空间里,电脑比鼠标多。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "00114": { + "id": "00114", + "prompt": "An interior space with stools outnumbering the people.", + "prompt in Chinese": "一个室内空间里,凳子的数量超过了人数。", + "models": { + "DALLE_3": [ + 4, + 3, + 4 + ], + "SDXL_Turbo": [ + 4, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 4, + 3, + 4 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 3, + 4 + ] + } + }, + "00115": { + "id": "00115", + "prompt": "A scene where there are more hats than stools.", + "prompt in Chinese": "一个场景里,帽子比凳子多。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 1, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 4, + 2, + 5 + ] + } + }, + "00116": { + "id": "00116", + "prompt": "A kitchen with a larger quantity of milk than juice.", + "prompt in Chinese": "一个厨房里,牛奶的数量比果汁多。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 2, + 1 + ], + "SDXL_Base": [ + 1, + 2, + 1 + ] + } + }, + "00117": { + "id": "00117", + "prompt": "In a peaceful pond, there are more fish in the water than frogs on the lotus leaves.", + "prompt in Chinese": "在一个宁静的池塘中,水中的鱼比荷叶上的青蛙多。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 1 + ], + "Midjourney_6": [ + 1, + 3, + 4 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 1, + 1 + ] + } + }, + "00118": { + "id": "00118", + "prompt": "City view, the tower on the left is taller than the one on the right.", + "prompt in Chinese": "城市景观,左边的塔楼比右边的高。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00119": { + "id": "00119", + "prompt": "The sun illuminates the garden, a shovel sticks in the soil, and gloves lay on the bench.", + "prompt in Chinese": "阳光照亮了花园,铲子插在土里,手套放在长椅上。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 3 + ] + } + }, + "00120": { + "id": "00120", + "prompt": "A fish glides through the air, while a bird plunges underwater.", + "prompt in Chinese": "鱼儿在空中滑翔,鸟儿在水下飞翔。", + "models": { + "DALLE_3": [ + 1, + 3, + 2 + ], + "SDXL_Turbo": [ + 1, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 1 + ], + "Midjourney_6": [ + 1, + 3, + 2 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 1, + 1 + ] + } + }, + "00121": { + "id": "00121", + "prompt": "A map unfolds widely on the wall and a compass points northward.", + "prompt in Chinese": "一幅地图在墙上展开,指南针指向北方。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 1, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 2, + 4, + 3 + ] + } + }, + "00122": { + "id": "00122", + "prompt": "Children are swinging on the swings while their parents watch from nearby, and a puppy frolics around them.", + "prompt in Chinese": "孩子们在秋千上荡秋千,他们的父母在旁边观看,一只小狗在他们身边嬉戏。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 4, + 4 + ] + } + }, + "00123": { + "id": "00123", + "prompt": "Three flowers on the ground: one red, another yellow, and the third blue.", + "prompt in Chinese": "地上有三朵花:一朵红色,另一朵黄色,第三朵蓝色。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00124": { + "id": "00124", + "prompt": "There are two red flowers on the table and a few yellow flowers under the table.", + "prompt in Chinese": "桌子上有两朵红花,桌子下有一些黄花。", + "models": { + "DALLE_3": [ + 3, + 2, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00125": { + "id": "00125", + "prompt": "A strange landscape, the ground on the left is covered with snow but the ground on the right is covered with green grass.", + "prompt in Chinese": "一片奇怪的景观,左边的地面覆盖着雪,右边的地上却长满了绿草。", + "models": { + "DALLE_3": [ + 1, + 3, + 3 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 1 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 5 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00126": { + "id": "00126", + "prompt": "A boat glides across the ocean, dolphins leaping beside it and seagulls soaring overhead.", + "prompt in Chinese": "一条船在海洋上滑行,海豚在旁跳跃,海鸥在头顶飞翔。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 5, + 5 + ] + } + }, + "00127": { + "id": "00127", + "prompt": "A painting hangs on the wall, a vase rests on the table, and sunlight streams through the window.", + "prompt in Chinese": "一幅画挂在墙上,一只花瓶放在桌子上,阳光透过窗户洒进来。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 3, + 4 + ] + } + }, + "00128": { + "id": "00128", + "prompt": "A hat is perched on the table and a coat is draped on the chair.", + "prompt in Chinese": "一顶帽子放在桌子上,一件外套搭在椅子上。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 1, + 2, + 1 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00129": { + "id": "00129", + "prompt": "A garden scene, weeds growing on the left side of the garden while the right side is neatly manicured.", + "prompt in Chinese": "一个花园场景,花园的左边长满了杂草,而右边则修剪得整整齐齐。", + "models": { + "DALLE_3": [ + 2, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 4, + 3 + ], + "SDXL_Base": [ + 2, + 4, + 3 + ] + } + }, + "00130": { + "id": "00130", + "prompt": "In one bedroom the pillows were plump and the blankets neatly folded.", + "prompt in Chinese": "一间卧室里,枕头蓬松,被子叠得整整齐齐。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 1 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00131": { + "id": "00131", + "prompt": "A guitar rests against a chair and a drum set stands nearby.", + "prompt in Chinese": "一把吉他靠在椅子上,一套架子鼓立在旁边。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 5 + ], + "SDXL_2_1": [ + 2, + 4, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00132": { + "id": "00132", + "prompt": "In a snowy landscape, a fox dashes across the terrain, while nearby, a dog sits calmly.", + "prompt in Chinese": "在一片雪景中,一只狐狸飞奔而过,旁边一只狗安静地坐着", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 5 + ], + "Midjourney_6": [ + 2, + 2, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00133": { + "id": "00133", + "prompt": "The sun sets on the left while the moon rises on the right.", + "prompt in Chinese": "太阳在左边落下,月亮在右边升起。", + "models": { + "DALLE_3": [ + 1, + 3, + 2 + ], + "SDXL_Turbo": [ + 1, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 1, + 1 + ], + "Midjourney_6": [ + 1, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00134": { + "id": "00134", + "prompt": "Two lampshades flank a bed: the one on the left is tilted, while the one on the right stands straight.", + "prompt in Chinese": "两个灯罩矗立在床的两侧:左边的倾斜,而右边的直立。", + "models": { + "DALLE_3": [ + 1, + 5, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00135": { + "id": "00135", + "prompt": "A window consists of two panes of glass, the left one is broken but the right one is intact.", + "prompt in Chinese": "一扇窗户由两块玻璃组成,左边的玻璃碎了,右边的却完好无损。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00136": { + "id": "00136", + "prompt": "A piece of white paper on the grass, the left side of the paper is filled with writing while the right side is empty.", + "prompt in Chinese": "草地上的一张白纸,左边写满了字,右边却空空如也。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "00137": { + "id": "00137", + "prompt": "A child studying at a table, the left side of the table is neat, but the right side is cluttered.", + "prompt in Chinese": "一个孩子在桌子旁学习,桌子左边整洁,右边杂乱。", + "models": { + "DALLE_3": [ + 2, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 4, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 3 + ] + } + }, + "00138": { + "id": "00138", + "prompt": "At the center of the table, four gleaming silver forks encircle a solitary porcelain plate.", + "prompt in Chinese": "在桌子中央,四把闪亮的银叉围绕着一个瓷盘。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00139": { + "id": "00139", + "prompt": "Two cats playing with a single ball.", + "prompt in Chinese": "两只猫在玩一个球。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00140": { + "id": "00140", + "prompt": "Five cylindrical mugs beside two rectangular napkins.", + "prompt in Chinese": "五个圆柱形马克杯,旁边是两块长方形餐巾。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 4, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00141": { + "id": "00141", + "prompt": "Four flowers blooming, two beside a bench.", + "prompt in Chinese": "四朵盛开的花,两朵在长椅旁边。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00142": { + "id": "00142", + "prompt": "Six oval stones and four triangular sails.", + "prompt in Chinese": "六块椭圆形的石头和四个三角形的帆。", + "models": { + "DALLE_3": [ + 2, + 1, + 1 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 1, + 2, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00143": { + "id": "00143", + "prompt": "One orange kite and four white seagulls flying above the beach.", + "prompt in Chinese": "一个橙色的风筝和四只白色的海鸥在海滩上空飞翔。", + "models": { + "DALLE_3": [ + 3, + 3, + 4 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 4, + 4 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00144": { + "id": "00144", + "prompt": "Five enthusiastic athletes and one tired coach.", + "prompt in Chinese": "五个充满热情的运动员和一个疲惫的教练。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00145": { + "id": "00145", + "prompt": "Two orange pumpkins and four flying black bats.", + "prompt in Chinese": "两个橙色南瓜和四只飞舞的黑蝙蝠。", + "models": { + "DALLE_3": [ + 3, + 2, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 3, + 4, + 4 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00146": { + "id": "00146", + "prompt": "One sun setting behind two tall buildings.", + "prompt in Chinese": "一轮夕阳落在两座高楼的后面。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 4 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00147": { + "id": "00147", + "prompt": "Two orange pumpkins behind a group of five spooky Halloween candles.", + "prompt in Chinese": "两个橙色的南瓜在五支诡异的万圣节蜡烛后面。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 1, + 1 + ] + } + }, + "00148": { + "id": "00148", + "prompt": "One content rabbit and six tired turtles.", + "prompt in Chinese": "一个满足的兔子和六只疲惫的乌龟。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00149": { + "id": "00149", + "prompt": "Eight wavy lines are under three polygonal signs.", + "prompt in Chinese": "三个多边形的标志下面有八条波浪线。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 1, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 1, + 1 + ], + "Midjourney_6": [ + 1, + 1, + 1 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 1, + 1, + 1 + ] + } + }, + "00150": { + "id": "00150", + "prompt": "Three pink peonies and four white daisies in a garden.", + "prompt in Chinese": "花园里有三朵粉红色的牡丹和四朵白色的雏菊。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00151": { + "id": "00151", + "prompt": "Two red balloons and three white clouds floating in the blue sky.", + "prompt in Chinese": "蓝天上飘着两个红气球和三朵白云。", + "models": { + "DALLE_3": [ + 1, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 1, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00152": { + "id": "00152", + "prompt": "Two grey wolves howling and three deer watching.", + "prompt in Chinese": "两只灰狼在嚎叫,三只小鹿在观望。", + "models": { + "DALLE_3": [ + 3, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00153": { + "id": "00153", + "prompt": "Four disappointed customers and two content sellers.", + "prompt in Chinese": "四个失望的顾客和两个满意的卖家。", + "models": { + "DALLE_3": [ + 2, + 2, + 1 + ], + "SDXL_Turbo": [ + 2, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 1 + ], + "Midjourney_6": [ + 2, + 1, + 1 + ], + "SDXL_2_1": [ + 2, + 1, + 1 + ], + "SDXL_Base": [ + 2, + 1, + 1 + ] + } + }, + "00154": { + "id": "00154", + "prompt": "Four nervous mice and one confident cat.", + "prompt in Chinese": "四只紧张的老鼠和一只自信的猫。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00155": { + "id": "00155", + "prompt": "Three books are stacked on top of each other, with the red one at the bottom, the yellow one in the middle, and the blue one on top.", + "prompt in Chinese": "三本书叠在一起,红色的书在最下面,黄色的书在中间,蓝色的书在最上面。。", + "models": { + "DALLE_3": [ + 2, + 4, + 4 + ], + "SDXL_Turbo": [ + 1, + 3, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 4, + 4 + ], + "Midjourney_6": [ + 1, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 4, + 4 + ] + } + }, + "00156": { + "id": "00156", + "prompt": "One bird singing, two flowers swaying.", + "prompt in Chinese": "一只鸟在唱歌,两朵花在摇摆。", + "models": { + "DALLE_3": [ + 4, + 3, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 4, + 3, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00157": { + "id": "00157", + "prompt": "Five relaxed students but one overwhelmed teacher.", + "prompt in Chinese": "五个放松的学生和一个不堪重负的老师。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00158": { + "id": "00158", + "prompt": "One ecstatic painter in front of four confused muses.", + "prompt in Chinese": "一个欣喜若狂的画家面对四个困惑的缪斯女神。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 1, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 1, + 1 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 1, + 1 + ], + "SDXL_Base": [ + 1, + 1, + 1 + ] + } + }, + "00159": { + "id": "00159", + "prompt": "One person talks on the phone animatedly while the other sits sadly.", + "prompt in Chinese": "一个人兴致勃勃地讲电话,另一个人愁眉苦脸地坐着。", + "models": { + "DALLE_3": [ + 3, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00160": { + "id": "00160", + "prompt": "An excited cat is on the left and an upset cat is on the right", + "prompt in Chinese": "一只兴奋的猫在左边,一只不高兴的猫在右边", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 4, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00161": { + "id": "00161", + "prompt": "A scene with two blue balls amidst many yellow ones.", + "prompt in Chinese": "在许多黄色的球中有两个蓝色的球。", + "models": { + "DALLE_3": [ + 2, + 4, + 2 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 3, + 2 + ], + "SDXL_Base": [ + 1, + 3, + 3 + ] + } + }, + "00162": { + "id": "00162", + "prompt": "Cats playing on the roof, the cat on the left has curly hair, the cat on the right has straight hair", + "prompt in Chinese": "猫在屋顶上玩耍,左边的猫是卷毛,右边的猫是直毛", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00163": { + "id": "00163", + "prompt": "A lone green banana stands out among a cluster of red bananas.", + "prompt in Chinese": "在一簇红色的香蕉中,一枝绿色的香蕉格外显眼。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00164": { + "id": "00164", + "prompt": "A circular mirror is above a rectangular one.", + "prompt in Chinese": "一面圆形镜子在一面长方形镜子的上方。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 1, + 1 + ], + "Midjourney_6": [ + 3, + 1, + 1 + ], + "SDXL_2_1": [ + 4, + 4, + 5 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00165": { + "id": "00165", + "prompt": "Some oranges on the left are moldy while an orange on the right is fresh.", + "prompt in Chinese": "左边的一些橙子发霉了,而右边的一个橙子是新鲜的。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 4 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00166": { + "id": "00166", + "prompt": "On display, a long, white dress contrasts sharply with a short, dark dress beside it.", + "prompt in Chinese": "展示架上,一条白色长裙与旁边的一条深色短裙形成鲜明对比。", + "models": { + "DALLE_3": [ + 1, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 4 + ] + } + }, + "00167": { + "id": "00167", + "prompt": "One person makes a humorous face as another watches.", + "prompt in Chinese": "一个人做着幽默的表情,另一个人在观看。", + "models": { + "DALLE_3": [ + 2, + 3, + 2 + ], + "SDXL_Turbo": [ + 1, + 2, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 1, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 3 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00168": { + "id": "00168", + "prompt": "An old owl watches as a young owl tries its first flight.", + "prompt in Chinese": "一只老猫头鹰观察着一只年轻的猫头鹰尝试第一次飞行。", + "models": { + "DALLE_3": [ + 3, + 3, + 4 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00169": { + "id": "00169", + "prompt": "The girl with glasses is drawing, and the girl without glasses is singing.", + "prompt in Chinese": "戴眼镜的女孩在画画,不戴眼镜的女孩在唱歌。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00170": { + "id": "00170", + "prompt": "The dog with a leash sits quietly, the other without a leash runs wildly.", + "prompt in Chinese": "有绳的狗安静地坐着,没绳的狗疯狂地跑着。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 1, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00171": { + "id": "00171", + "prompt": "The smiling child gives an apple to the frowning child.", + "prompt in Chinese": "微笑的孩子给皱眉的孩子一个苹果。", + "models": { + "DALLE_3": [ + 2, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 5 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 4, + 4 + ], + "SDXL_Base": [ + 2, + 4, + 4 + ] + } + }, + "00172": { + "id": "00172", + "prompt": "The brown dog chases the black dog around the tree.", + "prompt in Chinese": "棕色的狗绕着树追着黑色的狗。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00173": { + "id": "00173", + "prompt": "In the supermarket, a man with glasses pays a man without glasses.", + "prompt in Chinese": "在超市里,一个戴眼镜的男人付钱给一个不戴眼镜的男人。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 4 + ], + "SDXL_2_1": [ + 1, + 3, + 3 + ], + "SDXL_Base": [ + 1, + 3, + 2 + ] + } + }, + "00174": { + "id": "00174", + "prompt": "There are three men, the one in the center is jumping, the others are standing.", + "prompt in Chinese": "有三个人,中间的人在跳,其他人站着。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00175": { + "id": "00175", + "prompt": "A happy woman is on the right of a sad woman.", + "prompt in Chinese": "一位快乐的女士在一位悲伤的女士的右边。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00176": { + "id": "00176", + "prompt": "The two lay in bed, the long-haired one asleep, the short-haired one still awake.", + "prompt in Chinese": "两个人躺在床上,长发的一个睡着了,短发的一个还醒着。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00177": { + "id": "00177", + "prompt": "An injured man sitting on the ground with a man to his right who is helping him.", + "prompt in Chinese": "一位受伤的男士坐在地上,他右边有一个正在帮助他的男士。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00178": { + "id": "00178", + "prompt": "The larger person wears a yellow hat and the smaller person does not.", + "prompt in Chinese": "较大的人戴着黄色的帽子,较小的人没有戴。", + "models": { + "DALLE_3": [ + 2, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00179": { + "id": "00179", + "prompt": "Two people are running, the person with red legs is running quite slowly and the yellow legged one runs faster.", + "prompt in Chinese": "两个人在奔跑,红腿的人跑得很慢,黄腿的人跑得更快。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 1, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 1, + 1 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00180": { + "id": "00180", + "prompt": "Adjacent houses stand side by side; the left one sports a chimney, while the right one has none.", + "prompt in Chinese": "相邻的房子并排而立,左边的房子有烟囱,右边的房子没有。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00181": { + "id": "00181", + "prompt": "A bird chirping melodiously on the right, with another listening intently on the left.", + "prompt in Chinese": "一只鸟在右边婉转地鸣叫,另一只鸟在左边专注地倾听。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00182": { + "id": "00182", + "prompt": "A single snowflake falls gracefully among others swirling chaotically in the wind.", + "prompt in Chinese": "一片雪花优雅地飘落在随风乱飞的雪花中。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 5 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 1, + 1 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00183": { + "id": "00183", + "prompt": "An old artist holding a paintbrush faces a young artist wielding a pencil.", + "prompt in Chinese": "一位拿着画笔的老艺术家面对着一位手持铅笔的年轻艺术家。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00184": { + "id": "00184", + "prompt": "Among a group of pastel-colored balloons, one stands out in vibrant red.", + "prompt in Chinese": "在一群柔和色彩的气球中,一个红色的气球格外显眼。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 1, + 1 + ] + } + }, + "00185": { + "id": "00185", + "prompt": "A runner in blue shoes speeds past another in red shoes.", + "prompt in Chinese": "一位穿着蓝色鞋子的跑步者从另一位穿着红色鞋子的跑步者身边飞驰而过。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00186": { + "id": "00186", + "prompt": "A tailless, not black, cat is sitting.", + "prompt in Chinese": "一只没有尾巴的且非黑色的猫正坐着。", + "models": { + "DALLE_3": [ + 2, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00187": { + "id": "00187", + "prompt": "A smiling girl with short hair and no glasses.", + "prompt in Chinese": "一个短发不戴眼镜的微笑女孩。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00188": { + "id": "00188", + "prompt": "A bookshelf with no books, only a single red vase.", + "prompt in Chinese": "书架上没有书,只有一个红色花瓶。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 1, + 1 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00189": { + "id": "00189", + "prompt": "A bird with no feathers on its head, perched alone.", + "prompt in Chinese": "一只头上没有羽毛的鸟,孤独地栖息着。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 4, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "00190": { + "id": "00190", + "prompt": "A car, not red, without its front wheels, parked.", + "prompt in Chinese": "一辆车,不是红色的,没有前轮,停在那里。", + "models": { + "DALLE_3": [ + 1, + 1, + 1 + ], + "SDXL_Turbo": [ + 1, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 1, + 1 + ], + "Midjourney_6": [ + 1, + 3, + 2 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 1, + 1, + 1 + ] + } + }, + "00191": { + "id": "00191", + "prompt": "A yellow bird sings, a cat does not sing.", + "prompt in Chinese": "一只黄色的鸟在唱歌,一只猫不唱歌。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 1, + 1 + ], + "Midjourney_6": [ + 1, + 2, + 1 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 1, + 1, + 1 + ] + } + }, + "00192": { + "id": "00192", + "prompt": "A pair of glasses, but no lenses.", + "prompt in Chinese": "一副眼镜框,但没有镜片。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 5 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 5, + 4 + ], + "SDXL_Base": [ + 2, + 1, + 1 + ] + } + }, + "00193": { + "id": "00193", + "prompt": "A colorful skirt has an uncolorful hem.", + "prompt in Chinese": "一条有着一个素色的下摆的彩色的裙子。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 4 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "00194": { + "id": "00194", + "prompt": "A plate with no food, only a fork and a knife.", + "prompt in Chinese": "一个盘子上没有食物,只有一把叉子和一把刀。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00195": { + "id": "00195", + "prompt": "A book on the desk isn't open and a book below the desk is open.", + "prompt in Chinese": "一本在桌子上的书没有被打开,一本在桌子下的书是打开的。", + "models": { + "DALLE_3": [ + 1, + 1, + 1 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 1, + 1 + ], + "Midjourney_6": [ + 2, + 1, + 1 + ], + "SDXL_2_1": [ + 2, + 1, + 1 + ], + "SDXL_Base": [ + 2, + 1, + 1 + ] + } + }, + "00196": { + "id": "00196", + "prompt": "A person without a hat pays a person with a hat.", + "prompt in Chinese": "没有戴帽子的人付钱给戴帽子的人。", + "models": { + "DALLE_3": [ + 3, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 1, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 1, + 1 + ] + } + }, + "00197": { + "id": "00197", + "prompt": "The larger person wears blue and the smaller person does not.", + "prompt in Chinese": "体型较大的人穿蓝色,较小的人没有。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 1, + 1 + ] + } + }, + "00198": { + "id": "00198", + "prompt": "six people wear white shirts and no people wear red shirts.", + "prompt in Chinese": "六个人穿白衬衫,没有人穿红衬衫。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 1, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 1, + 1, + 2 + ], + "SDXL_2_1": [ + 2, + 1, + 2 + ], + "SDXL_Base": [ + 1, + 1, + 2 + ] + } + }, + "00199": { + "id": "00199", + "prompt": "A cat without visible ears is riding.", + "prompt in Chinese": "一只看不见耳朵的猫在骑行。", + "models": { + "DALLE_3": [ + 2, + 1, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 1, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00200": { + "id": "00200", + "prompt": "Four elephants, no giraffes.", + "prompt in Chinese": "四只大象,没有长颈鹿。", + "models": { + "DALLE_3": [ + 1, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00201": { + "id": "00201", + "prompt": "two people; the one on the right has long hair and the one on the left doesn't.", + "prompt in Chinese": "两个人;右边的那个有长发,左边的那个没有。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00202": { + "id": "00202", + "prompt": "A person with short hair is crying while a person with long hair is not.", + "prompt in Chinese": "一位短发的人在哭泣,而一位长发的人没有哭。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 1, + 1 + ], + "Midjourney_6": [ + 2, + 2, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00203": { + "id": "00203", + "prompt": "the pet on the right is blue and the one on the left is not.", + "prompt in Chinese": "右边的宠物是蓝色的,左边的宠物不是。", + "models": { + "DALLE_3": [ + 3, + 2, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 3 + ] + } + }, + "00204": { + "id": "00204", + "prompt": "a person without a hat pushes a person with a hat sitting in a box.", + "prompt in Chinese": "一个没有戴帽子的人推着一个坐在盒子里的戴帽子的人。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 1, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 1 + ], + "SDXL_2_1": [ + 2, + 1, + 1 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00205": { + "id": "00205", + "prompt": "In a race between a tortoise and a hare, the tortoise takes a nap, but the hare does not.", + "prompt in Chinese": "在乌龟和兔子的比赛中,乌龟在打盹,但兔子没有。", + "models": { + "DALLE_3": [ + 4, + 4, + 5 + ], + "SDXL_Turbo": [ + 2, + 1, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 4, + 3 + ], + "Midjourney_6": [ + 1, + 1, + 1 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 1, + 1, + 2 + ] + } + }, + "00206": { + "id": "00206", + "prompt": "There are some apples on the table, no oranges.", + "prompt in Chinese": "桌子上有一些苹果,没有橙子。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00207": { + "id": "00207", + "prompt": "A garden where flowers grow out of pots without soil.", + "prompt in Chinese": "一个花园里,花朵从没有土壤的盆里生长出来。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00208": { + "id": "00208", + "prompt": "A garden with flowers, but no bees to be seen.", + "prompt in Chinese": "一个有花的花园,但看不到蜜蜂。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 5 + ], + "SDXL_Base": [ + 3, + 4, + 5 + ] + } + }, + "00209": { + "id": "00209", + "prompt": "A bookshelf with no books, only picture frames.", + "prompt in Chinese": "一个书架上没有书,只有相框。", + "models": { + "DALLE_3": [ + 3, + 2, + 3 + ], + "SDXL_Turbo": [ + 2, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 1, + 1 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 1, + 1 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00210": { + "id": "00210", + "prompt": "A car drives down the road without wheels, floating above the ground.", + "prompt in Chinese": "一辆汽车在路上行驶,没有轮子,漂浮在地面上。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00211": { + "id": "00211", + "prompt": "The tallest tree in the forest has no leaves, while the smallest one is lush and green.", + "prompt in Chinese": "森林中最高的树没有叶子,而最小的树却郁郁葱葱。", + "models": { + "DALLE_3": [ + 3, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 1, + 1 + ], + "Midjourney_6": [ + 2, + 2, + 3 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00212": { + "id": "00212", + "prompt": "A car moves forward but a bicycle doesn't.", + "prompt in Chinese": "一辆车在向前行驶,一辆自行车没有。", + "models": { + "DALLE_3": [ + 3, + 2, + 3 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 1, + 1 + ], + "Midjourney_6": [ + 3, + 4, + 5 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00213": { + "id": "00213", + "prompt": "A vase with water, but no flowers to nourish.", + "prompt in Chinese": "花瓶有水,却无花滋润。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 4 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00214": { + "id": "00214", + "prompt": "A snowman with a hat, no scarf around its neck.", + "prompt in Chinese": "一个带帽子的雪人,脖子上没有围巾。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 4, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00215": { + "id": "00215", + "prompt": "A mountain with no snow, under a bright sky.", + "prompt in Chinese": "明亮的天空下,一座没有雪的山。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "00216": { + "id": "00216", + "prompt": "A cat sleeps peacefully in a dog's bed, while the dog has no choice but to nap on the floor.", + "prompt in Chinese": "一只猫在狗的床上安静地睡觉,而狗只能在地板上打盹。", + "models": { + "DALLE_3": [ + 3, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00217": { + "id": "00217", + "prompt": "A beach with no people, no shells.", + "prompt in Chinese": "一个没有人、也没有贝壳的海滩。", + "models": { + "DALLE_3": [ + 3, + 3, + 4 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00218": { + "id": "00218", + "prompt": "A tree with no leaves, standing in a field of green.", + "prompt in Chinese": "一棵没有叶子的树,矗立在绿茵茵的田野中。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 4 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00219": { + "id": "00219", + "prompt": "A modern home office setup, a computer monitor on the desk showing a digital calendar with 'Meeting at 3 PM' highlighted.", + "prompt in Chinese": "一个现代家庭办公室布置,桌子上的电脑显示器显示着一个数字日历,其中'Meeting at 3 PM'被突出显示。", + "models": { + "DALLE_3": [ + 5, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "00220": { + "id": "00220", + "prompt": "A busy urban intersection, a traffic sign at the roadside displaying 'Speed Limit 30 mph'.", + "prompt in Chinese": "一个繁忙的城市十字路口,路边的交通标志显示'Speed Limit 30 mph'。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00221": { + "id": "00221", + "prompt": "A typewriter on a wooden desk, paper rolled in displaying the words 'Chapter 1' in classic font.", + "prompt in Chinese": "一台打字机放在木桌上,卷着纸张,显示着用经典字体打印的'Chapter 1'字样。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "00222": { + "id": "00222", + "prompt": "A rustic bakery storefront, the window adorned with a 'Fresh Breads Daily' sign, loaves visible behind the glass.", + "prompt in Chinese": "一家乡村面包店的店面,橱窗上挂着'Fresh Breads Daily'的招牌,玻璃后面的面包清晰可见。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00223": { + "id": "00223", + "prompt": "A serene beach scene at sunset with 'Paradise Awaits' written in the sand, the ocean gently lapping at the letters.", + "prompt in Chinese": "日落时分的宁静海滩场景,沙滩上写着 'Paradise Awaits',海浪轻轻拍打着字母。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00224": { + "id": "00224", + "prompt": "A bustling city street, a neon 'Open 24 Hours' sign glowing above a small diner.", + "prompt in Chinese": "一个繁忙的城市街道,一家小餐馆上方闪烁着'Open 24 Hours'的霓虹灯牌。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00225": { + "id": "00225", + "prompt": "A snowy mountain peak with a wooden signpost reading 'Summit Trail' against a clear blue sky.", + "prompt in Chinese": "湛蓝的天空下,雪山山顶的木质路标上写着'Summit Trail' 。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00226": { + "id": "00226", + "prompt": "A garden gate with 'Welcome Friends' painted on a hanging wooden plaque, surrounded by blooming flowers.", + "prompt in Chinese": "一个花园大门,挂着一块写着'Welcome Friends' 的木质招牌,周围环绕着盛开的花朵。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 4, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00227": { + "id": "00227", + "prompt": "An elegant wedding venue, a 'Just Married' banner draped across the back of a vintage car.", + "prompt in Chinese": "一个优雅的婚礼场地,一辆复古汽车的后部悬挂着'Just Married'的横幅。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00228": { + "id": "00228", + "prompt": "'Book Nook' carved on a small library door, lantern-lit beside.", + "prompt in Chinese": "一个小图书馆的门上雕刻着'Book Nook',旁边点着灯笼。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 1, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 1, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00229": { + "id": "00229", + "prompt": "A 'No Parking' sign on a busy street.", + "prompt in Chinese": "繁忙街道上的'No Parking'标志。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 4, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 5 + ] + } + }, + "00230": { + "id": "00230", + "prompt": "A 'Veggie Patch' sign staked in a garden, lush greens around.", + "prompt in Chinese": "一块'Veggie Patch'的招牌立在花园里,周围绿意盎然。", + "models": { + "DALLE_3": [ + 5, + 4, + 4 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 2, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00231": { + "id": "00231", + "prompt": "'Tea Time' painted on a quaint cafe sign.", + "prompt in Chinese": "'Tea Time'写在一个古雅咖啡馆的招牌上。", + "models": { + "DALLE_3": [ + 5, + 4, + 5 + ], + "SDXL_Turbo": [ + 5, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 4, + 4 + ], + "Midjourney_6": [ + 1, + 2, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00232": { + "id": "00232", + "prompt": "'Zen Garden' etched into a stone at a peaceful retreat.", + "prompt in Chinese": "'Zen Garden'刻在一个宁静的度假胜地的石头上。", + "models": { + "DALLE_3": [ + 5, + 41, + 4 + ], + "SDXL_Turbo": [ + 1, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 1, + 1 + ], + "Midjourney_6": [ + 1, + 1, + 1 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 1, + 1, + 1 + ] + } + }, + "00233": { + "id": "00233", + "prompt": "'Eco Market' on a banner above a green lifestyle fair.", + "prompt in Chinese": "'Eco Market' 横幅挂在一个绿色生活方式展销会的上方。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "00234": { + "id": "00234", + "prompt": "'Art Center' is spray-painted on the wall of the City Gallery.", + "prompt in Chinese": "Art Center'被喷涂在城市画廊的墙上。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 1, + 1 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00235": { + "id": "00235", + "prompt": "'Jazz Night' flashing on a neon sign at the entrance to the Music Lounge.", + "prompt in Chinese": "'Jazz Night'在音乐休息室入口处的霓虹灯牌上闪烁。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 2, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "00236": { + "id": "00236", + "prompt": "A sign in park says 'Bike Lane.'", + "prompt in Chinese": "公园里的一块牌子上写着'Bike Lane'。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 1, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 1 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00237": { + "id": "00237", + "prompt": "A mystical forest clearing, illuminated by 'Moonlit Path' glowing runes hovering above the ground, guiding wanderers at night.", + "prompt in Chinese": "一片神秘的林间空地,'Moonlit Path'的发光符文盘旋在地面上,为夜晚的漫游者指引方向。", + "models": { + "DALLE_3": [ + 3, + 1, + 1 + ], + "SDXL_Turbo": [ + 3, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 1 + ], + "Midjourney_6": [ + 3, + 1, + 1 + ], + "SDXL_2_1": [ + 3, + 1, + 1 + ], + "SDXL_Base": [ + 3, + 1, + 1 + ] + } + }, + "00238": { + "id": "00238", + "prompt": "An ancient library hidden beneath the earth, 'Secrets of the Ages' inscribed on the archway, books floating around as if by magic.", + "prompt in Chinese": "一个隐藏在地下的古老图书馆,'Secrets of the Ages'刻在拱门上,书籍如被施了魔法一样漂浮在周围。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00239": { + "id": "00239", + "prompt": "In a mysterious swamp, the flowers are taller than the trees.", + "prompt in Chinese": "在神秘的沼泽里,花朵比树木还要高。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00240": { + "id": "00240", + "prompt": "A small dog with wings, wearing a bell around its neck that is bigger than itself.", + "prompt in Chinese": "一只有翅膀的小狗,脖子上戴着一个比自己还大的铃铛。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00241": { + "id": "00241", + "prompt": "A gigantic dog that is taller than the tree next to it.", + "prompt in Chinese": "一只巨大的狗,比旁边的树还要高。", + "models": { + "DALLE_3": [ + 3, + 2, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00242": { + "id": "00242", + "prompt": "A magical flower is taller than the house next to it.", + "prompt in Chinese": "一朵神奇的花,比旁边的房子还高。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 1, + 2 + ] + } + }, + "00243": { + "id": "00243", + "prompt": "A green pumpkin is smiling happily, a red pumpkin is sitting sadly.", + "prompt in Chinese": "一个绿色的南瓜正开心地微笑,一个红色的南瓜正悲伤地坐着。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 2, + 1, + 1 + ] + } + }, + "00244": { + "id": "00244", + "prompt": "In a mysterious forest, the leaves of a green tree shimmer with silvery glow, contrasting the dim leaves of a nearby red tree.", + "prompt in Chinese": "在一个神秘的森林里,一棵绿树的叶子闪着银色的光芒,与附近一棵红树暗淡的叶子形成对比。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 1, + 1 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00245": { + "id": "00245", + "prompt": "In a magnificent castle, a red dragon sits and a green dragon flies.", + "prompt in Chinese": "在一个宏伟的城堡里,一条红龙坐着,一条绿龙在飞。", + "models": { + "DALLE_3": [ + 4, + 4, + 5 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00246": { + "id": "00246", + "prompt": "A magician holds two books; the left one open, the right one closed.", + "prompt in Chinese": "一个魔术师手持两本书;左边的打开,右边的关闭。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00247": { + "id": "00247", + "prompt": "A mystical forest at twilight, illuminated by three floating orbs, with one unicorn drinking from a clear stream.", + "prompt in Chinese": "暮色中的神秘森林,被三个漂浮的光球照亮,有一只独角兽在清澈的溪流中饮水。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00248": { + "id": "00248", + "prompt": "One ancient scroll unfurled inside a cavern, lit by two large crystals emitting a soft glow.", + "prompt in Chinese": "一个古老的卷轴在洞穴内展开,被两个发出柔和光芒的巨大水晶照亮。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 1, + 1 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 1, + 1 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 1, + 1, + 2 + ] + } + }, + "00249": { + "id": "00249", + "prompt": "One pirate ship sailing through space, crewed by five robots.", + "prompt in Chinese": "一艘海盗船在太空中航行,船员是五个机器人。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "00250": { + "id": "00250", + "prompt": "A glowing ancient tree with five lanterns and surrounded by fireflies.", + "prompt in Chinese": "一棵发光的古树上挂着五盏灯笼并且被萤火虫环绕。", + "models": { + "DALLE_3": [ + 3, + 3, + 4 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 3, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00251": { + "id": "00251", + "prompt": "Three floating islands above one waterfall in a valley.", + "prompt in Chinese": "一个山谷中的瀑布上方有三个漂浮的岛屿。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00252": { + "id": "00252", + "prompt": "One phoenix soaring above a mountain, its wings shedding three golden feathers.", + "prompt in Chinese": "一只凤凰在山上方翱翔,它的翅膀上脱落三根金色的羽毛。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 4, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 2, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 4, + 2, + 2 + ] + } + }, + "00253": { + "id": "00253", + "prompt": "A table laden with apples and bananas, where all the fruits are green.", + "prompt in Chinese": "一张桌子上摆满了苹果和香蕉,所有的水果都是绿色的。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 33 + ], + "Midjourney_6": [ + 4, + 4, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00254": { + "id": "00254", + "prompt": "In a modern laboratory, all the computer screens are turned on.", + "prompt in Chinese": "在一个现代实验室里,所有的电脑屏幕都开着。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00255": { + "id": "00255", + "prompt": "A landscape where every tree is in full bloom, with petals covering the entirety of the ground.", + "prompt in Chinese": "一个风景画,每棵树都盛开着花,花瓣覆盖了整个地面。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00256": { + "id": "00256", + "prompt": "Inside a library where each book spine displays a unique, intricate pattern.", + "prompt in Chinese": "在一个图书馆内,每本书的书脊都展示着独特、精细的图案。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 1, + 1, + 1 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00257": { + "id": "00257", + "prompt": "An aquarium where every tank is home to a multitude of colorful fish, swimming in harmony.", + "prompt in Chinese": "水族馆里,每个鱼缸里都有许多色彩斑斓的鱼儿,它们和谐地游动。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 4, + 4 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "00258": { + "id": "00258", + "prompt": "In a square, several children are playing, each wearing a red T-shirt.", + "prompt in Chinese": "在一个广场上,几个孩子正在玩耍,每个人都穿着红色T恤。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00259": { + "id": "00259", + "prompt": "A garden where every flower is in full bloom, showcasing a rainbow of colors.", + "prompt in Chinese": "一个花园里,每朵花都盛开着,展现出一片彩虹般的色彩。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00260": { + "id": "00260", + "prompt": "A bustling kitchen where every chef is preparing a dish.", + "prompt in Chinese": "一个繁忙的厨房,每位厨师都在准备一道菜。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00261": { + "id": "00261", + "prompt": "On the grass, all the children are lying down, laughing joyfully.", + "prompt in Chinese": "在草地上,所有的孩子都躺着,欢乐地笑着。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 3, + 3 + ], + "SDXL_Base": [ + 1, + 4, + 4 + ] + } + }, + "00262": { + "id": "00262", + "prompt": "A classroom where every student's desk is covered with creative projects and experiments.", + "prompt in Chinese": "一个教室,每个学生的桌子上都摆满了创意项目和实验。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00263": { + "id": "00263", + "prompt": "In an enchanted forest, every tree is joyfully dancing.", + "prompt in Chinese": "魔法森林里,每棵树都在欢快地跳舞。", + "models": { + "DALLE_3": [ + 2, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 4, + 3 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00264": { + "id": "00264", + "prompt": "Little fairies are flying in the sky, each with pink butterfly wings.", + "prompt in Chinese": "小精灵在天空中飞翔,每个小精灵都长着粉红色的蝴蝶翅膀。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 1, + 2 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00265": { + "id": "00265", + "prompt": "An old-fashioned barber shop, where every chair is occupied by a customer under a barber's cape.", + "prompt in Chinese": "一个老式理发店,每把椅子上都有一个顾客披着理发罩。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00266": { + "id": "00266", + "prompt": "A group of people are gathered at a party, all sitting around a dining table.", + "prompt in Chinese": "一群人聚集在派对上,所有人都围坐在餐桌周围。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "00267": { + "id": "00267", + "prompt": "Two chairs in the room, both with books on them.", + "prompt in Chinese": "房间里有两把椅子,上面都放着书。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00268": { + "id": "00268", + "prompt": "A traditional potter's workshop, where every shelf holds rows of terracotta pots, each imprinted with intricate designs.", + "prompt in Chinese": "一个传统的陶器工作室,每个架子上都摆满了排排整齐的陶罐,每个陶罐上都印有复杂的图案。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00269": { + "id": "00269", + "prompt": "A bakery where every shelf is filled with a variety of bread and pastries.", + "prompt in Chinese": "一个面包店,每个架子上都摆满了各式各样的面包和糕点.", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "00270": { + "id": "00270", + "prompt": "A spotted dog, a cat and a bird on a table.", + "prompt in Chinese": "桌子上有一只斑点狗、一只猫和一只鸟。", + "models": { + "DALLE_3": [ + 4, + 3, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 4, + 3 + ], + "SDXL_Base": [ + 2, + 4, + 2 + ] + } + }, + "00271": { + "id": "00271", + "prompt": "A dog, a cat and a chicken on a table.", + "prompt in Chinese": "一只狗,一只猫和一只鸡在桌子上。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 1, + 2 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 1, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "00272": { + "id": "00272", + "prompt": "A young man with a green bat and a blue ball.", + "prompt in Chinese": "一个拿着绿色球棒和蓝色球的年轻人。", + "models": { + "DALLE_3": [ + 5, + 5, + 4 + ], + "SDXL_Turbo": [ + 2, + 1, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00273": { + "id": "00273", + "prompt": "A young man with a blue bat and a green ball.", + "prompt in Chinese": "一个年轻人拿着蓝色的球棒和绿色的球。", + "models": { + "DALLE_3": [ + 4, + 5, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 1, + 1, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 3 + ] + } + }, + "00274": { + "id": "00274", + "prompt": "parent pointing at a child.", + "prompt in Chinese": "父母指着孩子。", + "models": { + "DALLE_3": [ + 4, + 3, + 2 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 5, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00275": { + "id": "00275", + "prompt": "A child pointing at parent.", + "prompt in Chinese": "孩子指着父母。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 3 + ], + "Midjourney_6": [ + 3, + 5, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00276": { + "id": "00276", + "prompt": "A young lady wearing a T-shirt puts her hand on a puppy's head.", + "prompt in Chinese": "一位穿着t恤的年轻女士把手放在一只小狗的头上。", + "models": { + "DALLE_3": [ + 3, + 3, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 4 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 4 + ] + } + }, + "00277": { + "id": "00277", + "prompt": "A young lady wearing a T-shirt puts her hand on a puppy's paw.", + "prompt in Chinese": "一位穿着t恤的年轻女士把手放在小狗的爪子上。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 4, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 5, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 4 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "00278": { + "id": "00278", + "prompt": "A young woman wearing a red T-shirt.", + "prompt in Chinese": "一位穿着红色t恤的年轻女士。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 4 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00279": { + "id": "00279", + "prompt": "A young woman in a red long-sleeved dress.", + "prompt in Chinese": "一位身穿红色长袖连衣裙的年轻女子。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 4 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "00280": { + "id": "00280", + "prompt": "A cat chasing a dog.", + "prompt in Chinese": "一只猫在追一只狗。", + "models": { + "DALLE_3": [ + 2, + 3, + 4 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 2, + 3 + ], + "SDXL_Base": [ + 1, + 3, + 3 + ] + } + }, + "00281": { + "id": "00281", + "prompt": "A dog chasing a cat.", + "prompt in Chinese": "一只狗在追一只猫。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 1 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00282": { + "id": "00282", + "prompt": "A group of children playing in the garden.", + "prompt in Chinese": "一群孩子在花园里玩耍。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 4 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00283": { + "id": "00283", + "prompt": "A group of children playing on the beach.", + "prompt in Chinese": "一群孩子在沙滩上玩耍。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 5, + 4 + ] + } + }, + "00284": { + "id": "00284", + "prompt": "A woman wearing a T-shirt and gloves.", + "prompt in Chinese": "一位女士穿着t恤,戴着手套。", + "models": { + "DALLE_3": [ + 4, + 5, + 3 + ], + "SDXL_Turbo": [ + 3, + 5, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 4, + 5 + ] + } + }, + "00285": { + "id": "00285", + "prompt": "A woman in a long-sleeved dress with a ring.", + "prompt in Chinese": "穿着长袖衣服,戴着戒指的女人。", + "models": { + "DALLE_3": [ + 5, + 5, + 4 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 4 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "00286": { + "id": "00286", + "prompt": "A spotted dog, a cat and a bird on a round table.", + "prompt in Chinese": "一张圆桌上有一只斑点狗、一只猫和一只鸟。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 1, + 3, + 4 + ], + "SDXL_2_1": [ + 1, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "00287": { + "id": "00287", + "prompt": "A dog, a cat and a bird on a chair.", + "prompt in Chinese": "一只狗,一只猫和一只鸟在椅子上。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 4, + 4, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "00288": { + "id": "00288", + "prompt": "A boy and a dog standing in the desert.", + "prompt in Chinese": "一个男孩和一只狗站在沙漠里。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 5, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 4, + 5 + ] + } + }, + "00289": { + "id": "00289", + "prompt": "A boy and a dog standing in the beach.", + "prompt in Chinese": "一个男孩和一只狗站在海滩上", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 4, + 4 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00290": { + "id": "00290", + "prompt": "A man is hugging a box full of flowers on the floor.", + "prompt in Chinese": "一个男人正抱着一个装满鲜花的盒子躺在地上。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 4, + 4 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 4, + 4 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "00291": { + "id": "00291", + "prompt": "A man is pushing a box full of flowers on the floor.", + "prompt in Chinese": "一个男人正把一个装满花的盒子推到地板上。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "00292": { + "id": "292", + "prompt": "A young man is holding a blue bat and a green ball.", + "prompt in Chinese": "一个年轻人拿着一根蓝色的球棒和一个绿色的球。", + "models": { + "DALLE_3": [ + 4, + 5, + 4 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 1, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00293": { + "id": "293", + "prompt": "One cat is sleeping on the table and the other is playing under the table.", + "prompt in Chinese": "一只猫在桌子上睡觉,另一只在桌子下面玩耍。", + "models": { + "DALLE_3": [ + 3, + 4, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 1, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "00294": { + "id": "294", + "prompt": "One cat is sleeping on the table and the other one is awake under the table.", + "prompt in Chinese": "一只猫在桌子上睡觉,另一只在桌子下面醒着。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "00295": { + "id": "295", + "prompt": "There is a watering can and a flowerpot on the table, the watering can is bigger than the flowerpot.", + "prompt in Chinese": "桌子上有一个喷壶和一个花盆,喷壶比花盆大。", + "models": { + "DALLE_3": [ + 5, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 3, + 2 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00296": { + "id": "296", + "prompt": "A cute dog without a collar.", + "prompt in Chinese": "一只可爱的没有项圈的狗。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 4 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00297": { + "id": "297", + "prompt": "A cat is not black and its tail isn't visible.", + "prompt in Chinese": "猫不是黑色的,尾巴是看不见的。", + "models": { + "DALLE_3": [ + 2, + 2, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 1, + 1, + 2 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 1, + 1, + 2 + ] + } + }, + "00298": { + "id": "298", + "prompt": "In the bedroom, there are three chairs with a book on each of them.", + "prompt in Chinese": "卧室里有三把椅子,每把椅子上都放着一本书。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 1, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00299": { + "id": "299", + "prompt": "there are four chairs in the bedroom.", + "prompt in Chinese": "卧室里有四把椅子。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 1, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00300": { + "id": "300", + "prompt": "The chairs in the bedroom are all white.", + "prompt in Chinese": "卧室里的椅子都是白色的", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00301": { + "id": "301", + "prompt": "A woman with red lipstick and a polka dot dress.", + "prompt in Chinese": "一个涂着红色口红、穿着圆点连衣裙的女人。", + "models": { + "DALLE_3": [ + 4, + 5, + 4 + ], + "SDXL_Turbo": [ + 4, + 5, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 4 + ], + "Midjourney_6": [ + 4, + 5, + 4 + ], + "SDXL_2_1": [ + 3, + 5, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 4 + ] + } + }, + "00302": { + "id": "302", + "prompt": "An artist in a paint-splattered apron holding a palette.", + "prompt in Chinese": "一位艺术家系着溅满颜料的围裙,手里拿着调色板。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 5, + 4 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00303": { + "id": "303", + "prompt": "A man in a lab coat examining a beaker of colorful liquid.", + "prompt in Chinese": "一个穿着实验室工作服的人正在检查一个盛满彩色液体的烧杯。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 4 + ], + "Midjourney_6": [ + 4, + 5, + 4 + ], + "SDXL_2_1": [ + 3, + 5, + 4 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00304": { + "id": "304", + "prompt": "A girl with pigtails holding a giant sunflower.", + "prompt in Chinese": "一个扎着辫子的女孩拿着一朵巨大的向日葵。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 1, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 5, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "00305": { + "id": "305", + "prompt": "A skateboarder performing a trick in an urban skate park.", + "prompt in Chinese": "一个在城市滑板公园表演特技的滑板手。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 3 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00306": { + "id": "306", + "prompt": "A fisherman casting a line at sunrise by a tranquil lake.", + "prompt in Chinese": "日出时分,一位渔夫在宁静的湖边垂钓。", + "models": { + "DALLE_3": [ + 4, + 5, + 3 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00307": { + "id": "307", + "prompt": "A pilot in aviator sunglasses stepping into a small plane.", + "prompt in Chinese": "一位戴着飞行员墨镜的飞行员走进一架小型飞机。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 4, + 5, + 4 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00308": { + "id": "308", + "prompt": "A young librarian is shelving books in a cozy library corner.", + "prompt in Chinese": "一位年轻的图书管理员正在一个温馨的图书馆角落里整理书籍。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00309": { + "id": "309", + "prompt": "A farmer in overalls tending to a field of corn.", + "prompt in Chinese": "一个穿着工装裤的农民正在照料一片玉米地。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 5 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00310": { + "id": "310", + "prompt": "A child blowing bubbles in a field of daisies.", + "prompt in Chinese": "一个孩子在一片雏菊的田野中吹泡泡。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 4, + 3 + ], + "SDXL_Base": [ + 2, + 5, + 3 + ] + } + }, + "00311": { + "id": "311", + "prompt": "A surfer riding a large wave at sunset.", + "prompt in Chinese": "一个冲浪者在日落时分驾驭着一道巨浪。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "00312": { + "id": "312", + "prompt": "A hiker reaching the summit of a mountain with arms raised.", + "prompt in Chinese": "一位登山者到达山顶并举起双手。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00313": { + "id": "313", + "prompt": "A dancer in a flowing dress spinning in a spotlight.", + "prompt in Chinese": "一个穿着飘逸长裙的舞者在聚光灯下旋转起舞。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00314": { + "id": "314", + "prompt": "A sculptor chiseling a piece of marble.", + "prompt in Chinese": "一个雕塑家正在用凿子雕刻一块大理石。", + "models": { + "DALLE_3": [ + 4, + 5, + 4 + ], + "SDXL_Turbo": [ + 2, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 1, + 2 + ], + "Midjourney_6": [ + 4, + 5, + 4 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 5, + 4 + ] + } + }, + "00315": { + "id": "315", + "prompt": "A barista creating latte art in a cozy cafe.", + "prompt in Chinese": "一位咖啡师在一个温馨的咖啡馆里制作拿铁艺术。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00316": { + "id": "316", + "prompt": "A cyclist racing down a winding mountain path.", + "prompt in Chinese": "一名自行车手在蜿蜒的山路上疾驰。。", + "models": { + "DALLE_3": [ + 4, + 3, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00317": { + "id": "317", + "prompt": "A gardener pruning roses in a vibrant garden.", + "prompt in Chinese": "一个园丁在一个充满活力的花园里修剪玫瑰。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 4 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 4 + ] + } + }, + "00318": { + "id": "318", + "prompt": "Two joggers running along a misty riverbank at dawn.", + "prompt in Chinese": "两名慢跑者在黎明时分沿着有雾的河岸跑步。", + "models": { + "DALLE_3": [ + 4, + 3, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 4 + ], + "Midjourney_6": [ + 2, + 5, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00319": { + "id": "319", + "prompt": "A violinist playing in a candlelit room.", + "prompt in Chinese": "一位小提琴家在烛光摇曳的房间里演奏。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00320": { + "id": "320", + "prompt": "A mechanic working under the hood of a classic car.", + "prompt in Chinese": "一个机械师正在经典汽车的引擎盖下工作。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00321": { + "id": "321", + "prompt": "A nurse comforting a patient in a hospital room.", + "prompt in Chinese": "一个护士在医院病房里安慰病人。", + "models": { + "DALLE_3": [ + 2, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 1, + 4, + 3 + ] + } + }, + "00322": { + "id": "322", + "prompt": "A teacher standing in front of a world map in a classroom.", + "prompt in Chinese": "一个教师站在教室里的世界地图前。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00323": { + "id": "323", + "prompt": "A child hunting for treasure with a metal detector on the beach.", + "prompt in Chinese": "一个孩子在沙滩上用金属探测器寻找宝藏。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 4, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "00324": { + "id": "324", + "prompt": "A beekeeper tending to hives in a field of lavender.", + "prompt in Chinese": "一位养蜂人在薰衣草田里照看蜂箱。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00325": { + "id": "325", + "prompt": "A photographer capturing a butterfly on a wildflower.", + "prompt in Chinese": "一个摄影师捕捉到了一只停在野花上的蝴蝶。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00326": { + "id": "326", + "prompt": "A jogger and their dog runningon the beach.", + "prompt in Chinese": "一个慢跑者和他的狗在海滩上跑步。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00327": { + "id": "327", + "prompt": "A magician pulling a rabbit out of a hat.", + "prompt in Chinese": "魔术师从帽子里拿出一只兔子。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 1, + 3, + 2 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00328": { + "id": "328", + "prompt": "A detective examining clues with a magnifying glass.", + "prompt in Chinese": "一个侦探正在用放大镜检查线索。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00329": { + "id": "329", + "prompt": "A bride throwing her bouquet in a garden wedding.", + "prompt in Chinese": "在一个花园婚礼上,新娘正在扔她的花束。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "00330": { + "id": "330", + "prompt": "A street performer juggling fire torches at night.", + "prompt in Chinese": "一个街头表演者在夜晚用火把进行杂技。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00331": { + "id": "331", + "prompt": "A child making a sandcastle on a beach in a cloudy day.", + "prompt in Chinese": "一个孩子在多云的日子里在海滩上建造沙堡。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00332": { + "id": "332", + "prompt": "A mountain biker leaping over a log on a forest trail.", + "prompt in Chinese": "一个山地自行车手在林间小路上跃过一个树桩。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00333": { + "id": "333", + "prompt": "A monk meditating beside a tranquil mountain stream.", + "prompt in Chinese": "一个僧人在宁静的山溪旁边冥想。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00334": { + "id": "334", + "prompt": "A florist arranging a bouquet of colorful flowers.", + "prompt in Chinese": "一个花店老板正在摆放一束五彩斑斓的花朵。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00335": { + "id": "335", + "prompt": "A saxophonist playing a soulful tune in a jazz club.", + "prompt in Chinese": "一位萨克斯风手在爵士俱乐部里演奏着深情的曲调。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00336": { + "id": "336", + "prompt": "A gymnast performing a routine on the balance beam.", + "prompt in Chinese": "一个体操运动员在平衡木上进行常规表演。", + "models": { + "DALLE_3": [ + 2, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 5, + 5 + ], + "SDXL_Base": [ + 1, + 5, + 5 + ] + } + }, + "00337": { + "id": "337", + "prompt": "A vampire lurking in the shadows of an old castle.", + "prompt in Chinese": "一个吸血鬼在古老城堡的阴影中潜行。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00338": { + "id": "338", + "prompt": "A wizard casting a spell with a wand in a mystical forest.", + "prompt in Chinese": "一个巫师在神秘的森林里用魔杖施法。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00339": { + "id": "339", + "prompt": "A ghost hunter investigating an abandoned mansion.", + "prompt in Chinese": "一个幽灵猎人在调查一座被废弃的大厦。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00340": { + "id": "340", + "prompt": "A mermaid basking on a rock by the moonlit sea.", + "prompt in Chinese": "在海边岩石上沐浴月光的美人鱼。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00341": { + "id": "341", + "prompt": "A knight in shining armor jousting at a medieval fair.", + "prompt in Chinese": "穿着闪亮盔甲的骑士在中世纪的集市上比武。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00342": { + "id": "342", + "prompt": "A robot dancing in a futuristic cityscape.", + "prompt in Chinese": "一个机器人在未来派城市景观中跳舞。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00343": { + "id": "343", + "prompt": "An astronaut planting a flag on a distant planet.", + "prompt in Chinese": "宇航员在遥远的星球上插上国旗。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 2, + 4, + 3 + ] + } + }, + "00344": { + "id": "344", + "prompt": "Kids race their bikes down the hill as their friends cheer from the sidelines, and a kite flutters in the breeze above them.", + "prompt in Chinese": "孩子们骑着自行车沿着山坡冲下,他们的朋友们在旁边为他们加油,一只风筝在他们上方随风飘动。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 4, + 3 + ], + "Midjourney_6": [ + 2, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00345": { + "id": "345", + "prompt": "A sailboat drifts lazily along the river, with swans paddling gently beside it and willows weeping at its banks.", + "prompt in Chinese": "一只帆船在河上悠闲地漂流,有几只天鹅轻轻地在船边划水,而河岸上的柳树则随风摇曳。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "00346": { + "id": "346", + "prompt": "Sunglasses rest atop a magazine, and a beach towel is spread out on the sand.", + "prompt in Chinese": "太阳镜放在杂志上,沙滩上铺着一条浴巾。", + "models": { + "DALLE_3": [ + 2, + 4, + 4 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00347": { + "id": "347", + "prompt": "A wilderness scene, wildflowers blooming on the right while a dense forest stands to the left.", + "prompt in Chinese": "一个荒野的景象,右边是野花盛开,左边是茂密的森林。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00348": { + "id": "348", + "prompt": "In the study, a desk lamp casts a warm glow over an open journal and a fountain pen.", + "prompt in Chinese": "书房里,一盏台灯在一本打开的日记本和一支钢笔上投下温暖的光芒。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 4, + 3 + ] + } + }, + "00349": { + "id": "349", + "prompt": "Bookends hold a row of novels in place: one end features a sculpture of a cat, the other a dog.", + "prompt in Chinese": "书架上放着一排小说:一端是一只猫的雕塑,另一端是一只狗。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 3 + ], + "Midjourney_6": [ + 2, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00350": { + "id": "350", + "prompt": "A bridge arches over the river, with lanterns lit on one side and the other in darkness.", + "prompt in Chinese": "河上有一座桥,一边点着灯笼,另一边漆黑一片。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00351": { + "id": "351", + "prompt": "A notebook lies open in the grass, with sketches on the left page and blank space on the right.", + "prompt in Chinese": "一个笔记本散落在草地上,左边有素描,右边还是空白。", + "models": { + "DALLE_3": [ + 2, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 3, + 2 + ] + } + }, + "00352": { + "id": "352", + "prompt": "On a busy desk, a lamp sheds light on a cluttered area filled with papers, while the other half remains organized.", + "prompt in Chinese": "在一张繁忙的桌子上,一盏灯照亮了堆满文件的杂乱区域,而另一半则保持有序。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00353": { + "id": "353", + "prompt": "In the park, a statue stands in the middle, surrounded by blooming flowers and people enjoying a sunny day.", + "prompt in Chinese": "在公园里,一尊雕像矗立在中间,周围是盛开的鲜花和享受阳光的人们。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 2, + 4, + 3 + ] + } + }, + "00354": { + "id": "354", + "prompt": "Tea steams in a cup, next to a closed diary with a pen resting on its cover.", + "prompt in Chinese": "茶在杯子里冒着热气,旁边是一本合上的日记本,日记本的封面上放着一支笔。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00355": { + "id": "355", + "prompt": "A balloon drifts gently up into the blue sky, with excited children watching from the ground.", + "prompt in Chinese": "一个气球轻轻地飘向蓝天,兴奋的孩子们在地上看着。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00356": { + "id": "356", + "prompt": "Inside the camp, a fire crackles, casting shadows on the tent walls, with backpacks and maps spread out.", + "prompt in Chinese": "在营地内,篝火噼啪作响,在帐篷墙上投下阴影,背包和地图摊开。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00357": { + "id": "357", + "prompt": "There are two men in the living room, the taller one to the left of the shorter one.", + "prompt in Chinese": "客厅里有两个人,个子高的在个子矮的左边。", + "models": { + "DALLE_3": [ + 2, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00358": { + "id": "358", + "prompt": "In the garden there is a pack of dogs playing, the biggest one is red and the others are white.", + "prompt in Chinese": "花园里有一群狗在玩,最大的一只是红色的,其他的是白色的。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00359": { + "id": "359", + "prompt": "Two birds are chasing each other in the air, the one flying higher has a long tail and the other bird has a short tail.", + "prompt in Chinese": "两只鸟在空中互相追逐,飞得高的那只尾巴长,另一只尾巴短。", + "models": { + "DALLE_3": [ + 2, + 3, + 4 + ], + "SDXL_Turbo": [ + 2, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 2, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 2, + 4, + 4 + ] + } + }, + "00360": { + "id": "360", + "prompt": "In the classroom there are two boys standing together, the boy in the red jumper is taller than the boy in the white t-shirt.", + "prompt in Chinese": "教室里有两个男孩站在一起, 穿红毛衣的男孩比穿白t恤的男孩高。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00361": { + "id": "361", + "prompt": "There are two shoes on the grass, the one without laces looks newer than the one with laces.", + "prompt in Chinese": "草地上有两只鞋,没有系鞋带的那只比系鞋带的那只看起来更新。", + "models": { + "DALLE_3": [ + 1, + 2, + 2 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 1, + 2, + 2 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00362": { + "id": "362", + "prompt": "At the beach, three seashells lie close together: the largest has a spiraled pattern, the medium one is smooth and white, and the smallest has stripes.", + "prompt in Chinese": "在海滩上,三个贝壳紧密地躺在一起:最大的有螺旋图案,中等的光滑而白,最小的有条纹。", + "models": { + "DALLE_3": [ + 2, + 4, + 3 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00363": { + "id": "363", + "prompt": "Two kites flying high in the sky, the dragon-shaped one flies higher and is more colorful than the geometric-patterned one.", + "prompt in Chinese": "两只风筝高高地飞在天空中,龙形的比几何形的飞得更高,色彩更鲜艳。", + "models": { + "DALLE_3": [ + 4, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 4, + 3 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00364": { + "id": "364", + "prompt": "On the bookshelf, the picture frame on the left, containing a black and white photograph, appears older than the colorful painting on the right.", + "prompt in Chinese": "在书架上,左边的相框,里面有一张黑白照片,看起来比右边的彩色画更古老。", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00365": { + "id": "365", + "prompt": "On the road, two cars drive parallel: the faster one is a sleek sports model, while the slower one is a large, family SUV.", + "prompt in Chinese": "在路上,两辆车平行行驶:快的那辆是一辆时髦的运动车型,慢的那辆是一辆大型的家庭SUV。", + "models": { + "DALLE_3": [ + 3, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 1, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00366": { + "id": "366", + "prompt": "In the pond, two ducks swim near each other: the larger one has a bright green head, while the smaller one is all brown.", + "prompt in Chinese": "池塘里,两只鸭子游得很近,大的那只头是亮绿色的,小的那只头是棕色的。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "00367": { + "id": "367", + "prompt": "Among the two cups on the desk, the taller one holds more coffee than the shorter, which is half-empty.", + "prompt in Chinese": "桌子上的两个杯子中,高的杯子装的咖啡比矮的杯子多,杯子是半空的。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00368": { + "id": "368", + "prompt": "In the park, the older tree is taller and has more branches than the younger sapling planted beside it.", + "prompt in Chinese": "在公园里,那棵老树比它旁边种的小树更高,枝干也更多。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00369": { + "id": "369", + "prompt": "A red book lies open with pages fluttering in the wind, another blue one remains closed and still.", + "prompt in Chinese": "一本红色的书打开着,书页在风中飘动,另一本蓝色的书紧闭着,一动不动。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 1, + 1, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 1, + 1, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00370": { + "id": "370", + "prompt": "Two children laugh joyfully, the bigger one holding a balloon, the other clutching a toy.", + "prompt in Chinese": "两个孩子笑得很开心,大的一个拿着气球,另一个抓着玩具。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00371": { + "id": "371", + "prompt": "Two birds soar high above the clouds, while another glides low over the water.", + "prompt in Chinese": "两鸟高飞云上,一鸟低空滑翔水面。", + "models": { + "DALLE_3": [ + 3, + 4, + 3 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00372": { + "id": "372", + "prompt": "A cyclist wearing glasses speeds down the hill with ease, another one without glasses climbs up slowly and steadily.", + "prompt in Chinese": "一个戴眼镜的骑自行车的人轻松地快速下山,另一个不戴眼镜的骑自行车的人缓慢而稳定地爬上山坡。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00373": { + "id": "373", + "prompt": "A tree laden with ripe oranges stands in front of a tree with green, unripe fruit.", + "prompt in Chinese": "一棵挂满成熟橙子的树站在另一棵挂满未成熟的绿色水果的树前面。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00374": { + "id": "374", + "prompt": "One circular window shines brightly with light, another rectangular one is dark.", + "prompt in Chinese": "一扇圆形的窗户透出明亮的光,另一扇矩形的窗户黑暗。", + "models": { + "DALLE_3": [ + 3, + 4, + 3 + ], + "SDXL_Turbo": [ + 1, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 1, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00375": { + "id": "375", + "prompt": "Two cats sit at the window, the blue one intently watching the rain, the red one curled up asleep.", + "prompt in Chinese": "两只猫坐在窗前,蓝的那只专心地看雨,红的那只蜷缩着睡着了。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 4, + 3 + ] + } + }, + "00376": { + "id": "376", + "prompt": "Two birds perch on a branch, the happy one chirping loudly, the sad one listening silently.", + "prompt in Chinese": "两只鸟栖息在一根树枝上,快乐的那只大声地叫着,悲伤的那只静静地听着。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00377": { + "id": "377", + "prompt": "One sports car zooms around the corner with speed, while another standard car navigates the turn slowly and carefully.", + "prompt in Chinese": "一辆跑车快速转弯,而另一辆标准车缓慢而小心地转弯。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 1, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00378": { + "id": "378", + "prompt": "A short sunflower stands tall and faces the sun, while another tall one bends towards the ground.", + "prompt in Chinese": "矮小的向日葵挺立着,面朝太阳,而高大的向日葵则弯向地面", + "models": { + "DALLE_3": [ + 3, + 4, + 4 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00379": { + "id": "379", + "prompt": "One person in white jogs with a steady pace, one person in red sprints with all their might.", + "prompt in Chinese": "一个穿白色衣服的人以稳定的速度慢跑,一个穿红色衣服的人以全力冲刺。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 1, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00380": { + "id": "380", + "prompt": "One squirrel gathers nuts quickly on the ground, another lazily stretches on a branch.", + "prompt in Chinese": "一只松鼠在地上快速地收集坚果,另一只懒洋洋地在树枝上伸展身体。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 1, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00381": { + "id": "381", + "prompt": "A butterfly with bright wings flits from flower to flower, another rests on a leaf, wings folded.", + "prompt in Chinese": "一只翅膀明亮的蝴蝶从一朵花飞到另一朵花,另一只翅膀折叠在叶子上休息。", + "models": { + "DALLE_3": [ + 2, + 3, + 2 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 1, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00382": { + "id": "382", + "prompt": "A puppy on the right chases its tail in circles, while another one on the left lies quietly, watching.", + "prompt in Chinese": "右边的小狗在绕着尾巴追圈,左边的小狗静静地躺在那里看着。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 1, + 1 + ] + } + }, + "00383": { + "id": "383", + "prompt": "A silver spoon lies to the left of a golden fork on a wooden table.", + "prompt in Chinese": "木桌上的金叉左边放着一把银勺子。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 1, + 1, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 1, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00384": { + "id": "384", + "prompt": "A black cat sits on a window sill, while a white cat lies beneath the sill in the sunlight.", + "prompt in Chinese": "黑猫坐在窗台上,白猫躺在窗台下晒太阳。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 4, + 3 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00385": { + "id": "385", + "prompt": "A red book on a shelf above a blue book in a cozy reading nook.", + "prompt in Chinese": "在一个舒适的阅读角落里,书架上一本红色的书在一本蓝色的书上面。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 1, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00386": { + "id": "386", + "prompt": "A big green apple next to a small red apple on a kitchen counter.", + "prompt in Chinese": "厨房柜台上有一个大的绿色苹果和一个小的红色苹果。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00387": { + "id": "387", + "prompt": "A tall cactus in a terracotta pot next to a short succulent in a ceramic bowl.", + "prompt in Chinese": "一个高大的仙人掌放在陶罐里,旁边是一个放在陶瓷碗里的矮的多肉植物。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00388": { + "id": "388", + "prompt": "A yellow school bus in front of a red fire engine at a community event.", + "prompt in Chinese": "在社区活动中,一辆黄色的校车停在一辆红色的消防车前面。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 4, + 4 + ] + } + }, + "00389": { + "id": "389", + "prompt": "A blue bicycle leaning against a red brick wall, with a green bicycle parked beside it.", + "prompt in Chinese": "一辆蓝色的自行车靠在红色的砖墙上,旁边停着一辆绿色的自行车。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00390": { + "id": "390", + "prompt": "A brown oak tree with lush leaves next to a birch tree with peeling bark in a forest.", + "prompt in Chinese": "森林里有一棵叶子茂盛的棕色橡树,旁边是一棵树皮剥落的桦树。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00391": { + "id": "391", + "prompt": "A fluffy white cloud above a darker storm cloud at sunset.", + "prompt in Chinese": "日落时,一朵蓬松的白云在一片较暗的风暴云之上。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 4, + 3 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00392": { + "id": "392", + "prompt": "A small pond with a black swan on the left and a white swan on the right.", + "prompt in Chinese": "一个小池塘,左边有一只黑天鹅,右边有一只白天鹅。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "00393": { + "id": "393", + "prompt": "A striped beach umbrella in the sand with a solid blue umbrella behind it.", + "prompt in Chinese": "沙滩上的一把条纹沙滩伞,后面有一把纯蓝色的伞。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "00394": { + "id": "394", + "prompt": "A large pizza with pepperoni on the left half and mushrooms on the right half.", + "prompt in Chinese": "一个大披萨,左半部分是意大利辣香肠,右半部分是蘑菇。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00395": { + "id": "395", + "prompt": "A red rose in full bloom next to a pink rosebud in a garden.", + "prompt in Chinese": "花园里一朵盛开的红玫瑰,旁边是一朵粉红色的玫瑰花蕾。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 4, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 2, + 3 + ] + } + }, + "00396": { + "id": "396", + "prompt": "A vintage analog clock hangs on the wall above a modern digital clock that sits on a desk.", + "prompt in Chinese": "桌上的现代数字时钟上方挂着一个老式模拟时钟。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 4, + 4 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00397": { + "id": "397", + "prompt": "A large teddy bear wearing a bow tie next to a small teddy bear wearing a party hat.", + "prompt in Chinese": "一只戴着领结的大泰迪熊挨着一只戴着派对帽的小泰迪熊。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00398": { + "id": "398", + "prompt": "An orange tabby cat lounges on a sunny windowsill, with a grey tabby stretching on the floor below.", + "prompt in Chinese": "一只橙色的虎斑猫懒洋洋地躺在阳光明媚的窗台上,一只灰色的虎斑猫趴在下面的地板上", + "models": { + "DALLE_3": [ + 3, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00399": { + "id": "399", + "prompt": "A leather-bound journal atop an oak desk, beside a stack of vintage paperbacks.", + "prompt in Chinese": "橡木桌子上有一本皮面的杂志,旁边是一堆老式平装书。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 2, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00400": { + "id": "400", + "prompt": "A pair of yellow rubber boots standing at the doorstep, with a pair of green gardening gloves draped over them.", + "prompt in Chinese": "门阶上有一双黄色的胶靴,上面套着一双绿色的园艺手套。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 1, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00401": { + "id": "401", + "prompt": "A chocolate cupcake with vanilla frosting on a plate, beside a vanilla cupcake with chocolate frosting.", + "prompt in Chinese": "盘子里有一个香草糖霜的巧克力纸杯蛋糕,旁边是一个香草糖霜的纸杯蛋糕。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00402": { + "id": "402", + "prompt": "A rustic wooden bench under a sprawling oak, with a modern metal chair facing it across a stone path.", + "prompt in Chinese": "在一棵蔓生的橡树下,一张质朴的木凳,一张现代的金属椅子对面是一条石径。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00403": { + "id": "403", + "prompt": "A steaming cup of coffee on a bookshelf, above a row of antique tea cups.", + "prompt in Chinese": "书架上一杯热气腾腾的咖啡,上面是一排古董茶杯。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00404": { + "id": "404", + "prompt": "A plush velvet armchair in the corner of a library, with a sleek leather sofa along the opposite wall.", + "prompt in Chinese": "图书馆角落里的一张毛绒扶手椅,对面墙上有一张光滑的皮沙发。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00405": { + "id": "405", + "prompt": "In the cafe, there's a steaming cup of coffee and a freshly baked croissant on every table.", + "prompt in Chinese": "在咖啡馆里,每张桌子上都有一杯热气腾腾的咖啡和一个刚烤好的羊角面包。", + "models": { + "DALLE_3": [ + 3, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 1, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00406": { + "id": "406", + "prompt": "A serene yoga studio with several yoga mats, each with a person seated in deep meditation.", + "prompt in Chinese": "一个宁静的瑜伽工作室,有几张瑜伽垫,每张瑜伽垫上都有一个人坐在那里沉思。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00407": { + "id": "407", + "prompt": "A snowy forest glistens with delicate ice crystals adorning every branch.", + "prompt in Chinese": "白雪皑皑的森林,每一根树枝上都缀满了晶莹的冰晶。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00408": { + "id": "408", + "prompt": "An antique bookshop with aisles filled with books.", + "prompt in Chinese": "一家摆满了书的古董书店。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 4, + 4 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00409": { + "id": "409", + "prompt": "A rooftop garden with a row of planters, each filled with herbs and flowers.", + "prompt in Chinese": "有一排花盆的屋顶花园,每个花盆里都种满了花草。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00410": { + "id": "410", + "prompt": "A tree shadow on every car in the lot.", + "prompt in Chinese": "停车场里的每辆车上都有一棵树的影子。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 4, + 3 + ], + "SDXL_2_1": [ + 2, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00411": { + "id": "411", + "prompt": "Orange juice and toast on every breakfast table.", + "prompt in Chinese": "早餐桌上要有橙汁和烤面包。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00412": { + "id": "412", + "prompt": "At the party, a pineapple is flanked by beers on each side.", + "prompt in Chinese": "在聚会上,菠萝的两边都放着啤酒。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 2, + 1, + 1 + ] + } + }, + "00413": { + "id": "413", + "prompt": "Near every parked pickup truck, there's a horse standing by.", + "prompt in Chinese": "每辆停着的小货车附近都有一匹马站在旁边", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00414": { + "id": "414", + "prompt": "Leaves falling on every car in the autumn.", + "prompt in Chinese": "秋天落在每辆车上的叶子。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 1, + 2 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 1, + 1, + 2 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00415": { + "id": "415", + "prompt": "At a birthday party, all the balloons are red.", + "prompt in Chinese": "在生日聚会上,所有的气球都是红色的。", + "models": { + "DALLE_3": [ + 4, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00416": { + "id": "416", + "prompt": "A group of children are playing in the garden and all the children are not wearing shoes.", + "prompt in Chinese": "一群孩子在花园里玩,所有的孩子都没有穿鞋。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00417": { + "id": "417", + "prompt": "Several cups on a round table and all the cups are incomplete.", + "prompt in Chinese": "几个杯子放在圆桌上,所有的杯子都不完整。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00418": { + "id": "418", + "prompt": "Every child in the classroom has a smile on their face.", + "prompt in Chinese": "教室里的每个孩子脸上都挂着微笑。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00419": { + "id": "419", + "prompt": "Basking in the sunshine, all the cats are peacefully sleeping.", + "prompt in Chinese": "沐浴在阳光下,所有的猫都在安静地睡觉。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00420": { + "id": "420", + "prompt": "Every tree in the forest is covered in snow, creating a serene winter landscape.", + "prompt in Chinese": "森林里的每一棵树都被雪覆盖,营造出一种宁静的冬季景观。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00421": { + "id": "421", + "prompt": "In the park, every bench is occupied by people enjoying their books.", + "prompt in Chinese": "在公园里,每条长凳上都坐着正在读书的人。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00422": { + "id": "422", + "prompt": "On the farm, each animal is settling down for the night.", + "prompt in Chinese": "在农场里,每只动物都在睡觉。", + "models": { + "DALLE_3": [ + 2, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 1, + 1 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00423": { + "id": "423", + "prompt": "Every tree in the forest is green, except for one that is red.", + "prompt in Chinese": "森林里的每棵树都是绿色的,除了一棵是红色的", + "models": { + "DALLE_3": [ + 2, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00424": { + "id": "424", + "prompt": "In a room, all the chairs are occupied except one.", + "prompt in Chinese": "在一个房间里,除了一把椅子外,所有的椅子都被占用了", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00425": { + "id": "425", + "prompt": "All the books on the shelf are closed, except for one that lies open.", + "prompt in Chinese": "书架上所有的书都合上了,只有一本打开着。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00426": { + "id": "426", + "prompt": "Among all the cars in the parking lot, each one is parked neatly except for one that is askew.", + "prompt in Chinese": "停车场里所有的车都停得很整齐,只有一辆是歪歪斜斜的", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00427": { + "id": "427", + "prompt": "In a field of flowers, every bloom is yellow, save for one that is blue.", + "prompt in Chinese": "在一片花丛中,除了一朵蓝花外,所有的花都是黄色的", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00428": { + "id": "428", + "prompt": "In a line of dominoes, each one stands upright, except for one that has fallen over.", + "prompt in Chinese": "在一排多米诺骨牌中,除了倒下的那张,每一张都是直立的。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00429": { + "id": "429", + "prompt": "In a collection of hats, each one is plain, but one is adorned with feathers.", + "prompt in Chinese": "在一套帽子中,每一顶都是朴素的,但有一顶装饰着羽毛", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00430": { + "id": "430", + "prompt": "Every lamp in the street is lit, except for one that remains dark.", + "prompt in Chinese": "街上的每一盏灯都亮着,只有一盏灯还在黑暗中", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00431": { + "id": "431", + "prompt": "In a pack of wolves, each one howls at the moon, but one remains silent.", + "prompt in Chinese": "一群狼,每只都对着月亮嚎叫,但有一只保持沉默。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00432": { + "id": "432", + "prompt": "All the doors in the hallway are closed, except for one that is slightly ajar.", + "prompt in Chinese": "走廊里所有的门都关着,只有一扇门半开着。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00433": { + "id": "433", + "prompt": "A tree with no leaves, only shadows beneath.", + "prompt in Chinese": "一棵没有叶子的树,只有树荫。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 5, + 5 + ], + "SDXL_Base": [ + 2, + 4, + 5 + ] + } + }, + "00434": { + "id": "434", + "prompt": "A sky with stars, but no moon in sight.", + "prompt in Chinese": "满天繁星,却看不到月亮。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 2, + 3 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00435": { + "id": "435", + "prompt": "A street with no people, only lights.", + "prompt in Chinese": "一条没有人,只有灯光的街道。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00436": { + "id": "436", + "prompt": "A birdcage with no door, yet no bird inside.", + "prompt in Chinese": "没有门的鸟笼,里面也没有鸟。", + "models": { + "DALLE_3": [ + 3, + 4, + 5 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 2, + 4, + 3 + ] + } + }, + "00437": { + "id": "437", + "prompt": "A shoe with no laces, standing alone.", + "prompt in Chinese": "一只没有鞋带的鞋子,孤零零的。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 2, + 1, + 2 + ] + } + }, + "00438": { + "id": "438", + "prompt": "A garden with no paths, only wildflowers.", + "prompt in Chinese": "一个没有小路的花园,只有野花。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00439": { + "id": "439", + "prompt": "A kitchen with no stove, only empty counters.", + "prompt in Chinese": "没有炉子,只有空柜台的厨房。", + "models": { + "DALLE_3": [ + 2, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 5, + 5 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00440": { + "id": "440", + "prompt": "A boat with no sails, adrift on calm waters.", + "prompt in Chinese": "一艘没有帆的船,在平静的水面上漂流。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 2, + 2, + 3 + ] + } + }, + "00441": { + "id": "441", + "prompt": "A painting with no colors, only shades of gray.", + "prompt in Chinese": "一幅没有颜色,只有灰色阴影的画。", + "models": { + "DALLE_3": [ + 1, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 1, + 1 + ] + } + }, + "00442": { + "id": "442", + "prompt": "A bridge with no end, vanishing into the fog.", + "prompt in Chinese": "一座没有尽头的桥,消失在雾中。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00443": { + "id": "443", + "prompt": "A glass with no water, only ice melting.", + "prompt in Chinese": "杯子里没有水,只有冰在融化。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "00444": { + "id": "444", + "prompt": "A bed with no pillows, only a folded blanket.", + "prompt in Chinese": "一张没有枕头的床,只有折叠的毯子。", + "models": { + "DALLE_3": [ + 2, + 1, + 2 + ], + "SDXL_Turbo": [ + 2, + 1, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 1, + 2 + ], + "Midjourney_6": [ + 2, + 1, + 2 + ], + "SDXL_2_1": [ + 2, + 1, + 2 + ], + "SDXL_Base": [ + 2, + 1, + 2 + ] + } + }, + "00445": { + "id": "445", + "prompt": "A bike with no pedals.", + "prompt in Chinese": "一辆没有踏板的自行车。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 1, + 4, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00446": { + "id": "446", + "prompt": "A ball with no bounce, lying still.", + "prompt in Chinese": "一个没有弹跳的球,静静地躺着。", + "models": { + "DALLE_3": [ + 5, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00447": { + "id": "447", + "prompt": "A coat with no buttons, hanging loosely.", + "prompt in Chinese": "一件没有扣子的外套,松垮地挂着。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00448": { + "id": "448", + "prompt": "Two children sitting on the bed, the one on the left making faces, the one on the right not making faces.", + "prompt in Chinese": "两个孩子坐在床上,左边的做鬼脸,右边的不做鬼脸。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 1, + 1 + ] + } + }, + "00449": { + "id": "449", + "prompt": "A library with no books on the shelves.", + "prompt in Chinese": "一个书架上没有书的图书馆。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00450": { + "id": "450", + "prompt": "A beach without any footprints in the sand.", + "prompt in Chinese": "沙滩上没有脚印的海滩。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00451": { + "id": "451", + "prompt": "A forest where no animals can be seen.", + "prompt in Chinese": "一个看不到动物的森林。", + "models": { + "DALLE_3": [ + 1, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00452": { + "id": "452", + "prompt": "A sky without a single cloud.", + "prompt in Chinese": "没有一片云的天空。", + "models": { + "DALLE_3": [ + 1, + 3, + 2 + ], + "SDXL_Turbo": [ + 1, + 1, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 1, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 1, + 2 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00453": { + "id": "453", + "prompt": "A garden with no flowers blooming.", + "prompt in Chinese": "一个没有鲜花盛开的花园。", + "models": { + "DALLE_3": [ + 3, + 1, + 1 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 3 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 3 + ] + } + }, + "00454": { + "id": "454", + "prompt": "A classroom with every chair empty.", + "prompt in Chinese": "教室里的椅子都是空的。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 2, + 5, + 5 + ] + } + }, + "00455": { + "id": "455", + "prompt": "A clock with no hands to tell the time.", + "prompt in Chinese": "没有指针报时的钟。", + "models": { + "DALLE_3": [ + 1, + 2, + 2 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 1, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00456": { + "id": "456", + "prompt": "A playground with no children playing.", + "prompt in Chinese": "一个没有孩子玩耍的操场。", + "models": { + "DALLE_3": [ + 1, + 2, + 2 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00457": { + "id": "457", + "prompt": "A road with no signs or markings.", + "prompt in Chinese": "没有标志或标记的道路。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 5, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00458": { + "id": "458", + "prompt": "A river with no fish swimming.", + "prompt in Chinese": "一条没有鱼游泳的河。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 2, + 5, + 5 + ] + } + }, + "00459": { + "id": "459", + "prompt": "A mountain with no snow on its peak.", + "prompt in Chinese": "山顶没有雪的山。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 1, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00460": { + "id": "460", + "prompt": "A field without a single blade of grass.", + "prompt in Chinese": "一片没有一根草的田野。", + "models": { + "DALLE_3": [ + 1, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 1, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00461": { + "id": "461", + "prompt": "A garden full of flowers, yet not a single rose can be found.", + "prompt in Chinese": "一个满是鲜花的花园,却找不到一朵玫瑰。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00462": { + "id": "462", + "prompt": "Two trees standing tall; one is leafy, and the other is not.", + "prompt in Chinese": "两棵树高高耸立;一棵枝繁叶茂,另一棵没有。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 3, + 2 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00463": { + "id": "463", + "prompt": "A bustling city street with cars, but no bicycles.", + "prompt in Chinese": "熙熙攘攘的城市街道上有汽车,但没有自行车。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00464": { + "id": "464", + "prompt": "A bookshelf filled with books, but not a single magazine.", + "prompt in Chinese": "书架上摆满了书,但没有一本杂志。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 4, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 2, + 2 + ] + } + }, + "00465": { + "id": "465", + "prompt": "A kitchen with every appliance except a microwave.", + "prompt in Chinese": "厨房里除了微波炉什么电器都有。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 5, + 5 + ], + "Midjourney_6": [ + 1, + 2, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00466": { + "id": "466", + "prompt": "A classroom full of students, but no teacher in sight.", + "prompt in Chinese": "教室里坐满了学生,却看不到老师。", + "models": { + "DALLE_3": [ + 2, + 2, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00467": { + "id": "467", + "prompt": "A snowy landscape with a cabin, but no smoke from the chimney.", + "prompt in Chinese": "有小屋的雪景,但烟囱里没有烟。", + "models": { + "DALLE_3": [ + 3, + 2, + 3 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00468": { + "id": "468", + "prompt": "A pair of shoes, one tied and the other not.", + "prompt in Chinese": "一双鞋,一只系了,另一只没系。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 1, + 1 + ], + "Midjourney_6": [ + 2, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00469": { + "id": "469", + "prompt": "A table set for dinner with plates, but no forks.", + "prompt in Chinese": "餐桌上有盘子,但没有叉子。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00470": { + "id": "470", + "prompt": "A playground with swings, but no slide.", + "prompt in Chinese": "一个有秋千但没有滑梯的游乐场。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "00471": { + "id": "471", + "prompt": "A road with cars, but no traffic lights.", + "prompt in Chinese": "一条有汽车但没有红绿灯的路。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 4, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00472": { + "id": "472", + "prompt": "Five pencils on the desk, but no erasers.", + "prompt in Chinese": "桌上有五支铅笔,但没有橡皮擦。", + "models": { + "DALLE_3": [ + 1, + 1, + 1 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00473": { + "id": "473", + "prompt": "Two birds in the sky; the one on the left is flying, but the one on the right is not.", + "prompt in Chinese": "天空中的两只鸟;左边的那只在飞,右边的那只却没有。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00474": { + "id": "474", + "prompt": "A person with glasses reading a book, while another without glasses is not.", + "prompt in Chinese": "一个戴眼镜的人在读书,而另一个不戴眼镜的人却没有。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 1, + 1 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00475": { + "id": "475", + "prompt": "Two car in the street, the car on the left is red, but the one on the right is not.", + "prompt in Chinese": "街上有两辆车,左边的车是红色的,右边的车不是。", + "models": { + "DALLE_3": [ + 2, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 5, + 5 + ], + "SDXL_Base": [ + 1, + 1, + 1 + ] + } + }, + "00476": { + "id": "476", + "prompt": "A musician with a guitar, but no audience to listen.", + "prompt in Chinese": "一个音乐家拿着吉他,但没有听众听。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00477": { + "id": "477", + "prompt": "Two windows in a room; one is open, but the other is not.", + "prompt in Chinese": "一个房间有两扇窗户;一个是开着的,另一个不是。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00478": { + "id": "478", + "prompt": "A basket full of apples, but no oranges.", + "prompt in Chinese": "一篮子苹果,但没有橙子。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 5, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00479": { + "id": "479", + "prompt": "A row of houses with chimneys, but no smoke coming out.", + "prompt in Chinese": "一排房子有烟囱,但没有烟冒出来。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00480": { + "id": "480", + "prompt": "Two dogs playing; one is barking, but the other is not.", + "prompt in Chinese": "两只狗在玩;一只在叫,另一只没有。", + "models": { + "DALLE_3": [ + 1, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 3, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00481": { + "id": "481", + "prompt": "A pair of socks, one is striped, but the other is not.", + "prompt in Chinese": "一双袜子,一只是条纹的,另一只不是。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00482": { + "id": "482", + "prompt": "A snowy hill with children sledding, but no snowman in sight.", + "prompt in Chinese": "一座雪山,孩子们在滑雪,但没有看到雪人。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00483": { + "id": "483", + "prompt": "Two cups on the table; one is full, but the other is not.", + "prompt in Chinese": "桌子上有两个杯子;一只满了,另一只没了。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 1, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00484": { + "id": "484", + "prompt": "A bridge over a river, but no cars crossing.", + "prompt in Chinese": "河上有一座桥,但没有汽车通过。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 3, + 2 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 2, + 4, + 3 + ] + } + }, + "00485": { + "id": "485", + "prompt": "A zoo with no animals in the enclosures.", + "prompt in Chinese": "一个没有动物的动物园。", + "models": { + "DALLE_3": [ + 1, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00486": { + "id": "486", + "prompt": "A kitchen with every cupboard bare.", + "prompt in Chinese": "厨房里所有的橱柜都是空的。", + "models": { + "DALLE_3": [ + 1, + 2, + 2 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00487": { + "id": "487", + "prompt": "A mirror with no reflection.", + "prompt in Chinese": "一面没有反射的镜子。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 5, + 5 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00488": { + "id": "488", + "prompt": "A calendar with no dates marked.", + "prompt in Chinese": "没有日期标记的日历。", + "models": { + "DALLE_3": [ + 1, + 2, + 2 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 4 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00489": { + "id": "489", + "prompt": "A bridge with no one crossing.", + "prompt in Chinese": "一座没有人通过的桥。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00490": { + "id": "490", + "prompt": "A hotel with no guests checking in.", + "prompt in Chinese": "没有客人入住的酒店。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 2, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00491": { + "id": "491", + "prompt": "A fountain with no water flowing.", + "prompt in Chinese": "没有水流的喷泉。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00492": { + "id": "492", + "prompt": "A beach scene where the sandcastle appears taller than the nearby cooler.", + "prompt in Chinese": "沙滩上的沙堡看起来比附近的凉亭还要高。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 2, + 2 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00493": { + "id": "493", + "prompt": "A bustling street with more bicycles than cars parked along the sidewalk.", + "prompt in Chinese": "一条熙熙攘攘的街道,人行道上停放的自行车比汽车还多。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 5, + 5, + 5 + ] + } + }, + "00494": { + "id": "494", + "prompt": "A starry night sky with more visible stars than the number of lights in the city below.", + "prompt in Chinese": "繁星满天的夜空,可见的星星比下面城市的灯还多。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00495": { + "id": "495", + "prompt": "In a crowded room, there are more people standing than sitting.", + "prompt in Chinese": "在一个拥挤的房间里,站着的人比坐着的人更多。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 5 + ], + "Midjourney_6": [ + 3, + 4, + 4 + ], + "SDXL_2_1": [ + 2, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 4, + 4 + ] + } + }, + "00496": { + "id": "496", + "prompt": "A fruit basket with more apples than oranges.", + "prompt in Chinese": "水果篮里的苹果比橘子多。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "00497": { + "id": "497", + "prompt": "A snowy landscape with deeper snow than the height of the nearby fence.", + "prompt in Chinese": "雪景,积雪比附近围栏的高度还深。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00498": { + "id": "498", + "prompt": "A classroom with more chairs than students.", + "prompt in Chinese": "教室里的椅子比学生还多。", + "models": { + "DALLE_3": [ + 1, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 4, + 4 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 4, + 3 + ], + "Midjourney_6": [ + 4, + 4, + 4 + ], + "SDXL_2_1": [ + 4, + 4, + 4 + ], + "SDXL_Base": [ + 4, + 4, + 3 + ] + } + }, + "00499": { + "id": "499", + "prompt": "A painting where the mountain is depicted as taller than the trees in the foreground.", + "prompt in Chinese": "一幅画中,山被描绘得比前景中的树高。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 3, + 3 + ], + "Midjourney_6": [ + 1, + 2, + 2 + ], + "SDXL_2_1": [ + 5, + 5, + 5 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00500": { + "id": "500", + "prompt": "A library with more shelves filled with books than empty ones.", + "prompt in Chinese": "图书馆里摆满书的书架比空的书架多。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 3 + ], + "Midjourney_6": [ + 3, + 4, + 3 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 4, + 3 + ] + } + }, + "00501": { + "id": "501", + "prompt": "A kitchen pantry with more types of pasta than sauces.", + "prompt in Chinese": "厨房食品柜里的意大利面种类比酱汁还多。", + "models": { + "DALLE_3": [ + 1, + 3, + 2 + ], + "SDXL_Turbo": [ + 5, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 1, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00502": { + "id": "502", + "prompt": "A bakery display with more chocolate pastries than fruit-filled ones.", + "prompt in Chinese": "面包店陈列的巧克力糕点比水果糕点多。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 1, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00503": { + "id": "503", + "prompt": "An office with more desks than computers.", + "prompt in Chinese": "办公桌比电脑多的办公室。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 4, + 4, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 4, + 5, + 5 + ] + } + }, + "00504": { + "id": "504", + "prompt": "A vintage car show with more convertibles than sedans.", + "prompt in Chinese": "一场古董车展,敞篷车比轿车还多。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 4, + 3 + ], + "SDXL_Base": [ + 1, + 3, + 2 + ] + } + }, + "00505": { + "id": "505", + "prompt": "Two dogs playing with one red ball.", + "prompt in Chinese": "两只狗在玩一个红色的球。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 5, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 3, + 3, + 2 + ] + } + }, + "00506": { + "id": "506", + "prompt": "Three apples next to four oranges on a table.", + "prompt in Chinese": "桌子上有三个苹果和四个橙子。", + "models": { + "DALLE_3": [ + 3, + 4, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00507": { + "id": "507", + "prompt": "One cat sleeping under five bright stars", + "prompt in Chinese": "一只猫在五颗明亮的星星下睡觉。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00508": { + "id": "508", + "prompt": "Six birds soar above two towering trees.", + "prompt in Chinese": "六只鸟在两棵参天大树上翱翔。", + "models": { + "DALLE_3": [ + 3, + 2, + 2 + ], + "SDXL_Turbo": [ + 3, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 2 + ], + "Midjourney_6": [ + 3, + 2, + 2 + ], + "SDXL_2_1": [ + 2, + 1, + 1 + ], + "SDXL_Base": [ + 3, + 2, + 2 + ] + } + }, + "00509": { + "id": "509", + "prompt": "Four children jumping rope in the park", + "prompt in Chinese": "四个孩子在公园跳绳。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00510": { + "id": "510", + "prompt": "Two bicycles leaning against a wall with three windows.", + "prompt in Chinese": "两辆自行车靠在一堵有三扇窗户的墙上。", + "models": { + "DALLE_3": [ + 3, + 3, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 2 + ], + "SDXL_Base": [ + 4, + 4, + 4 + ] + } + }, + "00511": { + "id": "511", + "prompt": "Four cupcakes with sprinkles on a plate with two forks.", + "prompt in Chinese": "盘子里有四个小蛋糕,上面撒有糖屑,用两把叉子。", + "models": { + "DALLE_3": [ + 4, + 4, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 5, + 5, + 5 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00512": { + "id": "512", + "prompt": "Three kites soaring in the sky above two hills.", + "prompt in Chinese": "三只风筝在两座山上的天空中飞翔。", + "models": { + "DALLE_3": [ + 3, + 5, + 3 + ], + "SDXL_Turbo": [ + 1, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 4, + 3, + 3 + ] + } + }, + "00513": { + "id": "513", + "prompt": "One lantern glowing softly next to five pebbles.", + "prompt in Chinese": "一盏灯在五颗鹅卵石旁边轻轻地发光。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 3, + 3 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 1 + ], + "SDXL_Base": [ + 2, + 3, + 2 + ] + } + }, + "00514": { + "id": "514", + "prompt": "Six pencils lined up next to one sharpener.", + "prompt in Chinese": "六支铅笔排在一个卷笔刀旁边。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 1, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 1, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 4 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00515": { + "id": "515", + "prompt": "Two sparrows perched on a branch with three leaves.", + "prompt in Chinese": "两只麻雀栖息在三片叶子的树枝上。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 3, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00516": { + "id": "516", + "prompt": "Five buttons sewn onto a piece of fabric with two needles.", + "prompt in Chinese": "用两根针把五个纽扣缝在一块布上。", + "models": { + "DALLE_3": [ + 2, + 2, + 2 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 4, + 4 + ], + "Midjourney_6": [ + 2, + 2, + 2 + ], + "SDXL_2_1": [ + 3, + 3, + 4 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00517": { + "id": "517", + "prompt": "Three snowmen standing in a garden with two pine trees.", + "prompt in Chinese": "三个雪人站在有两棵松树的花园里。", + "models": { + "DALLE_3": [ + 3, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 2, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 3, + 5, + 4 + ], + "Midjourney_6": [ + 3, + 3, + 3 + ], + "SDXL_2_1": [ + 4, + 5, + 5 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00518": { + "id": "518", + "prompt": "Two clouds casting shadows over three sunflowers.", + "prompt in Chinese": "两朵云在三朵向日葵上投下阴影。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 3, + 3, + 4 + ], + "SDXL_2_1": [ + 3, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00519": { + "id": "519", + "prompt": "Two apples on a kitchen counter.", + "prompt in Chinese": "厨房柜台上有两个苹果。", + "models": { + "DALLE_3": [ + 3, + 5, + 5 + ], + "SDXL_Turbo": [ + 4, + 5, + 5 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 4 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 4, + 3 + ], + "SDXL_Base": [ + 3, + 4, + 5 + ] + } + }, + "00520": { + "id": "520", + "prompt": "Three birds sitting on a wire.", + "prompt in Chinese": "三只鸟坐在一根电线上。", + "models": { + "DALLE_3": [ + 5, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 5, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 3, + 3, + 3 + ] + } + }, + "00521": { + "id": "521", + "prompt": "Four pencils in a cup.", + "prompt in Chinese": "四支铅笔在一个杯子里。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 2, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 1, + 2, + 2 + ] + } + }, + "00522": { + "id": "522", + "prompt": "Five stars in the night sky.", + "prompt in Chinese": "夜空中的五颗星星。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 1, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 2, + 2 + ], + "Midjourney_6": [ + 2, + 3, + 1 + ], + "SDXL_2_1": [ + 2, + 2, + 2 + ], + "SDXL_Base": [ + 2, + 2, + 2 + ] + } + }, + "00523": { + "id": "523", + "prompt": "One cat napping in the sun.", + "prompt in Chinese": "一只猫在太阳下打盹。", + "models": { + "DALLE_3": [ + 4, + 5, + 5 + ], + "SDXL_Turbo": [ + 1, + 5, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 5 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 5, + 3 + ], + "SDXL_Base": [ + 3, + 5, + 5 + ] + } + }, + "00524": { + "id": "524", + "prompt": "Two shoes by the front door.", + "prompt in Chinese": "前门有两只鞋。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 1, + 3, + 2 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 5, + 4 + ], + "Midjourney_6": [ + 2, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 5, + 4 + ], + "SDXL_Base": [ + 2, + 5, + 5 + ] + } + }, + "00525": { + "id": "525", + "prompt": "Three cookies on a plate.", + "prompt in Chinese": "盘子里有三块饼干。", + "models": { + "DALLE_3": [ + 4, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 4, + 5, + 5 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + }, + "00526": { + "id": "526", + "prompt": "Four leaves on a branch.", + "prompt in Chinese": "一根树枝上有四片叶子。", + "models": { + "DALLE_3": [ + 1, + 3, + 3 + ], + "SDXL_Turbo": [ + 1, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 4, + 5, + 4 + ], + "Midjourney_6": [ + 1, + 3, + 3 + ], + "SDXL_2_1": [ + 1, + 3, + 2 + ], + "SDXL_Base": [ + 1, + 3, + 2 + ] + } + }, + "00527": { + "id": "527", + "prompt": "Five stones by the river.", + "prompt in Chinese": "河边的五块石头。", + "models": { + "DALLE_3": [ + 2, + 3, + 3 + ], + "SDXL_Turbo": [ + 2, + 3, + 3 + ], + "DeepFloyd_I_XL_v1": [ + 2, + 3, + 3 + ], + "Midjourney_6": [ + 2, + 3, + 3 + ], + "SDXL_2_1": [ + 2, + 3, + 3 + ], + "SDXL_Base": [ + 2, + 3, + 3 + ] + } + } +} \ No newline at end of file diff --git a/univa/eval/genai/eval_prompts/genai527/genai_skills.json b/univa/eval/genai/eval_prompts/genai527/genai_skills.json new file mode 100644 index 0000000000000000000000000000000000000000..408fd2bb46667693ec45f073930bb9dc98c27a7f --- /dev/null +++ b/univa/eval/genai/eval_prompts/genai527/genai_skills.json @@ -0,0 +1,1482 @@ +{ + "basic": [ + 1, + 2, + 3, + 4, + 5, + 6, + 7, + 8, + 9, + 10, + 11, + 12, + 13, + 14, + 15, + 16, + 17, + 18, + 19, + 20, + 21, + 22, + 23, + 24, + 25, + 26, + 27, + 28, + 29, + 30, + 31, + 32, + 33, + 34, + 35, + 36, + 37, + 38, + 39, + 40, + 41, + 42, + 43, + 44, + 45, + 46, + 47, + 48, + 49, + 50, + 51, + 52, + 53, + 54, + 55, + 56, + 57, + 58, + 59, + 60, + 61, + 62, + 63, + 64, + 65, + 66, + 67, + 68, + 69, + 70, + 71, + 72, + 73, + 74, + 75, + 76, + 77, + 78, + 79, + 80, + 81, + 82, + 83, + 84, + 85, + 86, + 87, + 88, + 89, + 90, + 91, + 92, + 93, + 94, + 95, + 96, + 97, + 98, + 99, + 100, + 101, + 102, + 119, + 120, + 121, + 122, + 126, + 127, + 128, + 130, + 131, + 132, + 133, + 219, + 220, + 221, + 222, + 223, + 224, + 225, + 226, + 227, + 228, + 229, + 230, + 231, + 232, + 233, + 234, + 235, + 236, + 237, + 238, + 270, + 271, + 272, + 273, + 274, + 275, + 276, + 277, + 278, + 279, + 280, + 281, + 282, + 283, + 284, + 285, + 286, + 287, + 288, + 289, + 290, + 291, + 292, + 301, + 302, + 303, + 304, + 305, + 306, + 307, + 308, + 309, + 310, + 311, + 312, + 313, + 314, + 315, + 316, + 317, + 318, + 319, + 320, + 321, + 322, + 323, + 324, + 325, + 326, + 327, + 328, + 329, + 330, + 331, + 332, + 333, + 334, + 335, + 336, + 337, + 338, + 339, + 340, + 341, + 342, + 343, + 344, + 345, + 346, + 347, + 348, + 349, + 350, + 353, + 354, + 355, + 356, + 383, + 387, + 388, + 404 + ], + "advanced": [ + 103, + 104, + 105, + 106, + 107, + 108, + 109, + 110, + 111, + 112, + 113, + 114, + 115, + 116, + 117, + 118, + 123, + 124, + 125, + 129, + 134, + 135, + 136, + 137, + 138, + 139, + 140, + 141, + 142, + 143, + 144, + 145, + 146, + 147, + 148, + 149, + 150, + 151, + 152, + 153, + 154, + 155, + 156, + 157, + 158, + 159, + 160, + 161, + 162, + 163, + 164, + 165, + 166, + 167, + 168, + 169, + 170, + 171, + 172, + 173, + 174, + 175, + 176, + 177, + 178, + 179, + 180, + 181, + 182, + 183, + 184, + 185, + 186, + 187, + 188, + 189, + 190, + 191, + 192, + 193, + 194, + 195, + 196, + 197, + 198, + 199, + 200, + 201, + 202, + 203, + 204, + 205, + 206, + 207, + 208, + 209, + 210, + 211, + 212, + 213, + 214, + 215, + 216, + 217, + 218, + 239, + 240, + 241, + 242, + 243, + 244, + 245, + 246, + 247, + 248, + 249, + 250, + 251, + 252, + 253, + 254, + 255, + 256, + 257, + 258, + 259, + 260, + 261, + 262, + 263, + 264, + 265, + 266, + 267, + 268, + 269, + 293, + 294, + 295, + 296, + 297, + 298, + 299, + 300, + 351, + 352, + 357, + 358, + 359, + 360, + 361, + 362, + 363, + 364, + 365, + 366, + 367, + 368, + 369, + 370, + 371, + 372, + 373, + 374, + 375, + 376, + 377, + 378, + 379, + 380, + 381, + 382, + 384, + 385, + 386, + 389, + 390, + 391, + 392, + 393, + 394, + 395, + 396, + 397, + 398, + 399, + 400, + 401, + 402, + 403, + 405, + 406, + 407, + 408, + 409, + 410, + 411, + 412, + 413, + 414, + 415, + 416, + 417, + 418, + 419, + 420, + 421, + 422, + 423, + 424, + 425, + 426, + 427, + 428, + 429, + 430, + 431, + 432, + 433, + 434, + 435, + 436, + 437, + 438, + 439, + 440, + 441, + 442, + 443, + 444, + 445, + 446, + 447, + 448, + 449, + 450, + 451, + 452, + 453, + 454, + 455, + 456, + 457, + 458, + 459, + 460, + 461, + 462, + 463, + 464, + 465, + 466, + 467, + 468, + 469, + 470, + 471, + 472, + 473, + 474, + 475, + 476, + 477, + 478, + 479, + 480, + 481, + 482, + 483, + 484, + 485, + 486, + 487, + 488, + 489, + 490, + 491, + 492, + 493, + 494, + 495, + 496, + 497, + 498, + 499, + 500, + 501, + 502, + 503, + 504, + 505, + 506, + 507, + 508, + 509, + 510, + 511, + 512, + 513, + 514, + 515, + 516, + 517, + 518, + 519, + 520, + 521, + 522, + 523, + 524, + 525, + 526, + 527 + ], + "attribute": [ + 1, + 2, + 3, + 4, + 5, + 6, + 7, + 8, + 9, + 10, + 11, + 12, + 13, + 14, + 15, + 16, + 17, + 18, + 19, + 20, + 21, + 24, + 25, + 26, + 28, + 30, + 32, + 35, + 36, + 39, + 40, + 41, + 42, + 43, + 45, + 46, + 47, + 48, + 49, + 50, + 51, + 52, + 53, + 56, + 58, + 59, + 64, + 65, + 69, + 72, + 73, + 74, + 75, + 76, + 77, + 78, + 79, + 80, + 81, + 82, + 84, + 85, + 86, + 88, + 89, + 90, + 91, + 92, + 93, + 94, + 95, + 96, + 97, + 98, + 99, + 100, + 101, + 102, + 121, + 130, + 132, + 219, + 220, + 221, + 222, + 224, + 225, + 226, + 227, + 228, + 229, + 230, + 233, + 234, + 236, + 237, + 238, + 270, + 272, + 273, + 276, + 277, + 278, + 279, + 286, + 290, + 291, + 292, + 301, + 303, + 304, + 305, + 306, + 307, + 308, + 311, + 313, + 315, + 316, + 317, + 318, + 319, + 320, + 333, + 334, + 335, + 337, + 339, + 340, + 341, + 344, + 345, + 347, + 348, + 350, + 353, + 354, + 355, + 356, + 383, + 387, + 388, + 404 + ], + "scene": [ + 1, + 2, + 3, + 4, + 5, + 9, + 11, + 12, + 13, + 14, + 16, + 18, + 19, + 21, + 22, + 24, + 28, + 42, + 45, + 46, + 47, + 48, + 49, + 50, + 51, + 53, + 54, + 55, + 56, + 59, + 60, + 64, + 65, + 66, + 67, + 69, + 70, + 71, + 72, + 84, + 85, + 87, + 88, + 89, + 91, + 92, + 94, + 96, + 97, + 98, + 99, + 100, + 101, + 102, + 119, + 120, + 130, + 132, + 219, + 222, + 223, + 224, + 225, + 227, + 229, + 230, + 232, + 234, + 237, + 282, + 283, + 288, + 289, + 290, + 291, + 305, + 306, + 308, + 309, + 310, + 311, + 313, + 315, + 317, + 318, + 319, + 321, + 322, + 323, + 324, + 326, + 329, + 331, + 332, + 333, + 335, + 337, + 338, + 339, + 341, + 342, + 345, + 346, + 347, + 348, + 353, + 356, + 388, + 404 + ], + "spatial relation": [ + 1, + 4, + 6, + 7, + 8, + 10, + 11, + 13, + 14, + 15, + 17, + 20, + 22, + 23, + 25, + 27, + 29, + 31, + 39, + 40, + 41, + 43, + 44, + 48, + 52, + 57, + 60, + 63, + 68, + 73, + 74, + 75, + 76, + 77, + 78, + 79, + 80, + 81, + 82, + 83, + 86, + 87, + 90, + 91, + 92, + 93, + 94, + 95, + 101, + 119, + 121, + 122, + 126, + 127, + 128, + 131, + 132, + 133, + 219, + 220, + 221, + 222, + 224, + 226, + 228, + 231, + 232, + 233, + 235, + 237, + 238, + 270, + 271, + 274, + 275, + 276, + 277, + 286, + 287, + 303, + 316, + 320, + 322, + 325, + 327, + 332, + 336, + 337, + 340, + 343, + 344, + 345, + 346, + 347, + 348, + 350, + 353, + 354, + 355, + 356, + 383, + 387, + 388, + 404 + ], + "action relation": [ + 1, + 2, + 3, + 4, + 5, + 6, + 7, + 8, + 9, + 10, + 12, + 16, + 18, + 19, + 20, + 21, + 23, + 24, + 25, + 26, + 27, + 29, + 30, + 31, + 32, + 33, + 34, + 35, + 36, + 37, + 38, + 40, + 42, + 43, + 46, + 54, + 56, + 57, + 59, + 60, + 73, + 74, + 75, + 76, + 77, + 78, + 81, + 82, + 83, + 84, + 86, + 92, + 93, + 95, + 96, + 97, + 98, + 99, + 100, + 101, + 102, + 119, + 120, + 121, + 122, + 126, + 127, + 128, + 131, + 132, + 133, + 219, + 223, + 237, + 274, + 275, + 276, + 277, + 280, + 281, + 282, + 283, + 288, + 289, + 290, + 291, + 292, + 302, + 303, + 304, + 305, + 306, + 307, + 308, + 309, + 310, + 311, + 312, + 313, + 314, + 315, + 316, + 317, + 318, + 319, + 320, + 321, + 322, + 323, + 324, + 325, + 326, + 327, + 328, + 329, + 330, + 331, + 332, + 333, + 334, + 335, + 336, + 337, + 338, + 339, + 340, + 341, + 342, + 343, + 344, + 345, + 346, + 348, + 349, + 350, + 353, + 355, + 356 + ], + "part relation": [ + 15, + 276, + 277, + 278, + 279, + 284, + 285, + 44, + 301, + 302, + 303, + 307, + 309, + 313, + 61, + 62, + 63, + 64, + 65, + 66, + 67, + 68, + 69, + 70, + 71, + 72, + 73, + 74, + 75, + 320, + 328, + 338, + 341, + 354 + ], + "counting": [ + 512, + 513, + 514, + 515, + 516, + 517, + 518, + 519, + 520, + 521, + 522, + 523, + 524, + 525, + 526, + 527, + 109, + 123, + 134, + 135, + 138, + 139, + 140, + 141, + 142, + 143, + 144, + 145, + 146, + 147, + 148, + 149, + 150, + 151, + 152, + 153, + 154, + 155, + 156, + 157, + 158, + 161, + 174, + 176, + 179, + 198, + 200, + 201, + 246, + 247, + 248, + 249, + 250, + 251, + 252, + 298, + 299, + 357, + 359, + 360, + 361, + 362, + 363, + 365, + 366, + 367, + 368, + 370, + 371, + 375, + 376, + 400, + 423, + 424, + 425, + 426, + 427, + 428, + 429, + 430, + 431, + 432, + 448, + 462, + 468, + 473, + 475, + 477, + 480, + 483, + 505, + 506, + 507, + 508, + 509, + 510, + 511 + ], + "comparison": [ + 504, + 359, + 360, + 362, + 363, + 295, + 364, + 492, + 365, + 493, + 178, + 179, + 366, + 494, + 367, + 495, + 368, + 496, + 197, + 497, + 498, + 206, + 211, + 503, + 357, + 358, + 103, + 104, + 105, + 106, + 107, + 108, + 109, + 110, + 111, + 112, + 113, + 114, + 115, + 116, + 117, + 118, + 239, + 240, + 241, + 242, + 370, + 499, + 500, + 501, + 502 + ], + "differentiation": [ + 105, + 109, + 110, + 118, + 123, + 124, + 125, + 129, + 134, + 135, + 136, + 137, + 155, + 159, + 160, + 161, + 162, + 163, + 164, + 165, + 166, + 167, + 168, + 169, + 170, + 171, + 172, + 173, + 174, + 175, + 176, + 177, + 178, + 179, + 180, + 181, + 182, + 183, + 184, + 185, + 195, + 196, + 197, + 201, + 202, + 203, + 204, + 243, + 244, + 245, + 246, + 293, + 294, + 351, + 352, + 357, + 358, + 359, + 360, + 361, + 362, + 363, + 364, + 365, + 366, + 367, + 368, + 369, + 370, + 371, + 372, + 373, + 374, + 375, + 376, + 377, + 378, + 379, + 380, + 381, + 382, + 384, + 385, + 386, + 389, + 390, + 391, + 392, + 393, + 394, + 395, + 396, + 397, + 398, + 399, + 400, + 401, + 402, + 403, + 448, + 473, + 474, + 475, + 495, + 500 + ], + "negation": [ + 169, + 170, + 173, + 178, + 180, + 186, + 187, + 188, + 189, + 190, + 191, + 192, + 193, + 194, + 195, + 196, + 197, + 198, + 199, + 200, + 201, + 202, + 203, + 204, + 205, + 206, + 207, + 208, + 209, + 210, + 211, + 212, + 213, + 214, + 215, + 216, + 217, + 218, + 296, + 297, + 298, + 361, + 372, + 433, + 434, + 435, + 436, + 437, + 438, + 439, + 440, + 441, + 442, + 443, + 444, + 445, + 446, + 447, + 448, + 449, + 450, + 451, + 452, + 453, + 455, + 456, + 457, + 458, + 459, + 460, + 461, + 462, + 463, + 464, + 465, + 466, + 467, + 468, + 469, + 470, + 471, + 472, + 473, + 474, + 475, + 476, + 477, + 478, + 479, + 480, + 481, + 482, + 483, + 484, + 485, + 486, + 487, + 488, + 489, + 490, + 491 + ], + "universal": [ + 256, + 257, + 258, + 259, + 260, + 261, + 262, + 263, + 264, + 265, + 266, + 267, + 268, + 269, + 405, + 406, + 407, + 408, + 409, + 410, + 411, + 412, + 413, + 414, + 415, + 416, + 417, + 418, + 419, + 420, + 421, + 422, + 423, + 424, + 425, + 426, + 427, + 300, + 428, + 429, + 430, + 431, + 432, + 454, + 253, + 254, + 255 + ] +} \ No newline at end of file diff --git a/univa/eval/genai/genai1600.yaml b/univa/eval/genai/genai1600.yaml new file mode 100644 index 0000000000000000000000000000000000000000..ab064fb1d6675a45d25f68449e8f536c72466b3d --- /dev/null +++ b/univa/eval/genai/genai1600.yaml @@ -0,0 +1,18 @@ + +pretrained_lvlm_name_or_path: /mnt/data/lb/Remake/UniWorld//checkpoints/flux_qwen2p5vl_7b_vlm_mlp_siglip_stage2_ts_1024_bs42x8x1_fa_any_11ratio_ema999_ocr_adamw_t5_1p0_lr5e-6_mask_refstyle_extract/checkpoint-20000/model_ema +pretrained_denoiser_name_or_path: /mnt/data/checkpoints/black-forest-labs/FLUX.1-dev/ +pretrained_siglip_name_or_path: /mnt/data/checkpoints/google/siglip2-so400m-patch16-512 +joint_with_t5: true + +seed: 42 +allow_tf32: false + +output_dir: /mnt/data/lb/Remake/UniWorld//eval_output/genai1600 + +num_images_per_prompt: 1 +num_inference_steps: 28 +guidance_scale: 3.5 +height: 1024 +width: 1024 + +genai_prompt_path: eval_prompts/genai1600/genai_image.json \ No newline at end of file diff --git a/univa/eval/genai/genai527.yaml b/univa/eval/genai/genai527.yaml new file mode 100644 index 0000000000000000000000000000000000000000..ac68ab1e12f01c1d15170e14a2fef1a140c5bf21 --- /dev/null +++ b/univa/eval/genai/genai527.yaml @@ -0,0 +1,18 @@ + +pretrained_lvlm_name_or_path: /mnt/data/lb/Remake/UniWorld//checkpoints/flux_qwen2p5vl_7b_vlm_mlp_siglip_stage2_ts_1024_bs42x8x1_fa_any_11ratio_ema999_ocr_adamw_t5_1p0_lr5e-6_mask_refstyle_extract/checkpoint-20000/model_ema +pretrained_denoiser_name_or_path: /mnt/data/checkpoints/black-forest-labs/FLUX.1-dev/ +pretrained_siglip_name_or_path: /mnt/data/checkpoints/google/siglip2-so400m-patch16-512 +joint_with_t5: true + +seed: 42 +allow_tf32: false + +output_dir: /mnt/data/lb/Remake/UniWorld//eval_output/genai527 + +num_images_per_prompt: 1 +num_inference_steps: 28 +guidance_scale: 3.5 +height: 1024 +width: 1024 + +genai_prompt_path: eval_prompts/genai527/genai_image.json \ No newline at end of file diff --git a/univa/eval/genai/step1_gen_samples.py b/univa/eval/genai/step1_gen_samples.py new file mode 100644 index 0000000000000000000000000000000000000000..9d1190a1e1003462e357d0b71fa8d4e06fa20711 --- /dev/null +++ b/univa/eval/genai/step1_gen_samples.py @@ -0,0 +1,269 @@ + +import sys +import os +root = os.path.abspath(os.path.join(os.path.dirname(__file__), "..", "..", "..")) +sys.path.append(root) +import torch +import random +import subprocess +import numpy as np +import torch.distributed as dist +import pandas as pd +import argparse +import torch +import os +from PIL import Image +from tqdm import tqdm +import torch.distributed as dist +from qwen_vl_utils import process_vision_info +from torchvision import transforms +from transformers import AutoProcessor +from transformers import SiglipImageProcessor, SiglipVisionModel +from univa.utils.flux_pipeline import FluxPipeline +from univa.eval.configuration_eval import EvalConfig +from univa.utils.get_ocr import get_ocr_result +from univa.utils.denoiser_prompt_embedding_flux import encode_prompt +from univa.models.qwen2p5vl.modeling_univa_qwen2p5vl import UnivaQwen2p5VLForConditionalGeneration + +import pandas as pd +from copy import deepcopy +import json + +def get_meta(prompt_path): + ''' + [ + { + "Prompt": "a photo of a cat", + "Category": "", + "id": "", + }, + ... + ] + ''' + with open(prompt_path, 'r') as f: + meta_info = json.load(f) + + ret_meta_info = [] + for v in meta_info.values(): + if 'models' in v: del v['models'] + if 'prompt in Chinese' in v: del v['prompt in Chinese'] + v['Prompts'] = deepcopy(v['prompt']) + if 'prompt' in v: del v['prompt'] + v['Category'] = 'No Category' + v['id'] = f"{int(v['id']):09d}" + ret_meta_info.append(v) + return ret_meta_info + + +# adapted from https://github.com/huggingface/accelerate/blob/main/src/accelerate/utils/random.py#L31 +def set_seed(seed, rank, device_specific=True): + if device_specific: + seed += rank + random.seed(seed) + np.random.seed(seed) + torch.manual_seed(seed) + torch.cuda.manual_seed(seed) + torch.cuda.manual_seed_all(seed) + torch.backends.cudnn.deterministic = True + torch.backends.cudnn.benchmark = False + +def initialize_models(args, device): + + # Load main model and task head + model = UnivaQwen2p5VLForConditionalGeneration.from_pretrained( + args.pretrained_lvlm_name_or_path, + torch_dtype=torch.bfloat16, + attn_implementation="flash_attention_2", + ).to(device) + + processor = AutoProcessor.from_pretrained( + args.pretrained_lvlm_name_or_path, + min_pixels=args.min_pixels, + max_pixels=args.max_pixels, + ) + + # Load FLUX pipeline + pipe = FluxPipeline.from_pretrained( + args.pretrained_denoiser_name_or_path, + transformer=model.denoise_tower.denoiser, + torch_dtype=torch.bfloat16, + ).to(device) + tokenizers = [pipe.tokenizer, pipe.tokenizer_2] + text_encoders = [pipe.text_encoder, pipe.text_encoder_2] + + siglip_processor = SiglipImageProcessor.from_pretrained(args.pretrained_siglip_name_or_path) + siglip_model = SiglipVisionModel.from_pretrained( + args.pretrained_siglip_name_or_path, + torch_dtype=torch.bfloat16, + ).to(device) + + return { + 'model': model, + 'processor': processor, + 'pipe': pipe, + 'tokenizers': tokenizers, + 'text_encoders': text_encoders, + 'device': device, + 'siglip_model': siglip_model, + 'siglip_processor': siglip_processor, + } + + +def init_gpu_env(args): + local_rank = int(os.getenv('RANK', 0)) + world_size = int(os.getenv('WORLD_SIZE', 1)) + args.local_rank = local_rank + args.world_size = world_size + torch.cuda.set_device(local_rank) + dist.init_process_group( + backend='nccl', init_method='env://', + world_size=world_size, rank=local_rank + ) + return args + + +def run_model_and_return_samples(args, state, text, image1=None, image2=None): + + # Build content + convo = [] + image_paths = [] + content = [] + for img in (image1, image2): + if img: + content.append({'type':'image','image':img,'min_pixels':args.min_pixels,'max_pixels':args.max_pixels}) + image_paths.append(img) + if text: + ocr_text = '' + if args.ocr_enhancer and content: + ocr_texts = [] + for img in (image1, image2): + if img: + ocr_texts.append(get_ocr_result(img, cur_ocr_i)) + cur_ocr_i += 1 + ocr_text = '\n'.join(ocr_texts) + content.append({'type':'text','text': text + ocr_text}) + + if not args.only_use_t5: + convo.append({'role':'user','content':content}) + + # Prepare inputs + chat_text = state['processor'].apply_chat_template( + convo, + tokenize=False, + add_generation_prompt=True + ) + chat_text = '<|im_end|>\n'.join(chat_text.split('<|im_end|>\n')[1:]) + image_inputs, video_inputs = process_vision_info(convo) + inputs = state['processor']( + text=[chat_text], images=image_inputs, videos=video_inputs, + padding=True, return_tensors='pt' + ).to(state['device']) + + # Generate + # image generation pipeline + siglip_hs = None + if state['siglip_processor'] and image_paths: + vals = [state['siglip_processor'].preprocess( + images=Image.open(p).convert('RGB'), do_resize=True, + return_tensors='pt', do_convert_rgb=True + ).pixel_values.to(state['device']) + for p in image_paths] + siglip_hs = state['siglip_model'](torch.concat(vals)).last_hidden_state + + with torch.no_grad(): + lvlm = state['model']( + inputs.input_ids, pixel_values=getattr(inputs,'pixel_values',None), + attention_mask=inputs.attention_mask, + image_grid_thw=getattr(inputs,'image_grid_thw',None), + siglip_hidden_states=siglip_hs, + output_type='denoise_embeds' + ) + prm_embeds, pooled = encode_prompt( + state['text_encoders'], state['tokenizers'], + text if args.joint_with_t5 else '', 256, state['device'], 1 + ) + emb = torch.concat([lvlm, prm_embeds], dim=1) if args.joint_with_t5 else lvlm + else: + prm_embeds, pooled = encode_prompt( + state['text_encoders'], state['tokenizers'], + text, 256, state['device'], 1 + ) + emb = prm_embeds + + with torch.no_grad(): + img = state['pipe']( + prompt_embeds=emb, + pooled_prompt_embeds=pooled, + height=args.height, + width=args.width, + num_inference_steps=args.num_inference_steps, + guidance_scale=args.guidance_scale, + num_images_per_prompt=args.num_images_per_prompt, + ).images + return img + +def main(args): + + args = init_gpu_env(args) + + torch.backends.cuda.matmul.allow_tf32 = False + torch.backends.cudnn.allow_tf32 = False + if args.allow_tf32: + torch.backends.cuda.matmul.allow_tf32 = True + torch.backends.cudnn.allow_tf32 = True + + set_seed(args.seed, rank=args.local_rank, device_specific=True) + device = torch.cuda.current_device() + state = initialize_models(args, device) + + meta_info = get_meta(args.genai_prompt_path) + print(f'origin meta_info ({len(meta_info)})') + text_and_savepath = [ + [ + meta_info[i]['Prompts'], os.path.join(args.output_dir, f"{meta_info[i]['id']}.jpg") + ] for i in range(len(meta_info)) + ] + + text_and_savepath_ = [ + [text_prompt, save_path] for text_prompt, save_path in text_and_savepath if not os.path.exists(save_path) + ] + print(f'need to process ({len(text_and_savepath_)})') + if len(text_and_savepath_) == 0: + import sys;sys.exit(0) + text_and_savepath = text_and_savepath[args.local_rank::args.world_size] + os.makedirs(args.output_dir, exist_ok=True) + print(f'args: {args}') + cnt = 0 + for text_prompt, save_path in tqdm(text_and_savepath): + # print(text_prompt, save_path) + if os.path.exists(save_path): + continue + set_seed(args.seed + cnt * 50, rank=args.local_rank, device_specific=True) + image = run_model_and_return_samples(args, state, text_prompt, image1=None, image2=None) + image = image[0] + image.save(save_path) + # import ipdb;ipdb.set_trace() + assert args.num_samples_per_prompt == 1 + cnt += 1 + + + +if __name__ == "__main__": + import argparse + from omegaconf import OmegaConf + + parser = argparse.ArgumentParser() + parser.add_argument("config", type=str) + parser.add_argument("--pretrained_lvlm_name_or_path", type=str, default=None, required=False) + parser.add_argument("--output_dir", type=str, default=None, required=False) + + args = parser.parse_args() + + config = OmegaConf.load(args.config) + schema = OmegaConf.structured(EvalConfig) + conf = OmegaConf.merge(schema, config) + if args.pretrained_lvlm_name_or_path is not None: + assert args.output_dir is not None + conf.pretrained_lvlm_name_or_path = args.pretrained_lvlm_name_or_path + conf.output_dir = args.output_dir + main(conf) \ No newline at end of file diff --git a/univa/eval/genai/step2_run_model.py b/univa/eval/genai/step2_run_model.py new file mode 100644 index 0000000000000000000000000000000000000000..a7c9d09d4e17969120378924f0c53d00aedad769 --- /dev/null +++ b/univa/eval/genai/step2_run_model.py @@ -0,0 +1,113 @@ +# Evaluate on GenAI-Bench-Image (with 527 prompt) using a specific model +# Example scripts to run: +# VQAScore: python genai_image_eval.py --model clip-flant5-xxl +# CLIPScore: python genai_image_eval.py --model openai:ViT-L-14-336 +# GPT4o VQAScore: python genai_image_eval.py --model gpt-4o +import sys +import os +import argparse +import os +import t2v_metrics +import json +import torch +import numpy as np +from t2v_metrics.dataset import GenAIBench_Image + +tag_groups = { + 'basic': ['attribute', 'scene', 'spatial relation', 'action relation', 'part relation', 'basic'], + 'advanced': ['counting', 'comparison', 'differentiation', 'negation', 'universal', 'advanced'], + 'overall': ['basic', 'advanced', 'all'] +} + +def show_performance_per_skill(our_scores, dataset, items_name='images', prompt_to_items_name='prompt_to_images', print_std=False): + tag_result = {} + tag_file = f"{dataset.meta_dir}/genai_skills.json" + tags = json.load(open(tag_file)) + items = getattr(dataset, items_name) + prompt_to_items = getattr(dataset, prompt_to_items_name) + items_by_model_tag = {} + for tag in tags: + items_by_model_tag[tag] = {} + for prompt_idx in tags[tag]: + for image_idx in prompt_to_items[f"{prompt_idx:05d}"]: + model = items[image_idx]['model'] + if model not in items_by_model_tag[tag]: + items_by_model_tag[tag][model] = [] + items_by_model_tag[tag][model].append(image_idx) + + for tag in tags: + # print(f"Tag: {tag}") + tag_result[tag] = {} + for model in items_by_model_tag[tag]: + our_scores_mean = our_scores[items_by_model_tag[tag][model]].mean() + our_scores_std = our_scores[items_by_model_tag[tag][model]].std() + # print(f"{model} (Metric Score): {our_scores_mean:.2f} +- {our_scores_std:.2f}") + tag_result[tag][model] = { + 'metric': {'mean': our_scores_mean, 'std': our_scores_std}, + } + # print() + + # print("All") + tag_result['all'] = {} + all_models = items_by_model_tag[tag] + for model in all_models: + all_model_indices = set() + for tag in items_by_model_tag: + all_model_indices = all_model_indices.union(set(items_by_model_tag[tag][model])) + all_model_indices = list(all_model_indices) + our_scores_mean = our_scores[all_model_indices].mean() + our_scores_std = our_scores[all_model_indices].std() + # print(f"{model} (Metric Score): {our_scores_mean:.2f} +- {our_scores_std:.2f}") + tag_result['all'][model] = { + 'metric': {'mean': our_scores_mean, 'std': our_scores_std}, + } + + for tag_group in tag_groups: + for score_name in ['metric']: + print(f"Tag Group: {tag_group} ({score_name} performance)") + tag_header = f"{'Model':<17}" + " ".join([f"{tag:<17}" for tag in tag_groups[tag_group]]) + print(tag_header) + for model_name in all_models: + if print_std: + detailed_scores = [f"{tag_result[tag][model_name][score_name]['mean']:.6f}+-{tag_result[tag][model_name][score_name]['std']:.6f}" for tag in tag_groups[tag_group]] + else: + detailed_scores = [f"{tag_result[tag][model_name][score_name]['mean']:.6f}" for tag in tag_groups[tag_group]] + detailed_scores = " ".join([f"{score:<17}" for score in detailed_scores]) + model_scores = f"{model_name:<17}" + detailed_scores + print(model_scores) + print() + print() + + +def get_args(): + parser = argparse.ArgumentParser() + parser.add_argument("--meta_dir", type=str, required=True) + parser.add_argument("--model_path", type=str, required=True) + parser.add_argument("--image_dir", type=str, required=True) + parser.add_argument("--batch_size", type=int, default=16) + parser.add_argument("--seed", type=int, default=1234) + + args = parser.parse_args() + return args + +def main(): + args = get_args() + image_dir = args.image_dir + meta_dir = args.meta_dir + + dataset = GenAIBench_Image(root_dir=image_dir, meta_dir=meta_dir) + + model = args.model_path + device = torch.device('cuda:0') + score_func = t2v_metrics.get_score_model(model=model, device=device) + + kwargs = {} + scores = score_func.batch_forward(dataset, batch_size=args.batch_size, **kwargs).cpu() + + + ### Get performance per skill + our_scores = scores.mean(axis=1) + show_performance_per_skill(our_scores, dataset, print_std=True) + +if __name__ == "__main__": + main() diff --git a/univa/eval/genai/t2v_metrics/__init__.py b/univa/eval/genai/t2v_metrics/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..fe1d96fffe5ed01a8f5fe7ffe7b3f71cffc350a1 --- /dev/null +++ b/univa/eval/genai/t2v_metrics/__init__.py @@ -0,0 +1,13 @@ + +from __future__ import absolute_import +from __future__ import division +from __future__ import print_function + +from .constants import HF_CACHE_DIR +from .vqascore import VQAScore, list_all_vqascore_models + +def list_all_models(): + return list_all_vqascore_models() + +def get_score_model(model='clip-flant5-xxl', device='cuda', cache_dir=HF_CACHE_DIR, **kwargs): + return VQAScore(model, device=device, cache_dir=cache_dir, **kwargs) \ No newline at end of file diff --git a/univa/eval/genai/t2v_metrics/clipscore.py b/univa/eval/genai/t2v_metrics/clipscore.py new file mode 100644 index 0000000000000000000000000000000000000000..f88cb1e40b8320aec80218d92e11e0280aec115a --- /dev/null +++ b/univa/eval/genai/t2v_metrics/clipscore.py @@ -0,0 +1,21 @@ +from typing import List + +from .score import Score + +from .constants import HF_CACHE_DIR + +from .models.clipscore_models import list_all_clipscore_models, get_clipscore_model + +class CLIPScore(Score): + def prepare_scoremodel(self, + model='openai:ViT-L/14', + device='cuda', + cache_dir=HF_CACHE_DIR): + return get_clipscore_model( + model, + device=device, + cache_dir=cache_dir + ) + + def list_all_models(self) -> List[str]: + return list_all_clipscore_models() \ No newline at end of file diff --git a/univa/eval/genai/t2v_metrics/constants.py b/univa/eval/genai/t2v_metrics/constants.py new file mode 100644 index 0000000000000000000000000000000000000000..e3c4b93597653406ab531e537a3a4d6c6e6a284a --- /dev/null +++ b/univa/eval/genai/t2v_metrics/constants.py @@ -0,0 +1,8 @@ +HF_CACHE_DIR = "./hf_cache/" # TODO: change this to your own cache dir + +# For CLIP-FlanT5 and LLaVA-1.5 (copied from llava) +CONTEXT_LEN = 2048 +SYSTEM_MSG = "A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions." +IGNORE_INDEX = -100 +IMAGE_TOKEN_INDEX = -200 +DEFAULT_IMAGE_TOKEN = "" \ No newline at end of file diff --git a/univa/eval/genai/t2v_metrics/dataset.py b/univa/eval/genai/t2v_metrics/dataset.py new file mode 100644 index 0000000000000000000000000000000000000000..9d249e2a6c6b6c7d1dd80b95b678f27caa576362 --- /dev/null +++ b/univa/eval/genai/t2v_metrics/dataset.py @@ -0,0 +1,43 @@ +import os +import json +from torch.utils.data import Dataset + + +class GenAIBench_Image(Dataset): + # GenAIBench with 527 prompts + def __init__( + self, + root_dir, + meta_dir, + ): + self.meta_dir = meta_dir + self.root_dir = root_dir + self.models = 'custom' + self.dataset = json.load(open(os.path.join(self.meta_dir, f"genai_image.json"), 'r')) + print(f"Loaded dataset: genai_image.json") + + self.images = [] # list of images + self.prompt_to_images = {} + for prompt_idx in self.dataset: + self.images.append({ + 'prompt_idx': prompt_idx, + 'prompt': self.dataset[prompt_idx]['prompt'], + 'model': self.models, + 'image': os.path.join(self.root_dir, f"{int(prompt_idx):09d}.jpg"), + }) + if prompt_idx not in self.prompt_to_images: + self.prompt_to_images[prompt_idx] = [] + self.prompt_to_images[prompt_idx].append(len(self.images) - 1) + + def __len__(self): + return len(self.images) + + def __getitem__(self, idx): + item = self.images[idx] + image_paths = [item['image']] + image = image_paths + texts = [str(item['prompt'])] + item = {"images": image, "texts": texts} + return item + + diff --git a/univa/eval/genai/t2v_metrics/models/__init__.py b/univa/eval/genai/t2v_metrics/models/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/univa/eval/genai/t2v_metrics/models/model.py b/univa/eval/genai/t2v_metrics/models/model.py new file mode 100644 index 0000000000000000000000000000000000000000..05aa8a69d47b68923f3b7302b16cd75c60aa5c91 --- /dev/null +++ b/univa/eval/genai/t2v_metrics/models/model.py @@ -0,0 +1,48 @@ +from abc import ABC, abstractmethod +from typing import List +import os +import torch +import numpy as np +from PIL import Image + +from ..constants import HF_CACHE_DIR + +def image_loader(image_path): + if image_path.split('.')[-1] == 'npy': + return Image.fromarray(np.load(image_path)[:, :, [2, 1, 0]], 'RGB') + else: + return Image.open(image_path).convert("RGB") + +class ScoreModel(ABC): + def __init__(self, + model_name='clip-flant5-xxl', + device='cuda', + cache_dir=HF_CACHE_DIR): + self.model_name = model_name + self.device = device + self.cache_dir = cache_dir + if not os.path.exists(self.cache_dir): + os.makedirs(self.cache_dir) + self.image_loader = image_loader + self.load_model() + + @abstractmethod + def load_model(self): + """Load the model, tokenizer, and etc. + """ + pass + + @abstractmethod + def load_images(self, + image: List[str]) -> torch.Tensor: + """Load the image(s), and return a tensor (after preprocessing) put on self.device + """ + pass + + @abstractmethod + def forward(self, + images: List[str], + texts: List[str]) -> torch.Tensor: + """Forward pass of the model to return n scores for n (image, text) pairs (in PyTorch Tensor) + """ + pass \ No newline at end of file diff --git a/univa/eval/genai/t2v_metrics/models/vqascore_models/__init__.py b/univa/eval/genai/t2v_metrics/models/vqascore_models/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..3289a8661406c420a82bfbab4125c51fd37558ec --- /dev/null +++ b/univa/eval/genai/t2v_metrics/models/vqascore_models/__init__.py @@ -0,0 +1,12 @@ +from .clip_t5_model import CLIP_T5_MODELS, CLIPT5Model +from ...constants import HF_CACHE_DIR + +ALL_VQA_MODELS = [ + CLIP_T5_MODELS, +] + +def list_all_vqascore_models(): + return [model for models in ALL_VQA_MODELS for model in models] + +def get_vqascore_model(model_name, device='cuda', cache_dir=HF_CACHE_DIR, **kwargs): + return CLIPT5Model(model_name, device=device, cache_dir=cache_dir, **kwargs) \ No newline at end of file diff --git a/univa/eval/genai/t2v_metrics/models/vqascore_models/clip_t5/__init__.py b/univa/eval/genai/t2v_metrics/models/vqascore_models/clip_t5/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/univa/eval/genai/t2v_metrics/models/vqascore_models/clip_t5/model/__init__.py b/univa/eval/genai/t2v_metrics/models/vqascore_models/clip_t5/model/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..dee8e5f03802485dfabdb3364adfb26406d7f9ec --- /dev/null +++ b/univa/eval/genai/t2v_metrics/models/vqascore_models/clip_t5/model/__init__.py @@ -0,0 +1 @@ +from .language_model.clip_t5 import CLIPT5ForConditionalGeneration, CLIPT5Config, ModelArguments \ No newline at end of file diff --git a/univa/eval/genai/t2v_metrics/models/vqascore_models/clip_t5/model/language_model/clip_t5.py b/univa/eval/genai/t2v_metrics/models/vqascore_models/clip_t5/model/language_model/clip_t5.py new file mode 100644 index 0000000000000000000000000000000000000000..3ece0316adb9f6383f6149120f5f85c9b0a8422c --- /dev/null +++ b/univa/eval/genai/t2v_metrics/models/vqascore_models/clip_t5/model/language_model/clip_t5.py @@ -0,0 +1,290 @@ +# Copyright 2023 Zhiqiu Lin +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + + +from typing import List, Optional, Tuple, Union +from dataclasses import dataclass, field + +import torch + +from transformers import AutoConfig, AutoModelForSeq2SeqLM + +from transformers.modeling_outputs import Seq2SeqLMOutput + +from ..multimodal_encoder.builder import build_vision_tower +from ..multimodal_projector.builder import build_vision_projector +from transformers import T5Config, T5ForConditionalGeneration + +IMAGE_TOKEN_INDEX = -200 + +@dataclass +class ModelArguments: + tune_mm_mlp_adapter: bool = field(default=False) + vision_tower: Optional[str] = field(default='openai/clip-vit-large-patch14-336') + mm_vision_select_layer: Optional[int] = field(default=-2) # default to the second last layer in llava1.5 + pretrain_mm_mlp_adapter: Optional[str] = field(default=None) + mm_projector_type: Optional[str] = field(default='mlp2x_gelu') + mm_vision_select_feature: Optional[str] = field(default="patch") + + +class CLIPT5Config(T5Config): + model_type = "clip_t5" + + +class CLIPT5ForConditionalGeneration(T5ForConditionalGeneration): + # This class supports both T5 and FlanT5 + config_class = CLIPT5Config + + def __init__(self, config): + super(CLIPT5ForConditionalGeneration, self).__init__(config) + self.embed_tokens = self.encoder.embed_tokens + if hasattr(config, "mm_vision_tower"): + self.vision_tower = build_vision_tower(config, delay_load=False) + self.mm_projector = build_vision_projector(config) + + def get_vision_tower(self): + vision_tower = getattr(self, 'vision_tower', None) + if type(vision_tower) is list: + vision_tower = vision_tower[0] + return vision_tower + + def get_model(self): + return self # for compatibility with LlavaMetaForCausalLM + + def prepare_inputs_labels_for_multimodal( + self, input_ids, attention_mask, decoder_attention_mask, past_key_values, labels, images + ): + # The labels are now separated from the input_ids. + vision_tower = self.get_vision_tower() + if vision_tower is None or images is None or input_ids.shape[1] == 1: + raise NotImplementedError() + + if type(images) is list or images.ndim == 5: + concat_images = torch.cat([image for image in images], dim=0) + image_features = self.encode_images(concat_images) + split_sizes = [image.shape[0] for image in images] + image_features = torch.split(image_features, split_sizes, dim=0) + image_features = [x.flatten(0, 1) for x in image_features] + else: + image_features = self.encode_images(images) + + new_input_embeds = [] + cur_image_idx = 0 + for _, cur_input_ids in enumerate(input_ids): + if (cur_input_ids == IMAGE_TOKEN_INDEX).sum() == 0: + # multimodal LLM, but the current sample is not multimodal + raise NotImplementedError() + image_token_indices = torch.where(cur_input_ids == IMAGE_TOKEN_INDEX)[0] + cur_new_input_embeds = [] + while image_token_indices.numel() > 0: + cur_image_features = image_features[cur_image_idx] + image_token_start = image_token_indices[0] + cur_new_input_embeds.append(self.embed_tokens(cur_input_ids[:image_token_start])) + cur_new_input_embeds.append(cur_image_features) + cur_image_idx += 1 + cur_input_ids = cur_input_ids[image_token_start+1:] + image_token_indices = torch.where(cur_input_ids == IMAGE_TOKEN_INDEX)[0] + if cur_input_ids.numel() > 0: + cur_new_input_embeds.append(self.embed_tokens(cur_input_ids)) + cur_new_input_embeds = [x.to(device=self.device) for x in cur_new_input_embeds] + cur_new_input_embeds = torch.cat(cur_new_input_embeds, dim=0) + new_input_embeds.append(cur_new_input_embeds) + + if any(x.shape != new_input_embeds[0].shape for x in new_input_embeds): + max_len = max(x.shape[0] for x in new_input_embeds) + + new_input_embeds_align = [] + _input_embeds_lengths = [] + for cur_new_embed in new_input_embeds: + _input_embeds_lengths.append(cur_new_embed.shape[0]) + cur_new_embed = torch.cat((cur_new_embed, torch.zeros((max_len - cur_new_embed.shape[0], cur_new_embed.shape[1]), dtype=cur_new_embed.dtype, device=cur_new_embed.device)), dim=0) + new_input_embeds_align.append(cur_new_embed) + new_input_embeds = torch.stack(new_input_embeds_align, dim=0) + + if attention_mask is not None: + new_attention_mask = [] + for cur_attention_mask, _input_embeds_length in zip(attention_mask, _input_embeds_lengths): + new_attn_mask_pad_left = torch.full((_input_embeds_length - input_ids.shape[1],), True, dtype=attention_mask.dtype, device=attention_mask.device) + new_attn_mask_pad_right = torch.full((new_input_embeds.shape[1] - _input_embeds_length,), False, dtype=attention_mask.dtype, device=attention_mask.device) + cur_new_attention_mask = torch.cat((new_attn_mask_pad_left, cur_attention_mask, new_attn_mask_pad_right), dim=0) + new_attention_mask.append(cur_new_attention_mask) + attention_mask = torch.stack(new_attention_mask, dim=0) + assert attention_mask.shape == new_input_embeds.shape[:2] + else: + new_input_embeds = torch.stack(new_input_embeds, dim=0) + + if attention_mask is not None: + new_attn_mask_pad_left = torch.full((attention_mask.shape[0], new_input_embeds.shape[1] - input_ids.shape[1]), True, dtype=attention_mask.dtype, device=attention_mask.device) + attention_mask = torch.cat((new_attn_mask_pad_left, attention_mask), dim=1) + assert attention_mask.shape == new_input_embeds.shape[:2] + + return None, attention_mask, decoder_attention_mask, past_key_values, new_input_embeds, labels + + def encode_images(self, images): + image_features = self.get_vision_tower()(images) + image_features = self.mm_projector(image_features) + return image_features + + def initialize_vision_modules(self, model_args, fsdp=None): + vision_tower = model_args.vision_tower + mm_vision_select_layer = model_args.mm_vision_select_layer + mm_vision_select_feature = model_args.mm_vision_select_feature + pretrain_mm_mlp_adapter = model_args.pretrain_mm_mlp_adapter + + self.config.mm_vision_tower = vision_tower + self.config.pretrain_mm_mlp_adapter = pretrain_mm_mlp_adapter + + if self.get_vision_tower() is None: + vision_tower = build_vision_tower(model_args) + + if fsdp is not None and len(fsdp) > 0: + self.vision_tower = [vision_tower] + else: + self.vision_tower = vision_tower + else: + if fsdp is not None and len(fsdp) > 0: + vision_tower = self.vision_tower[0] + else: + vision_tower = self.vision_tower + if not vision_tower.is_loaded: + vision_tower.load_model() + + self.config.use_mm_proj = True + self.config.mm_projector_type = getattr(model_args, 'mm_projector_type', 'mlp2x_gelu') + self.config.mm_hidden_size = vision_tower.hidden_size + self.config.mm_vision_select_layer = mm_vision_select_layer + self.config.mm_vision_select_feature = mm_vision_select_feature + + if getattr(self, 'mm_projector', None) is None: + self.mm_projector = build_vision_projector(self.config) + + if pretrain_mm_mlp_adapter is not None: + mm_projector_weights = torch.load(pretrain_mm_mlp_adapter, map_location='cpu') + def get_w(weights, keyword): + return {k.split(keyword + '.')[1]: v for k, v in weights.items() if keyword in k} + + self.mm_projector.load_state_dict(get_w(mm_projector_weights, 'mm_projector')) + + def forward( + self, + input_ids: torch.LongTensor = None, + attention_mask: Optional[torch.Tensor] = None, + decoder_attention_mask: Optional[torch.Tensor] = None, + past_key_values: Optional[List[torch.FloatTensor]] = None, + inputs_embeds: Optional[torch.FloatTensor] = None, + labels: Optional[torch.LongTensor] = None, + use_cache: Optional[bool] = None, + output_attentions: Optional[bool] = None, + output_hidden_states: Optional[bool] = None, + images: Optional[torch.FloatTensor] = None, + return_dict: Optional[bool] = None, + **kwargs, + ) -> Union[Tuple[torch.FloatTensor], Seq2SeqLMOutput]: + output_attentions = output_attentions if output_attentions is not None else self.config.output_attentions + output_hidden_states = ( + output_hidden_states if output_hidden_states is not None else self.config.output_hidden_states + ) + return_dict = return_dict if return_dict is not None else self.config.use_return_dict + + if inputs_embeds is None: + _, attention_mask, decoder_attention_mask, past_key_values, inputs_embeds, labels = \ + self.prepare_inputs_labels_for_multimodal(input_ids, attention_mask, decoder_attention_mask, past_key_values, labels, images) + + # decoder outputs consists of (dec_features, layer_state, dec_hidden, dec_attn) + outputs = super(CLIPT5ForConditionalGeneration, self).forward( + input_ids=None, # will be None if inputs_embeds is not None + attention_mask=attention_mask, + decoder_attention_mask=decoder_attention_mask, + labels=labels, + past_key_values=past_key_values, + inputs_embeds=inputs_embeds, + use_cache=use_cache, + output_attentions=output_attentions, + output_hidden_states=output_hidden_states, + return_dict=return_dict, + **kwargs, + ) + + return outputs + + @torch.no_grad() + def generate( + self, + inputs: Optional[torch.Tensor] = None, + attention_mask: Optional[torch.Tensor] = None, + images: Optional[torch.Tensor] = None, + **kwargs, + ): + assert images is not None, "images must be provided" + assert inputs is not None, "inputs must be provided" + assert attention_mask is not None, "attention_mask must be provided" + _, attention_mask, _, _, inputs_embeds, _ = \ + self.prepare_inputs_labels_for_multimodal(inputs, attention_mask, None, None, None, images) + # decoder outputs consists of (dec_features, layer_state, dec_hidden, dec_attn) + outputs = super(CLIPT5ForConditionalGeneration, self).generate( + input_ids=None, # will be None if inputs_embeds is not None + attention_mask=attention_mask, + inputs_embeds=inputs_embeds, + ) + return outputs + + def prepare_inputs_for_generation( + self, + input_ids, + past_key_values=None, + attention_mask=None, + head_mask=None, + decoder_head_mask=None, + decoder_attention_mask=None, + cross_attn_head_mask=None, + use_cache=None, + encoder_outputs=None, + inputs_embeds=None, + **kwargs, + ): + # cut decoder_input_ids if past_key_values is used + if past_key_values is not None: + past_length = past_key_values[0][0].shape[2] + + # Some generation methods already pass only the last input ID + if input_ids.shape[1] > past_length: + remove_prefix_length = past_length + else: + # Default to old behavior: keep only final ID + remove_prefix_length = input_ids.shape[1] - 1 + + input_ids = input_ids[:, remove_prefix_length:] + + # if `inputs_embeds` are passed, we only want to use them in the 1st generation step + if inputs_embeds is not None and past_key_values is None: + model_inputs = {"inputs_embeds": inputs_embeds} + else: + model_inputs = {"input_ids": input_ids} + + model_inputs.update({ + "decoder_input_ids": input_ids, + "past_key_values": past_key_values, + "encoder_outputs": encoder_outputs, + "attention_mask": attention_mask, + "head_mask": head_mask, + "decoder_head_mask": decoder_head_mask, + "decoder_attention_mask": decoder_attention_mask, + "cross_attn_head_mask": cross_attn_head_mask, + "use_cache": use_cache, + }) + return model_inputs + + +AutoConfig.register("clip_t5", CLIPT5Config) +AutoModelForSeq2SeqLM.register(CLIPT5Config, CLIPT5ForConditionalGeneration) \ No newline at end of file diff --git a/univa/eval/genai/t2v_metrics/models/vqascore_models/clip_t5/model/multimodal_encoder/builder.py b/univa/eval/genai/t2v_metrics/models/vqascore_models/clip_t5/model/multimodal_encoder/builder.py new file mode 100644 index 0000000000000000000000000000000000000000..2b13589d4e55af529fe0838c4130c2033ac10478 --- /dev/null +++ b/univa/eval/genai/t2v_metrics/models/vqascore_models/clip_t5/model/multimodal_encoder/builder.py @@ -0,0 +1,11 @@ +import os +from .clip_encoder import CLIPVisionTower + + +def build_vision_tower(vision_tower_cfg, **kwargs): + vision_tower = getattr(vision_tower_cfg, 'mm_vision_tower', getattr(vision_tower_cfg, 'vision_tower', None)) + is_absolute_path_exists = os.path.exists(vision_tower) + if is_absolute_path_exists or vision_tower.startswith("openai") or vision_tower.startswith("laion"): + return CLIPVisionTower(vision_tower, args=vision_tower_cfg, **kwargs) + + raise ValueError(f'Unknown vision tower: {vision_tower}') diff --git a/univa/eval/genai/t2v_metrics/models/vqascore_models/clip_t5/model/multimodal_encoder/clip_encoder.py b/univa/eval/genai/t2v_metrics/models/vqascore_models/clip_t5/model/multimodal_encoder/clip_encoder.py new file mode 100644 index 0000000000000000000000000000000000000000..ebf51e01b286fa2f68c1b76b61477ef62a385f65 --- /dev/null +++ b/univa/eval/genai/t2v_metrics/models/vqascore_models/clip_t5/model/multimodal_encoder/clip_encoder.py @@ -0,0 +1,78 @@ +import torch +import torch.nn as nn +import os +from transformers import CLIPVisionModel, CLIPImageProcessor, CLIPVisionConfig + + +class CLIPVisionTower(nn.Module): + def __init__(self, vision_tower, args, delay_load=False): + super().__init__() + + self.is_loaded = False + + self.vision_tower_name = os.environ.get("VISION_TOWER", None) or vision_tower + self.select_layer = args.mm_vision_select_layer + self.select_feature = getattr(args, 'mm_vision_select_feature', 'patch') + + if not delay_load: + self.load_model() + else: + self.cfg_only = CLIPVisionConfig.from_pretrained(self.vision_tower_name) + + def load_model(self): + self.image_processor = CLIPImageProcessor.from_pretrained(self.vision_tower_name) + self.vision_tower = CLIPVisionModel.from_pretrained(self.vision_tower_name) + self.vision_tower.requires_grad_(False) + + self.is_loaded = True + + def feature_select(self, image_forward_outs): + image_features = image_forward_outs.hidden_states[self.select_layer] + if self.select_feature == 'patch': + image_features = image_features[:, 1:] + elif self.select_feature == 'cls_patch': + image_features = image_features + else: + raise ValueError(f'Unexpected select feature: {self.select_feature}') + return image_features + + @torch.no_grad() + def forward(self, images): + if type(images) is list: + image_features = [] + for image in images: + image_forward_out = self.vision_tower(image.to(device=self.device, dtype=self.dtype).unsqueeze(0), output_hidden_states=True) + image_feature = self.feature_select(image_forward_out).to(image.dtype) + image_features.append(image_feature) + else: + image_forward_outs = self.vision_tower(images.to(device=self.device, dtype=self.dtype), output_hidden_states=True) + image_features = self.feature_select(image_forward_outs).to(images.dtype) + + return image_features + + @property + def dummy_feature(self): + return torch.zeros(1, self.hidden_size, device=self.device, dtype=self.dtype) + + @property + def dtype(self): + return self.vision_tower.dtype + + @property + def device(self): + return self.vision_tower.device + + @property + def config(self): + if self.is_loaded: + return self.vision_tower.config + else: + return self.cfg_only + + @property + def hidden_size(self): + return self.config.hidden_size + + @property + def num_patches(self): + return (self.config.image_size // self.config.patch_size) ** 2 diff --git a/univa/eval/genai/t2v_metrics/models/vqascore_models/clip_t5/model/multimodal_projector/builder.py b/univa/eval/genai/t2v_metrics/models/vqascore_models/clip_t5/model/multimodal_projector/builder.py new file mode 100644 index 0000000000000000000000000000000000000000..31cd4f48e6055cd6d00a162af30b1c8139e26b57 --- /dev/null +++ b/univa/eval/genai/t2v_metrics/models/vqascore_models/clip_t5/model/multimodal_projector/builder.py @@ -0,0 +1,51 @@ +import torch +import torch.nn as nn +import re + + +class IdentityMap(nn.Module): + def __init__(self): + super().__init__() + + def forward(self, x, *args, **kwargs): + return x + + @property + def config(self): + return {"mm_projector_type": 'identity'} + + +class SimpleResBlock(nn.Module): + def __init__(self, channels): + super().__init__() + self.pre_norm = nn.LayerNorm(channels) + + self.proj = nn.Sequential( + nn.Linear(channels, channels), + nn.GELU(), + nn.Linear(channels, channels) + ) + def forward(self, x): + x = self.pre_norm(x) + return x + self.proj(x) + + +def build_vision_projector(config, delay_load=False, **kwargs): + projector_type = getattr(config, 'mm_projector_type', 'linear') + + if projector_type == 'linear': + return nn.Linear(config.mm_hidden_size, config.hidden_size) + + mlp_gelu_match = re.match(r'^mlp(\d+)x_gelu$', projector_type) + if mlp_gelu_match: + mlp_depth = int(mlp_gelu_match.group(1)) + modules = [nn.Linear(config.mm_hidden_size, config.hidden_size)] + for _ in range(1, mlp_depth): + modules.append(nn.GELU()) + modules.append(nn.Linear(config.hidden_size, config.hidden_size)) + return nn.Sequential(*modules) + + if projector_type == 'identity': + return IdentityMap() + + raise ValueError(f'Unknown projector type: {projector_type}') diff --git a/univa/eval/genai/t2v_metrics/models/vqascore_models/clip_t5_model.py b/univa/eval/genai/t2v_metrics/models/vqascore_models/clip_t5_model.py new file mode 100644 index 0000000000000000000000000000000000000000..40b23ea5e07018568cb53cbbd0f58b6602ab4a25 --- /dev/null +++ b/univa/eval/genai/t2v_metrics/models/vqascore_models/clip_t5_model.py @@ -0,0 +1,338 @@ +from typing import List +import torch + +from .vqa_model import VQAScoreModel +from .mm_utils import expand2square, load_pretrained_model, t5_tokenizer_image_token +from ...constants import HF_CACHE_DIR, CONTEXT_LEN, SYSTEM_MSG, DEFAULT_IMAGE_TOKEN, IGNORE_INDEX +from .clip_t5.model import CLIPT5ForConditionalGeneration, ModelArguments + +default_question_template = 'Does this figure show "{}"? Please answer yes or no.' +default_answer_template = "Yes" + +def format_question(question, conversation_style='plain'): + if conversation_style == 't5_plain': # for 1st stage t5 model + question = DEFAULT_IMAGE_TOKEN + question + elif conversation_style == 't5_chat': # for 2nd stage t5 model + question = SYSTEM_MSG + " USER: " + DEFAULT_IMAGE_TOKEN + "\n" + question + " ASSISTANT: " + elif conversation_style == 't5_chat_no_system': # for 2nd stage t5 model + question = "USER: " + DEFAULT_IMAGE_TOKEN + "\n" + question + " ASSISTANT: " + elif conversation_style == 't5_chat_no_system_no_user': # for 2nd stage t5 model + question = "" + DEFAULT_IMAGE_TOKEN + "\n" + question + " : " + # elif conversation_style == 't5_chat_ood_system': # for 2nd stage t5 model + # question = SYSTEM_MSG + " HUMAN: " + DEFAULT_IMAGE_TOKEN + "\n" + question + " GPT: " + else: + raise NotImplementedError() + return question + +def format_answer(answer, conversation_style='plain'): + return answer + +CLIP_T5_MODELS = { + # We recommend using 'clip-flant5-xxl' for maximal performance. + # If you want to use a smaller model, we recommend using 'clip-flant5-xl'. + 'clip-flant5-xxl': { + 'tokenizer' : { + 'path': 'google/flan-t5-xxl', + 'model_max_length': CONTEXT_LEN, + }, + 'model': { + 'path': 'zhiqiulin/clip-flant5-xxl', + 'conversation': 't5_chat', + 'image_aspect_ratio': 'pad', + }, + }, + 'clip-flant5-xl': { + 'tokenizer' : { + 'path': 'google/flan-t5-xl', + 'model_max_length': CONTEXT_LEN, + }, + 'model': { + 'path': 'zhiqiulin/clip-flant5-xl', + 'conversation': 't5_chat', + 'image_aspect_ratio': 'pad', + }, + }, + # The following models are suboptimal, but are included for completeness. + # 'clip-flant5-xxl-stage-1': { + # 'tokenizer' : { + # 'path': 'google/flan-t5-xxl', + # 'model_max_length': CONTEXT_LEN, + # }, + # 'model': { + # 'path': 'google/flan-t5-xxl', + # 'mmprojector_repo': 'zhiqiulin/clip-flant5-xxl-stage-1', + # 'mmprojector_name': 'mm_projector.bin', + # 'conversation': "t5_plain", + # 'image_aspect_ratio': 'square', + # }, + # }, + # 'clip-flant5-xxl-no-split-text': { + # 'tokenizer' : { + # 'path': 'google/flan-t5-xxl', + # 'model_max_length': CONTEXT_LEN, + # }, + # 'model': { + # 'path': 'zhiqiulin/clip-flant5-xxl-no-split-text', + # 'conversation': 't5_chat', + # 'image_aspect_ratio': 'pad', + # }, + # }, + # 'clip-flant5-xxl-stage-1-no-split-text': { + # 'tokenizer' : { + # 'path': 'google/flan-t5-xxl', + # 'model_max_length': CONTEXT_LEN, + # }, + # 'model': { + # 'path': 'google/flan-t5-xxl', + # 'mmprojector_repo': 'zhiqiulin/clip-flant5-xxl-stage-1-no-split-text', + # 'mmprojector_name': 'mm_projector.bin', + # 'conversation': "t5_plain", + # 'image_aspect_ratio': 'square', + # }, + # }, + # 'clip-t5-xxl': { + # 'tokenizer' : { + # 'path': 't5-11b', + # 'model_max_length': CONTEXT_LEN, + # }, + # 'model': { + # 'path': 'zhiqiulin/clip-t5-xxl', + # 'conversation': 't5_chat', + # 'image_aspect_ratio': 'pad', + # }, + # }, + # 'clip-t5-xxl-stage-1': { + # 'tokenizer' : { + # 'path': 't5-11b', + # 'model_max_length': CONTEXT_LEN, + # }, + # 'model': { + # 'path': 't5-11b', + # 'mmprojector_repo': 'zhiqiulin/clip-t5-xxl-stage-1', + # 'mmprojector_name': 'mm_projector.bin', + # 'conversation': "t5_plain", + # 'image_aspect_ratio': 'square', + # }, + # }, + # 'clip-flant5-xl-stage-1': { + # 'tokenizer' : { + # 'path': 'google/flan-t5-xl', + # 'model_max_length': CONTEXT_LEN, + # 'padding_side': 'right', + # }, + # 'model': { + # 'path': 'google/flan-t5-xl', + # 'mmprojector_repo': 'zhiqiulin/clip-flant5-xl-stage-1', + # 'mmprojector_name': 'mm_projector.bin', + # 'conversation': "t5_plain", + # 'image_aspect_ratio': 'square', + # }, + # }, + + ## for prompting ablation + 'clip-flant5-xxl-no-system': { + 'tokenizer' : { + 'path': 'google/flan-t5-xxl', + 'model_max_length': CONTEXT_LEN, + }, + 'model': { + 'path': 'zhiqiulin/clip-flant5-xxl', + 'conversation': 't5_chat_no_system', + 'image_aspect_ratio': 'pad', + }, + }, + 'clip-flant5-xxl-no-system-no-user': { + 'tokenizer' : { + 'path': 'google/flan-t5-xxl', + 'model_max_length': CONTEXT_LEN, + }, + 'model': { + 'path': 'zhiqiulin/clip-flant5-xxl', + 'conversation': 't5_chat_no_system_no_user', + 'image_aspect_ratio': 'pad', + }, + }, +} + + + +class CLIPT5Model(VQAScoreModel): + """A wrapper for the CLIP-FlanT5 or CLIP-T5 models""" + def __init__(self, + model_name='clip-flant5-xxl', + device='cuda', + cache_dir=HF_CACHE_DIR): + self.meta_dict = { + 'tokenizer' : { + 'path': model_name, + 'model_max_length': CONTEXT_LEN, + }, + 'model': { + 'path': model_name, + 'conversation': 't5_chat', + 'image_aspect_ratio': 'pad', + }, + } + # assert model_name in CLIP_T5_MODELS + super().__init__(model_name=model_name, + device=device, + cache_dir=cache_dir) + def load_model(self): + """Load the model, tokenizer, image transform + """ + model_args = ModelArguments() + model_max_length = self.meta_dict['tokenizer']['model_max_length'] \ + if 'model_max_length' in self.meta_dict['tokenizer'] else None + padding_side = self.meta_dict['tokenizer']['padding_side'] \ + if 'padding_side' in self.meta_dict['tokenizer'] else None + mmprojector_repo = self.meta_dict['model']['mmprojector_repo'] \ + if 'mmprojector_repo' in self.meta_dict['model'] else None + mmprojector_name = self.meta_dict['model']['mmprojector_name'] \ + if 'mmprojector_name' in self.meta_dict['model'] else None + + # default is 'pad' + # stage-1 models use 'square' + self.image_aspect_ratio = self.meta_dict['model']['image_aspect_ratio'] \ + if 'image_aspect_ratio' in self.meta_dict['model'] else 'pad' + + self.conversational_style = self.meta_dict['model']['conversation'] + + self.context_len = CONTEXT_LEN + + self.tokenizer, self.model, self.image_processor = load_pretrained_model( + CLIPT5ForConditionalGeneration, + model_args, + model_path=self.meta_dict['model']['path'], + tokenizer_path=self.meta_dict['tokenizer']['path'], + model_max_length=model_max_length, + padding_side=padding_side, + image_aspect_ratio=self.image_aspect_ratio, + mmprojector_repo=mmprojector_repo, + mmprojector_name=mmprojector_name, + device=self.device, + cache_dir=self.cache_dir + ) + + def load_images(self, + image: List[str]) -> torch.Tensor: + """Load the image(s), and return a tensor (after preprocessing) put on self.device + """ + image = [self.image_loader(x) for x in image] + if self.image_aspect_ratio == 'pad': + image = [expand2square(image, tuple(int(x*255) for x in self.image_processor.image_mean)) for image in image] + image = [self.image_processor.preprocess(image, return_tensors='pt')['pixel_values'][0] for image in image] + assert all(x.shape == image[0].shape for x in image) + image = torch.stack(image, dim=0).to(self.device) + return image + + @torch.no_grad() + @torch.autocast(device_type='cuda', dtype=torch.bfloat16) + def forward(self, + images: List[str], + texts: List[str], + question_template: str=default_question_template, + answer_template: str=default_answer_template) -> torch.Tensor: + """Forward pass of the model to return n scores for n (image, text) pairs (in PyTorch Tensor) + """ + assert len(images) == len(texts), "Number of images and texts must match" + # Turn "a photo of a dog" into + # Q: "Does this figure show "a photo of a dog"? Please answer yes or no." + # A: "Yes" + questions = [question_template.format(text) for text in texts] + answers = [answer_template.format(text) for text in texts] + + # Formatting for CLIP-FlanT5 desired input including system message and image tokens + questions = [format_question(question, conversation_style=self.conversational_style) for question in questions] + answers = [format_answer(answer, conversation_style=self.conversational_style) for answer in answers] + + images = self.load_images(images) + + input_ids = [t5_tokenizer_image_token(qs, self.tokenizer, return_tensors='pt') for qs in questions] + labels = [t5_tokenizer_image_token(ans, self.tokenizer, return_tensors='pt') for ans in answers] + + input_ids = torch.nn.utils.rnn.pad_sequence( + input_ids, + batch_first=True, + padding_value=self.tokenizer.pad_token_id) + labels = torch.nn.utils.rnn.pad_sequence(labels, + batch_first=True, + padding_value=IGNORE_INDEX) + input_ids = input_ids[:, :self.tokenizer.model_max_length] + labels = labels[:, :self.tokenizer.model_max_length] + + attention_mask = input_ids.ne(self.tokenizer.pad_token_id) + decoder_attention_mask = labels.ne(IGNORE_INDEX) + + input_ids, attention_mask, decoder_attention_mask, labels = input_ids.to(self.device), \ + attention_mask.to(self.device), decoder_attention_mask.to(self.device), labels.to(self.device) + model_input_kwargs = { + 'input_ids': input_ids, + 'attention_mask': attention_mask, + 'decoder_attention_mask': decoder_attention_mask, + 'labels': labels, + 'images': images, + 'past_key_values': None, + 'inputs_embeds': None, + 'use_cache': None, + 'output_attentions': None, + 'output_hidden_states': None, + 'return_dict': True, + } + + outputs = self.model( + **model_input_kwargs + ) + + logits = outputs.logits + lm_prob = torch.zeros(logits.shape[0]) + loss_fct = torch.nn.CrossEntropyLoss(reduction='mean') + for k in range(lm_prob.shape[0]): + lm_prob[k] = (-loss_fct(logits[k], labels[k])).exp() # exp to cancel the log and get raw prob between 0 and 1 + return lm_prob + + @torch.no_grad() + @torch.autocast(device_type='cuda', dtype=torch.bfloat16) + def generate(self, + images: List[str], + prompts: List[str], + temperature: float=0.2, + ): + """Forward pass of the model to return n strings for n (image, prompt) pairs + """ + assert len(images) == len(prompts), "Number of images and texts must match" + + # Formatting for CLIP-FlanT5 desired input including system message and image tokens + questions = [format_question(prompt, conversation_style=self.conversational_style) for prompt in prompts] + images = self.load_images(images) + + input_ids = [t5_tokenizer_image_token(qs, self.tokenizer, return_tensors='pt') for qs in questions] + input_ids = torch.nn.utils.rnn.pad_sequence( + input_ids, + batch_first=True, + padding_value=self.tokenizer.pad_token_id) + input_ids = input_ids[:, :self.tokenizer.model_max_length] + + attention_mask = input_ids.ne(self.tokenizer.pad_token_id) + + input_ids, attention_mask = input_ids.to(self.device), attention_mask.to(self.device) + model_input_kwargs = { + 'inputs': input_ids, + 'images': images, + 'attention_mask': attention_mask, + "do_sample": True if temperature > 0 else False, + "temperature": temperature, + "top_p": None, + "num_beams": 1, + "max_new_token": 1024, + "use_cache": True, + } + + outputs = self.model.generate( + **model_input_kwargs + ) + outputs = self.tokenizer.batch_decode(outputs, skip_special_tokens=True) + for i in range(len(outputs)): + if outputs[i].endswith(" "): + outputs[i] = outputs[i][:-1] + outputs[i] = outputs[i].strip() + return outputs diff --git a/univa/eval/genai/t2v_metrics/models/vqascore_models/mm_utils.py b/univa/eval/genai/t2v_metrics/models/vqascore_models/mm_utils.py new file mode 100644 index 0000000000000000000000000000000000000000..ed4c0d445ff43ef7e30b84f28abe31a412f03327 --- /dev/null +++ b/univa/eval/genai/t2v_metrics/models/vqascore_models/mm_utils.py @@ -0,0 +1,122 @@ +from PIL import Image +import os + +import torch +from transformers import AutoTokenizer +from ...constants import HF_CACHE_DIR, IMAGE_TOKEN_INDEX + + + +def expand2square(pil_img, background_color): + width, height = pil_img.size + if width == height: + return pil_img + elif width > height: + result = Image.new(pil_img.mode, (width, width), background_color) + result.paste(pil_img, (0, (width - height) // 2)) + return result + else: + result = Image.new(pil_img.mode, (height, height), background_color) + result.paste(pil_img, ((height - width) // 2, 0)) + return result + + +def tokenizer_image_token(prompt, tokenizer, image_token_index=IMAGE_TOKEN_INDEX, return_tensors=None): + prompt_chunks = [tokenizer(chunk).input_ids for chunk in prompt.split('')] + + def insert_separator(X, sep): + return [ele for sublist in zip(X, [sep]*len(X)) for ele in sublist][:-1] + + input_ids = [] + offset = 0 + if len(prompt_chunks) > 0 and len(prompt_chunks[0]) > 0 and prompt_chunks[0][0] == tokenizer.bos_token_id: + offset = 1 + input_ids.append(prompt_chunks[0][0]) + + for x in insert_separator(prompt_chunks, [image_token_index] * (offset + 1)): + input_ids.extend(x[offset:]) + + if return_tensors is not None: + if return_tensors == 'pt': + return torch.tensor(input_ids, dtype=torch.long) + raise ValueError(f'Unsupported tensor type: {return_tensors}') + return input_ids + + +def t5_tokenizer_image_token(prompt, tokenizer, image_token_index=IMAGE_TOKEN_INDEX, return_tensors=None): + prompt_chunks = [tokenizer(chunk).input_ids for chunk in prompt.split('')] + + def insert_separator(X, sep): + return [ele for sublist in zip(X, [sep]*len(X)) for ele in sublist][:-1] + + input_ids = [] + # Since there's no bos_token_id, simply concatenate the tokenized prompt_chunks with the image_token_index + for x in insert_separator(prompt_chunks, [image_token_index]): + input_ids.extend(x) + + if return_tensors is not None: + if return_tensors == 'pt': + return torch.tensor(input_ids, dtype=torch.long) + raise ValueError(f'Unsupported tensor type: {return_tensors}') + return input_ids + + +def load_pretrained_model(model_cls, + model_args, + model_path=None, + tokenizer_path=None, + model_max_length=None, + padding_side=None, + image_aspect_ratio='pad', # or 'square' + mmprojector_repo=None, + mmprojector_name=None, + device='cuda', + cache_dir=HF_CACHE_DIR): + tokenizer_dict = {} + if model_max_length: + tokenizer_dict['model_max_length'] = model_max_length + if padding_side: + tokenizer_dict['padding_side'] = padding_side + tokenizer = AutoTokenizer.from_pretrained(tokenizer_path, use_fast=False, **tokenizer_dict) + # tokenizer.pad_token = tokenizer.unk_token # could be redundant + model = model_cls.from_pretrained(model_path, cache_dir=cache_dir) + + if mmprojector_repo: + from huggingface_hub import hf_hub_download + model_base_name = mmprojector_repo.split('/')[-1] + + if cache_dir is not None: + local_dir = os.path.join(cache_dir, model_base_name) + elif os.environ.get('HF_HOME') is not None: + local_dir = os.path.join(os.environ.get('HF_HOME'), model_base_name) + else: + local_dir = os.path.join(os.path.expanduser("~"), model_base_name) + print(f"Downloading projector weights to {local_dir}") + hf_hub_download( + repo_id=mmprojector_repo, + filename=mmprojector_name, + local_dir=local_dir, + ) + pretrain_mm_mlp_adapter = os.path.join(local_dir, mmprojector_name) + model_args.pretrain_mm_mlp_adapter = pretrain_mm_mlp_adapter # important to set to correct path + + model.get_model().initialize_vision_modules(model_args) # This will load the CLIP vision encoder and MLP projector + else: + model.resize_token_embeddings(len(tokenizer)) # perhaps not needed + + if not model.get_vision_tower().is_loaded: + model.get_vision_tower().load_model() + model.to(device=device, dtype=torch.bfloat16) + image_processor = model.get_vision_tower().image_processor + + model.requires_grad_(False) + + + # below might be redundant + model.config.image_aspect_ratio = image_aspect_ratio + model.config.use_cache = False + model.config.image_grid_pinpoints = None + model.config.freeze_mm_mlp_adapter = True + + model = model.eval() + return tokenizer, model, image_processor \ No newline at end of file diff --git a/univa/eval/genai/t2v_metrics/models/vqascore_models/vqa_model.py b/univa/eval/genai/t2v_metrics/models/vqascore_models/vqa_model.py new file mode 100644 index 0000000000000000000000000000000000000000..2833eaa3be4793a2d95453b5f3f7d2e76cdb8578 --- /dev/null +++ b/univa/eval/genai/t2v_metrics/models/vqascore_models/vqa_model.py @@ -0,0 +1,19 @@ +from abc import abstractmethod +from typing import List +import torch + +from ..model import ScoreModel + +class VQAScoreModel(ScoreModel): + + @abstractmethod + def forward(self, + images: List[str], + texts: List[str], + question_template: str, + answer_template: str) -> torch.Tensor: + """Forward pass of the model to return n scores for n (image, text) pairs (in PyTorch Tensor) + question_template: a string with optional {} to be replaced with the 'text' + answer_template: a string with optional {} to be replaced with the 'text' + """ + pass \ No newline at end of file diff --git a/univa/eval/genai/t2v_metrics/score.py b/univa/eval/genai/t2v_metrics/score.py new file mode 100644 index 0000000000000000000000000000000000000000..966731d4dae1de1de3049dfcd9fdf6166188e3c6 --- /dev/null +++ b/univa/eval/genai/t2v_metrics/score.py @@ -0,0 +1,91 @@ +from abc import abstractmethod +from typing import List, TypedDict, Union +from tqdm import tqdm +import torch +from torch.utils.data import DataLoader +import torch.nn as nn +from .constants import HF_CACHE_DIR + +class ImageTextDict(TypedDict): + images: List[str] + texts: List[str] + +class Score(nn.Module): + + def __init__(self, + model: str, + device: str='cuda', + cache_dir: str=HF_CACHE_DIR, + **kwargs): + """Initialize the ScoreModel + """ + super().__init__() + # assert model in self.list_all_models() + self.device = device + self.model = self.prepare_scoremodel(model, device, cache_dir, **kwargs) + + @abstractmethod + def prepare_scoremodel(self, + model: str, + device: str, + cache_dir: str, + **kwargs): + """Prepare the ScoreModel + """ + pass + + @abstractmethod + def list_all_models(self) -> List[str]: + """List all available models + """ + pass + + def forward(self, + images: Union[str, List[str]], + texts: Union[str, List[str]], + **kwargs) -> torch.Tensor: + """Return the similarity score(s) between the image(s) and the text(s) + If there are m images and n texts, return a m x n tensor + """ + if type(images) == str: + images = [images] + if type(texts) == str: + texts = [texts] + + scores = torch.zeros(len(images), len(texts)).to(self.device) + for i, image in enumerate(images): + scores[i] = self.model.forward([image] * len(texts), texts, **kwargs) + return scores + + def batch_forward(self, + dataset: List[ImageTextDict], + batch_size: int=16, + **kwargs) -> torch.Tensor: + """Return the similarity score(s) between the image(s) and the text(s) + If there are m images and n texts, return a m x n tensor + """ + num_samples = len(dataset) + num_images = len(dataset[0]['images']) + num_texts = len(dataset[0]['texts']) + scores = torch.zeros(num_samples, num_images, num_texts).to(self.device) + + + dataloader = DataLoader(dataset, batch_size=batch_size, shuffle=False) + counter = 0 + for batch_idx, batch in enumerate(tqdm(dataloader)): + cur_batch_size = len(batch['images'][0]) + assert len(batch['images']) == num_images, \ + f"Number of image options in batch {batch_idx} is {len(batch['images'])}. Expected {num_images} images." + assert len(batch['texts']) == num_texts, \ + f"Number of text options in batch {batch_idx} is {len(batch['texts'])}. Expected {num_texts} texts." + + for image_idx in range(num_images): + images = batch['images'][image_idx] + for text_idx in range(num_texts): + texts = batch['texts'][text_idx] + scores[counter:counter+cur_batch_size, image_idx, text_idx] = \ + self.model.forward(images, texts, **kwargs) + + counter += cur_batch_size + return scores + \ No newline at end of file diff --git a/univa/eval/genai/t2v_metrics/vqascore.py b/univa/eval/genai/t2v_metrics/vqascore.py new file mode 100644 index 0000000000000000000000000000000000000000..2e6609e7965b03e1a7911f225f8601402f84406b --- /dev/null +++ b/univa/eval/genai/t2v_metrics/vqascore.py @@ -0,0 +1,23 @@ +from typing import List + +from .score import Score + +from .constants import HF_CACHE_DIR + +from .models.vqascore_models import list_all_vqascore_models, get_vqascore_model + +class VQAScore(Score): + def prepare_scoremodel(self, + model='clip-flant5-xxl', + device='cuda', + cache_dir=HF_CACHE_DIR, + **kwargs): + return get_vqascore_model( + model, + device=device, + cache_dir=cache_dir, + **kwargs + ) + + def list_all_models(self) -> List[str]: + return list_all_vqascore_models() \ No newline at end of file diff --git a/univa/eval/geneval/README.md b/univa/eval/geneval/README.md new file mode 100644 index 0000000000000000000000000000000000000000..19af45bacfe6da350477ec6ba3a5b3a44e846ecb --- /dev/null +++ b/univa/eval/geneval/README.md @@ -0,0 +1,120 @@ +The original code is from [GenEval](https://github.com/djghosh13/geneval). + +## Requirements and Installation + +### Prepare the environment + +> Official environment is **NOT** recommended. + +Prepare conda environment: + +```bash +conda create -n geneval_eval python=3.10 -y +conda activate geneval_eval +``` + +Install torch: + +```bash +# The CUDA version in the virtual env must be identical to that of the physical env. +conda install pytorch==2.4.0 torchvision==0.19.0 torchaudio==2.4.0 pytorch-cuda=12.4 -c pytorch -c nvidia -y +conda install -c nvidia cudatoolkit=12.4 -y +conda install -c conda-forge nvcc_linux-64 -y +pip install -U openmim +``` + +Install the MMCV: + + +**H100/H800** +``` +git clone https://github.com/open-mmlab/mmcv.git +cd mmcv + +git checkout v2.2.0 +pip install -r requirements/optional.txt +vim setup.py +# L160 +extra_compile_args = { + # 'nvcc': [cuda_args, '-std=c++14'] if cuda_args else ['-std=c++14'], + 'nvcc': [cuda_args, '-std=c++14', '-arch=sm_90'] if cuda_args else ['-std=c++14'], + 'cxx': ['-std=c++14'], +} +# Revert all changes to setup.py using Ctrl+Z. Then, Ctrl+S to save +pip install -v -e . +git checkout v1.7.0 +vim setup.py +# L217 +extra_compile_args = { + # 'nvcc': [cuda_args, '-std=c++14'] if cuda_args else ['-std=c++14'], + 'nvcc': [cuda_args, '-std=c++14', '-arch=sm_90'] if cuda_args else ['-std=c++14'], + 'cxx': ['-std=c++14'], +} +pip install -v -e . +python .dev_scripts/check_installation.py +cd .. +``` + +**Other GPU** +```bash +mim install mmengine mmcv-full==1.7.2 +``` + +Install the MMDet: + +```bash +pip install -r requirements.txt +git clone https://github.com/open-mmlab/mmdetection.git +cd mmdetection; git checkout 2.x +pip install -v -e . +``` + +## Eval + +### Generate samples + +We also support LLM rewrite prompt, just replace `geneval.yaml` with `geneval_long.yaml` (sourced from [BAGEL](https://github.com/ByteDance-Seed/Bagel/blob/main/eval/gen/geneval/prompts/evaluation_metadata_long.jsonl)) and change `$OUTPUT_DIR`. + +```bash +# switch to univa env +MODEL_PATH='path/to/model' +OUTPUT_DIR='path/to/eval_output/geneval' +CUDA_VISIBLE_DEVICES=0,1,2,3,4,5,6,7 torchrun \ + --nproc_per_node 8 \ + -m step1_gen_samples \ + geneval.yaml \ + --pretrained_lvlm_name_or_path ${MODEL_PATH} \ + --output_dir ${OUTPUT_DIR} +``` + +### Evaluation + + +Download the Mask2Former object detection config and weights: + +```bash +DETECTOR_PATH="/path/to/detector" +mkdir -p ${DETECTOR_PATH} +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 "${DETECTOR_PATH}/mask2former_swin-s-p4-w7-224_lsj_8x2_50e_coco.pth" + +CACHE_DIR="/path/to/cache_dir" +mkdir -p ${CACHE_DIR} +wget https://openaipublic.azureedge.net/clip/models/b8cca3fd41ae0c99ba7e8951adf17d267cdb84cd88be6f7c2e0eca1737a03836/ViT-L-14.pt -O "${CACHE_DIR}/ViT-L-14.pt" +``` + +```bash +conda activate geneval_eval +IMAGE_DIR=${OUTPUT_DIR} +CUDA_VISIBLE_DEVICES=0 CACHE_DIR=${CACHE_DIR} python step2_run_geneval.py \ + ${IMAGE_DIR} \ + --outfile ${IMAGE_DIR}.jsonl \ + --model-path ${DETECTOR_PATH} +``` + +### Summary + +```bash +python step3_summary_score.py \ + ${IMAGE_DIR}.jsonl > ${IMAGE_DIR}.txt +cat ${IMAGE_DIR}.txt +``` diff --git a/univa/eval/geneval/__init__.py b/univa/eval/geneval/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/univa/eval/geneval/eval_prompts/evaluation_metadata.jsonl b/univa/eval/geneval/eval_prompts/evaluation_metadata.jsonl new file mode 100644 index 0000000000000000000000000000000000000000..efc21c7e639cd45554a1e44fac87157211f16d51 --- /dev/null +++ b/univa/eval/geneval/eval_prompts/evaluation_metadata.jsonl @@ -0,0 +1,553 @@ +{"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/univa/eval/geneval/eval_prompts/evaluation_metadata_long.jsonl b/univa/eval/geneval/eval_prompts/evaluation_metadata_long.jsonl new file mode 100644 index 0000000000000000000000000000000000000000..400c4abc883edef704979d695b95b5e269ea9096 --- /dev/null +++ b/univa/eval/geneval/eval_prompts/evaluation_metadata_long.jsonl @@ -0,0 +1,553 @@ +{"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."} \ No newline at end of file diff --git a/univa/eval/geneval/eval_prompts/object_names.txt b/univa/eval/geneval/eval_prompts/object_names.txt new file mode 100644 index 0000000000000000000000000000000000000000..80077399b71ebe7e3410be032dd1f679d2bd14e0 --- /dev/null +++ b/univa/eval/geneval/eval_prompts/object_names.txt @@ -0,0 +1,80 @@ +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 \ No newline at end of file diff --git a/univa/eval/geneval/geneval.yaml b/univa/eval/geneval/geneval.yaml new file mode 100644 index 0000000000000000000000000000000000000000..ae9f604a3a311f5300ae5db11a410d79a0089865 --- /dev/null +++ b/univa/eval/geneval/geneval.yaml @@ -0,0 +1,20 @@ + +pretrained_lvlm_name_or_path: /mnt/data/lb/Remake/UniWorld//checkpoints/flux_qwen2p5vl_7b_vlm_mlp_siglip_stage2_ts_1024_bs42x8x1_fa_any_11ratio_ema999_ocr_adamw_t5_1p0_lr5e-6_mask_refstyle_extract/checkpoint-20000/model_ema +pretrained_denoiser_name_or_path: /mnt/data/checkpoints/black-forest-labs/FLUX.1-dev/ +pretrained_siglip_name_or_path: /mnt/data/checkpoints/google/siglip2-so400m-patch16-512 +joint_with_t5: true + +seed: 42 +allow_tf32: false + +output_dir: /mnt/data/lb/Remake/UniWorld//eval_output/geneval + +num_images_per_prompt: 1 +num_inference_steps: 28 +guidance_scale: 3.5 +height: 1024 +width: 1024 + +geneval_prompt_path: eval_prompts/evaluation_metadata.jsonl +resized_height: 512 +resized_width: 512 \ No newline at end of file diff --git a/univa/eval/geneval/geneval_long.yaml b/univa/eval/geneval/geneval_long.yaml new file mode 100644 index 0000000000000000000000000000000000000000..fd549314c4ce4d54d7c22d7b799e177cd2f456ca --- /dev/null +++ b/univa/eval/geneval/geneval_long.yaml @@ -0,0 +1,20 @@ + +pretrained_lvlm_name_or_path: /mnt/data/lb/Remake/UniWorld//checkpoints/flux_qwen2p5vl_7b_vlm_mlp_siglip_stage2_ts_1024_bs42x8x1_fa_any_11ratio_ema999_ocr_adamw_t5_1p0_lr5e-6_mask_refstyle_extract/checkpoint-20000/model_ema +pretrained_denoiser_name_or_path: /mnt/data/checkpoints/black-forest-labs/FLUX.1-dev/ +pretrained_siglip_name_or_path: /mnt/data/checkpoints/google/siglip2-so400m-patch16-512 +joint_with_t5: true + +seed: 42 +allow_tf32: false + +output_dir: /mnt/data/lb/Remake/UniWorld//eval_output/geneval_long + +num_images_per_prompt: 1 +num_inference_steps: 28 +guidance_scale: 3.5 +height: 1024 +width: 1024 + +geneval_prompt_path: eval_prompts/evaluation_metadata_long.jsonl +resized_height: 512 +resized_width: 512 \ No newline at end of file diff --git a/univa/eval/geneval/requirements.txt b/univa/eval/geneval/requirements.txt new file mode 100644 index 0000000000000000000000000000000000000000..9074aea4a4ec9b03468f4cbabf18823ad32d82b0 --- /dev/null +++ b/univa/eval/geneval/requirements.txt @@ -0,0 +1,10 @@ +open-clip-torch==2.20.0 +clip-benchmark +openmim==0.3.7 +einops==0.3.0 +diffusers==0.24.0 +transformers==4.36.1 +tomli==2.0.1 +numpy==1.26.4 +platformdirs +tqdm \ No newline at end of file diff --git a/univa/eval/geneval/step1_gen_samples.py b/univa/eval/geneval/step1_gen_samples.py new file mode 100644 index 0000000000000000000000000000000000000000..04b6f48a00d8de1bec753af04a0abf1359d63620 --- /dev/null +++ b/univa/eval/geneval/step1_gen_samples.py @@ -0,0 +1,246 @@ + +import sys +import os +root = os.path.abspath(os.path.join(os.path.dirname(__file__), "..", "..", "..")) +sys.path.append(root) +import json +import torch +import random +import subprocess +import numpy as np +import torch.distributed as dist +import pandas as pd +import argparse +import torch +import os +from PIL import Image +from tqdm import tqdm +import torch.distributed as dist +from qwen_vl_utils import process_vision_info +from torchvision import transforms +from transformers import AutoProcessor +from transformers import SiglipImageProcessor, SiglipVisionModel +from univa.utils.flux_pipeline import FluxPipeline +from univa.eval.configuration_eval import EvalConfig +from univa.utils.get_ocr import get_ocr_result +from univa.utils.denoiser_prompt_embedding_flux import encode_prompt +from univa.models.qwen2p5vl.modeling_univa_qwen2p5vl import UnivaQwen2p5VLForConditionalGeneration + +# adapted from https://github.com/huggingface/accelerate/blob/main/src/accelerate/utils/random.py#L31 +def set_seed(seed, rank, device_specific=True): + if device_specific: + seed += rank + random.seed(seed) + np.random.seed(seed) + torch.manual_seed(seed) + torch.cuda.manual_seed(seed) + torch.cuda.manual_seed_all(seed) + torch.backends.cudnn.deterministic = True + torch.backends.cudnn.benchmark = False + +def initialize_models(args, device): + + # Load main model and task head + model = UnivaQwen2p5VLForConditionalGeneration.from_pretrained( + args.pretrained_lvlm_name_or_path, + torch_dtype=torch.bfloat16, + attn_implementation="flash_attention_2", + ).to(device) + + processor = AutoProcessor.from_pretrained( + args.pretrained_lvlm_name_or_path, + min_pixels=args.min_pixels, + max_pixels=args.max_pixels, + ) + + # Load FLUX pipeline + pipe = FluxPipeline.from_pretrained( + args.pretrained_denoiser_name_or_path, + transformer=model.denoise_tower.denoiser, + torch_dtype=torch.bfloat16, + ).to(device) + tokenizers = [pipe.tokenizer, pipe.tokenizer_2] + text_encoders = [pipe.text_encoder, pipe.text_encoder_2] + + siglip_processor = SiglipImageProcessor.from_pretrained(args.pretrained_siglip_name_or_path) + siglip_model = SiglipVisionModel.from_pretrained( + args.pretrained_siglip_name_or_path, + torch_dtype=torch.bfloat16, + ).to(device) + + return { + 'model': model, + 'processor': processor, + 'pipe': pipe, + 'tokenizers': tokenizers, + 'text_encoders': text_encoders, + 'device': device, + 'siglip_model': siglip_model, + 'siglip_processor': siglip_processor, + } + + +def init_gpu_env(args): + local_rank = int(os.getenv('RANK', 0)) + world_size = int(os.getenv('WORLD_SIZE', 1)) + args.local_rank = local_rank + args.world_size = world_size + torch.cuda.set_device(local_rank) + dist.init_process_group( + backend='nccl', init_method='env://', + world_size=world_size, rank=local_rank + ) + return args + + +def run_model_and_return_samples(args, state, text, image1=None, image2=None): + + # Build content + convo = [] + image_paths = [] + content = [] + for img in (image1, image2): + if img: + content.append({'type':'image','image':img,'min_pixels':args.min_pixels,'max_pixels':args.max_pixels}) + image_paths.append(img) + if text: + ocr_text = '' + if args.ocr_enhancer and content: + ocr_texts = [] + for img in (image1, image2): + if img: + ocr_texts.append(get_ocr_result(img, cur_ocr_i)) + cur_ocr_i += 1 + ocr_text = '\n'.join(ocr_texts) + content.append({'type':'text','text': text + ocr_text}) + + if not args.only_use_t5: + convo.append({'role':'user','content':content}) + + # Prepare inputs + chat_text = state['processor'].apply_chat_template( + convo, + tokenize=False, + add_generation_prompt=True + ) + chat_text = '<|im_end|>\n'.join(chat_text.split('<|im_end|>\n')[1:]) + image_inputs, video_inputs = process_vision_info(convo) + inputs = state['processor']( + text=[chat_text], images=image_inputs, videos=video_inputs, + padding=True, return_tensors='pt' + ).to(state['device']) + + # Generate + # image generation pipeline + siglip_hs = None + if state['siglip_processor'] and image_paths: + vals = [state['siglip_processor'].preprocess( + images=Image.open(p).convert('RGB'), do_resize=True, + return_tensors='pt', do_convert_rgb=True + ).pixel_values.to(state['device']) + for p in image_paths] + siglip_hs = state['siglip_model'](torch.concat(vals)).last_hidden_state + + with torch.no_grad(): + lvlm = state['model']( + inputs.input_ids, pixel_values=getattr(inputs,'pixel_values',None), + attention_mask=inputs.attention_mask, + image_grid_thw=getattr(inputs,'image_grid_thw',None), + siglip_hidden_states=siglip_hs, + output_type='denoise_embeds' + ) + prm_embeds, pooled = encode_prompt( + state['text_encoders'], state['tokenizers'], + text if args.joint_with_t5 else '', 512, state['device'], 1 + ) + emb = torch.concat([lvlm, prm_embeds], dim=1) if args.joint_with_t5 else lvlm + else: + prm_embeds, pooled = encode_prompt( + state['text_encoders'], state['tokenizers'], + text, 512, state['device'], 1 + ) + emb = prm_embeds + + with torch.no_grad(): + img = state['pipe']( + prompt_embeds=emb, + pooled_prompt_embeds=pooled, + height=args.height, + width=args.width, + num_inference_steps=args.num_inference_steps, + guidance_scale=args.guidance_scale, + num_images_per_prompt=args.num_images_per_prompt, + ).images + return img + + +def main(args): + + args = init_gpu_env(args) + + torch.backends.cuda.matmul.allow_tf32 = False + torch.backends.cudnn.allow_tf32 = False + if args.allow_tf32: + torch.backends.cuda.matmul.allow_tf32 = True + torch.backends.cudnn.allow_tf32 = True + + set_seed(args.seed, rank=args.local_rank, device_specific=True) + device = torch.cuda.current_device() + state = initialize_models(args, device) + + # Create the output directory if it doesn't exist + os.makedirs(args.output_dir, exist_ok=True) + + # Load the evaluation prompts + with open(args.geneval_prompt_path, "r") as f: + metadatas = [json.loads(line) for line in f] + + inference_list = [] + + for index, metadata in enumerate(metadatas): + outpath = os.path.join(args.output_dir, f"{index:0>5}") + os.makedirs(outpath, exist_ok=True) + + prompt = metadata["prompt"] + print(f"Prompt ({index: >3}/{len(metadatas)}): '{prompt}'") + + sample_path = os.path.join(outpath, "samples") + os.makedirs(sample_path, exist_ok=True) + with open(os.path.join(outpath, "metadata.jsonl"), "w") as fp: + json.dump(metadata, fp) + all_samples = list() + + for idx, n in enumerate(range(args.n_samples)): + inference_list.append([prompt, sample_path, idx]) + + inference_list = inference_list[args.local_rank::args.world_size] + for prompt, sample_path, sample_count in tqdm(inference_list): + if os.path.exists(os.path.join(sample_path, f"{sample_count:05}.png")): + continue + image = run_model_and_return_samples(args, state, prompt, image1=None, image2=None) + image = image[0] + image = image.resize((args.resized_width, args.resized_height)) + # Save image + image.save( + os.path.join(sample_path, f"{sample_count:05}.png") + ) + + +if __name__ == "__main__": + import argparse + from omegaconf import OmegaConf + + parser = argparse.ArgumentParser() + parser.add_argument("config", type=str) + parser.add_argument("--pretrained_lvlm_name_or_path", type=str, default=None, required=False) + parser.add_argument("--output_dir", type=str, default=None, required=False) + args = parser.parse_args() + + config = OmegaConf.load(args.config) + schema = OmegaConf.structured(EvalConfig) + conf = OmegaConf.merge(schema, config) + if args.pretrained_lvlm_name_or_path is not None: + assert args.output_dir is not None + conf.pretrained_lvlm_name_or_path = args.pretrained_lvlm_name_or_path + conf.output_dir = args.output_dir + main(conf) \ No newline at end of file diff --git a/univa/eval/geneval/step2_run_geneval.py b/univa/eval/geneval/step2_run_geneval.py new file mode 100644 index 0000000000000000000000000000000000000000..06e119d212c7570f446e79d94d272664f6575a98 --- /dev/null +++ b/univa/eval/geneval/step2_run_geneval.py @@ -0,0 +1,298 @@ +""" +Evaluate generated images using Mask2Former (or other object detector model) +""" + +import argparse +import json +import os +import re +import sys +import time + +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" + +# DEVICE = "cpu" + +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="cpu") + object_detector = object_detector.to(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__), "eval_prompts/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() + }) + } + +from tqdm import tqdm + +def main(args): + # inference_list = [] + 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 + # inference_list.append((imagepath, metadata)) + 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/univa/eval/geneval/step3_summary_score.py b/univa/eval/geneval/step3_summary_score.py new file mode 100644 index 0000000000000000000000000000000000000000..5bb4560de81628a93d4e461ff64754ba126e7620 --- /dev/null +++ b/univa/eval/geneval/step3_summary_score.py @@ -0,0 +1,45 @@ +# Get results of evaluation + +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__), "eval_prompts/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}") \ No newline at end of file diff --git a/univa/eval/imgedit/README.md b/univa/eval/imgedit/README.md new file mode 100644 index 0000000000000000000000000000000000000000..53bf0e5740ba388ba7957401a7c29e8582028bf6 --- /dev/null +++ b/univa/eval/imgedit/README.md @@ -0,0 +1,66 @@ + +The original code is from [ImgEdit](https://huggingface.co/datasets/sysuyy/ImgEdit). + +## Requirements and Installation +The benchmark images can be downloaded from huggingface [Benchmark.tar](https://huggingface.co/datasets/sysuyy/ImgEdit/blob/main/Benchmark.tar) + +Install the required dependencies using `pip`: + +``` +pip install tqdm tenacity +pip install -U openai +``` + + + +## Eval + +### Generate samples + +```bash +# switch to univa env +MODEL_PATH='path/to/model' +OUTPUT_DIR='path/to/eval_output/imgedit' +CUDA_VISIBLE_DEVICES=0,1,2,3,4,5,6,7 torchrun \ + --nproc_per_node 8 \ + -m step1_gen_samples \ + imgedit.yaml \ + --pretrained_lvlm_name_or_path ${MODEL_PATH} \ + --output_dir ${OUTPUT_DIR} +``` + +### Evaluation + +The benchmark images can be downloaded from huggingface [Benchmark.tar](https://huggingface.co/datasets/sysuyy/ImgEdit/blob/main/Benchmark.tar) + +```bash +ASSET_ROOT="imgedit_asset" +mkdir -p "$ASSET_ROOT" +wget -O "$ASSET_ROOT/Benchmark.tar" "https://huggingface.co/datasets/sysuyy/ImgEdit/resolve/main/Benchmark.tar" +cd $ASSET_ROOT +tar -xf "Benchmark.tar" +cd .. +``` + + +```bash +# switch to univa env +IMAGE_DIR=${OUTPUT_DIR} +python step2_basic_bench.py \ + --result_img_folder ${IMAGE_DIR} \ + --result_json ${IMAGE_DIR}/imgedit_bench.json \ + --edit_json eval_prompts/basic_edit.json \ + --prompts_json eval_prompts/prompts.json \ + --origin_img_root ${ASSET_ROOT}/Benchmark/singleturn \ + --api_key ${OPENAI_API_KEY} +``` + +### Summary + +```bash +python step3_get_avgscore.py \ + --input ${IMAGE_DIR}/imgedit_bench.json \ + --meta_json eval_prompts/basic_edit.json \ + --output_json ${IMAGE_DIR}.json +cat ${IMAGE_DIR}.json +``` \ No newline at end of file diff --git a/univa/eval/imgedit/__init__.py b/univa/eval/imgedit/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/univa/eval/imgedit/eval_prompts/basic_edit.json b/univa/eval/imgedit/eval_prompts/basic_edit.json new file mode 100644 index 0000000000000000000000000000000000000000..c367fb95b5d635bd0eb519254971deca68c4eafd --- /dev/null +++ b/univa/eval/imgedit/eval_prompts/basic_edit.json @@ -0,0 +1,3687 @@ +{ + "1082": { + "id": "animal/000342021.jpg", + "prompt": "Change the tortoise's shell texture to a smooth surface.", + "edit_type": "alter" + }, + "1068": { + "id": "animal/000047206.jpg", + "prompt": "Change the animal's fur color to a darker shade.", + "edit_type": "alter" + }, + "673": { + "id": "style/000278574.jpg", + "prompt": "Transfer the image into a traditional ukiyo-e woodblock-print style.", + "edit_type": "style" + }, + "281": { + "id": "architecture/000386778.jpg", + "prompt": "Change the beach and ocean environment in the picture to a snowy mountain.", + "edit_type": "background" + }, + "450": { + "id": "clothes/00000051.jpg", + "prompt": "Extract the colorful striped top worn by the person in the image.", + "edit_type": "extract" + }, + "510": { + "id": "transport/000351716.jpg", + "prompt": "Remove the red trolley (marked \"77\" and labeled \"WEST CHESTER\") from the railway track in the foreground.", + "edit_type": "remove" + }, + "628": { + "id": "daily object/000276684.jpg", + "prompt": "Replace the giant boot in the image with a large coffee mug.", + "edit_type": "replace" + }, + "97": { + "id": "for_add/000236569.jpg", + "prompt": "Add an elegant chandelier in the center of the ceiling.", + "edit_type": "add" + }, + "91": { + "id": "for_add/000155856.jpg", + "prompt": "Add a person walking along the dirt path, facing toward the ocean, wearing a backpack and casual hiking clothes.", + "edit_type": "add" + }, + "238": { + "id": "animal/000294276.jpg", + "prompt": "Change the green foliage background in the picture to a coastal beach setting.", + "edit_type": "background" + }, + "254": { + "id": "transport/000265699.jpg", + "prompt": "Change the forest in the picture from autumn to spring.", + "edit_type": "background" + }, + "103": { + "id": "for_add/000295872.jpg", + "prompt": "Add a dog walking beside the person on the snow-covered path.", + "edit_type": "add" + }, + "22": { + "id": "for_add/000001314.jpg", + "prompt": "Add a small brown dog sitting inside the open trunk of the antique car.", + "edit_type": "add" + }, + "667": { + "id": "style/000278574.jpg", + "prompt": "Transfer the image into a sepia-toned vintage-photograph style.", + "edit_type": "style" + }, + "48": { + "id": "for_add/000032566.jpg", + "prompt": "Add a person sitting at the edge of the wooden dock, facing the water, as if watching the sunset.", + "edit_type": "add" + }, + "541": { + "id": "daily object/000363394.jpg", + "prompt": "Remove the armchair with wooden armrests and checkered upholstery from the image.", + "edit_type": "remove" + }, + "445": { + "id": "clothes/00000036.jpg", + "prompt": "Extract the white high-neck blouse with black chevron pattern worn by the person in the image.", + "edit_type": "extract" + }, + "709": { + "id": "style/000308113.jpg", + "prompt": "Transfer the image into a vibrant graffiti street-mural style.", + "edit_type": "style" + }, + "651": { + "id": "style/000015317.jpg", + "prompt": "Transfer the image into an ornate steampunk brass-engraving style.", + "edit_type": "style" + }, + "710": { + "id": "style/000308113.jpg", + "prompt": "Transfer the image into a cyan blueprint technical-drawing style.", + "edit_type": "style" + }, + "700": { + "id": "style/000308113.jpg", + "prompt": "Transfer the image into a colourful ceramic mosaic-tile style.", + "edit_type": "style" + }, + "361": { + "id": "animal/000125904.jpg", + "prompt": "Extract the animal in the image.", + "edit_type": "extract" + }, + "577": { + "id": "animal/000316504.jpg", + "prompt": "Replace the deer in the image with a lion standing majestically in the same forest setting, under the glowing golden light and light snowflakes.", + "edit_type": "replace" + }, + "584": { + "id": "transport/000076056.jpg", + "prompt": "Replace the tiny house on wheels in the image with a vintage car.", + "edit_type": "replace" + }, + "49": { + "id": "for_add/000032566.jpg", + "prompt": "Add a bicycle leaning against the pier in the foreground, positioned near the left side of the dock.", + "edit_type": "add" + }, + "299": { + "id": "daily object/000306869.jpg", + "prompt": "Change the beach in the picture to a mountain landscape.", + "edit_type": "background" + }, + "568": { + "id": "animal/000125904.jpg", + "prompt": "Replace the dog in the image with a sunflower sticking out of the car window.", + "edit_type": "replace" + }, + "449": { + "id": "clothes/00000048.jpg", + "prompt": "Extract the metallic long-sleeve turtleneck top and black high-waisted leather pants worn by the person in the image.", + "edit_type": "extract" + }, + "45": { + "id": "for_add/000018370.jpg", + "prompt": "Add a modern skyscraper in the background.", + "edit_type": "add" + }, + "646": { + "id": "style/000015317.jpg", + "prompt": "Transfer the image into a high-contrast black-and-white film-noir style.", + "edit_type": "style" + }, + "500": { + "id": "transport/000156391.jpg", + "prompt": "Remove the yacht in the image.", + "edit_type": "remove" + }, + "693": { + "id": "style/000280642.jpg", + "prompt": "Transfer the image into a traditional ukiyo-e woodblock-print style.", + "edit_type": "style" + }, + "293": { + "id": "daily object/000158674.jpg", + "prompt": "Change the wooden cutting board background to a marble countertop.", + "edit_type": "background" + }, + "337": { + "id": "human/000033638.jpg", + "prompt": "Extract the human figure standing in the image, including their clothing and posture, while separating them cleanly from the background environment.", + "edit_type": "extract" + }, + "1136": { + "id": "daily object/000276684.jpg", + "prompt": "Change the object\u9225\u6a9a color to a soft blue.", + "edit_type": "alter" + }, + "55": { + "id": "for_add/000060085.jpg", + "prompt": "Add a small wooden cabin with a chimney near the edge of the forest on the right side of the image.", + "edit_type": "add" + }, + "35": { + "id": "for_add/000010208.jpg", + "prompt": "Add a set of colorful beach towels hanging over the railing on the right side of the pier.", + "edit_type": "add" + }, + "1149": { + "id": "compose/human/14.jpg", + "prompt": "Remove the gift box in the air held by the woman on the right, and adjust the lighting to brighten the scene.", + "edit_type": "compose" + }, + "225": { + "id": "animal/000020881.jpg", + "prompt": "Change the background from the snow to a beach setting.", + "edit_type": "background" + }, + "632": { + "id": "daily object/000340873.jpg", + "prompt": "Replace the dress in the image with a red backpack.", + "edit_type": "replace" + }, + "292": { + "id": "daily object/000128286.jpg", + "prompt": "Change the wooden surface background in the picture to a marble countertop.", + "edit_type": "background" + }, + "99": { + "id": "for_add/000276222.jpg", + "prompt": "Add a horse-drawn sleigh traveling along the snow-covered path near the broken fence in the foreground.", + "edit_type": "add" + }, + "1009": { + "id": "human/000268923.jpg", + "prompt": "Make the person lift his head slightly.", + "edit_type": "action" + }, + "303": { + "id": "daily object/000392212.jpg", + "prompt": "Blur the background to create a bokeh effect, making the bear-themed chocolate candy sled more prominent and removing any potential distractions.", + "edit_type": "background" + }, + "34": { + "id": "for_add/000010208.jpg", + "prompt": "Add a person enjoying the view on the pier, walking near the railing with a relaxed posture, wearing casual clothing like a T-shirt and shorts.", + "edit_type": "add" + }, + "1052": { + "id": "human/000268923.jpg", + "prompt": "Change the skin tone to a lighter shade.", + "edit_type": "alter" + }, + "502": { + "id": "transport/000210129.jpg", + "prompt": "Remove the transport object in the image.", + "edit_type": "remove" + }, + "659": { + "id": "style/000278574.jpg", + "prompt": "Transfer the image into a stained-glass cathedral-window style.", + "edit_type": "style" + }, + "294": { + "id": "daily object/000240448.jpg", + "prompt": "Change the indoor showroom environment in the picture to a cozy children's bedroom with colorful wall murals and plush carpets.", + "edit_type": "background" + }, + "407": { + "id": "architecture/000352732.jpg", + "prompt": "Extract the architecture of the house in the image, focusing on the design and structure of the building, including the driveway, landscaping, and surrounding elements.", + "edit_type": "extract" + }, + "47": { + "id": "for_add/000032566.jpg", + "prompt": "Add a small sailboat floating near the end of the dock in the background, with its sails partially filled with wind.", + "edit_type": "add" + }, + "1100": { + "id": "transport/000289941.jpg", + "prompt": "Change the color of the transport vehicle to red.", + "edit_type": "alter" + }, + "563": { + "id": "animal/000035229.jpg", + "prompt": "Replace the bird in the image with a small rabbit.", + "edit_type": "replace" + }, + "1015": { + "id": "human/000305698.jpg", + "prompt": "Raise the person's right arm.", + "edit_type": "action" + }, + "578": { + "id": "animal/000342021.jpg", + "prompt": "Replace the tortoise in the image with a large rock.", + "edit_type": "replace" + }, + "1112": { + "id": "architecture/000231250.jpg", + "prompt": "Change the wall color to a soft beige.", + "edit_type": "alter" + }, + "620": { + "id": "daily object/000027344.jpg", + "prompt": "Replace the teddy bear holding a heart in the image with a coffee mug.", + "edit_type": "replace" + }, + "223": { + "id": "human/000352814.jpg", + "prompt": "Change the interior setting in the image from a historic or vintage room to a modern office environment.", + "edit_type": "background" + }, + "72": { + "id": "for_add/000088945.jpg", + "prompt": "Add a coffee mug on the table in the foreground.", + "edit_type": "add" + }, + "656": { + "id": "style/000278574.jpg", + "prompt": "Transfer the image into a loose, flowing watercolor-wash style.", + "edit_type": "style" + }, + "634": { + "id": "daily object/000368863.jpg", + "prompt": "Replace the dragon made of pipe cleaners in the image with a bright yellow rubber duck. ", + "edit_type": "replace" + }, + "562": { + "id": "animal/000020881.jpg", + "prompt": "Replace the husky in the image with a snow-covered pine tree.", + "edit_type": "replace" + }, + "58": { + "id": "for_add/000081452.jpg", + "prompt": "Add a lifeguard standing on the ladder of the lifeguard tower. The lifeguard should be wearing a red lifeguard uniform, sunglasses, and have a whistle hanging around their neck. They should be looking out towards the ocean, with the lifeguard tower in the background.", + "edit_type": "add" + }, + "1038": { + "id": "clothes/00000051.jpg", + "prompt": "Raise the person's left arm.", + "edit_type": "action" + }, + "300": { + "id": "daily object/000340873.jpg", + "prompt": "Change the floral surface in the background to a simple white fabric.", + "edit_type": "background" + }, + "106": { + "id": "for_add/000295872.jpg", + "prompt": "Add a small, charming gazebo in the foreground, slightly to the right of the path, near the park benches. The gazebo should match the wintery, serene atmosphere of the scene and be illuminated by a soft, warm light from the nearby street lamps.", + "edit_type": "add" + }, + "653": { + "id": "style/000015317.jpg", + "prompt": "Transfer the image into a traditional ukiyo-e woodblock-print style.", + "edit_type": "style" + }, + "485": { + "id": "animal/000140400.jpg", + "prompt": "Remove the bear in the center of the image, blending the background of trees and foliage to make it seamless.", + "edit_type": "remove" + }, + "678": { + "id": "style/000280642.jpg", + "prompt": "Transfer the image into a dramatic charcoal-drawing style.", + "edit_type": "style" + }, + "41": { + "id": "for_add/000015573.jpg", + "prompt": "Add a modern glass building in the background.", + "edit_type": "add" + }, + "559": { + "id": "human/000336112.jpg", + "prompt": "Replace the woman in the image with a large potted plant sitting at the table.", + "edit_type": "replace" + }, + "387": { + "id": "transport/000278321.jpg", + "prompt": "Extract the yacht and the water surrounding it from the image.", + "edit_type": "extract" + }, + "417": { + "id": "daily object/000077522.jpg", + "prompt": "Extract the Adidas sneakers visible in the image.", + "edit_type": "extract" + }, + "1104": { + "id": "architecture/000004499.jpg", + "prompt": "Change the building's wall color to light blue.", + "edit_type": "alter" + }, + "1075": { + "id": "animal/000216869.jpg", + "prompt": "Change the animal's fur color to a light brown shade.", + "edit_type": "alter" + }, + "1140": { + "id": "daily object/000340873.jpg", + "prompt": "Change the surface color of the object to a solid shade of blue.", + "edit_type": "alter" + }, + "441": { + "id": "clothes/00000024.jpg", + "prompt": "Extract the black T-shirt and the black sheer skirt worn by the person in the image", + "edit_type": "extract" + }, + "46": { + "id": "for_add/000032566.jpg", + "prompt": "Add a seagull perched on the edge of the wooden pier.", + "edit_type": "add" + }, + "475": { + "id": "human/000352814.jpg", + "prompt": "Remove the human sitting on the bench in the foreground.", + "edit_type": "remove" + }, + "669": { + "id": "style/000278574.jpg", + "prompt": "Transfer the image into a vibrant graffiti street-mural style.", + "edit_type": "style" + }, + "371": { + "id": "animal/000342021.jpg", + "prompt": "Extract the animal visible in the image, including its full body and surrounding fur texture, while preserving the background environment.", + "edit_type": "extract" + }, + "262": { + "id": "transport/000369014.jpg", + "prompt": "Change the snowy environment surrounding the house to a beach setting with sand and palm trees.", + "edit_type": "background" + }, + "586": { + "id": "transport/000156391.jpg", + "prompt": "Replace the yacht in the image with a hot air balloon floating just above the ocean surface.", + "edit_type": "replace" + }, + "243": { + "id": "animal/000370801.jpg", + "prompt": "Change the green grass in the background to a sandy beach with the puppy playing near the water.", + "edit_type": "background" + }, + "373": { + "id": "transport/000038819.jpg", + "prompt": "Extract the vintage blue car driving on the desert highway in the image", + "edit_type": "extract" + }, + "1106": { + "id": "architecture/000050054.jpg", + "prompt": "Change the building's facade color to light grey.", + "edit_type": "alter" + }, + "1164": { + "id": "compose/objects/11.jpg", + "prompt": "Remove the basket of fruit on the coffee table, and change the color of the left armchair cushion to dark green.", + "edit_type": "compose" + }, + "557": { + "id": "human/000307468.jpg", + "prompt": "Replace the child standing by the lake in the image with a large potted cactus.", + "edit_type": "replace" + }, + "442": { + "id": "clothes/00000027.jpg", + "prompt": "Extract the black sweatshirt with \"OBEY\" and \"WORLDWIDE\" text worn by the person in the image.", + "edit_type": "extract" + }, + "1062": { + "id": "human/000336112.jpg", + "prompt": "Change the person's shirt color to blue.", + "edit_type": "alter" + }, + "686": { + "id": "style/000280642.jpg", + "prompt": "Transfer the image into a high-contrast black-and-white film-noir style.", + "edit_type": "style" + }, + "1078": { + "id": "animal/000294276.jpg", + "prompt": "Change the bird's blue feathers to a brighter shade of turquoise.", + "edit_type": "alter" + }, + "481": { + "id": "animal/000065685.jpg", + "prompt": "Remove the brown trout fish in the center of the image.", + "edit_type": "remove" + }, + "454": { + "id": "clothes/00000063.jpg", + "prompt": "Extract the black Levi's T-shirt and high-waisted black denim shorts worn by the person in the image.", + "edit_type": "extract" + }, + "90": { + "id": "for_add/000155856.jpg", + "prompt": "Add a small bicycle on the dirt path near the foreground of the image.", + "edit_type": "add" + }, + "214": { + "id": "human/000281608.jpg", + "prompt": "Change the bar setting in the picture to a beach setting.", + "edit_type": "background" + }, + "732": { + "id": "style/000308736.jpg", + "prompt": "Transfer the image into a folded-paper origami art style.", + "edit_type": "style" + }, + "711": { + "id": "style/000308113.jpg", + "prompt": "Transfer the image into an ornate steampunk brass-engraving style.", + "edit_type": "style" + }, + "1081": { + "id": "animal/000316504.jpg", + "prompt": "Change the animal's fur color to a solid brown.", + "edit_type": "alter" + }, + "483": { + "id": "animal/000098730.jpg", + "prompt": "Remove the dog wearing goggles sitting in the vehicle.", + "edit_type": "remove" + }, + "1050": { + "id": "human/000094249.jpg", + "prompt": "Change the color of the person's shirt to blue.", + "edit_type": "alter" + }, + "100": { + "id": "for_add/000276222.jpg", + "prompt": "Add a person walking in the foreground near the broken wooden fence, dressed in winter clothing.", + "edit_type": "add" + }, + "428": { + "id": "daily object/000306869.jpg", + "prompt": "Extract the table and the flower vase from the image.", + "edit_type": "extract" + }, + "1132": { + "id": "daily object/000128286.jpg", + "prompt": "Change the surface color of the object to light blue.", + "edit_type": "alter" + }, + "1085": { + "id": "transport/000045228.jpg", + "prompt": "Change the motorcycle's body color to matte black.", + "edit_type": "alter" + }, + "269": { + "id": "architecture/000189825.jpg", + "prompt": "Change the green field and trees in the background to a snowy landscape.", + "edit_type": "background" + }, + "593": { + "id": "transport/000278113.jpg", + "prompt": "Replace the off-road desert vehicle in the image with a giant skateboard.", + "edit_type": "replace" + }, + "1155": { + "id": "compose/human/6.jpg", + "prompt": "Remove the plant on the right side of the image, and adjust the man's suit to a darker shade of blue.", + "edit_type": "compose" + }, + "507": { + "id": "transport/000278321.jpg", + "prompt": "Remove the bicycle in the foreground.", + "edit_type": "remove" + }, + "434": { + "id": "clothes/00000003.jpg", + "prompt": "Extract the black T-shirt worn by the person in the image", + "edit_type": "extract" + }, + "533": { + "id": "daily object/000109381.jpg", + "prompt": "Remove the daily object (as identified) from the image.", + "edit_type": "remove" + }, + "506": { + "id": "transport/000276156.jpg", + "prompt": "Remove the car in the foreground.", + "edit_type": "remove" + }, + "682": { + "id": "style/000280642.jpg", + "prompt": "Transfer the image into a Lego-brick stop-motion diorama style.", + "edit_type": "style" + }, + "493": { + "id": "animal/000316504.jpg", + "prompt": "Remove the cat sitting on the floor.", + "edit_type": "remove" + }, + "408": { + "id": "architecture/000366472.jpg", + "prompt": "Extract the architecture (beach house) from the image", + "edit_type": "extract" + }, + "1093": { + "id": "transport/000264803.jpg", + "prompt": "Change the boat's hull color to dark blue.", + "edit_type": "alter" + }, + "629": { + "id": "daily object/000278574.jpg", + "prompt": "Replace the green armchair in the image with a wooden bookshelf.", + "edit_type": "replace" + }, + "660": { + "id": "style/000278574.jpg", + "prompt": "Transfer the image into a colourful ceramic mosaic-tile style.", + "edit_type": "style" + }, + "1158": { + "id": "compose/human/9.jpg", + "prompt": "Remove the object on the table, and increase the brightness of the background.", + "edit_type": "compose" + }, + "427": { + "id": "daily object/000299747.jpg", + "prompt": "Extract the yellow necktie worn in the image", + "edit_type": "extract" + }, + "504": { + "id": "transport/000265699.jpg", + "prompt": "Remove the camper van in the image and make the surrounding forest more seamless.", + "edit_type": "remove" + }, + "276": { + "id": "architecture/000303190.jpg", + "prompt": "Change the forested camping area to a snowy mountain landscape with a wooden cabin.", + "edit_type": "background" + }, + "1036": { + "id": "clothes/00000045.jpg", + "prompt": "Make the person raise her right arm.", + "edit_type": "action" + }, + "1107": { + "id": "architecture/000121353.jpg", + "prompt": "Change the color of the domes to a gradient of blue shades.", + "edit_type": "alter" + }, + "38": { + "id": "for_add/000015573.jpg", + "prompt": "Add a vintage car driving along the dirt path in the foreground of the image.", + "edit_type": "add" + }, + "698": { + "id": "style/000308113.jpg", + "prompt": "Transfer the image into a dramatic charcoal-drawing style.", + "edit_type": "style" + }, + "486": { + "id": "animal/000145087.jpg", + "prompt": "Remove the sheep in the foreground.", + "edit_type": "remove" + }, + "1035": { + "id": "clothes/00000042.jpg", + "prompt": "Raise the person's left arm.", + "edit_type": "action" + }, + "28": { + "id": "for_add/000002796.jpg", + "prompt": "Add a vintage car to the left side of the image, ensuring it blends naturally with the surroundings.", + "edit_type": "add" + }, + "111": { + "id": "for_add/000313906.jpg", + "prompt": "Add a small wooden cabin to the left side of the image, near the tree, blending naturally with the landscape.", + "edit_type": "add" + }, + "679": { + "id": "style/000280642.jpg", + "prompt": "Transfer the image into a stained-glass cathedral-window style.", + "edit_type": "style" + }, + "733": { + "id": "style/000308736.jpg", + "prompt": "Transfer the image into a traditional ukiyo-e woodblock-print style.", + "edit_type": "style" + }, + "727": { + "id": "style/000308736.jpg", + "prompt": "Transfer the image into a sepia-toned vintage-photograph style.", + "edit_type": "style" + }, + "1108": { + "id": "architecture/000186995.jpg", + "prompt": "Change the building's exterior color to a soft beige.", + "edit_type": "alter" + }, + "472": { + "id": "human/000307468.jpg", + "prompt": "Remove the child standing near the edge of the water.", + "edit_type": "remove" + }, + "526": { + "id": "architecture/000392550.jpg", + "prompt": "Remove the red telephone box in the foreground.", + "edit_type": "remove" + }, + "390": { + "id": "transport/000351716.jpg", + "prompt": "Extract the transport vehicles present in the image.", + "edit_type": "extract" + }, + "222": { + "id": "human/000336112.jpg", + "prompt": "Change the interior environment of the image from a classic and elegant room with green chairs and ornate rugs to a modern minimalist setting with sleek furniture and a neutral color palette.", + "edit_type": "background" + }, + "229": { + "id": "animal/000065685.jpg", + "prompt": "Change the underwater environment surrounding the fish to a lush forest riverbank.", + "edit_type": "background" + }, + "386": { + "id": "transport/000278113.jpg", + "prompt": "Extract the transport (the rusty off-road vehicle) from the image, including the surrounding environment (sand dunes and background).", + "edit_type": "extract" + }, + "204": { + "id": "human/000005103.jpg", + "prompt": "Change the concert stage background to a beach setting.", + "edit_type": "background" + }, + "1041": { + "id": "clothes/00000060.jpg", + "prompt": "Make the person raise her right arm.", + "edit_type": "action" + }, + "24": { + "id": "for_add/000001314.jpg", + "prompt": "Add a person standing next to the open trunk of the car, looking inside, wearing casual clothes.", + "edit_type": "add" + }, + "277": { + "id": "architecture/000332228.jpg", + "prompt": "Change the tent in the picture from the forest to the beach.", + "edit_type": "background" + }, + "706": { + "id": "style/000308113.jpg", + "prompt": "Transfer the image into a high-contrast black-and-white film-noir style.", + "edit_type": "style" + }, + "491": { + "id": "animal/000305887.jpg", + "prompt": "Remove the tiger in the water.", + "edit_type": "remove" + }, + "496": { + "id": "transport/000060711.jpg", + "prompt": "Remove the utility vehicle (Polaris Ranger XP) from the snowy environment.", + "edit_type": "remove" + }, + "539": { + "id": "daily object/000306869.jpg", + "prompt": "Remove the keyboard in the foreground.", + "edit_type": "remove" + }, + "1157": { + "id": "compose/human/8.jpg", + "prompt": "Remove the books from the shelf, and change the color of the couch pillow to blue.", + "edit_type": "compose" + }, + "87": { + "id": "for_add/000153470.jpg", + "prompt": "Add a bicycle in the foreground near the flower bed in the center of the image.", + "edit_type": "add" + }, + "675": { + "id": "style/000280642.jpg", + "prompt": "Transfer the image into a classic impasto oil-painting style.", + "edit_type": "style" + }, + "221": { + "id": "human/000309116.jpg", + "prompt": "Change the railway tracks and vegetation in the background to an urban cityscape with skyscrapers.", + "edit_type": "background" + }, + "339": { + "id": "human/000094249.jpg", + "prompt": "Extract the human figure in the image", + "edit_type": "extract" + }, + "1024": { + "id": "clothes/00000009.jpg", + "prompt": "Raise the person's left arm.", + "edit_type": "action" + }, + "1054": { + "id": "human/000281608.jpg", + "prompt": "Change the person's shirt color to blue.", + "edit_type": "alter" + }, + "410": { + "id": "architecture/000386778.jpg", + "prompt": "Extract the white building with a tower structure located on the left side of the image, situated on a beach during sunset.", + "edit_type": "extract" + }, + "92": { + "id": "for_add/000155856.jpg", + "prompt": "Add Add a wooden a wooden bench along the path near the bench along the dirt path edge of the cliff, facing the on the right side of the image. ocean.", + "edit_type": "add" + }, + "275": { + "id": "architecture/000294699.jpg", + "prompt": "Change the house in the picture to a coastal setting with a beach and ocean in the background.", + "edit_type": "background" + }, + "265": { + "id": "architecture/000023390.jpg", + "prompt": "Change the cabin in the picture from the forest to the beach.", + "edit_type": "background" + }, + "56": { + "id": "for_add/000081452.jpg", + "prompt": "Add a seagull flying above the lifeguard tower, near the clouds.", + "edit_type": "add" + }, + "508": { + "id": "transport/000286634.jpg", + "prompt": "Remove the seaplane on the shoreline.", + "edit_type": "remove" + }, + "264": { + "id": "architecture/000004499.jpg", + "prompt": "Change the environment around the house from the desert to a snowy mountain landscape.", + "edit_type": "background" + }, + "1044": { + "id": "human/000005103.jpg", + "prompt": "Change the color of the suit to a deep blue.", + "edit_type": "alter" + }, + "603": { + "id": "architecture/000121353.jpg", + "prompt": "Replace the cathedral in the image with a giant stack of colorful macarons in the same setting and lighting.", + "edit_type": "replace" + }, + "62": { + "id": "for_add/000084341.jpg", + "prompt": "Add a vintage bicycle in the foreground, towards the left side of the field.", + "edit_type": "add" + }, + "558": { + "id": "human/000309116.jpg", + "prompt": "Replace the person in the image with a large red balloon.", + "edit_type": "replace" + }, + "1065": { + "id": "animal/000020881.jpg", + "prompt": "Change the animal's fur color to a shade of brown.", + "edit_type": "alter" + }, + "384": { + "id": "transport/000270866.jpg", + "prompt": "Extract the helicopter flying over the waterfall in the image", + "edit_type": "extract" + }, + "516": { + "id": "architecture/000186995.jpg", + "prompt": "Remove the colorful inflatable bounce house with slides in the foreground.", + "edit_type": "remove" + }, + "623": { + "id": "daily object/000077522.jpg", + "prompt": "Replace the tape dispenser in the image with a stapler.", + "edit_type": "replace" + }, + "380": { + "id": "transport/000159802.jpg", + "prompt": "Extract the red motorcycle parked on the concrete surface in the image.", + "edit_type": "extract" + }, + "1012": { + "id": "human/000282756.jpg", + "prompt": "Raise the person's left arm.", + "edit_type": "action" + }, + "257": { + "id": "transport/000278113.jpg", + "prompt": "Change the desert environment in the picture to a dense jungle setting with lush greenery and large trees.", + "edit_type": "background" + }, + "661": { + "id": "style/000278574.jpg", + "prompt": "Transfer the image into an 8-bit pixel-art video-game style.", + "edit_type": "style" + }, + "84": { + "id": "for_add/000153470.jpg", + "prompt": "Add a cat sitting on the bench in the foreground.", + "edit_type": "add" + }, + "1053": { + "id": "human/000270466.jpg", + "prompt": "Change the person's shirt color to blue.", + "edit_type": "alter" + }, + "1135": { + "id": "daily object/000273675.jpg", + "prompt": "Change the frosting color to a light blue.", + "edit_type": "alter" + }, + "366": { + "id": "animal/000250140.jpg", + "prompt": "Extract the red and black bird perched on the tree branch in the image", + "edit_type": "extract" + }, + "462": { + "id": "human/000094249.jpg", + "prompt": "Remove the human in the image.", + "edit_type": "remove" + }, + "1016": { + "id": "human/000306019.jpg", + "prompt": "Make the person smile slightly.", + "edit_type": "action" + }, + "1043": { + "id": "clothes/00000066.jpg", + "prompt": "Raise the person's right arm.", + "edit_type": "action" + }, + "555": { + "id": "human/000305698.jpg", + "prompt": "Replace the person in the image with a large sunflower.", + "edit_type": "replace" + }, + "684": { + "id": "style/000280642.jpg", + "prompt": "Transfer the image into a faceted low-poly 3-D render style.", + "edit_type": "style" + }, + "419": { + "id": "daily object/000109381.jpg", + "prompt": "Extract the white baby onesie with the rainbow and \"baby\" text printed on it from the image", + "edit_type": "extract" + }, + "717": { + "id": "style/000308736.jpg", + "prompt": "Transfer the image into a clean graphite pencil-sketch style.", + "edit_type": "style" + }, + "1090": { + "id": "transport/000156391.jpg", + "prompt": "Change the yacht's hull color to navy blue.", + "edit_type": "alter" + }, + "260": { + "id": "transport/000289941.jpg", + "prompt": "Replace the lush, green landscape with a desert setting, such as sand dunes and sparse vegetation, while keeping the bicycle in the foreground.", + "edit_type": "background" + }, + "729": { + "id": "style/000308736.jpg", + "prompt": "Transfer the image into a vibrant graffiti street-mural style.", + "edit_type": "style" + }, + "1139": { + "id": "daily object/000306869.jpg", + "prompt": "Change the surface texture of the object to smooth.", + "edit_type": "alter" + }, + "600": { + "id": "architecture/000004499.jpg", + "prompt": "Replace the house in the image with a giant tree.", + "edit_type": "replace" + }, + "230": { + "id": "animal/000069528.jpg", + "prompt": "Replace the rocky background with a lush green forest setting, while keeping the mountain goat and the yellow flowers in the foreground.", + "edit_type": "background" + }, + "383": { + "id": "transport/000265699.jpg", + "prompt": "Extract the red transport vehicle located in the center of the image, including its full structure and surrounding details such as wheels and visible markings, while isolating it from the background environment.", + "edit_type": "extract" + }, + "1133": { + "id": "daily object/000158674.jpg", + "prompt": "Change the color of the object to red.", + "edit_type": "alter" + }, + "81": { + "id": "for_add/000145048.jpg", + "prompt": "Add a person sitting on the white bench in the garden, enjoying the peaceful view.", + "edit_type": "add" + }, + "413": { + "id": "daily object/000007834.jpg", + "prompt": "Extract the colorful patterned hat from the image.", + "edit_type": "extract" + }, + "630": { + "id": "daily object/000299747.jpg", + "prompt": "Replace the shoe in the image with a coffee mug.", + "edit_type": "replace" + }, + "377": { + "id": "transport/000076056.jpg", + "prompt": "Extract the transport object(s) in the image.", + "edit_type": "extract" + }, + "1099": { + "id": "transport/000286634.jpg", + "prompt": "Change the car's color to red.", + "edit_type": "alter" + }, + "476": { + "id": "animal/000000265.jpg", + "prompt": "Remove the white rabbit sitting on the cabbage.", + "edit_type": "remove" + }, + "571": { + "id": "animal/000216869.jpg", + "prompt": "Replace the bird in the image with a squirrel sitting on the branch.", + "edit_type": "replace" + }, + "723": { + "id": "style/000308736.jpg", + "prompt": "Transfer the image into a hand-sculpted claymation style.", + "edit_type": "style" + }, + "665": { + "id": "style/000278574.jpg", + "prompt": "Transfer the image into a neon-soaked cyberpunk poster style.", + "edit_type": "style" + }, + "680": { + "id": "style/000280642.jpg", + "prompt": "Transfer the image into a colourful ceramic mosaic-tile style.", + "edit_type": "style" + }, + "658": { + "id": "style/000278574.jpg", + "prompt": "Transfer the image into a dramatic charcoal-drawing style.", + "edit_type": "style" + }, + "585": { + "id": "transport/000143869.jpg", + "prompt": "Replace the scooter in the image with a bicycle.", + "edit_type": "replace" + }, + "392": { + "id": "transport/000370777.jpg", + "prompt": "Extract the black bicycle leaning against the brick wall in the image.", + "edit_type": "extract" + }, + "1023": { + "id": "clothes/00000006.jpg", + "prompt": "Make the person raise her right arm.", + "edit_type": "action" + }, + "536": { + "id": "daily object/000273675.jpg", + "prompt": "Remove the slices of cake on the wooden platter.", + "edit_type": "remove" + }, + "590": { + "id": "transport/000265699.jpg", + "prompt": "Replace the camper van in the image with a hot air balloon.", + "edit_type": "replace" + }, + "1019": { + "id": "human/000336112.jpg", + "prompt": "Raise the person's left arm.", + "edit_type": "action" + }, + "708": { + "id": "style/000308113.jpg", + "prompt": "Transfer the image into a bold halftone pop-art comics style.", + "edit_type": "style" + }, + "639": { + "id": "style/000015317.jpg", + "prompt": "Transfer the image into a stained-glass cathedral-window style.", + "edit_type": "style" + }, + "614": { + "id": "architecture/000352732.jpg", + "prompt": "Replace the architecture in the image with a large tree.", + "edit_type": "replace" + }, + "1032": { + "id": "clothes/00000033.jpg", + "prompt": "Make the person raise her right arm.", + "edit_type": "action" + }, + "219": { + "id": "human/000306019.jpg", + "prompt": "Change the industrial stage background with metal scaffolding to a lush green forest environment.", + "edit_type": "background" + }, + "1127": { + "id": "daily object/000073841.jpg", + "prompt": "Change the mug's color to red.", + "edit_type": "alter" + }, + "1030": { + "id": "clothes/00000027.jpg", + "prompt": "Raise the personRaise the person's right's right arm.", + "edit_type": "action" + }, + "80": { + "id": "for_add/000145048.jpg", + "prompt": "Add a red sports car in the center of the image, positioned facing towards the right.", + "edit_type": "add" + }, + "1058": { + "id": "human/000305698.jpg", + "prompt": "Change the color of the dress to a soft pink.", + "edit_type": "alter" + }, + "286": { + "id": "daily object/000056963.jpg", + "prompt": "Place the pineapple on a sandy beach with the ocean in the background.", + "edit_type": "background" + }, + "73": { + "id": "for_add/000088945.jpg", + "prompt": "Add a small wooden cabin next to the fence on the left side of the ice rink.", + "edit_type": "add" + }, + "431": { + "id": "daily object/000368863.jpg", + "prompt": "Extract the red and green pipe cleaner dragon toy placed on the carpet in the image.", + "edit_type": "extract" + }, + "1073": { + "id": "animal/000140400.jpg", + "prompt": "Change the animal's fur color to a solid shade of brown.", + "edit_type": "alter" + }, + "422": { + "id": "daily object/000158674.jpg", + "prompt": "Extract the daily object(s) visible in the image.", + "edit_type": "extract" + }, + "1148": { + "id": "compose/human/13.jpg", + "prompt": "Remove the phone from the man on the left, and change the color of the woman's sweater to light blue.", + "edit_type": "compose" + }, + "627": { + "id": "daily object/000273675.jpg", + "prompt": "Replace the orange traffic cone in the image with a coffee mug.", + "edit_type": "replace" + }, + "39": { + "id": "for_add/000015573.jpg", + "prompt": "Add a human figure standing near the center of the image, wearing casual clothes and looking towards the left.", + "edit_type": "add" + }, + "553": { + "id": "human/000282756.jpg", + "prompt": "Replace the man in the image with a snowman sitting in the same pose, surrounded by the snowy garden environment.", + "edit_type": "replace" + }, + "411": { + "id": "architecture/000392550.jpg", + "prompt": "Extract the red telephone booth in the image.", + "edit_type": "extract" + }, + "720": { + "id": "style/000308736.jpg", + "prompt": "Transfer the image into a colourful ceramic mosaic-tile style.", + "edit_type": "style" + }, + "480": { + "id": "animal/000047206.jpg", + "prompt": "Remove the butterfly in the foreground.", + "edit_type": "remove" + }, + "521": { + "id": "architecture/000294699.jpg", + "prompt": "Remove the house in the image.", + "edit_type": "remove" + }, + "615": { + "id": "architecture/000366472.jpg", + "prompt": "Replace the beach house in the image with a large camping tent.", + "edit_type": "replace" + }, + "1049": { + "id": "human/000063961.jpg", + "prompt": "Change the person's shirt color to blue.", + "edit_type": "alter" + }, + "687": { + "id": "style/000280642.jpg", + "prompt": "Transfer the image into a sepia-toned vintage-photograph style.", + "edit_type": "style" + }, + "233": { + "id": "animal/000140400.jpg", + "prompt": "Change the forest in the picture to a beach setting.", + "edit_type": "background" + }, + "1084": { + "id": "transport/000038819.jpg", + "prompt": "Change the color of the vehicle to blue.", + "edit_type": "alter" + }, + "426": { + "id": "daily object/000278574.jpg", + "prompt": "Extract the daily objects visible in the image.", + "edit_type": "extract" + }, + "509": { + "id": "transport/000289941.jpg", + "prompt": "Remove the transport vehicle from the image.", + "edit_type": "remove" + }, + "1034": { + "id": "clothes/00000039.jpg", + "prompt": "Raise the person's left arm.", + "edit_type": "action" + }, + "69": { + "id": "for_add/000088945.jpg", + "prompt": "Add a cat sitting on the table in the foreground.", + "edit_type": "add" + }, + "358": { + "id": "animal/000065685.jpg", + "prompt": "Extract the brown trout fish from the image.", + "edit_type": "extract" + }, + "270": { + "id": "architecture/000211771.jpg", + "prompt": "Add a flower garden surrounding the shed and change the trees in the background to blossom trees.", + "edit_type": "background" + }, + "716": { + "id": "style/000308736.jpg", + "prompt": "Transfer the image into a loose, flowing watercolor-wash style.", + "edit_type": "style" + }, + "468": { + "id": "human/000286285.jpg", + "prompt": "Remove the person from the image.", + "edit_type": "remove" + }, + "36": { + "id": "for_add/000010208.jpg", + "prompt": "Add a small lighthouse at the end of the pier in the background.", + "edit_type": "add" + }, + "1150": { + "id": "compose/human/15.jpg", + "prompt": "Remove the pink cushion on the ground, and change the drink in the woman's hand on the right to a green beverage.", + "edit_type": "compose" + }, + "640": { + "id": "style/000015317.jpg", + "prompt": "Transfer the image into a colourful ceramic mosaic-tile style.", + "edit_type": "style" + }, + "1110": { + "id": "architecture/000211771.jpg", + "prompt": "Change the wall color to a soft beige.", + "edit_type": "alter" + }, + "93": { + "id": "for_add/000155856.jpg", + "prompt": "Add a small lighthouse near the edge of the cliff, visible in the foreground near the path.", + "edit_type": "add" + }, + "113": { + "id": "for_add/000320977.jpg", + "prompt": "Add a snowmobile near the right edge of the frozen lake, close to the tree line.", + "edit_type": "add" + }, + "498": { + "id": "transport/000076056.jpg", + "prompt": "Remove the transport (trailer) in the image.", + "edit_type": "remove" + }, + "351": { + "id": "human/000336112.jpg", + "prompt": "Extract the woman wearing the white lace wedding dress seated at the wooden table in the image.", + "edit_type": "extract" + }, + "566": { + "id": "animal/000069528.jpg", + "prompt": "Replace the mountain goat in the image with a rabbit.", + "edit_type": "replace" + }, + "705": { + "id": "style/000308113.jpg", + "prompt": "Transfer the image into a neon-soaked cyberpunk poster style.", + "edit_type": "style" + }, + "297": { + "id": "daily object/000278574.jpg", + "prompt": "Change the wallpaper in the background to a modern geometric design.", + "edit_type": "background" + }, + "1042": { + "id": "clothes/00000063.jpg", + "prompt": "Raise the person's left arm.", + "edit_type": "action" + }, + "503": { + "id": "transport/000264803.jpg", + "prompt": "Remove the boat in the image.", + "edit_type": "remove" + }, + "622": { + "id": "daily object/000073841.jpg", + "prompt": "Replace the footprint in the sand with a toothbrush.", + "edit_type": "replace" + }, + "430": { + "id": "daily object/000363394.jpg", + "prompt": "Extract the coffee cup placed on the table in the image", + "edit_type": "extract" + }, + "704": { + "id": "style/000308113.jpg", + "prompt": "Transfer the image into a faceted low-poly 3-D render style.", + "edit_type": "style" + }, + "611": { + "id": "architecture/000294699.jpg", + "prompt": "Replace the house in the image with a giant tree.", + "edit_type": "replace" + }, + "282": { + "id": "architecture/000392550.jpg", + "prompt": "Change the lawn in the image to a sandy beach environment and replace the tree with a beach umbrella.", + "edit_type": "background" + }, + "505": { + "id": "transport/000270866.jpg", + "prompt": "Remove the helicopter in the foreground.", + "edit_type": "remove" + }, + "44": { + "id": "for_add/000018370.jpg", + "prompt": "Add a coffee mug on the table in the foreground.", + "edit_type": "add" + }, + "473": { + "id": "human/000309116.jpg", + "prompt": "Remove the person in the image who is standing next to the fence by the railway track.", + "edit_type": "remove" + }, + "224": { + "id": "animal/000000265.jpg", + "prompt": "Change the garden environment in the picture to a snowy landscape.", + "edit_type": "background" + }, + "245": { + "id": "transport/000045228.jpg", + "prompt": "Add a dramatic sunset in the background with a desert landscape, including cacti and sand dunes, and replace the house with an old western-style wooden building to match the new environment.", + "edit_type": "background" + }, + "396": { + "id": "architecture/000121353.jpg", + "prompt": "Extract the colorful domes and structure of the St. Basil's Cathedral architecture in the image", + "edit_type": "extract" + }, + "455": { + "id": "clothes/00000066.jpg", + "prompt": "Extract the red and black jacket worn by the person in the image", + "edit_type": "extract" + }, + "291": { + "id": "daily object/000117413.jpg", + "prompt": "Change the background from the stone wall and plants to a sandy beach with ocean waves.", + "edit_type": "background" + }, + "1154": { + "id": "compose/human/5.jpg", + "prompt": "Remove the smartphone from the man's hand, and adjust the woman's hair to appear more windblown.", + "edit_type": "compose" + }, + "68": { + "id": "for_add/000088053.jpg", + "prompt": "Add a small wooden cabin with a thatched roof near the shoreline on the right side of the lake, partially surrounded by trees to blend naturally into the environment.", + "edit_type": "add" + }, + "602": { + "id": "architecture/000050054.jpg", + "prompt": "Replace the modern house in the image with a medieval stone castle.", + "edit_type": "replace" + }, + "394": { + "id": "architecture/000023390.jpg", + "prompt": "Extract the architecture from the image.", + "edit_type": "extract" + }, + "389": { + "id": "transport/000289941.jpg", + "prompt": "Extract the road bicycle leaning against the gate in the image", + "edit_type": "extract" + }, + "109": { + "id": "for_add/000313906.jpg", + "prompt": "Add a person sitting near the small structure in the center of the image, facing the scenic landscape as if enjoying the view.", + "edit_type": "add" + }, + "77": { + "id": "for_add/000096740.jpg", + "prompt": "Add a cup of coffee on the table in the foreground.", + "edit_type": "add" + }, + "244": { + "id": "transport/000038819.jpg", + "prompt": "Change the desert cliffs in the background to snow-capped mountains.", + "edit_type": "background" + }, + "613": { + "id": "architecture/000332228.jpg", + "prompt": "Replace the tent in the image with a small wooden cabin.", + "edit_type": "replace" + }, + "279": { + "id": "architecture/000366472.jpg", + "prompt": "Change the palm trees and sandy beach in the background to a snowy landscape with pine trees.", + "edit_type": "background" + }, + "1070": { + "id": "animal/000069528.jpg", + "prompt": "Change the animal's fur color to a solid shade of brown.", + "edit_type": "alter" + }, + "414": { + "id": "daily object/000027344.jpg", + "prompt": "Extract the pop-up teddy bear holding a red heart from the greeting card in the image", + "edit_type": "extract" + }, + "624": { + "id": "daily object/000117413.jpg", + "prompt": "Replace the brown suitcase in the image with a large potted plant.", + "edit_type": "replace" + }, + "1138": { + "id": "daily object/000299747.jpg", + "prompt": "Change the surface texture of the object to a smooth metallic finish.", + "edit_type": "alter" + }, + "259": { + "id": "transport/000286634.jpg", + "prompt": "Change the beach setting in the picture to a bustling cityscape with skyscrapers in the background.", + "edit_type": "background" + }, + "439": { + "id": "clothes/00000018.jpg", + "prompt": "Extract the black PUMA T-shirt and the orange zip-front skirt worn by the person in the image", + "edit_type": "extract" + }, + "1096": { + "id": "transport/000276156.jpg", + "prompt": "Change the color of the vehicle to red.", + "edit_type": "alter" + }, + "1059": { + "id": "human/000306019.jpg", + "prompt": "Change the person's shirt color to blue.", + "edit_type": "alter" + }, + "1021": { + "id": "clothes/00000000.jpg", + "prompt": "Raise the person's right arm.", + "edit_type": "action" + }, + "1114": { + "id": "architecture/000280642.jpg", + "prompt": "Change the wall color to a light gray.", + "edit_type": "alter" + }, + "114": { + "id": "for_add/000320977.jpg", + "prompt": "Add a person wearing a red winter coat and black snow pants walking across the snowy field near the center of the image.", + "edit_type": "add" + }, + "574": { + "id": "animal/000294276.jpg", + "prompt": "Replace the blue bird in the image with a red fox.", + "edit_type": "replace" + }, + "74": { + "id": "for_add/000096740.jpg", + "prompt": "Add a cat sitting on the floor near the bottom right corner.", + "edit_type": "add" + }, + "1027": { + "id": "clothes/00000018.jpg", + "prompt": "Raise the person's right arm.", + "edit_type": "action" + }, + "692": { + "id": "style/000280642.jpg", + "prompt": "Transfer the image into a folded-paper origami art style.", + "edit_type": "style" + }, + "354": { + "id": "animal/000020881.jpg", + "prompt": "Extract the animal in the image, including its full body and fur details, while preserving the surrounding environment for context.", + "edit_type": "extract" + }, + "268": { + "id": "architecture/000186995.jpg", + "prompt": "Change the backyard setting to a beachside environment", + "edit_type": "background" + }, + "535": { + "id": "daily object/000240448.jpg", + "prompt": "Remove the wooden bunk bed in the image.", + "edit_type": "remove" + }, + "251": { + "id": "transport/000159802.jpg", + "prompt": "Change the trees and grass in the background to a snowy mountain landscape.", + "edit_type": "background" + }, + "650": { + "id": "style/000015317.jpg", + "prompt": "Transfer the image into a cyan blueprint technical-drawing style.", + "edit_type": "style" + }, + "674": { + "id": "style/000278574.jpg", + "prompt": "Transfer the image into an embroidered cross-stitch textile style.", + "edit_type": "style" + }, + "594": { + "id": "transport/000278321.jpg", + "prompt": "Replace the luxury boat in the image with a futuristic hovercraft.", + "edit_type": "replace" + }, + "654": { + "id": "style/000015317.jpg", + "prompt": "Transfer the image into an embroidered cross-stitch textile style.", + "edit_type": "style" + }, + "215": { + "id": "human/000282756.jpg", + "prompt": "Change the snowy garden and brick house background to a tropical beach setting with sand and palm trees.", + "edit_type": "background" + }, + "565": { + "id": "animal/000065685.jpg", + "prompt": "Replace the fish in the image with a rubber duck.", + "edit_type": "replace" + }, + "378": { + "id": "transport/000143869.jpg", + "prompt": "Extract the orange scooter from the image, including its full body, tires, and handlebar, while preserving the warm background atmosphere with floating autumn leaves.", + "edit_type": "extract" + }, + "1092": { + "id": "transport/000210129.jpg", + "prompt": "Change the color of the vehicle to red.", + "edit_type": "alter" + }, + "1168": { + "id": "compose/objects/2.jpg", + "prompt": "Remove the book on the table, and adjust the size of the vase to be larger.", + "edit_type": "compose" + }, + "542": { + "id": "daily object/000392212.jpg", + "prompt": "Remove the candy cane sled with the gingerbread bear on top from the image.", + "edit_type": "remove" + }, + "375": { + "id": "transport/000060711.jpg", + "prompt": "Extract the Polaris Ranger XP utility vehicle from the snowy outdoor scene in the image", + "edit_type": "extract" + }, + "580": { + "id": "transport/000038819.jpg", + "prompt": "Replace the truck in the image with a bicycle.", + "edit_type": "replace" + }, + "287": { + "id": "daily object/000073841.jpg", + "prompt": "Add a beach chair and umbrella next to the footprint in the sand.", + "edit_type": "background" + }, + "579": { + "id": "animal/000370801.jpg", + "prompt": "Replace the large pair of shoes in the image with a cat.", + "edit_type": "replace" + }, + "1001": { + "id": "human/000005103.jpg", + "prompt": "Make the person lift his head slightly.", + "edit_type": "action" + }, + "734": { + "id": "style/000308736.jpg", + "prompt": "Transfer the image into an embroidered cross-stitch textile style.", + "edit_type": "style" + }, + "1010": { + "id": "human/000270466.jpg", + "prompt": "Raise the person's right arm.", + "edit_type": "action" + }, + "1018": { + "id": "human/000309116.jpg", + "prompt": "Raise the person's right hand.", + "edit_type": "action" + }, + "621": { + "id": "daily object/000056963.jpg", + "prompt": "Replace the pineapple in the image with a coffee mug.", + "edit_type": "replace" + }, + "1098": { + "id": "transport/000278321.jpg", + "prompt": "Change the vehicle color to red.", + "edit_type": "alter" + }, + "272": { + "id": "architecture/000231250.jpg", + "prompt": "Change the castle-like structure in the picture from a garden setting to a bustling cityscape with skyscrapers.", + "edit_type": "background" + }, + "1086": { + "id": "transport/000060711.jpg", + "prompt": "Change the vehicle color to red.", + "edit_type": "alter" + }, + "66": { + "id": "for_add/000088053.jpg", + "prompt": "Add a small boat on the turquoise lake in the foreground.", + "edit_type": "add" + }, + "280": { + "id": "architecture/000369231.jpg", + "prompt": "Change the caravan setting in the picture from the grassy park to a coastal beach environment.", + "edit_type": "background" + }, + "89": { + "id": "for_add/000155856.jpg", + "prompt": "Add a lion sitting in the foreground of the image, near the center.", + "edit_type": "add" + }, + "30": { + "id": "for_add/000002796.jpg", + "prompt": "Add a bicycle leaning against the fence on the right side of the path.", + "edit_type": "add" + }, + "712": { + "id": "style/000308113.jpg", + "prompt": "Transfer the image into a folded-paper origami art style.", + "edit_type": "style" + }, + "51": { + "id": "for_add/000060085.jpg", + "prompt": "Add a deer standing near the riverbank, slightly to the right, in the foreground of the image.", + "edit_type": "add" + }, + "573": { + "id": "animal/000250140.jpg", + "prompt": "Replace the bird in the image with a squirrel.", + "edit_type": "replace" + }, + "1129": { + "id": "daily object/000106052.jpg", + "prompt": "Change the cup color to blue.", + "edit_type": "alter" + }, + "237": { + "id": "animal/000250140.jpg", + "prompt": "Change the green forest background in the picture to a beach setting with palm trees.", + "edit_type": "background" + }, + "436": { + "id": "clothes/00000009.jpg", + "prompt": "Extract the navy blue T-shirt worn by the person in the image.", + "edit_type": "extract" + }, + "288": { + "id": "daily object/000077522.jpg", + "prompt": "Change the traditional embroidered dress in the picture from a wedding setting to a casual garden setting.", + "edit_type": "background" + }, + "456": { + "id": "human/000005103.jpg", + "prompt": "Remove the human standing prominently in the foreground.", + "edit_type": "remove" + }, + "513": { + "id": "architecture/000004499.jpg", + "prompt": "Remove the house in the image, leaving only the natural landscape and the surrounding environment.", + "edit_type": "remove" + }, + "699": { + "id": "style/000308113.jpg", + "prompt": "Transfer the image into a stained-glass cathedral-window style.", + "edit_type": "style" + }, + "1131": { + "id": "daily object/000117413.jpg", + "prompt": "Change the surface texture of the object to a smooth, glossy finish.", + "edit_type": "alter" + }, + "662": { + "id": "style/000278574.jpg", + "prompt": "Transfer the image into a Lego-brick stop-motion diorama style.", + "edit_type": "style" + }, + "470": { + "id": "human/000305698.jpg", + "prompt": "Remove the person in the blue dress walking through the sunflower field.", + "edit_type": "remove" + }, + "490": { + "id": "animal/000294276.jpg", + "prompt": "Remove the blue bird perched on the green plant stem.", + "edit_type": "remove" + }, + "25": { + "id": "for_add/000001314.jpg", + "prompt": "Add a vintage brown leather suitcase inside the car trunk.", + "edit_type": "add" + }, + "552": { + "id": "human/000281608.jpg", + "prompt": "Replace the bartender in the image with a person holding a large bouquet of flowers.", + "edit_type": "replace" + }, + "537": { + "id": "daily object/000278574.jpg", + "prompt": "Remove the green armchair in the image.", + "edit_type": "remove" + }, + "256": { + "id": "transport/000276156.jpg", + "prompt": "Change the winding road and mountainous landscape in the background to a cityscape with skyscrapers and busy streets.", + "edit_type": "background" + }, + "353": { + "id": "animal/000000265.jpg", + "prompt": "Extract the white rabbit sitting on the cabbage in the image.", + "edit_type": "extract" + }, + "86": { + "id": "for_add/000153470.jpg", + "prompt": "Add a person walking in the foreground, near the middle of the path, wearing casual clothing.", + "edit_type": "add" + }, + "54": { + "id": "for_add/000060085.jpg", + "prompt": "Add a wooden canoe drifting along the river in the foreground.", + "edit_type": "add" + }, + "1115": { + "id": "architecture/000294699.jpg", + "prompt": "Change the wall color to a soft blue.", + "edit_type": "alter" + }, + "397": { + "id": "architecture/000186995.jpg", + "prompt": "Extract the inflatable castle structure with twin slides from the image, including its colorful red, yellow, and blue architectural features, and isolate it from the surrounding environment.", + "edit_type": "extract" + }, + "596": { + "id": "transport/000289941.jpg", + "prompt": "Replace the bicycle in the image with a wooden rowboat.", + "edit_type": "replace" + }, + "1141": { + "id": "daily object/000363394.jpg", + "prompt": "Change the mug color to red.", + "edit_type": "alter" + }, + "402": { + "id": "architecture/000276347.jpg", + "prompt": "Extract the architectural structures visible in the background of the image, including the building with white and grey surfaces and its windows, separating them cleanly from the sky and surrounding environment.", + "edit_type": "extract" + }, + "82": { + "id": "for_add/000145048.jpg", + "prompt": "Add a bicycle leaning against the bench in the garden.", + "edit_type": "add" + }, + "643": { + "id": "style/000015317.jpg", + "prompt": "Transfer the image into a hand-sculpted claymation style.", + "edit_type": "style" + }, + "1087": { + "id": "transport/000071262.jpg", + "prompt": "Change the car color to red.", + "edit_type": "alter" + }, + "267": { + "id": "architecture/000121353.jpg", + "prompt": "Change the cathedral in the picture from a clear sky to a snowy environment.", + "edit_type": "background" + }, + "657": { + "id": "style/000278574.jpg", + "prompt": "Transfer the image into a clean graphite pencil-sketch style.", + "edit_type": "style" + }, + "240": { + "id": "animal/000308736.jpg", + "prompt": "Change the trees in the picture to a row of palm trees and adjust the ground to resemble a sandy beach environment.", + "edit_type": "background" + }, + "348": { + "id": "human/000306019.jpg", + "prompt": "Extract the person wearing a black hoodie and a beanie in the image.", + "edit_type": "extract" + }, + "1147": { + "id": "compose/human/12.jpg", + "prompt": "Remove the red gift bag from the image, and adjust the color of the woman's red dress to blue.", + "edit_type": "compose" + }, + "1169": { + "id": "compose/objects/3.jpg", + "prompt": "Remove the object on the left side of the image, and increase the brightness of the central figure.", + "edit_type": "compose" + }, + "696": { + "id": "style/000308113.jpg", + "prompt": "Transfer the image into a loose, flowing watercolor-wash style.", + "edit_type": "style" + }, + "677": { + "id": "style/000280642.jpg", + "prompt": "Transfer the image into a clean graphite pencil-sketch style.", + "edit_type": "style" + }, + "370": { + "id": "animal/000316504.jpg", + "prompt": "Extract the animal in the image.", + "edit_type": "extract" + }, + "619": { + "id": "daily object/000007834.jpg", + "prompt": "Replace the hat in the image with a ceramic teapot.", + "edit_type": "replace" + }, + "246": { + "id": "transport/000060711.jpg", + "prompt": "Change the building in the background from snow to a forest environment.", + "edit_type": "background" + }, + "1160": { + "id": "compose/animal/5.jpg", + "prompt": "Remove the tree in the background on the left side of the image, and increase the size of the kangaroo in the foreground on the right.", + "edit_type": "compose" + }, + "527": { + "id": "daily object/000007834.jpg", + "prompt": "Remove the colorful floral-patterned hat from the image.", + "edit_type": "remove" + }, + "409": { + "id": "architecture/000369231.jpg", + "prompt": "Extract the caravan and attached awning structure from the image, including their full architectural details and immediate surrounding grass area.", + "edit_type": "extract" + }, + "1071": { + "id": "animal/000098730.jpg", + "prompt": "Change the animal's fur color to a vibrant blue.", + "edit_type": "alter" + }, + "1143": { + "id": "daily object/000392212.jpg", + "prompt": "Change the coffee mug color to blue.", + "edit_type": "alter" + }, + "393": { + "id": "architecture/000004499.jpg", + "prompt": "Extract the architecture of the building, focusing on the overall structure, roof, and surrounding landscape.", + "edit_type": "extract" + }, + "479": { + "id": "animal/000035229.jpg", + "prompt": "Remove the cat in the foreground.", + "edit_type": "remove" + }, + "689": { + "id": "style/000280642.jpg", + "prompt": "Transfer the image into a vibrant graffiti street-mural style.", + "edit_type": "style" + }, + "1128": { + "id": "daily object/000077522.jpg", + "prompt": "Change the mug color to matte black.", + "edit_type": "alter" + }, + "418": { + "id": "daily object/000106052.jpg", + "prompt": "Extract the daily objects visible in the image, focusing on items such as clothing, bags, or any other common personal belongings.", + "edit_type": "extract" + }, + "249": { + "id": "transport/000143869.jpg", + "prompt": "Change the autumn leaves to a sandy beach setting.", + "edit_type": "background" + }, + "388": { + "id": "transport/000286634.jpg", + "prompt": "Extract the seaplane in the image.", + "edit_type": "extract" + }, + "638": { + "id": "style/000015317.jpg", + "prompt": "Transfer the image into a dramatic charcoal-drawing style.", + "edit_type": "style" + }, + "599": { + "id": "transport/000370777.jpg", + "prompt": "Replace the bicycle in the image with a wooden park bench.", + "edit_type": "replace" + }, + "212": { + "id": "human/000268923.jpg", + "prompt": "Change the baseball field background in the image to a beach setting.", + "edit_type": "background" + }, + "1167": { + "id": "compose/objects/15.jpg", + "prompt": "Remove the object in the foreground, and adjust the brightness of the background to make it lighter.", + "edit_type": "compose" + }, + "258": { + "id": "transport/000278321.jpg", + "prompt": "Change the ocean water background to a tropical lagoon setting with clear turquoise water and vibrant coral reefs visible below the surface.", + "edit_type": "background" + }, + "424": { + "id": "daily object/000273675.jpg", + "prompt": "Extract the wooden serving tray holding the dessert bars in the image.", + "edit_type": "extract" + }, + "560": { + "id": "human/000352814.jpg", + "prompt": "Replace the person in the image with a vintage gramophone.", + "edit_type": "replace" + }, + "465": { + "id": "human/000270466.jpg", + "prompt": "Remove the person in the foreground of the image.", + "edit_type": "remove" + }, + "208": { + "id": "human/000033638.jpg", + "prompt": "Change the industrial or warehouse-like setting to a vibrant, green forest environment.", + "edit_type": "background" + }, + "683": { + "id": "style/000280642.jpg", + "prompt": "Transfer the image into a hand-sculpted claymation style.", + "edit_type": "style" + }, + "1145": { + "id": "compose/human/10.jpg", + "prompt": "Remove the laptop from the person's lap, and change the color of the couch to light blue.", + "edit_type": "compose" + }, + "96": { + "id": "for_add/000236569.jpg", + "prompt": "Add a vintage-style clock on the wall between the two large golden-framed mirrors on the right side.", + "edit_type": "add" + }, + "26": { + "id": "for_add/000001314.jpg", + "prompt": "Add a small vintage house in the background behind the car, ensuring it blends naturally with the scenery and lighting.", + "edit_type": "add" + }, + "37": { + "id": "for_add/000015573.jpg", + "prompt": "Add a deer grazing in the field near the center of the image.", + "edit_type": "add" + }, + "420": { + "id": "daily object/000117413.jpg", + "prompt": "Extract the vintage suitcase in the image, leaving the background and surrounding plants intact.", + "edit_type": "extract" + }, + "582": { + "id": "transport/000060711.jpg", + "prompt": "Replace the Polaris Ranger XP with a flying drone in the image, while keeping the snowy environment intact.", + "edit_type": "replace" + }, + "592": { + "id": "transport/000276156.jpg", + "prompt": "Replace the car in the image with a hot air balloon while keeping the mountainous road and sunset background intact.", + "edit_type": "replace" + }, + "460": { + "id": "human/000033638.jpg", + "prompt": "Remove the person (a man in a black coat with a priest collar) from the image while maintaining the background environment (an industrial or abandoned setting with yellow walls).", + "edit_type": "remove" + }, + "255": { + "id": "transport/000270866.jpg", + "prompt": "Change the waterfall and rocky cliff background to snowy mountains and icy landscape.", + "edit_type": "background" + }, + "721": { + "id": "style/000308736.jpg", + "prompt": "Transfer the image into an 8-bit pixel-art video-game style.", + "edit_type": "style" + }, + "67": { + "id": "for_add/000088053.jpg", + "prompt": "Add a small rowboat floating on the turquoise water in the center of the image.", + "edit_type": "add" + }, + "569": { + "id": "animal/000140400.jpg", + "prompt": "Replace the animal in the image with a cat.", + "edit_type": "replace" + }, + "447": { + "id": "clothes/00000042.jpg", + "prompt": "Extract the black T-shirt worn by the person in the image", + "edit_type": "extract" + }, + "551": { + "id": "human/000270466.jpg", + "prompt": "Replace the person in the image with a sports car.", + "edit_type": "replace" + }, + "1064": { + "id": "animal/000000265.jpg", + "prompt": "Change the rabbit's fur color to light brown.", + "edit_type": "alter" + }, + "289": { + "id": "daily object/000106052.jpg", + "prompt": "Change the metal surface background to a wooden table background.", + "edit_type": "background" + }, + "564": { + "id": "animal/000047206.jpg", + "prompt": "Replace the butterfly in the image with a squirrel.", + "edit_type": "replace" + }, + "581": { + "id": "transport/000045228.jpg", + "prompt": "Replace the motorcycle in the image with a grand piano.", + "edit_type": "replace" + }, + "606": { + "id": "architecture/000211771.jpg", + "prompt": "Replace the modern shed in the image with a vintage red British telephone booth, keeping the surrounding greenery and lighting consistent.", + "edit_type": "replace" + }, + "1028": { + "id": "clothes/00000021.jpg", + "prompt": "Make the person raise her left arm.", + "edit_type": "action" + }, + "352": { + "id": "human/000352814.jpg", + "prompt": "Extract the person in the image sitting at the table, dressed in a Victorian-era outfit with a dark coat and gloves.", + "edit_type": "extract" + }, + "694": { + "id": "style/000280642.jpg", + "prompt": "Transfer the image into an embroidered cross-stitch textile style.", + "edit_type": "style" + }, + "1061": { + "id": "human/000309116.jpg", + "prompt": "Change the person's shirt color to blue.", + "edit_type": "alter" + }, + "1076": { + "id": "animal/000222070.jpg", + "prompt": "Change the animal's fur color to a lighter shade.", + "edit_type": "alter" + }, + "1151": { + "id": "compose/human/2.jpg", + "prompt": "Remove the person on the left side of the image, and adjust the brightness of the background to make it appear lighter.", + "edit_type": "compose" + }, + "302": { + "id": "daily object/000368863.jpg", + "prompt": "Change the carpet background to a lush forest setting.", + "edit_type": "background" + }, + "406": { + "id": "architecture/000332228.jpg", + "prompt": "Extract the architectural structure visible in the background of the image, including all visible buildings and structural elements, while maintaining the surrounding environmental context such as the sky and nearby terrain.", + "edit_type": "extract" + }, + "33": { + "id": "for_add/000010208.jpg", + "prompt": "Add a sailboat in the ocean to the left side of the image.", + "edit_type": "add" + }, + "1069": { + "id": "animal/000065685.jpg", + "prompt": "Change the animal's fur color to a soft shade of brown.", + "edit_type": "alter" + }, + "543": { + "id": "human/000005103.jpg", + "prompt": "Replace the singer in the image with a person holding a colorful balloon.", + "edit_type": "replace" + }, + "608": { + "id": "architecture/000231250.jpg", + "prompt": "Replace the central gothic-style archway architecture in the image with a large windmill.", + "edit_type": "replace" + }, + "672": { + "id": "style/000278574.jpg", + "prompt": "Transfer the image into a folded-paper origami art style.", + "edit_type": "style" + }, + "210": { + "id": "human/000094249.jpg", + "prompt": "Change the surroundings in the picture from the autumn foliage park setting to a snowy winter landscape with gently falling snow.", + "edit_type": "background" + }, + "655": { + "id": "style/000278574.jpg", + "prompt": "Transfer the image into a classic impasto oil-painting style.", + "edit_type": "style" + }, + "612": { + "id": "architecture/000303190.jpg", + "prompt": "Replace the wooden shelter structure in the image with a large wooden treehouse.", + "edit_type": "replace" + }, + "429": { + "id": "daily object/000340873.jpg", + "prompt": "Extract the dress in the image.", + "edit_type": "extract" + }, + "107": { + "id": "for_add/000313906.jpg", + "prompt": "Add a group of sheep grazing in the field near the trees on the right side of the image.", + "edit_type": "add" + }, + "1122": { + "id": "architecture/000392550.jpg", + "prompt": "Change the color of the telephone booth to blue.", + "edit_type": "alter" + }, + "105": { + "id": "for_add/000295872.jpg", + "prompt": "Add a person walking a dog in the foreground of the snowy path, in a winter coat.", + "edit_type": "add" + }, + "64": { + "id": "for_add/000084341.jpg", + "prompt": "Add a small stone cottage in the middle of the flower field, near the bottom center of the image.", + "edit_type": "add" + }, + "252": { + "id": "transport/000210129.jpg", + "prompt": "Change the racetrack in the picture from an asphalt circuit to a desert track.", + "edit_type": "background" + }, + "232": { + "id": "animal/000125904.jpg", + "prompt": "Change the street view visible in the car's side mirror to a beautiful coastal scene with a sandy beach and ocean waves.", + "edit_type": "background" + }, + "1011": { + "id": "human/000281608.jpg", + "prompt": "Make the person lower his right arm.", + "edit_type": "action" + }, + "511": { + "id": "transport/000369014.jpg", + "prompt": "Remove the ski lift chair and cables in the background.", + "edit_type": "remove" + }, + "618": { + "id": "architecture/000403575.jpg", + "prompt": "Replace the architecture in the image with a large tree.", + "edit_type": "replace" + }, + "604": { + "id": "architecture/000186995.jpg", + "prompt": "Replace the person in the image with a modern skyscraper.", + "edit_type": "replace" + }, + "464": { + "id": "human/000268923.jpg", + "prompt": "Remove the baseball player in the foreground wearing the red \"MIAMI\" uniform.", + "edit_type": "remove" + }, + "1103": { + "id": "transport/000370777.jpg", + "prompt": "Change the car's color to red.", + "edit_type": "alter" + }, + "403": { + "id": "architecture/000280642.jpg", + "prompt": "Extract the medieval stone castle structure including its walls and tower situated on the rocky terrain in the image.", + "edit_type": "extract" + }, + "477": { + "id": "animal/000020881.jpg", + "prompt": "Remove the husky lying in the snow.", + "edit_type": "remove" + }, + "1029": { + "id": "clothes/00000024.jpg", + "prompt": "Raise the person's left arm.", + "edit_type": "action" + }, + "391": { + "id": "transport/000369014.jpg", + "prompt": "Extract the ski lift chairs suspended by cables in the image", + "edit_type": "extract" + }, + "451": { + "id": "clothes/00000054.jpg", + "prompt": "Extract the metallic silver top worn by the person in the image.", + "edit_type": "extract" + }, + "1007": { + "id": "human/000094249.jpg", + "prompt": "Make the person raise his left arm.", + "edit_type": "action" + }, + "401": { + "id": "architecture/000231250.jpg", + "prompt": "Extract the architectural elements present in the image, focusing on any building structures, architectural features, or objects related to architecture.", + "edit_type": "extract" + }, + "671": { + "id": "style/000278574.jpg", + "prompt": "Transfer the image into an ornate steampunk brass-engraving style.", + "edit_type": "style" + }, + "32": { + "id": "for_add/000010208.jpg", + "prompt": "Add a group of dolphins swimming in the water near the center of the image.", + "edit_type": "add" + }, + "1134": { + "id": "daily object/000240448.jpg", + "prompt": "Change the mug color to blue.", + "edit_type": "alter" + }, + "529": { + "id": "daily object/000056963.jpg", + "prompt": "Remove the disposable cup on the table.", + "edit_type": "remove" + }, + "635": { + "id": "style/000015317.jpg", + "prompt": "Transfer the image into a classic impasto oil-painting style.", + "edit_type": "style" + }, + "374": { + "id": "transport/000045228.jpg", + "prompt": "Extract the motorcycle from the image.", + "edit_type": "extract" + }, + "226": { + "id": "animal/000023506.jpg", + "prompt": "Change the background in the image from a lush, green forest and grassland to a snowy tundra landscape.", + "edit_type": "background" + }, + "681": { + "id": "style/000280642.jpg", + "prompt": "Transfer the image into an 8-bit pixel-art video-game style.", + "edit_type": "style" + }, + "416": { + "id": "daily object/000073841.jpg", + "prompt": "Extract the footprint in the sand from the image.", + "edit_type": "extract" + }, + "1006": { + "id": "human/000063961.jpg", + "prompt": "Make the person lift his head slightly.", + "edit_type": "action" + }, + "1055": { + "id": "human/000282756.jpg", + "prompt": "Change the color of the jacket to a deep blue.", + "edit_type": "alter" + }, + "567": { + "id": "animal/000098730.jpg", + "prompt": "Replace the dog in the image with a large pineapple while keeping it seated in the vehicle and wearing the same goggles.", + "edit_type": "replace" + }, + "1153": { + "id": "compose/human/4.jpg", + "prompt": "Remove the object on the left side of the image, and adjust the lighting to brighten the right side.", + "edit_type": "compose" + }, + "1130": { + "id": "daily object/000109381.jpg", + "prompt": "Change the surface color of the mug to red.", + "edit_type": "alter" + }, + "595": { + "id": "transport/000286634.jpg", + "prompt": "Replace the seaplane in the image with a hot air balloon.", + "edit_type": "replace" + }, + "1031": { + "id": "clothes/00000030.jpg", + "prompt": "Raise the person's left arm.", + "edit_type": "action" + }, + "453": { + "id": "clothes/00000060.jpg", + "prompt": "Extract the white long-sleeve shirt worn by the person in the image.", + "edit_type": "extract" + }, + "31": { + "id": "for_add/000002796.jpg", + "prompt": "Add a modern skyscraper in the background, towering over the scene.", + "edit_type": "add" + }, + "531": { + "id": "daily object/000077522.jpg", + "prompt": "Remove the Adidas sneakers in the foreground, maintaining the focus on the embroidered traditional outfit.", + "edit_type": "remove" + }, + "355": { + "id": "animal/000023506.jpg", + "prompt": "Extract the animal present in the image.", + "edit_type": "extract" + }, + "1101": { + "id": "transport/000351716.jpg", + "prompt": "Change the car's color to red.", + "edit_type": "alter" + }, + "588": { + "id": "transport/000210129.jpg", + "prompt": "Replace the race car in the image with a vintage bicycle.", + "edit_type": "replace" + }, + "1033": { + "id": "clothes/00000036.jpg", + "prompt": "Raise the person's left arm.", + "edit_type": "action" + }, + "467": { + "id": "human/000282756.jpg", + "prompt": "Remove the human figure from the image, ensuring the background is restored to appear natural and seamless.", + "edit_type": "remove" + }, + "1088": { + "id": "transport/000076056.jpg", + "prompt": "Change the color of the vehicle to red.", + "edit_type": "alter" + }, + "663": { + "id": "style/000278574.jpg", + "prompt": "Transfer the image into a hand-sculpted claymation style.", + "edit_type": "style" + }, + "1095": { + "id": "transport/000270866.jpg", + "prompt": "Change the color of the vehicle to red.", + "edit_type": "alter" + }, + "235": { + "id": "animal/000216869.jpg", + "prompt": "Change the background from a clear blue sky with bare branches to a sunset sky over a lush forest.", + "edit_type": "background" + }, + "1083": { + "id": "animal/000370801.jpg", + "prompt": "Change the dog's fur color to a soft brown.", + "edit_type": "alter" + }, + "1074": { + "id": "animal/000145087.jpg", + "prompt": "Change the sheep's wool texture to a smoother, softer appearance.", + "edit_type": "alter" + }, + "1091": { + "id": "transport/000159802.jpg", + "prompt": "Change the color of the motorcycle to matte black.", + "edit_type": "alter" + }, + "76": { + "id": "for_add/000096740.jpg", + "prompt": "Add a person sitting on the couch near the bed, dressed casually, looking relaxed.", + "edit_type": "add" + }, + "415": { + "id": "daily object/000056963.jpg", + "prompt": "Extract the daily objects visible in the image.", + "edit_type": "extract" + }, + "530": { + "id": "daily object/000073841.jpg", + "prompt": "Remove the footprint in the sand.", + "edit_type": "remove" + }, + "494": { + "id": "animal/000342021.jpg", + "prompt": "Remove the animal in the foreground and blend the surrounding background elements to restore the scene\u9225\u6a9a natural appearance.", + "edit_type": "remove" + }, + "421": { + "id": "daily object/000128286.jpg", + "prompt": "Extract the daily objects visible in the image, such as any household items, personal accessories, or tools.", + "edit_type": "extract" + }, + "597": { + "id": "transport/000351716.jpg", + "prompt": "Replace the red trolley car in the image with a giant vintage radio, keeping it on the same train tracks in the urban environment.", + "edit_type": "replace" + }, + "285": { + "id": "daily object/000027344.jpg", + "prompt": "Change the background color from black to a light blue sky with fluffy white clouds.", + "edit_type": "background" + }, + "668": { + "id": "style/000278574.jpg", + "prompt": "Transfer the image into a bold halftone pop-art comics style.", + "edit_type": "style" + }, + "290": { + "id": "daily object/000109381.jpg", + "prompt": "Change the wooden background in the image to a grassy field.", + "edit_type": "background" + }, + "645": { + "id": "style/000015317.jpg", + "prompt": "Transfer the image into a neon-soaked cyberpunk poster style.", + "edit_type": "style" + }, + "515": { + "id": "architecture/000121353.jpg", + "prompt": "Remove the colorful cathedral with onion-shaped domes in the center of the image.", + "edit_type": "remove" + }, + "1067": { + "id": "animal/000035229.jpg", + "prompt": "Change the fur color to a light brown.", + "edit_type": "alter" + }, + "364": { + "id": "animal/000216869.jpg", + "prompt": "Extract the animals present in the image.", + "edit_type": "extract" + }, + "642": { + "id": "style/000015317.jpg", + "prompt": "Transfer the image into a Lego-brick stop-motion diorama style.", + "edit_type": "style" + }, + "649": { + "id": "style/000015317.jpg", + "prompt": "Transfer the image into a vibrant graffiti street-mural style.", + "edit_type": "style" + }, + "29": { + "id": "for_add/000002796.jpg", + "prompt": "Add a person walking along the dirt path towards the house in the middle ground.", + "edit_type": "add" + }, + "523": { + "id": "architecture/000332228.jpg", + "prompt": "Remove the tent in the center of the image.", + "edit_type": "remove" + }, + "70": { + "id": "for_add/000088945.jpg", + "prompt": "Add a person riding a skateboard on the ice rink in the foreground, near the center of the image.", + "edit_type": "add" + }, + "432": { + "id": "daily object/000392212.jpg", + "prompt": "Extract the chocolate bar sleigh with candy cane runners and teddy bear cookie rider from the image.", + "edit_type": "extract" + }, + "514": { + "id": "architecture/000050054.jpg", + "prompt": "Remove the modern house in the center of the image, including the pool and patio area, and seamlessly blend the background with surrounding trees, vegetation, and landscape.", + "edit_type": "remove" + }, + "724": { + "id": "style/000308736.jpg", + "prompt": "Transfer the image into a faceted low-poly 3-D render style.", + "edit_type": "style" + }, + "637": { + "id": "style/000015317.jpg", + "prompt": "Transfer the image into a clean graphite pencil-sketch style.", + "edit_type": "style" + }, + "115": { + "id": "for_add/000320977.jpg", + "prompt": "Add a coffee cup on the table in the foreground.", + "edit_type": "add" + }, + "1048": { + "id": "human/000033638.jpg", + "prompt": "Change the priest's coat color to dark brown.", + "edit_type": "alter" + }, + "333": { + "id": "human/000005103.jpg", + "prompt": "Extract the human figure standing in the image along with their clothing and visible accessories, separating them from the background environment.", + "edit_type": "extract" + }, + "730": { + "id": "style/000308736.jpg", + "prompt": "Transfer the image into a cyan blueprint technical-drawing style.", + "edit_type": "style" + }, + "576": { + "id": "animal/000308736.jpg", + "prompt": "Replace the robotic figure in the image with a cat.", + "edit_type": "replace" + }, + "116": { + "id": "for_add/000320977.jpg", + "prompt": "Add a small classical pavilion on the right side of the image near the horizon.", + "edit_type": "add" + }, + "1022": { + "id": "clothes/00000003.jpg", + "prompt": "Make the person raise her right arm.", + "edit_type": "action" + }, + "701": { + "id": "style/000308113.jpg", + "prompt": "Transfer the image into an 8-bit pixel-art video-game style.", + "edit_type": "style" + }, + "461": { + "id": "human/000063961.jpg", + "prompt": "Remove the person from the image while maintaining the background elements, such as lighting, stage, and microphone stand. Ensure that the background seamlessly fills in the space where the person was.", + "edit_type": "remove" + }, + "1102": { + "id": "transport/000369014.jpg", + "prompt": "Change the vehicle's color to red.", + "edit_type": "alter" + }, + "497": { + "id": "transport/000071262.jpg", + "prompt": "Remove the red streetcar (tram) in the foreground of the image.", + "edit_type": "remove" + }, + "1121": { + "id": "architecture/000386778.jpg", + "prompt": "Change the roof color to a darker shade of gray.", + "edit_type": "alter" + }, + "1118": { + "id": "architecture/000352732.jpg", + "prompt": "Change the color of the house's front door to navy blue.", + "edit_type": "alter" + }, + "1046": { + "id": "human/000015317.jpg", + "prompt": "Change the suit color to navy blue.", + "edit_type": "alter" + }, + "301": { + "id": "daily object/000363394.jpg", + "prompt": "Change the gravel ground in the foreground to a wooden deck setting.", + "edit_type": "background" + }, + "88": { + "id": "for_add/000153470.jpg", + "prompt": "Add a modern skyscraper to the background.", + "edit_type": "add" + }, + "437": { + "id": "clothes/00000012.jpg", + "prompt": "Extract the white T-shirt with a red \"Levi's\" logo worn by the person in the image.", + "edit_type": "extract" + }, + "452": { + "id": "clothes/00000057.jpg", + "prompt": "Extract the navy blue Adidas bodysuit with short sleeves and light blue shoulder stripes worn by the person in the image", + "edit_type": "extract" + }, + "457": { + "id": "human/000013135.jpg", + "prompt": "Remove the human child bending over the pumpkin in the foreground.", + "edit_type": "remove" + }, + "726": { + "id": "style/000308736.jpg", + "prompt": "Transfer the image into a high-contrast black-and-white film-noir style.", + "edit_type": "style" + }, + "108": { + "id": "for_add/000313906.jpg", + "prompt": "Add a bicycle near the fence on the left side of the image.", + "edit_type": "add" + }, + "278": { + "id": "architecture/000352732.jpg", + "prompt": "Change the greenery and lawn around the house in the picture to a sandy beach setting with palm trees.", + "edit_type": "background" + }, + "1117": { + "id": "architecture/000332228.jpg", + "prompt": "Change the building's exterior color to a light beige.", + "edit_type": "alter" + }, + "359": { + "id": "animal/000069528.jpg", + "prompt": "Extract the animal (young mountain goat) in the image, including its full body and horns, while excluding the background environment such as rocks, plants, and flowers.", + "edit_type": "extract" + }, + "213": { + "id": "human/000270466.jpg", + "prompt": "Change the car garage environment in the picture to a beach setting.", + "edit_type": "background" + }, + "218": { + "id": "human/000305698.jpg", + "prompt": "Replace the sunflower field in the image with a lavender field.", + "edit_type": "background" + }, + "546": { + "id": "human/000018060.jpg", + "prompt": "Replace the human in the image with a large, colorful beach ball.", + "edit_type": "replace" + }, + "482": { + "id": "animal/000069528.jpg", + "prompt": "Remove the animal from the image.", + "edit_type": "remove" + }, + "379": { + "id": "transport/000156391.jpg", + "prompt": "Extract the transport vehicle(s) in the image.", + "edit_type": "extract" + }, + "1113": { + "id": "architecture/000276347.jpg", + "prompt": "Change the building's wall color to light gray.", + "edit_type": "alter" + }, + "1172": { + "id": "compose/objects/8.jpg", + "prompt": "Remove the object on the left side of the image, and adjust the brightness of the background.", + "edit_type": "compose" + }, + "601": { + "id": "architecture/000023390.jpg", + "prompt": "Replace the wooden cabin in the image with a large camping tent.", + "edit_type": "replace" + }, + "1119": { + "id": "architecture/000366472.jpg", + "prompt": "Change the wall color to a light blue.", + "edit_type": "alter" + }, + "296": { + "id": "daily object/000276684.jpg", + "prompt": "Change the cloudy and foggy hilltop background to a bright, sunny beach environment.", + "edit_type": "background" + }, + "350": { + "id": "human/000309116.jpg", + "prompt": "Extract the man wearing a light blue plaid suit, red-striped tie, and glasses standing in front of the railway track.", + "edit_type": "extract" + }, + "607": { + "id": "architecture/000231068.jpg", + "prompt": "Replace the log cabin in the image with a large treehouse.", + "edit_type": "replace" + }, + "398": { + "id": "architecture/000189825.jpg", + "prompt": "Extract the yurt in the image.", + "edit_type": "extract" + }, + "495": { + "id": "transport/000038819.jpg", + "prompt": "Remove the car driving on the road in the foreground.", + "edit_type": "remove" + }, + "1120": { + "id": "architecture/000369231.jpg", + "prompt": "Change the building's facade color to a lighter shade of blue.", + "edit_type": "alter" + }, + "1146": { + "id": "compose/human/11.jpg", + "prompt": "Remove the plant on the left side of the image, and increase the brightness of the person in the center.", + "edit_type": "compose" + }, + "241": { + "id": "animal/000316504.jpg", + "prompt": "Change the environment in the picture from the snow to a green forest in spring.", + "edit_type": "background" + }, + "489": { + "id": "animal/000250140.jpg", + "prompt": "Remove the bird from the image and replace the background with a natural, unaltered scene of trees and foliage.", + "edit_type": "remove" + }, + "1020": { + "id": "human/000352814.jpg", + "prompt": "Make the person turn his head slightly to the right.", + "edit_type": "action" + }, + "263": { + "id": "transport/000370777.jpg", + "prompt": "Change the brick wall background in the picture to a lush green garden.", + "edit_type": "background" + }, + "616": { + "id": "architecture/000369231.jpg", + "prompt": "Replace the caravan in the image with a small wooden cabin.", + "edit_type": "replace" + }, + "478": { + "id": "animal/000023506.jpg", + "prompt": "Remove the animal from the image.", + "edit_type": "remove" + }, + "1079": { + "id": "animal/000305887.jpg", + "prompt": "Change the tiger's fur color to a deeper orange.", + "edit_type": "alter" + }, + "206": { + "id": "human/000015317.jpg", + "prompt": "Change the construction site in the picture to a beach scene.", + "edit_type": "background" + }, + "357": { + "id": "animal/000047206.jpg", + "prompt": "Extract the butterfly in the image", + "edit_type": "extract" + }, + "1137": { + "id": "daily object/000278574.jpg", + "prompt": "Change the chair fabric color to deep blue.", + "edit_type": "alter" + }, + "538": { + "id": "daily object/000299747.jpg", + "prompt": "Remove the suit jacket and tie combination in the image.", + "edit_type": "remove" + }, + "412": { + "id": "architecture/000403575.jpg", + "prompt": "Extract the architectural elements in the image.", + "edit_type": "extract" + }, + "517": { + "id": "architecture/000189825.jpg", + "prompt": "Remove the yurt in the background.", + "edit_type": "remove" + }, + "273": { + "id": "architecture/000276347.jpg", + "prompt": "Change the snowy forest environment to a springtime forest with budding trees and wildflowers.", + "edit_type": "background" + }, + "446": { + "id": "clothes/00000039.jpg", + "prompt": "Extract the black blouse worn by the person in the image.", + "edit_type": "extract" + }, + "85": { + "id": "for_add/000153470.jpg", + "prompt": "Add a bicycle parked near the bench in the foreground.", + "edit_type": "add" + }, + "227": { + "id": "animal/000035229.jpg", + "prompt": "Change the background of the image from rotting apples on the ground to a lush green garden with vibrant flowers.", + "edit_type": "background" + }, + "591": { + "id": "transport/000270866.jpg", + "prompt": "Replace the transport vehicle in the image with a bicycle.", + "edit_type": "replace" + }, + "664": { + "id": "style/000278574.jpg", + "prompt": "Transfer the image into a faceted low-poly 3-D render style.", + "edit_type": "style" + }, + "707": { + "id": "style/000308113.jpg", + "prompt": "Transfer the image into a sepia-toned vintage-photograph style.", + "edit_type": "style" + }, + "438": { + "id": "clothes/00000015.jpg", + "prompt": "Extract the purple Adidas T-shirt worn by the person in the image.", + "edit_type": "extract" + }, + "547": { + "id": "human/000033638.jpg", + "prompt": "Replace the priest in the image with a large cactus plant.", + "edit_type": "replace" + }, + "404": { + "id": "architecture/000294699.jpg", + "prompt": "Extract the architecture elements in the image", + "edit_type": "extract" + }, + "112": { + "id": "for_add/000320977.jpg", + "prompt": "Add a deer standing near the edge of the snow-covered forest on the right side of the image, close to the leaning tree.", + "edit_type": "add" + }, + "60": { + "id": "for_add/000081452.jpg", + "prompt": "Add a modern beachside caf\u8305 building near the lifeguard tower on the right side of the image.", + "edit_type": "add" + }, + "556": { + "id": "human/000306019.jpg", + "prompt": "Replace the person in the image with a large, colorful balloon.", + "edit_type": "replace" + }, + "512": { + "id": "transport/000370777.jpg", + "prompt": "Remove the bicycle in the foreground.", + "edit_type": "remove" + }, + "697": { + "id": "style/000308113.jpg", + "prompt": "Transfer the image into a clean graphite pencil-sketch style.", + "edit_type": "style" + }, + "676": { + "id": "style/000280642.jpg", + "prompt": "Transfer the image into a loose, flowing watercolor-wash style.", + "edit_type": "style" + }, + "343": { + "id": "human/000281608.jpg", + "prompt": "Extract the human figure, specifically the bartender wearing the floral shirt and hat, along with the cocktail he is preparing.", + "edit_type": "extract" + }, + "731": { + "id": "style/000308736.jpg", + "prompt": "Transfer the image into an ornate steampunk brass-engraving style.", + "edit_type": "style" + }, + "75": { + "id": "for_add/000096740.jpg", + "prompt": "Add a small vintage bicycle leaning against the wooden panel wall near the lamp.", + "edit_type": "add" + }, + "399": { + "id": "architecture/000211771.jpg", + "prompt": "Extract the architectural elements from the image.", + "edit_type": "extract" + }, + "1089": { + "id": "transport/000143869.jpg", + "prompt": "Change the color of the vehicle to red.", + "edit_type": "alter" + }, + "589": { + "id": "transport/000264803.jpg", + "prompt": "Replace the sailboat in the image with a hot air balloon floating above the water.", + "edit_type": "replace" + }, + "443": { + "id": "clothes/00000030.jpg", + "prompt": "Extract the black blouse worn by the person in the image.", + "edit_type": "extract" + }, + "27": { + "id": "for_add/000002796.jpg", + "prompt": "Add a dog standing near the fence in the foreground, close to the road.", + "edit_type": "add" + }, + "609": { + "id": "architecture/000276347.jpg", + "prompt": "Replace the two houses in the image with futuristic, metallic structures.", + "edit_type": "replace" + }, + "695": { + "id": "style/000308113.jpg", + "prompt": "Transfer the image into a classic impasto oil-painting style.", + "edit_type": "style" + }, + "575": { + "id": "animal/000305887.jpg", + "prompt": "Replace the tiger in the image with a deer.", + "edit_type": "replace" + }, + "95": { + "id": "for_add/000236569.jpg", + "prompt": "Add a vintage car parked near the edge of the circular dance floor to give the event a luxurious and classic touch.", + "edit_type": "add" + }, + "459": { + "id": "human/000018060.jpg", + "prompt": "Remove the child wearing the firefighter uniform from the image.", + "edit_type": "remove" + }, + "1063": { + "id": "human/000352814.jpg", + "prompt": "Change the coat color to deep navy blue.", + "edit_type": "alter" + }, + "53": { + "id": "for_add/000060085.jpg", + "prompt": "Add a hiker standing on one of the rocks near the river, wearing a backpack, and looking towards the mountain in the background.", + "edit_type": "add" + }, + "499": { + "id": "transport/000143869.jpg", + "prompt": "Remove the bus in the foreground.", + "edit_type": "remove" + }, + "688": { + "id": "style/000280642.jpg", + "prompt": "Transfer the image into a bold halftone pop-art comics style.", + "edit_type": "style" + }, + "474": { + "id": "human/000336112.jpg", + "prompt": "Remove the woman in the white dress from the image while maintaining the background and surrounding elements.", + "edit_type": "remove" + }, + "518": { + "id": "architecture/000211771.jpg", + "prompt": "Remove the shed (small building) in the center of the grassy area.", + "edit_type": "remove" + }, + "703": { + "id": "style/000308113.jpg", + "prompt": "Transfer the image into a hand-sculpted claymation style.", + "edit_type": "style" + }, + "65": { + "id": "for_add/000088053.jpg", + "prompt": "Add a family of ducks swimming in the turquoise water near the waterfalls.", + "edit_type": "add" + }, + "79": { + "id": "for_add/000145048.jpg", + "prompt": "Add a cat lounging on the grass near the garden seating area.", + "edit_type": "add" + }, + "372": { + "id": "animal/000370801.jpg", + "prompt": "Extract the white and black puppy from the image, including its red collar and the surrounding green grass environment.", + "edit_type": "extract" + }, + "1161": { + "id": "compose/animal/7.jpg", + "prompt": "Remove the radiator on the right side of the image, and change the color of the black and white cat to brown.", + "edit_type": "compose" + }, + "1109": { + "id": "architecture/000189825.jpg", + "prompt": "Change the building's exterior color to a shade of blue.", + "edit_type": "alter" + }, + "52": { + "id": "for_add/000060085.jpg", + "prompt": "Add a small red canoe with a person paddling it in the river near the center of the image.", + "edit_type": "add" + }, + "360": { + "id": "animal/000098730.jpg", + "prompt": "Extract the German Shepherd dog wearing goggles sitting inside the vehicle in the image", + "edit_type": "extract" + }, + "469": { + "id": "human/000292447.jpg", + "prompt": "Remove the human child with the rainbow and cloud face paint from the image.", + "edit_type": "remove" + }, + "78": { + "id": "for_add/000096740.jpg", + "prompt": "Add a modern glass skyscraper in the background.", + "edit_type": "add" + }, + "376": { + "id": "transport/000071262.jpg", + "prompt": "Extract the red tram(s) in the image.", + "edit_type": "extract" + }, + "274": { + "id": "architecture/000280642.jpg", + "prompt": "Change the castle in the picture from the rocky landscape to a lush tropical forest", + "edit_type": "background" + }, + "247": { + "id": "transport/000071262.jpg", + "prompt": "Change the tram depot in the picture from a winter setting with snow to a summer setting with green grass.", + "edit_type": "background" + }, + "271": { + "id": "architecture/000231068.jpg", + "prompt": "Change the cabin environment from a forest to a tropical beach setting.", + "edit_type": "background" + }, + "713": { + "id": "style/000308113.jpg", + "prompt": "Transfer the image into a traditional ukiyo-e woodblock-print style.", + "edit_type": "style" + }, + "648": { + "id": "style/000015317.jpg", + "prompt": "Transfer the image into a bold halftone pop-art comics style.", + "edit_type": "style" + }, + "714": { + "id": "style/000308113.jpg", + "prompt": "Transfer the image into an embroidered cross-stitch textile style.", + "edit_type": "style" + }, + "1123": { + "id": "architecture/000403575.jpg", + "prompt": "Change the building facade color to a light gray.", + "edit_type": "alter" + }, + "718": { + "id": "style/000308736.jpg", + "prompt": "Transfer the image into a dramatic charcoal-drawing style.", + "edit_type": "style" + }, + "43": { + "id": "for_add/000018370.jpg", + "prompt": "Add a person walking on the path in the center of the image.", + "edit_type": "add" + }, + "652": { + "id": "style/000015317.jpg", + "prompt": "Transfer the image into a folded-paper origami art style.", + "edit_type": "style" + }, + "231": { + "id": "animal/000098730.jpg", + "prompt": "Change the military vehicle in the picture to be set in a beach environment.", + "edit_type": "background" + }, + "236": { + "id": "animal/000222070.jpg", + "prompt": "Change the blurred environment in the background to an autumn forest with orange and yellow leaves on the trees.", + "edit_type": "background" + }, + "335": { + "id": "human/000015317.jpg", + "prompt": "Extract the human figure from the image.", + "edit_type": "extract" + }, + "1156": { + "id": "compose/human/7.jpg", + "prompt": "Remove the person on the left side of the image, and adjust the brightness of the sky to make it appear sunnier.", + "edit_type": "compose" + }, + "250": { + "id": "transport/000156391.jpg", + "prompt": "Change the background from the ocean to an urban cityscape with the yacht cruising down a river.", + "edit_type": "background" + }, + "50": { + "id": "for_add/000032566.jpg", + "prompt": "Add a small wooden bench to the end of the pier, near the edge, facing the water, with a scenic view of the sunset and mountains in the background.", + "edit_type": "add" + }, + "545": { + "id": "human/000015317.jpg", + "prompt": "Replace the human in the image with a giant pumpkin.", + "edit_type": "replace" + }, + "466": { + "id": "human/000281608.jpg", + "prompt": "Remove the bartender from the image, leaving the cocktail and bar environment.", + "edit_type": "remove" + }, + "382": { + "id": "transport/000264803.jpg", + "prompt": "Extract the sailboat on the river in the image, including its mast, sails, flags, and visible hull.", + "edit_type": "extract" + }, + "23": { + "id": "for_add/000001314.jpg", + "prompt": "Add a vintage suitcase inside the trunk of the car to emphasize the transport theme.", + "edit_type": "add" + }, + "261": { + "id": "transport/000351716.jpg", + "prompt": "Change the background from the industrial setting to a scenic countryside landscape.", + "edit_type": "background" + }, + "636": { + "id": "style/000015317.jpg", + "prompt": "Transfer the image into a loose, flowing watercolor-wash style.", + "edit_type": "style" + }, + "719": { + "id": "style/000308736.jpg", + "prompt": "Transfer the image into a stained-glass cathedral-window style.", + "edit_type": "style" + }, + "1170": { + "id": "compose/objects/4.jpg", + "prompt": "Remove the object in the top left corner of the image, and resize the object in the bottom right to be larger.", + "edit_type": "compose" + }, + "1025": { + "id": "clothes/00000012.jpg", + "prompt": "Raise the person's right arm.", + "edit_type": "action" + }, + "524": { + "id": "architecture/000352732.jpg", + "prompt": "Remove the large white house in the center of the image.", + "edit_type": "remove" + }, + "1125": { + "id": "daily object/000027344.jpg", + "prompt": "Change the mug's color to red.", + "edit_type": "alter" + }, + "381": { + "id": "transport/000210129.jpg", + "prompt": "Extract the transport vehicle in the image.", + "edit_type": "extract" + }, + "435": { + "id": "clothes/00000006.jpg", + "prompt": "Extract the white shirt and dark pants worn by the person standing in the image", + "edit_type": "extract" + }, + "633": { + "id": "daily object/000363394.jpg", + "prompt": "Replace the chair in the image with a bicycle.", + "edit_type": "replace" + }, + "484": { + "id": "animal/000125904.jpg", + "prompt": "Remove the animal in the image, ensuring that the background remains intact and the area where the animal was is seamlessly blended with the surrounding environment.", + "edit_type": "remove" + }, + "83": { + "id": "for_add/000145048.jpg", + "prompt": "Add a small stone gazebo with a tiled roof near the center-left area of the garden, blending naturally with the surrounding greenery and landscape.", + "edit_type": "add" + }, + "488": { + "id": "animal/000222070.jpg", + "prompt": "Remove the dog from the image.", + "edit_type": "remove" + }, + "691": { + "id": "style/000280642.jpg", + "prompt": "Transfer the image into an ornate steampunk brass-engraving style.", + "edit_type": "style" + }, + "59": { + "id": "for_add/000081452.jpg", + "prompt": "Add a coffee mug on the table near the center of the image.", + "edit_type": "add" + }, + "344": { + "id": "human/000282756.jpg", + "prompt": "Extract the human figure in the image.", + "edit_type": "extract" + }, + "385": { + "id": "transport/000276156.jpg", + "prompt": "Extract the transport vehicles visible in the image.", + "edit_type": "extract" + }, + "239": { + "id": "animal/000305887.jpg", + "prompt": "Change the water and greenery background in the picture to a snowy forest environment.", + "edit_type": "background" + }, + "666": { + "id": "style/000278574.jpg", + "prompt": "Transfer the image into a high-contrast black-and-white film-noir style.", + "edit_type": "style" + }, + "395": { + "id": "architecture/000050054.jpg", + "prompt": "Extract the architectural structure visible in the background of the image, including the roof, walls, and any windows or doors, while excluding people and other non-architectural elements.", + "edit_type": "extract" + }, + "583": { + "id": "transport/000071262.jpg", + "prompt": "Replace the red trams in the image with yellow school buses.", + "edit_type": "replace" + }, + "587": { + "id": "transport/000159802.jpg", + "prompt": "Replace the motorcycle in the image with a horse standing in the same position on the pavement, maintaining the outdoor background with palm trees and blue sky.", + "edit_type": "replace" + }, + "550": { + "id": "human/000264849.jpg", + "prompt": "Replace the girl in the image with a large crystal chandelier hanging from an invisible support, blending naturally into the forest environment.", + "edit_type": "replace" + }, + "617": { + "id": "architecture/000386778.jpg", + "prompt": "Replace the building in the image with a large tree.", + "edit_type": "replace" + }, + "1077": { + "id": "animal/000250140.jpg", + "prompt": "Change the animal's fur color to a solid shade of brown.", + "edit_type": "alter" + }, + "63": { + "id": "for_add/000084341.jpg", + "prompt": "Place a bicycle in the foreground of the flower field, near the bottom left side, to add a sense of leisure and outdoor activity.", + "edit_type": "add" + }, + "356": { + "id": "animal/000035229.jpg", + "prompt": "Extract the bird from the image, keeping it isolated from the surrounding apples and background.", + "edit_type": "extract" + }, + "423": { + "id": "daily object/000240448.jpg", + "prompt": "Extract the wooden bunk bed in the image.", + "edit_type": "extract" + }, + "544": { + "id": "human/000013135.jpg", + "prompt": "Replace the child in the image with a large pumpkin.", + "edit_type": "replace" + }, + "1005": { + "id": "human/000033638.jpg", + "prompt": "Make the person look slightly to the right.", + "edit_type": "action" + }, + "284": { + "id": "daily object/000007834.jpg", + "prompt": "Change the wooden table background in the picture to a vibrant garden setting.", + "edit_type": "background" + }, + "295": { + "id": "daily object/000273675.jpg", + "prompt": "Change the tablecloth in the background to a solid light blue color.", + "edit_type": "background" + }, + "248": { + "id": "transport/000076056.jpg", + "prompt": "Change the tiny house in the picture from the forest to the beach.", + "edit_type": "background" + }, + "283": { + "id": "architecture/000403575.jpg", + "prompt": "Change the windmill and houses in the picture from the countryside to a bustling city skyline.", + "edit_type": "background" + }, + "532": { + "id": "daily object/000106052.jpg", + "prompt": "Remove the plastic-wrapped cookies on the metallic surface.", + "edit_type": "remove" + }, + "641": { + "id": "style/000015317.jpg", + "prompt": "Transfer the image into an 8-bit pixel-art video-game style.", + "edit_type": "style" + }, + "501": { + "id": "transport/000159802.jpg", + "prompt": "Remove the motorcycle from the image.", + "edit_type": "remove" + }, + "98": { + "id": "for_add/000276222.jpg", + "prompt": "Add a group of deer grazing in the middle-right area of the snow-covered field.", + "edit_type": "add" + }, + "670": { + "id": "style/000278574.jpg", + "prompt": "Transfer the image into a cyan blueprint technical-drawing style.", + "edit_type": "style" + }, + "40": { + "id": "for_add/000015573.jpg", + "prompt": "Add a vintage bicycle along the dirt path in the foreground.", + "edit_type": "add" + }, + "715": { + "id": "style/000308736.jpg", + "prompt": "Transfer the image into a classic impasto oil-painting style.", + "edit_type": "style" + }, + "444": { + "id": "clothes/00000033.jpg", + "prompt": "Extract the grey Adidas T-shirt with white trim and stripes worn by the person in the image.", + "edit_type": "extract" + }, + "492": { + "id": "animal/000308736.jpg", + "prompt": "Remove the horse in the foreground.", + "edit_type": "remove" + }, + "341": { + "id": "human/000268923.jpg", + "prompt": "Extract the red baseball uniform worn by the person in the image", + "edit_type": "extract" + }, + "347": { + "id": "human/000305698.jpg", + "prompt": "Extract the light blue off-shoulder dress worn by the woman in the sunflower field.", + "edit_type": "extract" + }, + "598": { + "id": "transport/000369014.jpg", + "prompt": "Replace the ski lift chair in the image with a hot air balloon floating above the building.", + "edit_type": "replace" + }, + "525": { + "id": "architecture/000369231.jpg", + "prompt": "Remove the caravan with the attached awning from the grassy field and trees in the background.", + "edit_type": "remove" + }, + "1066": { + "id": "animal/000023506.jpg", + "prompt": "Change the animal's fur color to a bright shade of blue.", + "edit_type": "alter" + }, + "57": { + "id": "for_add/000081452.jpg", + "prompt": "Add a car in the foreground to the right side of the image.", + "edit_type": "add" + }, + "298": { + "id": "daily object/000299747.jpg", + "prompt": "Change the background of the suit from a blank wall to a luxurious office setting that includes a wooden desk and a large window showing a cityscape.", + "edit_type": "background" + }, + "367": { + "id": "animal/000294276.jpg", + "prompt": "Extract the blue bird from the image", + "edit_type": "extract" + }, + "519": { + "id": "architecture/000231250.jpg", + "prompt": "Remove the architectural structure (the gate or tower) in the middle of the image, ensuring the background environment remains intact with the trees, lampposts, and flower planters.", + "edit_type": "remove" + }, + "725": { + "id": "style/000308736.jpg", + "prompt": "Transfer the image into a neon-soaked cyberpunk poster style.", + "edit_type": "style" + }, + "1094": { + "id": "transport/000265699.jpg", + "prompt": "Change the vehicle's color to red.", + "edit_type": "alter" + }, + "570": { + "id": "animal/000145087.jpg", + "prompt": "Replace the sheep in the image with a deer.", + "edit_type": "replace" + }, + "1037": { + "id": "clothes/00000048.jpg", + "prompt": "Raise the person's left arm.", + "edit_type": "action" + }, + "61": { + "id": "for_add/000084341.jpg", + "prompt": "Add a deer grazing in the middle of the flower field.", + "edit_type": "add" + }, + "702": { + "id": "style/000308113.jpg", + "prompt": "Transfer the image into a Lego-brick stop-motion diorama style.", + "edit_type": "style" + }, + "440": { + "id": "clothes/00000021.jpg", + "prompt": "Extract the black T-shirt worn by the person in the image.", + "edit_type": "extract" + }, + "644": { + "id": "style/000015317.jpg", + "prompt": "Transfer the image into a faceted low-poly 3-D render style.", + "edit_type": "style" + }, + "368": { + "id": "animal/000305887.jpg", + "prompt": "Extract the animal (cat) lying on the floor in the image, including its full body and shadow, separating it from the background environment.", + "edit_type": "extract" + }, + "520": { + "id": "architecture/000276347.jpg", + "prompt": "Remove the two cabins (architecture) from the image, leaving only the surrounding snow-covered trees and the snowy landscape.", + "edit_type": "remove" + }, + "1124": { + "id": "daily object/000007834.jpg", + "prompt": "Change the hat's floral pattern to polka dots.", + "edit_type": "alter" + }, + "522": { + "id": "architecture/000303190.jpg", + "prompt": "Remove the shelter structure (including the roof and wooden supports) in the forest clearing.", + "edit_type": "remove" + }, + "1105": { + "id": "architecture/000023390.jpg", + "prompt": "Change the wood paneling color to a darker shade of brown.", + "edit_type": "alter" + }, + "400": { + "id": "architecture/000231068.jpg", + "prompt": "Extract the log cabin architecture in the image.", + "edit_type": "extract" + }, + "1116": { + "id": "architecture/000303190.jpg", + "prompt": "Change the wall color to light blue.", + "edit_type": "alter" + }, + "242": { + "id": "animal/000342021.jpg", + "prompt": "Change the background from the forest to a desert landscape.", + "edit_type": "background" + }, + "365": { + "id": "animal/000222070.jpg", + "prompt": "Extract the animal located in the lower center of the image, positioned on the road, with a fluffy tail and brownish fur.", + "edit_type": "extract" + }, + "631": { + "id": "daily object/000306869.jpg", + "prompt": "Replace the flower arrangement on the table in the image with a coffee mug.", + "edit_type": "replace" + }, + "42": { + "id": "for_add/000018370.jpg", + "prompt": "Add a vintage bicycle leaning against the fence on the left side of the road.", + "edit_type": "add" + }, + "471": { + "id": "human/000306019.jpg", + "prompt": "Remove the person in the foreground wearing a black beanie and hoodie.", + "edit_type": "remove" + }, + "487": { + "id": "animal/000216869.jpg", + "prompt": "Remove the bird perched on the branch in the foreground of the image.", + "edit_type": "remove" + }, + "728": { + "id": "style/000308736.jpg", + "prompt": "Transfer the image into a bold halftone pop-art comics style.", + "edit_type": "style" + }, + "1039": { + "id": "clothes/00000054.jpg", + "prompt": "Raise the person's left arm.", + "edit_type": "action" + }, + "405": { + "id": "architecture/000303190.jpg", + "prompt": "Extract the architectural elements from the image.", + "edit_type": "extract" + }, + "266": { + "id": "architecture/000050054.jpg", + "prompt": "Change the background forest to a sandy desert landscape with cacti and sand dunes, while making sure the lighting reflects a warm, sunny desert atmosphere.", + "edit_type": "background" + }, + "463": { + "id": "human/000264849.jpg", + "prompt": "Remove the girl wearing the tulle gown in the image while maintaining the natural background of trees and path.", + "edit_type": "remove" + }, + "1026": { + "id": "clothes/00000015.jpg", + "prompt": "Make the person raise her left arm.", + "edit_type": "action" + }, + "1080": { + "id": "animal/000308736.jpg", + "prompt": "Change the animal's fur color to a shade of blue.", + "edit_type": "alter" + }, + "647": { + "id": "style/000015317.jpg", + "prompt": "Transfer the image into a sepia-toned vintage-photograph style.", + "edit_type": "style" + }, + "722": { + "id": "style/000308736.jpg", + "prompt": "Transfer the image into a Lego-brick stop-motion diorama style.", + "edit_type": "style" + }, + "1097": { + "id": "transport/000278113.jpg", + "prompt": "Change the car color to red.", + "edit_type": "alter" + }, + "362": { + "id": "animal/000140400.jpg", + "prompt": "Extract the black bear from the forest environment in the image.", + "edit_type": "extract" + }, + "101": { + "id": "for_add/000276222.jpg", + "prompt": "Add a wooden bench near the tree on the right side of the image.", + "edit_type": "add" + }, + "253": { + "id": "transport/000264803.jpg", + "prompt": "Change the arid desert environment in the background to a lush tropical rainforest setting. Add dense trees and greenery to replace the sand and rocky terrain while keeping the boat visible in the foreground.", + "edit_type": "background" + }, + "626": { + "id": "daily object/000240448.jpg", + "prompt": "Replace the wooden bunk bed in the image with a stack of plastic storage containers.", + "edit_type": "replace" + }, + "549": { + "id": "human/000094249.jpg", + "prompt": "Replace the human in the image with a cactus.", + "edit_type": "replace" + }, + "610": { + "id": "architecture/000280642.jpg", + "prompt": "Replace the castle in the image with a giant wind turbine, blending it naturally into the rocky hillside environment.", + "edit_type": "replace" + }, + "534": { + "id": "daily object/000117413.jpg", + "prompt": "Remove the old brown suitcase on the ground in front of the stone wall.", + "edit_type": "remove" + }, + "1003": { + "id": "human/000015317.jpg", + "prompt": "Make the person raise his right arm.", + "edit_type": "action" + }, + "1166": { + "id": "compose/objects/14.jpg", + "prompt": "Remove the plant from the shelf, and resize the picture frame to be larger.", + "edit_type": "compose" + }, + "685": { + "id": "style/000280642.jpg", + "prompt": "Transfer the image into a neon-soaked cyberpunk poster style.", + "edit_type": "style" + }, + "1152": { + "id": "compose/human/3.jpg", + "prompt": "Remove the tablet in the hands of the man on the right, and change the color of the shirt worn by the man on the left to blue.", + "edit_type": "compose" + }, + "625": { + "id": "daily object/000158674.jpg", + "prompt": "Replace the sliced steak in the image with a folded umbrella.", + "edit_type": "replace" + }, + "690": { + "id": "style/000280642.jpg", + "prompt": "Transfer the image into a cyan blueprint technical-drawing style.", + "edit_type": "style" + }, + "234": { + "id": "animal/000145087.jpg", + "prompt": "Change the grassy hills in the picture to a beach with ocean waves.", + "edit_type": "background" + }, + "102": { + "id": "for_add/000276222.jpg", + "prompt": "Add a small stone gazebo near the center of the image.", + "edit_type": "add" + }, + "1142": { + "id": "daily object/000368863.jpg", + "prompt": "Change the color of the cup to blue.", + "edit_type": "alter" + }, + "433": { + "id": "clothes/00000000.jpg", + "prompt": "Extract the white Levi's T-shirt and the blue distressed denim skirt worn by the person in the image", + "edit_type": "extract" + }, + "425": { + "id": "daily object/000276684.jpg", + "prompt": "Extract the large colorful boot from the image.", + "edit_type": "extract" + }, + "228": { + "id": "animal/000047206.jpg", + "prompt": "Change the meadow with wildflowers background in the picture to a dense tropical rainforest.", + "edit_type": "background" + }, + "363": { + "id": "animal/000145087.jpg", + "prompt": "Extract the animal sitting near the wall in the image", + "edit_type": "extract" + }, + "1111": { + "id": "architecture/000231068.jpg", + "prompt": "Change the wall color to light blue.", + "edit_type": "alter" + }, + "209": { + "id": "human/000063961.jpg", + "prompt": "Change the stage background to a beach setting with palm trees and the ocean visible in the distance.", + "edit_type": "background" + }, + "110": { + "id": "for_add/000313906.jpg", + "prompt": "Add a picnic table with a couple of chairs in the grassy area near the tent, to create a cozy outdoor scene.", + "edit_type": "add" + }, + "448": { + "id": "clothes/00000045.jpg", + "prompt": "Extract the white shirt and dark pants worn by the person in the image", + "edit_type": "extract" + }, + "71": { + "id": "for_add/000088945.jpg", + "prompt": "Add a person ice skating in the middle of the rink, wearing a winter jacket and helmet.", + "edit_type": "add" + }, + "94": { + "id": "for_add/000236569.jpg", + "prompt": "Add a graceful swan swimming on the dance floor, near the center of the circular pattern.", + "edit_type": "add" + }, + "548": { + "id": "human/000063961.jpg", + "prompt": "Replace the human in the image with a microphone stand.", + "edit_type": "replace" + }, + "342": { + "id": "human/000270466.jpg", + "prompt": "Extract the human standing in the foreground wearing a grey zip-up hoodie with arms crossed.", + "edit_type": "extract" + }, + "458": { + "id": "human/000015317.jpg", + "prompt": "Remove the human standing in the foreground wearing a blue suit, who is positioned in front of the construction site.", + "edit_type": "remove" + }, + "338": { + "id": "human/000063961.jpg", + "prompt": "Extract the person singing into the microphone, including their sunglasses and microphone, from the image.", + "edit_type": "extract" + }, + "605": { + "id": "architecture/000189825.jpg", + "prompt": "Replace the yurt in the image with a small wooden cabin.", + "edit_type": "replace" + }, + "554": { + "id": "human/000286285.jpg", + "prompt": "Replace the child in the image with a large pumpkin. ", + "edit_type": "replace" + }, + "104": { + "id": "for_add/000295872.jpg", + "prompt": "Add a person riding a bicycle on the snowy path in the background.", + "edit_type": "add" + }, + "572": { + "id": "animal/000222070.jpg", + "prompt": "Replace the dog in the image with a vintage bicycle in the same outdoor setting.", + "edit_type": "replace" + }, + "369": { + "id": "animal/000308736.jpg", + "prompt": "Extract the horse standing in the frosty field with sunlight streaming through the trees in the background.", + "edit_type": "extract" + }, + "561": { + "id": "animal/000000265.jpg", + "prompt": "Replace the white rabbit in the image with a pineapple.", + "edit_type": "replace" + }, + "1072": { + "id": "animal/000125904.jpg", + "prompt": "Change the animal's fur color to a lighter shade of brown.", + "edit_type": "alter" + }, + "528": { + "id": "daily object/000027344.jpg", + "prompt": "Remove the teddy bear holding the heart in the foreground.", + "edit_type": "remove" + }, + "1126": { + "id": "daily object/000056963.jpg", + "prompt": "Change the mug color to blue.", + "edit_type": "alter" + } +} \ No newline at end of file diff --git a/univa/eval/imgedit/eval_prompts/prompts.json b/univa/eval/imgedit/eval_prompts/prompts.json new file mode 100644 index 0000000000000000000000000000000000000000..ce9409100b71f6dcecfc34483ce009268f67f157 --- /dev/null +++ b/univa/eval/imgedit/eval_prompts/prompts.json @@ -0,0 +1,11 @@ +{ + "replace": "\nYou are a data rater specializing in grading image replacement edits. You will be given two images (before and after editing) and the corresponding editing instructions. Your task is to evaluate the replacement editing effect on a 5-point scale from three perspectives:\n\nPrompt Compliance\n1 Target not replaced, or an unrelated object edited.\n2 Only part of the target replaced, or wrong class/description used.\n3 Target largely replaced but other objects altered, remnants visible, or count/position clearly wrong.\n4 Correct object fully replaced; only minor attribute errors (colour, size, etc.).\n5 Perfect replacement: all and only the specified objects removed; new objects’ class, number, position, scale, pose and detail exactly match the prompt.\n\nVisual Naturalness\n1 Image heavily broken or new object deformed / extremely blurred.\n2 Obvious seams, smears, or strong mismatch in resolution or colour; background not restored.\n3 Basic style similar, but lighting or palette clashes; fuzzy edges or noise are noticeable.\n4 Style almost uniform; tiny edge artefacts visible only on close inspection; casual viewers see no edit.\n5 Completely seamless; new objects blend fully with the scene, edit area undetectable.\n\nPhysical & Detail Integrity\n1 Floating, interpenetration, severe perspective/light errors; key original elements ruined; background heavily warped.\n2 Missing shadows/occlusion; large background shifts or holes.\n3 Lighting, perspective and contact surfaces mostly correct; small but tolerable errors; background adjusted locally.\n4 New objects interact realistically with scene (shadows, reflections, texture) and preserve existing details; background change minimal.\n5 Physically flawless and enhances realism: accurate highlights, shadows, reflections, ambient effects; background untouched.\nThe second and third score should no higher than first score!!!\n\nExample Response Format:\nBrief reasoning: A short explanation of the score based on the criteria above, no more than 20 words.\nPrompt Compliance: A number from 1 to 5.\nVisual Naturalness: A number from 1 to 5.\nPhysical & Detail Integrity: A number from 1 to 5.\nediting instruction is : .\n\nBelow are the images before and after editing:\n", + "add": "\nYou are a data rater specializing in grading image addition edits. You will be given two images (before and after editing) and the corresponding editing instructions. Your task is to evaluate the added object(s) on a 5-point scale from three perspectives:\n\nPrompt Compliance\n1 Nothing added or the added content is corrupt.\n2 Added object is a wrong class or unrelated to the prompt.\n3 Correct class, but key attributes (position, colour, size, count, etc.) are wrong.\n4 Main attributes correct; only minor details off or 1-2 small features missing.\n5 Every stated attribute correct and scene logic reasonable; only microscopic flaws.\n\nVisual Naturalness\n1 Image badly broken or full of artefacts.\n2 Obvious paste marks; style, resolution, or palette strongly mismatch.\n3 General style similar, but lighting or colours clearly clash; noticeable disharmony.\n4 Style almost uniform; small edge issues visible only when zoomed.\n5 Perfect blend; no visible difference between added object and original image.\n\nPhysical & Detail Coherence\n1 Severe physical errors (floating, wrong perspective/light); key original elements blocked; background heavily distorted.\n2 Contact or occlusion handled poorly; minor background shifts, jaggies or noise; background visibly changed.\n3 Lighting, perspective, and contact mostly correct; remaining flaws small and acceptable; limited background change.\n4 Shadows, reflections, and material response believable; no loss of original detail; background changes are minute.\n5 Added object enhances overall realism: precise highlights, shadows, ambient effects; background essentially untouched.\nThe second and third score should no higher than first score!!!\n\nExample Response Format:\nBrief reasoning: A short explanation of the score based on the criteria above, no more than 20 words.\nPrompt Compliance: A number from 1 to 5.\nVisual Naturalness: A number from 1 to 5.\nPhysical & Detail Coherence: A number from 1 to 5.\nediting instruction is : .\n\nBelow are the images before and after editing:\n", + "adjust": "\nYou are a data rater specializing in grading attribute alteration edits. You will be given two images (before and after editing) and the corresponding editing instructions. Your task is to evaluate the attribute change on a 5-point scale from three perspectives:\n\nPrompt Compliance\n1 Target not adjusted, wrong object touched, or geometry changed.\n2 Right object but wrong attribute value/direction; only part edited; other objects also altered; slight stretch/crop.\n3 Mainly correct object and attribute, yet large hue/brightness/texture error; minor collateral edits; visible jaggies/distortion.\n4 All requested objects adjusted, only their attributes changed; shape kept; small inaccuracy in colour, material or amount.\n5 Exactly and only the requested objects adjusted; colour, material, gloss etc. match the prompt perfectly; shape 100% intact; zero unintended edits.\n\nVisual Seamlessness\n1 Massive colour spill, mosaics or heavy noise; image nearly unusable.\n2 Clear smears/bleeding on edges; abrupt resolution or tone shift; highlights/shadows clipped; background gaps.\n3 Overall palette OK but local tone or grain conflicts; soft edges; noticeable disharmony.\n4 Style unified, transitions smooth; only slight edge artefacts visible when zoomed.\n5 No detectable edit traces; colours/materials fuse with scene lighting; edit area practically invisible.\n\nPhysical & Detail Fidelity\n1 Object floating, interpenetrating, or severe perspective/light mismatch; background badly warped.\n2 Missing shadows/highlights; wrong reflection direction; background visibly discoloured or distorted.\n3 Light, perspective and contact surface largely correct; minor acceptable flaws; background only locally affected.\n4 Adjusted material interacts believably with scene; shadows, highlights, reflections handled well; original details preserved.\n5 High physical realism: fine micro-highlights, diffuse bounce, subsurface effects present; overall scene realism improved.\nThe second and third score should no higher than first score!!!\n\nExample Response Format:\nBrief reasoning: A short explanation of the score based on the criteria above, no more than 20 words.\nPrompt Compliance: A number from 1 to 5.\nVisual Seamlessness: A number from 1 to 5.\nPhysical & Detail Fidelity: A number from 1 to 5.\nediting instruction is : .\n\nBelow are the images before and after editing:\n", + "remove": "\nYou are a data rater specializing in grading object removal edits. You will be given two images (before and after editing) and the corresponding editing instructions. Your task is to evaluate the removal quality on a 5-point scale from three perspectives:\n\nPrompt Compliance\n1 Nothing removed, or an unrelated object edited.\n2 Target only partly removed, or a different instance/class deleted, or another object appears in the gap.\n3 Target mostly removed but extra objects also deleted, or fragments of the target remain.\n4 Only the specified objects removed, but a few tiny/background items deleted by mistake, or the count is wrong.\n5 Perfect: all and only the requested objects removed; every other element untouched.\n\nVisual Naturalness\n1 Image badly broken (large holes, strong artefacts).\n2 Clear erase marks; colour/resolution mismatch; background not restored.\n3 General look acceptable yet lighting/colour/style still clash; blur or noise visible.\n4 Style consistent; minor edge issues visible only when zoomed.\n5 Seamless: removal is virtually impossible to spot.\n\nPhysical & Detail Integrity\n1 Severe physical errors (floating items, wrong perspective/light); key scene elements damaged; background heavily warped.\n2 Large un-filled gaps or obvious background shifts.\n3 Lighting, perspective and contacts mostly correct; flaws small and tolerable; background adjusted locally.\n4 Background reconstruction clean; existing details preserved; only minute changes outside the removal area.\n5 Physically flawless and even enhances realism: accurate light/shadow/texture infill, high-quality micro-details.\nThe second and third score should no higher than first score!!!\n\nExample Response Format:\nBrief reasoning: A short explanation of the score based on the criteria above, no more than 20 words.\nPrompt Compliance: A number from 1 to 5.\nVisual Naturalness: A number from 1 to 5.\nPhysical & Detail Integrity: A number from 1 to 5.\nediting instruction is : .\n\nBelow are the images before and after editing:\n", + "style": "\nYou are a data rater specializing in grading style transfer edits. You will be given an input image, a reference style, and the styled result. Your task is to evaluate the style transfer on a 5-point scale from three perspectives:\n\nStyle Fidelity\n1 Target style absent or clearly wrong.\n2 Style shows in a few areas only, or mixed with unrelated styles.\n3 Key traits (palette, brushwork, texture) present but patchy or inconsistent.\n4 Style reproduced across almost the whole image; only small local mismatches.\n5 Full, faithful transfer: colour, texture, brushwork, lighting all match the exemplar over the entire image.\n\nContent Preservation\n1 Major objects or layout lost/distorted; original scene barely recognisable.\n2 Main subject recognisable, but size, perspective or key parts clearly wrong/missing.\n3 Overall structure correct; some local warping or minor omissions.\n4 Nearly all geometry intact; only slight, non-distracting deformation.\n5 All objects and spatial relations kept; only stylistic, harmless distortion.\n\nRendering Quality\n1 Heavy noise, banding, pixel damage or blur; image unusable.\n2 Visible seams, aliasing, colour drift; low resolution or chaotic strokes.\n3 Moderate quality: local blur/noise/texture breaks, but generally acceptable.\n4 Sharp, coherent strokes; tiny artefacts visible only when zoomed.\n5 High resolution, no artefacts; strokes, textures and colour transitions look fully natural.\nThe second and third score should no higher than first score!!!\n\nExample Response Format:\nBrief reasoning: A short explanation of the score based on the criteria above, no more than 20 words.\nStyle Fidelity: A number from 1 to 5.\nContent Preservation: A number from 1 to 5.\nRendering Quality: A number from 1 to 5.\nediting instruction is : .\n\nBelow are the input, reference style, and styled output image:\n", + "action": "\nYou are a data rater specializing in grading action or expression change edits. You will be given two images (before and after editing) and the editing instruction. Your task is to evaluate the motion or expression change on a 5-point scale from three perspectives:\n\nAction / Expression Fidelity\n1 No visible change, or wrong action / expression.\n2 Partial or clearly incorrect pose; only some body parts change; expression direction wrong.\n3 Main idea present but details off (angle, side, intensity, missing gesture).\n4 Requested pose / expression achieved with just minor inaccuracy (small angular drift, timing nuance).\n5 Exact match to prompt: every limb, gesture, and facial muscle aligns with the described action.\n\nIdentity Preservation\n1 Person unrecognisable; face or body replaced.\n2 Strong drift: key facial features, hairstyle or clothing heavily altered.\n3 Mostly same identity; moderate changes in some features but still recognisable.\n4 Identity clearly the same; only subtle stylisation or lighting differences.\n5 Perfect preservation of face, hairstyle, skin tone, clothing and accessories.\n\nVisual & Anatomical Coherence\n1 Severe artifacts: broken or duplicated limbs, extreme distortion, heavy noise/blur.\n2 Noticeable cut-out halos, proportion errors, lighting or perspective clearly off.\n3 Generally plausible; minor joint or shading issues; small noise/blur acceptable.\n4 Clean render; anatomy, lighting, depth and edges consistent; flaws only on close inspection.\n5 Flawless realism or stylistic coherence; perfect anatomy, lighting, shadows and texture continuity.\nThe second and third score should no higher than first score!!!\n\nExample Response Format:\nBrief reasoning: A short explanation of the score based on the criteria above, no more than 20 words.\nAction Fidelity: A number from 1 to 5.\nIdentity Preservation: A number from 1 to 5.\nVisual & Anatomical Coherence: A number from 1 to 5.\nediting instruction is : .\n\nBelow are the images before and after editing:\n", + "extract": "\nYou are a data rater specializing in grading object cut-out quality. You will be given an image with the object extracted on a white background. Your task is to evaluate the cut-out accuracy on a 5-point scale from three perspectives:\n\nObject Selection & Identity\n1 Wrong object or multiple objects extracted.\n2 Correct class but only part of the object, or obvious intrusions from other items.\n3 Object largely correct yet small pieces missing / extra, identity still recognisable.\n4 Full object with clear identity; only tiny mis-crop (e.g., tip of antenna).\n5 Exact requested object, complete and unmistakably the same instance (ID).\n\nMask Precision & Background Purity\n1 Large background remnants, holes in mask, or non-white backdrop dominates.\n2 Noticeable jagged edges, colour fringes, grey/colour patches in white area.\n3 Acceptable mask; minor edge softness or faint halo visible on close look.\n4 Clean, smooth edges; white (#FFFFFF) background uniform, tiny artefacts only when zoomed.\n5 Crisp anti-aliased contour, zero spill or halo; backdrop perfectly pure white throughout.\n\nObject Integrity & Visual Quality\n1 Severe blur, compression, deformation, or missing parts; unusable.\n2 Moderate noise, colour shift, or slight warping; details clearly degraded.\n3 Overall intact with minor softness or noise; colours mostly preserved.\n4 Sharp detail, accurate colours; negligible artefacts.\n5 Pristine: high-resolution detail, true colours, no artefacts or distortion.\nThe second and third score should no higher than first score!!!\n\nExample Response Format:\nBrief reasoning: A short explanation of the score based on the criteria above, no more than 20 words.\nObject Identity: A number from 1 to 5.\nMask Precision: A number from 1 to 5.\nVisual Quality: A number from 1 to 5.\nediting instruction is : .\n\nBelow is the extracted object image:\n", + "background": "\nYou are a data rater specializing in grading background editing. You will be given two images (before and after editing) and the editing instruction. Your task is to evaluate the background change on a 5-point scale from three perspectives:\n\nInstruction Compliance\n1 No change, or background unrelated to prompt, or foreground also replaced/distorted.\n2 Background partly replaced or wrong style/content; foreground noticeably altered.\n3 Main background replaced but elements missing/extra, or faint spill onto subject edges.\n4 Requested background fully present; foreground intact except minute artefacts or small prompt mismatch (e.g. colour tone).\n5 Background exactly matches prompt (content, style, placement); all foreground pixels untouched.\n\nVisual Seamlessness (Edge & Texture Blend)\n1 Large tearing, posterisation, extreme blur/noise; edit area obvious at a glance.\n2 Clear cut-out halos, colour-resolution gap, or heavy smudge strokes.\n3 Blend acceptable but visible on closer look: slight edge blur, grain or palette shift.\n4 Nearly invisible seams; textures and sharpness aligned, only minor issues when zoomed in.\n5 Indistinguishable composite: edges, textures, resolution and colour grading perfectly continuous.\n\nPhysical Consistency (Lighting, Perspective, Depth)\n1 Severe mismatch: wrong horizon, conflicting light direction, floating subject, warped geometry.\n2 Noticeable but not extreme inconsistencies in light, shadows or scale; depth cues off.\n3 Overall believable; small errors in shadow length, perspective or ambient colour.\n4 Lighting, scale, depth, and camera angle well matched; only subtle discrepancies.\n5 Physically flawless: foreground and new background share coherent light, shadows, reflections, perspective and atmospheric depth, enhancing overall realism.\nThe second and third score should no higher than first score!!!\n\nExample Response Format:\nBrief reasoning: A short explanation of the score based on the criteria above, no more than 20 words.\nInstruction Compliance: A number from 1 to 5.\nVisual Seamlessness: A number from 1 to 5.\nPhysical Consistency: A number from 1 to 5.\nediting instruction is : .\n\nBelow are the images before and after editing:\n", + "compose": "\nYou are a data rater specializing in grading hybrid image edits (involving multiple operations on multiple objects). You will be given two images (before and after editing) and the editing instruction. Your task is to evaluate the overall editing quality on a 5-point scale from three perspectives:\n\nInstruction Compliance\n1 Neither object nor operations match the prompt; wrong items edited or shapes distorted.\n2 Only one object correctly edited, or both edited but with wrong/partial operations; collateral changes to other items.\n3 Both target objects touched, each with the requested operation broadly correct but missing details (e.g., wrong colour value, incomplete removal).\n4 Both objects receive the exact operations; tiny deviations in amount, position, or parameter. No unintended edits elsewhere.\n5 Perfect execution: each object fully reflects its specified operation, all other scene elements untouched.\n\nVisual Naturalness (Seamlessness)\n1 Large artefacts, obvious cut-outs, heavy blur/noise; edits conspicuous at a glance.\n2 Clear edge halos, colour or resolution mismatch, awkward scaling.\n3 Acceptable but visible on close look: slight edge softness, minor palette or focus shift.\n4 Edits blend smoothly; seams hard to spot, textures and sharpness largely consistent.\n5 Indistinguishable composite: colour grading, grain, resolution and style fully match the original image.\n\nPhysical Consistency & Fine Detail\n1 Severe lighting/perspective mismatch, missing or wrong shadows; objects appear floating or warped.\n2 Noticeable but tolerable inconsistencies in illumination, scale, or depth cues.\n3 Generally plausible; small errors in shadow length, reflection angle, or texture alignment.\n4 Lighting, perspective, and material response closely match; only subtle flaws visible when zoomed.\n5 Physically flawless: shadows, highlights, reflections, depth and texture perfectly integrated, enhancing overall realism.\nThe second and third score should no higher than first score!!!\n\nExample Response Format:\nBrief reasoning: A short explanation of the score based on the criteria above, no more than 20 words.\nInstruction Compliance: A number from 1 to 5.\nVisual Naturalness: A number from 1 to 5.\nPhysical Consistency & Fine Detail: A number from 1 to 5.\nediting instruction is : .\n\nBelow are the images before and after editing:\n" +} \ No newline at end of file diff --git a/univa/eval/imgedit/imgedit.yaml b/univa/eval/imgedit/imgedit.yaml new file mode 100644 index 0000000000000000000000000000000000000000..283eddab37a97a0990ef0456e073ec0a854d6471 --- /dev/null +++ b/univa/eval/imgedit/imgedit.yaml @@ -0,0 +1,20 @@ +pretrained_lvlm_name_or_path: /mnt/data/lb/Remake/UniWorld//checkpoints/flux_qwen2p5vl_7b_vlm_mlp_siglip_stage2_ts_1024_bs42x8x1_fa_any_11ratio_ema999_ocr_adamw_t5_1p0_lr5e-6_mask_refstyle_extract/checkpoint-20000/model_ema +pretrained_denoiser_name_or_path: /mnt/data/checkpoints/black-forest-labs/FLUX.1-dev/ +pretrained_siglip_name_or_path: /mnt/data/checkpoints/google/siglip2-so400m-patch16-512 +joint_with_t5: true + +seed: 42 +allow_tf32: false + +output_dir: /mnt/data/lb/Remake/UniWorld//eval_output/imgedit + +num_images_per_prompt: 1 +num_inference_steps: 28 +guidance_scale: 3.5 +height: 1024 +width: 1024 + +imgedit_prompt_path: eval_prompts/basic_edit.json +imgedit_image_dir: /mnt/data/lb/Remake/imgedit_bench_eval_images +resized_height: 1024 +resized_width: 1024 \ No newline at end of file diff --git a/univa/eval/imgedit/step0_original_img.py b/univa/eval/imgedit/step0_original_img.py new file mode 100644 index 0000000000000000000000000000000000000000..0ed4c8acaf5d5271a977b084c5cbc9e0e7853427 --- /dev/null +++ b/univa/eval/imgedit/step0_original_img.py @@ -0,0 +1,78 @@ +import json +from datasets import Dataset, load_dataset +import math, os + +# Dataset info structure: +# - task_type: string - Type of the task +# - key: string - Unique identifier for the sample +# - instruction: string - Task instruction/prompt +# - instruction_language: string - Language of the instruction +# - input_image: Image - Original input image +# - input_image_raw: Image - Raw/unprocessed input image +# - Intersection_exist: bool - Whether intersection exists + +def calculate_dimensions(target_area, ratio): + width = math.sqrt(target_area * ratio) + height = width / ratio + + width = round(width / 32) * 32 + height = round(height / 32) * 32 + + new_area = width * height + if new_area < target_area: + width += 32 + new_area = width * height + elif new_area > target_area: + width -= 32 + new_area = width * height + + return width, height, new_area + +# Load dataset +dataset = load_dataset("stepfun-ai/GEdit-Bench") +save_path = "/path/to/save/directory" + +# Dictionary to store instruction and image paths +instruction_image_paths = {} + +for item in dataset['train']: + + task_type = item['task_type'] + key = item['key'] + instruction = item['instruction'] + instruction_language = item['instruction_language'] + input_image = item['input_image'] + input_image_raw = item['input_image_raw'] + intersection_exist = item['Intersection_exist'] + + target_width, target_height, new_area = calculate_dimensions(512 * 512, input_image_raw.width / input_image_raw.height) + resize_input_image = input_image_raw.resize((target_width, target_height)) + + + + save_path_fullset_source_image = f"{save_path}/fullset/{task_type}/{instruction_language}/{key}_SRCIMG.png" + save_path_fullset = f"{save_path}/fullset/{task_type}/{instruction_language}/{key}.png" + + relative_path = f"fullset/{task_type}/{instruction_language}/{key}.png" + + # Create directories if they don't exist + os.makedirs(os.path.dirname(save_path_fullset_source_image), exist_ok=True) + os.makedirs(os.path.dirname(save_path_fullset), exist_ok=True) + + # Save the images + input_image.save(save_path_fullset_source_image) + resize_input_image.save(save_path_fullset) + + # Store instruction and corresponding image path in the dictionary + instruction_image_paths[key] = { + 'prompt': instruction, + 'id': relative_path, + 'edit_type': task_type, + } + +# Save the dictionary to a JSON file +json_file_path = "/path/to/save/instruction_image_paths.json" +with open(json_file_path, 'w') as json_file: + json.dump(instruction_image_paths, json_file, indent=4) + +print(f"Instruction and image paths saved to {json_file_path}") diff --git a/univa/eval/imgedit/step1_gen_samples.py b/univa/eval/imgedit/step1_gen_samples.py new file mode 100644 index 0000000000000000000000000000000000000000..45a4601e4dc10c8d9799b7f837db9d4c4ae3dc43 --- /dev/null +++ b/univa/eval/imgedit/step1_gen_samples.py @@ -0,0 +1,254 @@ + +import sys +import os +root = os.path.abspath(os.path.join(os.path.dirname(__file__), "..", "..", "..")) +sys.path.append(root) +import json +import torch +import random +import subprocess +import numpy as np +import torch.distributed as dist +import pandas as pd +import argparse +import torch +import os +from PIL import Image +from tqdm import tqdm +import torch.distributed as dist +from qwen_vl_utils import process_vision_info +from torchvision import transforms +from transformers import AutoProcessor +from transformers import SiglipImageProcessor, SiglipVisionModel +from univa.utils.flux_pipeline import FluxPipeline +from univa.eval.configuration_eval import EvalConfig +from univa.utils.get_ocr import get_ocr_result +from univa.utils.denoiser_prompt_embedding_flux import encode_prompt +from univa.models.qwen2p5vl.modeling_univa_qwen2p5vl import UnivaQwen2p5VLForConditionalGeneration +from univa.utils.anyres_util import dynamic_resize + +# adapted from https://github.com/huggingface/accelerate/blob/main/src/accelerate/utils/random.py#L31 +def set_seed(seed, rank, device_specific=True): + if device_specific: + seed += rank + random.seed(seed) + np.random.seed(seed) + torch.manual_seed(seed) + torch.cuda.manual_seed(seed) + torch.cuda.manual_seed_all(seed) + torch.backends.cudnn.deterministic = True + torch.backends.cudnn.benchmark = False + +def initialize_models(args, device): + + # Load main model and task head + model = UnivaQwen2p5VLForConditionalGeneration.from_pretrained( + args.pretrained_lvlm_name_or_path, + torch_dtype=torch.bfloat16 + ).to(device) + + processor = AutoProcessor.from_pretrained( + args.pretrained_lvlm_name_or_path, + min_pixels=args.min_pixels, + max_pixels=args.max_pixels, + ) + + # Load FLUX pipeline + pipe = FluxPipeline.from_pretrained( + args.pretrained_denoiser_name_or_path, + transformer=model.denoise_tower.denoiser, + torch_dtype=torch.bfloat16, + ).to(device) + tokenizers = [pipe.tokenizer, pipe.tokenizer_2] + text_encoders = [pipe.text_encoder, pipe.text_encoder_2] + + siglip_processor = SiglipImageProcessor.from_pretrained(args.pretrained_siglip_name_or_path) + siglip_model = SiglipVisionModel.from_pretrained( + args.pretrained_siglip_name_or_path, + torch_dtype=torch.bfloat16, + ).to(device) + + return { + 'model': model, + 'processor': processor, + 'pipe': pipe, + 'tokenizers': tokenizers, + 'text_encoders': text_encoders, + 'device': device, + 'siglip_model': siglip_model, + 'siglip_processor': siglip_processor, + } + + +def init_gpu_env(args): + local_rank = int(os.getenv('RANK', 0)) + world_size = int(os.getenv('WORLD_SIZE', 1)) + args.local_rank = local_rank + args.world_size = world_size + torch.cuda.set_device(local_rank) + dist.init_process_group( + backend='nccl', init_method='env://', + world_size=world_size, rank=local_rank + ) + return args + +def update_size(i1, i2, anyres='any_11ratio', anchor_pixels=1024*1024): + shapes = [] + for p in (i1, i2): + if p: + im = Image.open(p) + w, h = im.size + shapes.append((w, h)) + if not shapes: + return int(anchor_pixels**0.5), int(anchor_pixels**0.5) + if len(shapes) == 1: + w, h = shapes[0] + else: + w = sum(s[0] for s in shapes) / len(shapes) + h = sum(s[1] for s in shapes) / len(shapes) + new_h, new_w = dynamic_resize(int(h), int(w), anyres, anchor_pixels=anchor_pixels) + return new_h, new_w + +def run_model_and_return_samples(args, state, text, image1=None, image2=None): + + # Build content + convo = [] + image_paths = [] + content = [] + if text: + ocr_text = '' + if args.ocr_enhancer and content: + ocr_texts = [] + for img in (image1, image2): + if img: + ocr_texts.append(get_ocr_result(img, cur_ocr_i)) + cur_ocr_i += 1 + ocr_text = '\n'.join(ocr_texts) + content.append({'type':'text','text': text + ocr_text}) + for img in (image1, image2): + if img: + content.append({'type':'image','image':img,'min_pixels':args.min_pixels,'max_pixels':args.max_pixels}) + image_paths.append(img) + + convo.append({'role':'user','content':content}) + + new_h, new_w = update_size(image1, image2, 'any_11ratio', anchor_pixels=args.height * args.width) + + # Prepare inputs + chat_text = state['processor'].apply_chat_template( + convo, + tokenize=False, + add_generation_prompt=True + ) + chat_text = '<|im_end|>\n'.join(chat_text.split('<|im_end|>\n')[1:]) + image_inputs, video_inputs = process_vision_info(convo) + inputs = state['processor']( + text=[chat_text], images=image_inputs, videos=video_inputs, + padding=True, return_tensors='pt' + ).to(state['device']) + + # Generate + # image generation pipeline + siglip_hs = None + if state['siglip_processor'] and image_paths: + vals = [state['siglip_processor'].preprocess( + images=Image.open(p).convert('RGB'), do_resize=True, + return_tensors='pt', do_convert_rgb=True + ).pixel_values.to(state['device']) + for p in image_paths] + siglip_hs = state['siglip_model'](torch.concat(vals)).last_hidden_state + + with torch.no_grad(): + lvlm = state['model']( + inputs.input_ids, pixel_values=getattr(inputs,'pixel_values',None), + attention_mask=inputs.attention_mask, + image_grid_thw=getattr(inputs,'image_grid_thw',None), + siglip_hidden_states=siglip_hs, + output_type='denoise_embeds' + ) + prm_embeds, pooled = encode_prompt( + state['text_encoders'], state['tokenizers'], + text if args.joint_with_t5 else '', 256, state['device'], 1 + ) + if args.only_use_t5: + emb = prm_embeds + else: + emb = torch.concat([lvlm, prm_embeds], dim=1) if args.joint_with_t5 else lvlm + + with torch.no_grad(): + img = state['pipe']( + prompt_embeds=emb, + pooled_prompt_embeds=pooled, + # height=args.height, + # width=args.width, + height=new_h, + width=new_w, + num_inference_steps=args.num_inference_steps, + guidance_scale=args.guidance_scale, + num_images_per_prompt=args.num_images_per_prompt, + ).images + return img + + +def main(args): + + args = init_gpu_env(args) + + torch.backends.cuda.matmul.allow_tf32 = False + torch.backends.cudnn.allow_tf32 = False + if args.allow_tf32: + torch.backends.cuda.matmul.allow_tf32 = True + torch.backends.cudnn.allow_tf32 = True + + set_seed(args.seed, rank=args.local_rank, device_specific=True) + device = torch.cuda.current_device() + state = initialize_models(args, device) + + # Create the output directory if it doesn't exist + os.makedirs(args.output_dir, exist_ok=True) + + # Load the evaluation prompts + with open(args.imgedit_prompt_path, "r") as f: + data = json.load(f) + + inference_list = [] + + for key, value in tqdm(data.items()): + outpath = args.output_dir + os.makedirs(outpath, exist_ok=True) + + prompt = value["prompt"] + image_path = os.path.join(args.imgedit_image_dir, value["id"]) + inference_list.append([prompt, outpath, key, image_path]) + + inference_list = inference_list[args.local_rank::args.world_size] + + for prompt, output_path, key, image_path in tqdm(inference_list): + if os.path.exists(os.path.join(output_path, f"{key}.png")): + continue + image = run_model_and_return_samples(args, state, prompt, image1=image_path, image2=None) + image = image[0] + # image = image.resize((args.resized_width, args.resized_height)) + image.save( + os.path.join(output_path, f"{key}.png") + ) + + +if __name__ == "__main__": + import argparse + from omegaconf import OmegaConf + + parser = argparse.ArgumentParser() + parser.add_argument("config", type=str) + parser.add_argument("--pretrained_lvlm_name_or_path", type=str, default=None, required=False) + parser.add_argument("--output_dir", type=str, default=None, required=False) + args = parser.parse_args() + + config = OmegaConf.load(args.config) + schema = OmegaConf.structured(EvalConfig) + conf = OmegaConf.merge(schema, config) + if args.pretrained_lvlm_name_or_path is not None: + assert args.output_dir is not None + conf.pretrained_lvlm_name_or_path = args.pretrained_lvlm_name_or_path + conf.output_dir = args.output_dir + main(conf) \ No newline at end of file diff --git a/univa/eval/imgedit/step2_basic_bench.py b/univa/eval/imgedit/step2_basic_bench.py new file mode 100644 index 0000000000000000000000000000000000000000..6fede880823555306166f83e7a294a31fda48411 --- /dev/null +++ b/univa/eval/imgedit/step2_basic_bench.py @@ -0,0 +1,109 @@ +import base64 +import os +import json +import argparse +from openai import OpenAI +from tqdm import tqdm +from tenacity import retry, wait_exponential, stop_after_attempt +from concurrent.futures import ThreadPoolExecutor, as_completed + +def load_prompts(prompts_json_path): + with open(prompts_json_path, 'r') as f: + return json.load(f) + +def image_to_base64(image_path): + try: + with open(image_path, "rb") as image_file: + return base64.b64encode(image_file.read()).decode('utf-8') + except FileNotFoundError: + print(f"File {image_path} not found.") + return None + +@retry(wait=wait_exponential(multiplier=1, min=2, max=2), stop=stop_after_attempt(100)) +def call_gpt(original_image_path, result_image_path, edit_prompt, edit_type, prompts, api_key, base_url): + try: + original_image_base64 = image_to_base64(original_image_path) + result_image_base64 = image_to_base64(result_image_path) + + if not original_image_base64 or not result_image_base64: + return {"error": "Image conversion failed"} + + client = OpenAI( + api_key=api_key, + base_url=base_url + ) + + prompt = prompts[edit_type] + full_prompt = prompt.replace('', edit_prompt) + + response = client.chat.completions.create( + model="gpt-4.1", + stream=False, + messages=[{ + "role": "user", + "content": [ + {"type": "text", "text": full_prompt}, + {"type": "image_url", "image_url": {"url": f"data:image/png;base64,{original_image_base64}"}}, + {"type": "image_url", "image_url": {"url": f"data:image/png;base64,{result_image_base64}"}} + ] + }] + ) + + return response + except Exception as e: + print(f"Error in calling GPT API: {e}") + raise + +def process_single_item(key, item, result_img_folder, origin_img_root, prompts, api_key, base_url): + result_img_name = f"{key}.png" + result_img_path = os.path.join(result_img_folder, result_img_name) + origin_img_path = os.path.join(origin_img_root, item['id']) + edit_prompt = item['prompt'] + edit_type = item['edit_type'] + + response = call_gpt(origin_img_path, result_img_path, edit_prompt, edit_type, prompts, api_key, base_url) + return key, response.choices[0].message.content + +def process_json(edit_json, result_img_folder, origin_img_root, num_threads, prompts, result_json, api_key, base_url): + with open(edit_json, 'r') as f: + edit_infos = json.load(f) + + results = {} + with ThreadPoolExecutor(max_workers=num_threads) as executor: + future_to_key = { + executor.submit(process_single_item, key, item, result_img_folder, origin_img_root, prompts, api_key, base_url): key + for key, item in edit_infos.items() + } + + for future in tqdm(as_completed(future_to_key), total=len(future_to_key), desc="Processing edits"): + key = future_to_key[future] + try: + k, result = future.result() + results[k] = result + except Exception as e: + print(f"Error processing key {key}: {e}") + results[key] = {"error": str(e)} + + # Save results to the specified output JSON file + with open(result_json, 'w') as f: + json.dump(results, f, indent=4) + +def main(): + parser = argparse.ArgumentParser(description="Evaluate image edits using GPT") + parser.add_argument('--result_img_folder', type=str, required=True, help="Folder with subfolders of edited images") + parser.add_argument('--edit_json', type=str, required=True, help="Path to JSON file mapping keys to metadata") + parser.add_argument('--origin_img_root', type=str, required=True, help="Root path where original images are stored") + parser.add_argument('--num_processes', type=int, default=32, help="Number of parallel threads") + parser.add_argument('--prompts_json', type=str, required=True, help="JSON file containing prompts") + parser.add_argument('--result_json', type=str, required=True, help="Path to output JSON file") + parser.add_argument('--api_key', type=str, required=True, help="API key for authentication") # Add API key argument + parser.add_argument('--base_url', type=str, default="https://api.openai.com/v1/chat/completions", help="Base URL for the API") # Add base_url argument + + args = parser.parse_args() + + prompts = load_prompts(args.prompts_json) + + process_json(args.edit_json, args.result_img_folder, args.origin_img_root, args.num_processes, prompts, args.result_json, args.api_key, args.base_url) + +if __name__ == "__main__": + main() diff --git a/univa/eval/imgedit/step3_get_avgscore.py b/univa/eval/imgedit/step3_get_avgscore.py new file mode 100644 index 0000000000000000000000000000000000000000..ff6692b033349df0f4e23d73859856f4a1d0e3d8 --- /dev/null +++ b/univa/eval/imgedit/step3_get_avgscore.py @@ -0,0 +1,66 @@ +import json +import argparse +from collections import defaultdict + +# Code1: Calculate average score for each key +def extract_scores_and_average(entry: str) -> float: + lines = entry.splitlines() + scores = [] + for line in lines: + parts = line.strip().split(': ') + if len(parts) == 2 and parts[1].isdigit(): + scores.append(int(parts[1])) + if scores: + return round(sum(scores) / len(scores), 2) + return None + +def compute_averages(input_dict): + result = {} + for key, value in input_dict.items(): + avg = extract_scores_and_average(value) + if avg is not None: + result[key] = avg + return result + +# Code2: Compute edit type averages +def compute_edit_type_averages(score_dict, meta_dict): + edit_type_scores = defaultdict(list) + + for key, score in score_dict.items(): + meta = meta_dict.get(key, {}) + edit_type = meta.get("edit_type") + if edit_type is not None: + edit_type_scores[edit_type].append(score) + + averaged_by_type = { + etype: round(sum(scores) / len(scores), 2) + for etype, scores in edit_type_scores.items() if scores + } + return averaged_by_type + +def main(): + parser = argparse.ArgumentParser(description="Calculate averages based on the input json") + parser.add_argument('--input', type=str, required=True, help='Path of input json (with scores)') + parser.add_argument('--meta_json', type=str, required=True, help='Path of meta json (with edit_type info)') + parser.add_argument('--output_json', type=str, required=True, help='Path of output json (averaged scores by edit_type)') + + args = parser.parse_args() + + # Step 1: Load the input JSON and calculate average scores + with open(args.input, 'r', encoding='utf-8') as f: + data = json.load(f) + + averaged_data = compute_averages(data) + + # Step 2: Load the meta JSON and calculate edit type averages + with open(args.meta_json, 'r', encoding='utf-8') as f: + meta_data = json.load(f) + + averaged_result = compute_edit_type_averages(averaged_data, meta_data) + + # Step 3: Save the result into output JSON + with open(args.output_json, 'w', encoding='utf-8') as f: + json.dump(averaged_result, f, indent=2) + +if __name__ == '__main__': + main() diff --git a/univa/eval/wise/README.md b/univa/eval/wise/README.md new file mode 100644 index 0000000000000000000000000000000000000000..8a35a8d6039bc34122df5dbd3f5698a2dec64c34 --- /dev/null +++ b/univa/eval/wise/README.md @@ -0,0 +1,74 @@ + +The original code is from [WISE](https://github.com/PKU-YuanGroup/WISE). + +Environment: +``` +pip install openai==0.28.0 +``` + + +## Eval + +### Generate samples + +```bash +# switch to univa env +MODEL_PATH='path/to/model' +OUTPUT_DIR='path/to/eval_output/wise' +CUDA_VISIBLE_DEVICES=0,1,2,3,4,5,6,7 torchrun \ + --nproc_per_node 8 \ + -m step1_gen_samples \ + wise.yaml \ + --pretrained_lvlm_name_or_path ${MODEL_PATH} \ + --output_dir ${OUTPUT_DIR} +``` + +### Evaluation + +Evaluate using GPT-4o-2024-05-13: +Write your gpt-api-key to `--api_key`. + +```bash +IMAGE_DIR=${OUTPUT_DIR} +python step2_gpt_eval.py \ + --json_path data/cultural_common_sense.json \ + --output_dir ${IMAGE_DIR}/Results/cultural_common_sense \ + --image_dir ${IMAGE_DIR} \ + --api_key "" \ + --model "gpt-4o-2024-05-13" \ + --result_full ${IMAGE_DIR}/Results/cultural_common_sense_full_results.json \ + --result_scores ${IMAGE_DIR}/Results/cultural_common_sense_scores_results.jsonl \ + --max_workers 96 + +IMAGE_DIR=${OUTPUT_DIR} +python step2_gpt_eval.py \ + --json_path data/spatio-temporal_reasoning.json \ + --output_dir ${IMAGE_DIR}/Results/spatio-temporal_reasoning \ + --image_dir ${IMAGE_DIR} \ + --api_key "" \ + --model "gpt-4o-2024-05-13" \ + --result_full ${IMAGE_DIR}/Results/spatio-temporal_reasoning_results.json \ + --result_scores ${IMAGE_DIR}/Results/spatio-temporal_reasoning_results.jsonl \ + --max_workers 96 + +IMAGE_DIR=${OUTPUT_DIR} +python step2_gpt_eval.py \ + --json_path data/natural_science.json \ + --output_dir ${IMAGE_DIR}/Results/natural_science \ + --image_dir ${IMAGE_DIR} \ + --api_key "" \ + --model "gpt-4o-2024-05-13" \ + --result_full ${IMAGE_DIR}/Results/natural_science_full_results.json \ + --result_scores ${IMAGE_DIR}/Results/natural_science_scores_results.jsonl \ + --max_workers 96 +``` + +### Summary + +```bash +python step3_wise_cal.py \ + "${IMAGE_DIR}/Results/cultural_common_sense_scores_results.jsonl" \ + "${IMAGE_DIR}/Results/natural_science_scores_results.jsonl" \ + "${IMAGE_DIR}/Results/spatio-temporal_reasoning_results.jsonl" \ + --category all +``` diff --git a/univa/eval/wise/__init__.py b/univa/eval/wise/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/univa/eval/wise/data/cultural_common_sense.json b/univa/eval/wise/data/cultural_common_sense.json new file mode 100644 index 0000000000000000000000000000000000000000..49d1c3d0fb2df4b599725a458241f8b113dfbf53 --- /dev/null +++ b/univa/eval/wise/data/cultural_common_sense.json @@ -0,0 +1,2802 @@ +[ + { + "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 + }, + { + "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 + }, + { + "Prompt": "Traditional activity during Easter in Western countries", + "Explanation": "This refers to the Easter egg hunt", + "Category": "Cultural knowledge", + "Subcategory": "Festival", + "prompt_id": 3 + }, + { + "Prompt": "Holiday celebrating the birth of Jesus Christ", + "Explanation": "This refers to Christmas", + "Category": "Cultural knowledge", + "Subcategory": "Festival", + "prompt_id": 4 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "Prompt": "Most mentioned character during Christmas", + "Explanation": "This refers to Santa Claus", + "Category": "Cultural knowledge", + "Subcategory": "Festival", + "prompt_id": 8 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "Prompt": "Popular festival among the Dai people in China", + "Explanation": "This refers to the Songkran Festival", + "Category": "Cultural knowledge", + "Subcategory": "Festival", + "prompt_id": 12 + }, + { + "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 + }, + { + "Prompt": "Halloween kids' favorite treat", + "Explanation": "It refers to candy, which kids like to collect most", + "Category": "Cultural knowledge", + "Subcategory": "Festival", + "prompt_id": 14 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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é, so the photo should include an image of an object decorated with cloisonné enamel, showcasing intricate designs and vibrant colors, commonly found in Southeast Asia", + "Category": "Cultural knowledge", + "Subcategory": "Craft", + "prompt_id": 66 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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ón, showcasing its lavish interior decoration and classical architectural style", + "Category": "Cultural knowledge", + "Subcategory": "Construction", + "prompt_id": 107 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "Prompt": "A dreamlike scene in the style of Salvador Dalí", + "Explanation": "The model should generate an image of a dreamlike scene in the style of Salvador Dalí, featuring illogical juxtapositions, bizarre objects, and a sense of mystery and the subconscious, similar to Dalí's surrealist artworks", + "Category": "Cultural knowledge", + "Subcategory": "Art", + "prompt_id": 281 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "Prompt": "Wright brothers' greatest invention", + "Explanation": "The model should generate an image of the airplane", + "Category": "Cultural knowledge", + "Subcategory": "Celebrity", + "prompt_id": 294 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "Prompt": "George Washington's favorite animal", + "Explanation": "The model should generate an image of a horse", + "Category": "Cultural knowledge", + "Subcategory": "Celebrity", + "prompt_id": 315 + }, + { + "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 + }, + { + "Prompt": "Vincent van Gogh's favorite flower", + "Explanation": "The model should generate an image of sunflowers", + "Category": "Cultural knowledge", + "Subcategory": "Celebrity", + "prompt_id": 317 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "Prompt": "The weapon of Thor in Norse mythology", + "Explanation": "The model should generate an image of Mjölnir, Thor's hammer, a powerful weapon associated with thunder and lightning", + "Category": "Cultural knowledge", + "Subcategory": "Celebrity", + "prompt_id": 325 + }, + { + "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 + }, + { + "Prompt": "The most famous character in Pokémon", + "Explanation": "The model should generate an image of Pikachu", + "Category": "Cultural knowledge", + "Subcategory": "Celebrity", + "prompt_id": 327 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "Prompt": "Pablo Picasso's art", + "Explanation": "The model should generate an image of abstract art", + "Category": "Cultural knowledge", + "Subcategory": "Celebrity", + "prompt_id": 333 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "Prompt": "Michael Phelps' iconic moment", + "Explanation": "The model should generate an image of Michael Phelps swimming", + "Category": "Cultural knowledge", + "Subcategory": "Celebrity", + "prompt_id": 339 + }, + { + "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 + }, + { + "Prompt": "An iconic structure designed by Antoni Gaudí in Barcelona", + "Explanation": "The model should generate an image of the Sagrada Familia", + "Category": "Cultural knowledge", + "Subcategory": "Celebrity", + "prompt_id": 341 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "Prompt": "The weapon used by Lü 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ü Bu", + "Category": "Cultural knowledge", + "Subcategory": "Celebrity", + "prompt_id": 350 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "Prompt": "A common pet that meows", + "Explanation": "The model should generate an image of a cat", + "Category": "Cultural knowledge", + "Subcategory": "Life", + "prompt_id": 354 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "Prompt": "The grain used to make popcorn", + "Explanation": "The model should generate an image of corn", + "Category": "Cultural knowledge", + "Subcategory": "Life", + "prompt_id": 375 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + } +] \ No newline at end of file diff --git a/univa/eval/wise/data/natural_science.json b/univa/eval/wise/data/natural_science.json new file mode 100644 index 0000000000000000000000000000000000000000..e2ea67e8fd9b58667dac4587a3103c725e714680 --- /dev/null +++ b/univa/eval/wise/data/natural_science.json @@ -0,0 +1,2102 @@ +[ + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "Prompt": "Image of a tadpole after growing up", + "Explanation": "The image should show a frog", + "Category": "Biology", + "Subcategory": "State", + "prompt_id": 707 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "Prompt": "Jellyfish in the darkness", + "Explanation": "The image should show a jellyfish emitting light", + "Category": "Biology", + "Subcategory": "Behavior", + "prompt_id": 780 + }, + { + "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 + }, + { + "Prompt": "Common behavior after a whale surfaces", + "Explanation": "The image should show whale spraying", + "Category": "Biology", + "Subcategory": "Behavior", + "prompt_id": 782 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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’s 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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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’s wheels", + "Category": "Physical Knowledge", + "Subcategory": "Mechanics", + "prompt_id": 825 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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’s effect on the water droplet’s shape", + "Category": "Physical Knowledge", + "Subcategory": "Mechanics", + "prompt_id": 834 + }, + { + "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 + }, + { + "Prompt": "Depict a glass of water at a temperature of -10°C, 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°C temperature", + "Category": "Physical Knowledge", + "Subcategory": "Thermodynamics", + "prompt_id": 836 + }, + { + "Prompt": "Depict a glass of oil at a temperature of -20°C, 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°C temperature", + "Category": "Physical Knowledge", + "Subcategory": "Thermodynamics", + "prompt_id": 837 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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°C", + "Category": "Physical Knowledge", + "Subcategory": "Thermodynamics", + "prompt_id": 841 + }, + { + "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 + }, + { + "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°C", + "Category": "Physical Knowledge", + "Subcategory": "Thermodynamics", + "prompt_id": 843 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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°C temperature", + "Category": "Physical Knowledge", + "Subcategory": "Thermodynamics", + "prompt_id": 849 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "Prompt": "water vapor contacting a chilled glass surface at -10°C, highlighting the surface of glass", + "Explanation": "The model should generate an image showing a glass surface at -10°C, 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 + }, + { + "Prompt": "water vapor contacting a metal plate at -20°C, highlighting the surface of the metal plate", + "Explanation": "The model should generate an image showing a metal plate at -20°C 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 + }, + { + "Prompt": "water vapor contacting a window at -10°C, highlighting the surface of the window", + "Explanation": "The model should generate an image of a window at -10°C 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 + }, + { + "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 + }, + { + "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’s surface due to light refraction", + "Category": "Physical Knowledge", + "Subcategory": "Optics", + "prompt_id": 869 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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’s miscibility", + "Category": "Physical Knowledge", + "Subcategory": "Physical Properties", + "prompt_id": 886 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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’s inert nature in that acid", + "Category": "Chemistry", + "Subcategory": "Solution Chemical Reaction", + "prompt_id": 942 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + } +] \ No newline at end of file diff --git a/univa/eval/wise/data/spatio-temporal_reasoning.json b/univa/eval/wise/data/spatio-temporal_reasoning.json new file mode 100644 index 0000000000000000000000000000000000000000..0a175dc324d60563d83af9da307ed62b48cc8d47 --- /dev/null +++ b/univa/eval/wise/data/spatio-temporal_reasoning.json @@ -0,0 +1,2102 @@ +[ + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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ō-maru, with specific plates and lacing", + "Category": "time", + "Subcategory": "Longitudinal time", + "prompt_id": 494 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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’s 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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + }, + { + "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 + } +] \ No newline at end of file diff --git a/univa/eval/wise/step1_gen_samples.py b/univa/eval/wise/step1_gen_samples.py new file mode 100644 index 0000000000000000000000000000000000000000..24384efc187bf4f4eda036052cefaf8d7f5312d8 --- /dev/null +++ b/univa/eval/wise/step1_gen_samples.py @@ -0,0 +1,233 @@ + +import sys +import os +root = os.path.abspath(os.path.join(os.path.dirname(__file__), "..", "..", "..")) +sys.path.append(root) +from glob import glob +import json +import torch +import random +import subprocess +import numpy as np +import torch.distributed as dist +import pandas as pd +import argparse +import torch +import os +from PIL import Image +from tqdm import tqdm +import torch.distributed as dist +from qwen_vl_utils import process_vision_info +from torchvision import transforms +from transformers import AutoProcessor +from transformers import SiglipImageProcessor, SiglipVisionModel +from univa.utils.flux_pipeline import FluxPipeline +from univa.eval.configuration_eval import EvalConfig +from univa.utils.get_ocr import get_ocr_result +from univa.utils.denoiser_prompt_embedding_flux import encode_prompt +from univa.models.qwen2p5vl.modeling_univa_qwen2p5vl import UnivaQwen2p5VLForConditionalGeneration + +# adapted from https://github.com/huggingface/accelerate/blob/main/src/accelerate/utils/random.py#L31 +def set_seed(seed, rank, device_specific=True): + if device_specific: + seed += rank + random.seed(seed) + np.random.seed(seed) + torch.manual_seed(seed) + torch.cuda.manual_seed(seed) + torch.cuda.manual_seed_all(seed) + torch.backends.cudnn.deterministic = True + torch.backends.cudnn.benchmark = False + +def initialize_models(args, device): + + # Load main model and task head + model = UnivaQwen2p5VLForConditionalGeneration.from_pretrained( + args.pretrained_lvlm_name_or_path, + torch_dtype=torch.bfloat16, + attn_implementation="flash_attention_2", + ).to(device) + + processor = AutoProcessor.from_pretrained( + args.pretrained_lvlm_name_or_path, + min_pixels=args.min_pixels, + max_pixels=args.max_pixels, + ) + + # Load FLUX pipeline + pipe = FluxPipeline.from_pretrained( + args.pretrained_denoiser_name_or_path, + transformer=model.denoise_tower.denoiser, + torch_dtype=torch.bfloat16, + ).to(device) + tokenizers = [pipe.tokenizer, pipe.tokenizer_2] + text_encoders = [pipe.text_encoder, pipe.text_encoder_2] + + siglip_processor = SiglipImageProcessor.from_pretrained(args.pretrained_siglip_name_or_path) + siglip_model = SiglipVisionModel.from_pretrained( + args.pretrained_siglip_name_or_path, + torch_dtype=torch.bfloat16, + ).to(device) + + return { + 'model': model, + 'processor': processor, + 'pipe': pipe, + 'tokenizers': tokenizers, + 'text_encoders': text_encoders, + 'device': device, + 'siglip_model': siglip_model, + 'siglip_processor': siglip_processor, + } + + +def init_gpu_env(args): + local_rank = int(os.getenv('RANK', 0)) + world_size = int(os.getenv('WORLD_SIZE', 1)) + args.local_rank = local_rank + args.world_size = world_size + torch.cuda.set_device(local_rank) + dist.init_process_group( + backend='nccl', init_method='env://', + world_size=world_size, rank=local_rank + ) + return args + + +def run_model_and_return_samples(args, state, text, image1=None, image2=None): + + # Build content + convo = [] + image_paths = [] + content = [] + for img in (image1, image2): + if img: + content.append({'type':'image','image':img,'min_pixels':args.min_pixels,'max_pixels':args.max_pixels}) + image_paths.append(img) + if text: + ocr_text = '' + if args.ocr_enhancer and content: + ocr_texts = [] + for img in (image1, image2): + if img: + ocr_texts.append(get_ocr_result(img, cur_ocr_i)) + cur_ocr_i += 1 + ocr_text = '\n'.join(ocr_texts) + content.append({'type':'text','text': text + ocr_text}) + + if not args.only_use_t5: + convo.append({'role':'user','content':content}) + + # Prepare inputs + chat_text = state['processor'].apply_chat_template( + convo, + tokenize=False, + add_generation_prompt=True + ) + chat_text = '<|im_end|>\n'.join(chat_text.split('<|im_end|>\n')[1:]) + image_inputs, video_inputs = process_vision_info(convo) + inputs = state['processor']( + text=[chat_text], images=image_inputs, videos=video_inputs, + padding=True, return_tensors='pt' + ).to(state['device']) + + # Generate + # image generation pipeline + siglip_hs = None + if state['siglip_processor'] and image_paths: + vals = [state['siglip_processor'].preprocess( + images=Image.open(p).convert('RGB'), do_resize=True, + return_tensors='pt', do_convert_rgb=True + ).pixel_values.to(state['device']) + for p in image_paths] + siglip_hs = state['siglip_model'](torch.concat(vals)).last_hidden_state + + with torch.no_grad(): + lvlm = state['model']( + inputs.input_ids, pixel_values=getattr(inputs,'pixel_values',None), + attention_mask=inputs.attention_mask, + image_grid_thw=getattr(inputs,'image_grid_thw',None), + siglip_hidden_states=siglip_hs, + output_type='denoise_embeds' + ) + prm_embeds, pooled = encode_prompt( + state['text_encoders'], state['tokenizers'], + text if args.joint_with_t5 else '', 256, state['device'], 1 + ) + emb = torch.concat([lvlm, prm_embeds], dim=1) if args.joint_with_t5 else lvlm + else: + prm_embeds, pooled = encode_prompt( + state['text_encoders'], state['tokenizers'], + text, 256, state['device'], 1 + ) + emb = prm_embeds + + with torch.no_grad(): + img = state['pipe']( + prompt_embeds=emb, + pooled_prompt_embeds=pooled, + height=args.height, + width=args.width, + num_inference_steps=args.num_inference_steps, + guidance_scale=args.guidance_scale, + num_images_per_prompt=args.num_images_per_prompt, + ).images + return img + + +def main(args): + + args = init_gpu_env(args) + + torch.backends.cuda.matmul.allow_tf32 = False + torch.backends.cudnn.allow_tf32 = False + if args.allow_tf32: + torch.backends.cuda.matmul.allow_tf32 = True + torch.backends.cudnn.allow_tf32 = True + + set_seed(args.seed, rank=args.local_rank, device_specific=True) + device = torch.cuda.current_device() + state = initialize_models(args, device) + + # Create the output directory if it doesn't exist + os.makedirs(args.output_dir, exist_ok=True) + + # Load the evaluation prompts + json_paths = list(glob(f"{args.wise_prompt_path}/*.json")) + data = [] + for json_path in json_paths: + with open(json_path, "r") as f: + data += json.load(f) + data = [[i['Prompt'], i['prompt_id']] for i in data] + + data = data[args.local_rank::args.world_size] + for prompt, prompt_id in tqdm(data): + if os.path.exists(os.path.join(args.output_dir, f"{prompt_id}.png")): + continue + image = run_model_and_return_samples(args, state, prompt, image1=None, image2=None) + image = image[0] + # image = image.resize((args.resized_width, args.resized_height)) + # Save image + image.save( + os.path.join(args.output_dir, f"{prompt_id}.png") + ) + + +if __name__ == "__main__": + import argparse + from omegaconf import OmegaConf + + parser = argparse.ArgumentParser() + parser.add_argument("config", type=str) + parser.add_argument("--pretrained_lvlm_name_or_path", type=str, default=None, required=False) + parser.add_argument("--output_dir", type=str, default=None, required=False) + args = parser.parse_args() + + config = OmegaConf.load(args.config) + schema = OmegaConf.structured(EvalConfig) + conf = OmegaConf.merge(schema, config) + if args.pretrained_lvlm_name_or_path is not None: + assert args.output_dir is not None + conf.pretrained_lvlm_name_or_path = args.pretrained_lvlm_name_or_path + conf.output_dir = args.output_dir + main(conf) \ No newline at end of file diff --git a/univa/eval/wise/step2_gpt_eval.py b/univa/eval/wise/step2_gpt_eval.py new file mode 100644 index 0000000000000000000000000000000000000000..77e22478c4434a12ea24bd5cedc49ca090776ba3 --- /dev/null +++ b/univa/eval/wise/step2_gpt_eval.py @@ -0,0 +1,247 @@ +import json +import os +import base64 +import re +import argparse +import openai +import concurrent.futures +from pathlib import Path +from typing import Dict, Any, List + +def parse_arguments(): + parser = argparse.ArgumentParser(description='Image Quality Assessment Tool') + parser.add_argument('--json_path', required=True) + parser.add_argument('--image_dir', required=True) + parser.add_argument('--output_dir', required=True) + parser.add_argument('--api_key', required=True) + parser.add_argument('--model', required=True) + parser.add_argument('--result_full', required=True) # .json + parser.add_argument('--result_scores', required=True) # .jsonl + parser.add_argument('--api_base', default=None, type=str) + parser.add_argument('--max_workers', type=int, default=10) + return parser.parse_args() + +def get_config(args): + return { + "json_path": args.json_path, + "image_dir": args.image_dir, + "output_dir": args.output_dir, + "api_key": args.api_key, + "api_base": args.api_base, + "model": args.model, + "result_files": {"full": args.result_full, "scores": args.result_scores}, + "max_workers": args.max_workers, + } + +# ------------------------- 工具函数 ------------------------- +def load_jsonl(path: str) -> Dict[int, Dict]: + if not os.path.isfile(path) or os.path.getsize(path) == 0: + return {} + records = {} + with open(path, 'r', encoding='utf-8') as f: + for line in f: + obj = json.loads(line) + records[obj["prompt_id"]] = obj + return records + +def load_json(path: str) -> Dict[int, Dict]: + if not os.path.isfile(path) or os.path.getsize(path) == 0: + return {} + with open(path, 'r', encoding='utf-8') as f: + data = json.load(f) + return {item["prompt_id"]: item for item in data} + +def extract_scores(txt: str) -> Dict[str, float]: + pat = r"\*{0,2}(Consistency|Realism|Aesthetic Quality)\*{0,2}\s*[::]?\s*(\d)" + matches = re.findall(pat, txt, re.IGNORECASE) + out = {} + for k, v in matches: + out[k.lower().replace(" ", "_")] = float(v) + return out + +def encode_image(path: str) -> str: + with open(path, "rb") as f: + return base64.b64encode(f.read()).decode() + +def load_prompts(path: str) -> Dict[int, Dict[str, Any]]: + with open(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_id: int, prompt: Dict, img_path: str, cfg: Dict): + try: + print(f"Evaluating {prompt_id} ...") + img64 = encode_image(img_path) + msgs = build_evaluation_messages(prompt, img64) + resp = openai.ChatCompletion.create( + model=cfg["model"], messages=msgs, temperature=0.0, max_tokens=2000 + ) + eval_txt = resp['choices'][0]['message']['content'] + scores = extract_scores(eval_txt) + + print(f"\n--- {prompt_id} ---\n{eval_txt}\n--------------\n") + + return ( + { # full record + "prompt_id": prompt_id, + "prompt": prompt["Prompt"], + "key": prompt["Explanation"], + "image_path": img_path, + "evaluation": eval_txt + }, + { # score record + "prompt_id": prompt_id, + "Subcategory": prompt["Subcategory"], + "consistency": scores.get("consistency", 0), + "realism": scores.get("realism", 0), + "aesthetic_quality": scores.get("aesthetic_quality", 0) + } + ) + except Exception as e: + print(f"[ERR] {prompt_id}: {e}") + return None # 失败时返回 None,主线程忽略 + +def save_results(data: List[Dict], filename: str, cfg: Dict): + path = os.path.join(cfg["output_dir"], filename) + if filename.endswith('.jsonl'): + with open(path, 'w', encoding='utf-8') as f: + for item in data: + f.write(json.dumps(item, ensure_ascii=False) + '\n') + else: + with open(path, 'w', encoding='utf-8') as f: + json.dump(data, f, ensure_ascii=False, indent=2) + print(f"[SAVE] {path}") + +def main(): + args = parse_arguments() + cfg = get_config(args) + Path(cfg["output_dir"]).mkdir(parents=True, exist_ok=True) + openai.api_key = cfg["api_key"] + if cfg['api_base'] is not None: + openai.api_base = cfg['api_base'] + + prompts = load_prompts(cfg["json_path"]) + + # ---- 断点续跑:读取已有结果 ---- + exist_scores = load_jsonl(os.path.join(cfg["output_dir"], cfg["result_files"]["scores"])) + exist_full = load_json (os.path.join(cfg["output_dir"], cfg["result_files"]["full"])) + done_ids = set(exist_scores.keys()) + + # ---- 生成待评测任务 ---- + tasks = [] + for pid, pdata in prompts.items(): + if pid in done_ids: + continue + img_path = os.path.join(cfg["image_dir"], f"{pid}.png") + if not os.path.exists(img_path): + print(f"[WARN] Missing image: {img_path}") + continue + tasks.append((pid, pdata, img_path)) + + # ---- 多线程评测 ---- + with concurrent.futures.ThreadPoolExecutor(max_workers=cfg["max_workers"]) as ex: + future_to_id = {ex.submit(evaluate_image, pid, pd, ip, cfg): pid for pid, pd, ip in tasks} + for fut in concurrent.futures.as_completed(future_to_id): + res = fut.result() + if res is None: + continue + full_rec, score_rec = res + exist_full[full_rec["prompt_id"]] = full_rec + exist_scores[score_rec["prompt_id"]] = score_rec + + # ---- 合并排序保存 ---- + full_sorted = [exist_full[k] for k in sorted(exist_full.keys())] + score_sorted = [exist_scores[k] for k in sorted(exist_scores.keys())] + + save_results(full_sorted, cfg["result_files"]["full"], cfg) + save_results(score_sorted, cfg["result_files"]["scores"], cfg) + +if __name__ == "__main__": + main() \ No newline at end of file diff --git a/univa/eval/wise/step3_wise_cal.py b/univa/eval/wise/step3_wise_cal.py new file mode 100644 index 0000000000000000000000000000000000000000..ad58798066b77066ef9bad749966ae4f42479ac2 --- /dev/null +++ b/univa/eval/wise/step3_wise_cal.py @@ -0,0 +1,254 @@ +import json +import os +import argparse +from collections import defaultdict + +def calculate_wiscore(consistency, realism, aesthetic_quality): + """Calculates the WiScore based on given components.""" + return (0.7 * consistency + 0.2 * realism + 0.1 * aesthetic_quality) / 2 + +# Define expected prompt ID ranges at a global level for easy access +EXPECTED_PROMPT_RANGES = { + "culture": range(1, 401), + "space-time": range(401, 701), # Covers both TIME (401-567) and SPACE (568-700) + "science": range(701, 1001), # Covers BIOLOGY (701-800), PHYSICS (801-900), CHEMISTRY (901-1000) + "all": range(1, 1001) # Full range for combined evaluation +} + +def process_jsonl_file_segment(file_path, category_arg=None): + """ + Processes a segment of a JSONL file, collecting scores and present prompt_ids. + Performs prompt_id validation if a specific category_arg is provided for a single file. + Returns collected data or None if critical errors or missing prompt_ids (for single-file validation). + """ + segment_scores = defaultdict(list) + segment_present_prompt_ids = set() + + if not os.path.exists(file_path): + print(f"Error: File '{file_path}' not found.") + return None + + try: + with open(file_path, 'r', encoding='utf-8') as file: + for line_num, line in enumerate(file, 1): + try: + data = json.loads(line) + + prompt_id = data.get('prompt_id') + if prompt_id is None: + print(f"Warning: File '{file_path}', Line {line_num}: Missing 'prompt_id'. Skipping this line.") + continue + + if not isinstance(prompt_id, int): + print(f"Warning: File '{file_path}', Line {line_num}: 'prompt_id' is not an integer. Skipping this line.") + continue + + segment_present_prompt_ids.add(prompt_id) + + consistency = data.get('consistency') + realism = data.get('realism') + aesthetic_quality = data.get('aesthetic_quality') + + if not all(isinstance(val, (int, float)) for val in [consistency, realism, aesthetic_quality]): + print(f"Warning: File '{file_path}', Line {line_num}: One or more score values are not numeric. Skipping this line for category calculation.") + continue + + wiscore = calculate_wiscore(consistency, realism, aesthetic_quality) + + # Determine category based on prompt_id + if 1 <= prompt_id <= 400: + segment_scores['CULTURE'].append(wiscore) + elif 401 <= prompt_id <= 567: + segment_scores['TIME'].append(wiscore) + elif 568 <= prompt_id <= 700: + segment_scores['SPACE'].append(wiscore) + elif 701 <= prompt_id <= 800: + segment_scores['BIOLOGY'].append(wiscore) + elif 801 <= prompt_id <= 900: + segment_scores['PHYSICS'].append(wiscore) + elif 901 <= prompt_id <= 1000: + segment_scores['CHEMISTRY'].append(wiscore) + else: + print(f"Warning: File '{file_path}', Line {line_num}: prompt_id {prompt_id} is outside defined categories. Skipping this line.") + continue + + except json.JSONDecodeError: + print(f"Warning: File '{file_path}', Line {line_num}: Invalid JSON format. Skipping this line.") + except KeyError as e: + print(f"Warning: File '{file_path}', Line {line_num}: Missing expected key '{e}'. Skipping this line.") + except Exception as e: + print(f"Error reading file '{file_path}': {e}") + return None + + # --- Single-file prompt_id validation logic --- + if category_arg and category_arg != 'all' and category_arg in EXPECTED_PROMPT_RANGES: + expected_ids_for_this_category = set(EXPECTED_PROMPT_RANGES[category_arg]) + missing_ids_in_segment = expected_ids_for_this_category - segment_present_prompt_ids + + if missing_ids_in_segment: + print(f"Error: File '{file_path}': When evaluating as '--category {category_arg}', " + f"missing the following prompt_ids: {sorted(list(missing_ids_in_segment))}") + return None # Return None if required prompt_ids are missing for a specific category file + + return { + 'scores': segment_scores, + 'present_prompt_ids': segment_present_prompt_ids, + 'file_path': file_path + } + +def main(): + parser = argparse.ArgumentParser( + description="Evaluate JSONL files for model performance, categorizing scores by prompt_id." + ) + parser.add_argument( + 'files', + metavar='FILE', + nargs='+', # Accepts one or more file paths + help="Path(s) to the JSONL file(s) to be evaluated (e.g., cultural_common_sense_ModelName_scores.jsonl)" + ) + parser.add_argument( + '--category', + type=str, + choices=['culture', 'space-time', 'science', 'all'], + default='all', + help="Specify the category of the JSONL file(s) for specific prompt_id validation. Choose from 'culture', 'space-time', 'science', or 'all' (default). If evaluating a single category file, use the corresponding category." + ) + + args = parser.parse_args() + + all_raw_results = [] + + # Process each file to collect raw scores and prompt IDs + for file_path in args.files: + print(f"\n--- Processing file: {file_path} ---") + # Pass the category argument to process_jsonl_file_segment + # This enables single-file validation logic + results = process_jsonl_file_segment(file_path, args.category if len(args.files) == 1 else None) + if results: + all_raw_results.append(results) + else: + print(f"Could not process '{file_path}'. Please check previous warnings/errors.") + + if not all_raw_results: + print("No valid data processed from any of the provided files. Exiting.") + return # Exit if no files were successfully processed + + # Aggregate data across all successful files + aggregated_scores = defaultdict(list) + combined_present_prompt_ids = set() + final_file_reports = {} # To store calculated averages/counts per file for individual display + + for file_data in all_raw_results: + file_path = file_data['file_path'] + combined_present_prompt_ids.update(file_data['present_prompt_ids']) + + # Calculate scores for this individual file (for individual file report) + current_file_avg_scores = {} + current_file_num_samples = {} + detected_categories_in_file = [] + + for category, scores_list in file_data['scores'].items(): + aggregated_scores[category].extend(scores_list) # Aggregate for overall score later + + if scores_list: # Only add to individual file report if samples exist + current_file_avg_scores[category] = sum(scores_list) / len(scores_list) + current_file_num_samples[category] = len(scores_list) + detected_categories_in_file.append(category) + + final_file_reports[file_path] = { + 'average': current_file_avg_scores, + 'num_processed_samples': current_file_num_samples, + 'detected_categories': detected_categories_in_file + } + + # --- Step 1: Validate Prompt IDs for 'all' category scenario --- + # This check happens only when --category all is explicitly chosen or is the default for multiple files. + # Single-file specific category validation happens inside process_jsonl_file_segment. + if args.category == 'all': + expected_prompt_ids_for_all = set(EXPECTED_PROMPT_RANGES['all']) + missing_prompt_ids_in_combined = expected_prompt_ids_for_all - combined_present_prompt_ids + + if missing_prompt_ids_in_combined: + print(f"\nError: When '--category all' is specified, the combined files are missing the following prompt_ids:") + print(f"Missing IDs: {sorted(list(missing_prompt_ids_in_combined))}") + print("\nAborting overall evaluation due to incomplete data.") + return # Exit if combined prompt IDs are missing when 'all' is expected + + # --- Step 2: Display individual file reports --- + print("\n" + "="*50) + print(" Individual File Reports") + print("="*50 + "\n") + + ordered_categories = ['CULTURE', 'TIME', 'SPACE', 'BIOLOGY', 'PHYSICS', 'CHEMISTRY'] + + for file_path, file_data in final_file_reports.items(): + print(f"--- Evaluation Results for File: {file_path} ---") + + categories_to_print = sorted([cat for cat in ordered_categories if cat in file_data['detected_categories']], + key=lambda x: ordered_categories.index(x)) + + if not categories_to_print: + print(" No scores found for any defined categories in this file.") + else: + for category in categories_to_print: + avg_score = file_data['average'].get(category, 0) + sample_count = file_data['num_processed_samples'].get(category, 0) + print(f" Category: {category}") + print(f" Average WiScore: {avg_score:.2f}") + print(f" Number of samples: {sample_count}\n") + print("-" * (len(file_path) + 30) + "\n") + + # --- Step 3: Calculate and Display Overall Summary (if applicable) --- + print("\n" + "="*50) + print(" Overall Evaluation Summary") + print("="*50 + "\n") + + # Calculate overall averages from aggregated scores + overall_avg_scores = { + category: sum(scores) / len(scores) if len(scores) > 0 else 0 + for category, scores in aggregated_scores.items() + } + overall_num_samples = { + category: len(scores) + for category, scores in aggregated_scores.items() + } + + # Print overall category scores (only for categories that have samples) + overall_categories_to_print = sorted([cat for cat in ordered_categories if overall_num_samples.get(cat, 0) > 0], + key=lambda x: ordered_categories.index(x)) + + if not overall_categories_to_print and args.category != 'all': + print("No valid scores found for any categories in the aggregated data.") + else: + print("Aggregated Category Scores:") + for category in overall_categories_to_print: + print(f" Category: {category}") + print(f" Average WiScore: {overall_avg_scores.get(category, 0):.2f}") + print(f" Number of samples: {overall_num_samples.get(category, 0)}\n") + + # Calculate and print Overall WiScore if '--category all' was specified and all categories have samples + all_categories_have_overall_samples = all(overall_num_samples.get(cat, 0) > 0 for cat in ordered_categories) + + if args.category == 'all' and all_categories_have_overall_samples: + cultural_score = overall_avg_scores.get('CULTURE', 0) + time_score = overall_avg_scores.get('TIME', 0) + space_score = overall_avg_scores.get('SPACE', 0) + biology_score = overall_avg_scores.get('BIOLOGY', 0) + physics_score = overall_avg_scores.get('PHYSICS', 0) + chemistry_score = overall_avg_scores.get('CHEMISTRY', 0) + + overall_wiscore = (0.4 * cultural_score + 0.167 * time_score + 0.133 * space_score + + 0.1 * biology_score + 0.1 * physics_score + 0.1 * chemistry_score) + + print("\n--- Overall WiScore Across All Categories ---") + print(f"Overall WiScore: {overall_wiscore:.2f}") + print("Cultural\tTime\tSpace\tBiology\tPhysics\tChemistry\tOverall") + print(f"{cultural_score:.2f}\t\t{time_score:.2f}\t{space_score:.2f}\t{biology_score:.2f}\t{physics_score:.2f}\t{chemistry_score:.2f}\t\t{overall_wiscore:.2f}") + elif args.category == 'all' and not all_categories_have_overall_samples: + print("\nOverall WiScore cannot be calculated: Not all categories have samples in the aggregated data when '--category all' is specified.") + else: + print(f"\nOverall WiScore calculation skipped. To calculate overall score, use '--category all' and provide files covering all prompt IDs.") + + +if __name__ == "__main__": + main() \ No newline at end of file diff --git a/univa/eval/wise/wise.yaml b/univa/eval/wise/wise.yaml new file mode 100644 index 0000000000000000000000000000000000000000..afc2f48ced2fc861c77a9f3d1cca0bcb5d88919a --- /dev/null +++ b/univa/eval/wise/wise.yaml @@ -0,0 +1,18 @@ + +pretrained_lvlm_name_or_path: /mnt/data/lb/Remake/UniWorld//checkpoints/flux_qwen2p5vl_7b_vlm_mlp_siglip_stage2_ts_1024_bs42x8x1_fa_any_11ratio_ema999_ocr_adamw_t5_1p0_lr5e-6_mask_refstyle_extract/checkpoint-20000/model_ema +pretrained_denoiser_name_or_path: /mnt/data/checkpoints/black-forest-labs/FLUX.1-dev/ +pretrained_siglip_name_or_path: /mnt/data/checkpoints/google/siglip2-so400m-patch16-512 +joint_with_t5: true + +seed: 42 +allow_tf32: false + +output_dir: /mnt/data/lb/Remake/UniWorld//eval_output/wise + +num_images_per_prompt: 1 +num_inference_steps: 28 +guidance_scale: 3.5 +height: 1024 +width: 1024 + +wise_prompt_path: data \ No newline at end of file diff --git a/univa/logger.py b/univa/logger.py new file mode 100644 index 0000000000000000000000000000000000000000..8a01f9d713155cc78f6e5926de2444109c011af4 --- /dev/null +++ b/univa/logger.py @@ -0,0 +1,14 @@ +import logging + +formatter = logging.Formatter( + fmt="%(asctime)s - %(name)s - %(levelname)s - %(message)s", + datefmt="%Y-%m-%d %H:%M:%S", +) + +logger = logging.getLogger(__name__) +logger.setLevel(logging.INFO) + +console_handler = logging.StreamHandler() +console_handler.setFormatter(formatter) + +logger.addHandler(console_handler) diff --git a/univa/models/__init__.py b/univa/models/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..92089b23a9ec360732f920789898fd2e5f6c3a39 --- /dev/null +++ b/univa/models/__init__.py @@ -0,0 +1,9 @@ +from .modeling_univa import UnivaQwen2ForCausalLM +from .qwen2vl.modeling_univa_qwen2vl import UnivaQwen2VLForConditionalGeneration +from .qwen2p5vl.modeling_univa_qwen2p5vl import UnivaQwen2p5VLForConditionalGeneration + +MODEL_TYPE = { + 'llava': UnivaQwen2ForCausalLM, + 'qwen2vl': UnivaQwen2VLForConditionalGeneration, + 'qwen2p5vl': UnivaQwen2p5VLForConditionalGeneration +} \ No newline at end of file diff --git a/univa/models/configuration_univa.py b/univa/models/configuration_univa.py new file mode 100644 index 0000000000000000000000000000000000000000..7b9e0bd9c09bc56a95dd8770885733d08d5c8173 --- /dev/null +++ b/univa/models/configuration_univa.py @@ -0,0 +1,52 @@ +from transformers import Qwen2Config +from univa.models.configuration_univa_vision_tower import UnivaVisionTowerConfig +from univa.models.configuration_univa_denoise_tower import UnivaDenoiseTowerConfig +from typing import Optional + + +class UnivaConfig(Qwen2Config): + model_type = "univa" + sub_configs = { + "vision_tower": UnivaVisionTowerConfig, + "denoise_tower": UnivaDenoiseTowerConfig, + } + + def __init__( + self, + vision_tower: UnivaVisionTowerConfig = None, + denoise_tower: UnivaDenoiseTowerConfig = None, + image_token_length: Optional[int] = None, + shortcut_image_embeds: bool = False, + shortcut_image_embeds_scale: float = 0.5, + shortcut_projector_type: Optional[str] = "mlp2x_gelu", + **kwargs, + ): + super().__init__(**kwargs) + self.image_token_length = image_token_length + self.shortcut_image_embeds = shortcut_image_embeds + self.shortcut_image_embeds_scale = shortcut_image_embeds_scale + + if not shortcut_image_embeds: + shortcut_projector_type = None + + if isinstance(vision_tower, dict): + vision_tower["shortcut_projector_type"] = shortcut_projector_type + self.vision_tower = UnivaVisionTowerConfig(**vision_tower) + elif vision_tower is None: + self.vision_tower = UnivaVisionTowerConfig( + shortcut_projector_type=shortcut_projector_type + ) + else: + self.vision_tower = vision_tower + + print(denoise_tower) + + if isinstance(denoise_tower, dict): + denoise_tower["input_hidden_size"] = self.hidden_size + self.denoise_tower = UnivaDenoiseTowerConfig(**denoise_tower) + elif denoise_tower is None: + self.denoise_tower = UnivaDenoiseTowerConfig( + input_hidden_size=self.hidden_size + ) + else: + self.denoise_tower = denoise_tower diff --git a/univa/models/configuration_univa_denoise_tower.py b/univa/models/configuration_univa_denoise_tower.py new file mode 100644 index 0000000000000000000000000000000000000000..d26add3ea2d0c488418460061cf7497ed7ca79f2 --- /dev/null +++ b/univa/models/configuration_univa_denoise_tower.py @@ -0,0 +1,34 @@ +from transformers.configuration_utils import PretrainedConfig +from typing import Literal, Optional, Union +import json + + +class UnivaDenoiseTowerConfig(PretrainedConfig): + model_type = "univa_denoise_tower" + + def __init__( + self, + denoiser_type: Literal["flux", "sd3"] = "flux", + denoise_projector_type: str = "mlp2x_gelu", + vae_projector_type: str = "mlp2x_gelu", + input_hidden_size: int = 1152, + vae_input_hidden_size: int = 64, + output_hidden_size: int = 4096, + denoiser_config: Optional[Union[str, dict]] = None, + **kwargs, + ): + super().__init__(**kwargs) + + self.denoiser_type = denoiser_type + self.denoise_projector_type = denoise_projector_type + self.vae_projector_type = vae_projector_type + self.input_hidden_size = input_hidden_size + self.vae_input_hidden_size = vae_input_hidden_size + self.output_hidden_size = output_hidden_size + self.denoiser_config = denoiser_config + + if isinstance(denoiser_config, str): + with open(denoiser_config, "r") as f: + self.denoiser_config = json.load(f) + else: + self.denoiser_config = denoiser_config diff --git a/univa/models/configuration_univa_vision_tower.py b/univa/models/configuration_univa_vision_tower.py new file mode 100644 index 0000000000000000000000000000000000000000..a353e7b94968f0846acd2ecc135001fb00fc8ab1 --- /dev/null +++ b/univa/models/configuration_univa_vision_tower.py @@ -0,0 +1,45 @@ +import os +from transformers.configuration_utils import PretrainedConfig +from transformers import SiglipVisionConfig +from typing import Literal, Optional, Union + + +class UnivaVisionTowerConfig(PretrainedConfig): + model_type = "univa_vision_tower" + + def __init__( + self, + vision_tower_type: Literal["siglip"] = "siglip", + vision_tower_config: Optional[Union[str, dict]] = None, + mm_projector_type: str = "mlp2x_gelu", + feature_select_layer: int = -1, + output_hidden_size: int = 1152, + shortcut_projector_type: Optional[str] = None, + **kwargs, + ): + super().__init__(**kwargs) + + self.vision_tower_type = vision_tower_type + self.mm_projector_type = mm_projector_type + self.feature_select_layer = feature_select_layer + self.output_hidden_size = output_hidden_size + self.shortcut_projector_type = shortcut_projector_type + + if vision_tower_type == "siglip": + config_cls = SiglipVisionConfig + else: + raise ValueError(f"Unknown vision tower type: {vision_tower_type}") + + if vision_tower_config is not None: + if isinstance(vision_tower_config, str): + if not os.path.exists(vision_tower_config): + raise FileNotFoundError( + f"Vision tower config file not found: {vision_tower_config}" + ) + self.vision_tower_config = config_cls.from_pretrained( + vision_tower_config + ) + elif isinstance(vision_tower_config, dict): + self.vision_tower_config = config_cls(**vision_tower_config) + else: + self.vision_tower_config = config_cls() diff --git a/univa/models/modeling_univa.py b/univa/models/modeling_univa.py new file mode 100644 index 0000000000000000000000000000000000000000..01a202a0b62f3d67baba876513f9b62ef1460d7d --- /dev/null +++ b/univa/models/modeling_univa.py @@ -0,0 +1,356 @@ +from typing import Optional, List, Tuple, Union, Literal, Dict +import torch +import torch.nn as nn +from transformers import ( + Qwen2Model, + Qwen2PreTrainedModel, + GenerationMixin, +) +from transformers.modeling_outputs import CausalLMOutputWithPast +from univa.models.modeling_univa_vision_tower import UnivaVisionTower +from univa.models.configuration_univa import UnivaConfig +from univa.models.modeling_univa_denoise_tower import UnivaDenoiseTower + + +class UnivaQwen2Model(Qwen2Model): + def __init__(self, config: UnivaConfig): + super().__init__(config) + self.config = config + + +class UnivaQwen2ForCausalLM(Qwen2PreTrainedModel, GenerationMixin): + config_class = UnivaConfig + + def __init__(self, config: UnivaConfig): + super().__init__(config) + self.model = UnivaQwen2Model(config) + self.vision_tower = UnivaVisionTower(config.vision_tower) + self.denoise_tower = UnivaDenoiseTower(config.denoise_tower) + + self.vocab_size = config.vocab_size + self.lm_head = nn.Linear(config.hidden_size, config.vocab_size, bias=False) + + self.forward_denoiser = False + # Initialize weights and apply final processing + self.post_init() + + def get_denoise_embeds( + self, + input_ids: torch.LongTensor, + pixel_values: Optional[List[torch.FloatTensor]] = None, + image_position: Optional[torch.LongTensor] = None, + ): + input_embeds = self(input_ids, pixel_values, image_position)[0] + input_embeds = self.denoise_tower(input_embeds) + return input_embeds + + def forward( + self, + input_ids: torch.LongTensor = None, + pixel_values: Optional[List[torch.FloatTensor]] = None, + image_embeds: Optional[torch.FloatTensor] = None, + image_position: Optional[torch.LongTensor] = None, + attention_mask: Optional[torch.Tensor] = None, + position_ids: Optional[torch.LongTensor] = None, + past_key_values: Optional[List[torch.FloatTensor]] = None, + inputs_embeds: Optional[torch.FloatTensor] = None, + labels: Optional[torch.LongTensor] = None, + use_cache: Optional[bool] = None, + output_attentions: Optional[bool] = None, + output_hidden_states: Optional[bool] = None, + return_dict: Optional[bool] = None, + cache_position: Optional[torch.LongTensor] = None, + output_type: Literal["lvlm", "denoise_model_pred", "denoise_embeds"] = "lvlm", + only_use_t5: bool = False, + denoiser_kwargs: Optional[Dict] = {}, + **kwargs, + ) -> Union[Tuple, CausalLMOutputWithPast]: + if not only_use_t5: + if ( + self.forward_denoiser + ): # Force forward denoiser, which is used in FSDP training + return self.denoise_tower.denoiser(**kwargs) + + if "hidden_states" in kwargs: + print( + "You are using this model as a denoiser, please use the forward_denoiser_context to forward the model." + ) + print("For example:") + print("with self.forward_denoiser_context():") + print(" ... # Your code ...") + + inputs_embeds, shortcut_image_embeds = self.prepare_inputs_for_multimodal( + input_ids, + pixel_values, + image_position, + past_key_values, + output_image_embeds=True, + ) + + if output_type == "denoise_model_pred": + assert len(denoiser_kwargs) > 0, ( + "denoiser_kwargs should not be empty when output_type is denoise_model_pred" + ) + return_dict = False + + outputs = self.inner_forward( + attention_mask=attention_mask, + position_ids=position_ids, + past_key_values=past_key_values, + inputs_embeds=inputs_embeds, + labels=labels, + use_cache=use_cache, + output_attentions=output_attentions, + output_hidden_states=output_hidden_states, + return_dict=return_dict, + cache_position=cache_position, + output_denoise_embeds=output_type.startswith("denoise"), + **kwargs, + ) + else: + outputs = None + + if output_type.startswith("denoise"): + if outputs is not None and shortcut_image_embeds is not None and self.config.shortcut_image_embeds: + for ( + batch_idx, + pos, + image_seq_length, + image_embeds_item, + ) in shortcut_image_embeds: + outputs[batch_idx, pos : pos + image_seq_length, :] = ( + self.config.shortcut_image_embeds_scale * image_embeds_item + + (1 - self.config.shortcut_image_embeds_scale) + * outputs[batch_idx, pos : pos + image_seq_length, :] + ) + + if output_type == "denoise_embeds": + # LVLM outputs -> MLP2 -> prompt_embeds + # with prompt_embeds, we can directly forward the denoiser. + return self.denoise_tower.denoise_projector(outputs) + elif output_type == "denoise_model_pred": + # LM outputs -> MLP2 -> Denoiser -> model_pred + return self.denoise_tower( + encoder_hidden_states=outputs, **denoiser_kwargs + ) + else: + raise ValueError(f"Unknown output_type: {output_type}.") + + return outputs + + def prepare_inputs_for_multimodal( + self, + input_ids: torch.LongTensor, + pixel_values: Optional[List[torch.FloatTensor]] = None, + image_position: Optional[torch.LongTensor] = None, + past_key_values: Optional[List[torch.FloatTensor]] = None, + output_image_embeds: Optional[bool] = False, + ) -> Tuple[torch.Tensor, Optional[List[Tuple[int, int, int, torch.Tensor]]]]: + batch_size, _ = input_ids.shape + input_embeds = self.model.embed_tokens(input_ids) + if ( + past_key_values is not None and len(past_key_values.key_cache) > 0 + ): # Skip if using cache + return input_embeds, None + + if pixel_values is None: # No image input + return input_embeds, None + + image_embeds, shortcut_image_embeds_batch = self.vision_tower(pixel_values) + image_embeds = image_embeds.reshape(-1, image_embeds.shape[-1]) + if shortcut_image_embeds_batch is not None: + shortcut_image_embeds_batch = shortcut_image_embeds_batch.reshape(-1, image_embeds.shape[-1]) + + n_image_tokens = (input_ids == self.config.image_token_id).sum().item() + n_image_features = image_embeds.shape[0] + if n_image_tokens != n_image_features: + raise ValueError( + f"Image features and image tokens do not match: tokens: {n_image_tokens}, features {n_image_features}" + ) + image_mask = ( + (input_ids == self.config.image_token_id) + .unsqueeze(-1) + .expand_as(input_embeds) + .to(input_embeds.device) + ) + image_embeds = image_embeds.to(input_embeds.device, input_embeds.dtype) + input_embeds = input_embeds.masked_scatter(image_mask, image_embeds) + + + + shortcut_image_embeds = [] + if pixel_values is not None and shortcut_image_embeds_batch is not None: + cum_image_len = 0 + for batch_idx in range(input_ids.shape[0]): + cur_input_ids = input_ids[batch_idx] + num_blocks, start_end_index, lengths = self.find_true_blocks((cur_input_ids == self.config.image_token_id)) + for i in range(len(num_blocks)): + shortcut_image_embeds.append( + ( + # batch_idx, + # pos, + # lengths, + # shortcut_image_embeds_batch, + batch_idx, + start_end_index[i], + lengths[i], + shortcut_image_embeds_batch[cum_image_len: cum_image_len+lengths[i]], + ) + ) + cum_image_len = cum_image_len + lengths[i] + + if output_image_embeds: + return input_embeds, shortcut_image_embeds + else: + return input_embeds, None + + # def prepare_inputs_for_multimodal( + # self, + # input_ids: torch.LongTensor, + # pixel_values: Optional[List[torch.FloatTensor]] = None, + # image_position: Optional[torch.LongTensor] = None, + # past_key_values: Optional[List[torch.FloatTensor]] = None, + # output_image_embeds: Optional[bool] = False, + # ) -> Tuple[torch.Tensor, Optional[List[Tuple[int, int, int, torch.Tensor]]]]: + # batch_size, _ = input_ids.shape + # input_embeds = self.model.embed_tokens(input_ids) + # if ( + # past_key_values is not None and len(past_key_values.key_cache) > 0 + # ): # Skip if using cache + # return input_embeds, None + + # if pixel_values is None: # No image input + # return input_embeds, None + + # shortcut_image_embeds = [] + # for batch_idx in range(batch_size): + # images_batch = pixel_values[batch_idx] + + # if len(images_batch) == 0: + # continue + + # input_images = torch.stack(images_batch) + # image_embeds, shortcut_image_embeds_batch = self.vision_tower(input_images) + # for image_idx, pos in enumerate(image_position[batch_idx]): + # image_embeds_item = image_embeds[image_idx] + # image_seq_length, _ = image_embeds_item.shape + # assert ( + # input_ids[batch_idx, pos] + # == input_ids[batch_idx, pos + image_seq_length - 1] + # ), "image token is not correct" + # assert input_ids[batch_idx, pos - 1] == 151666, ( + # "image begin token is not correct" + # ) + # assert input_ids[batch_idx, pos + image_seq_length] == 151667, ( + # "image end token is not correct" + # ) + + # input_embeds[batch_idx, pos : pos + image_seq_length, :] = ( + # image_embeds_item + # ) + + # if shortcut_image_embeds_batch is not None: + # shortcut_image_embeds.append( + # ( + # batch_idx, + # pos, + # image_seq_length, + # shortcut_image_embeds_batch[image_idx], + # ) + # ) + + # if output_image_embeds: + # return input_embeds, shortcut_image_embeds + # else: + # return input_embeds, None + + def inner_forward( + self, + input_ids: torch.LongTensor = None, + attention_mask: Optional[torch.Tensor] = None, + position_ids: Optional[torch.LongTensor] = None, + past_key_values: Optional[List[torch.FloatTensor]] = None, + inputs_embeds: Optional[torch.FloatTensor] = None, + labels: Optional[torch.LongTensor] = None, + use_cache: Optional[bool] = None, + output_attentions: Optional[bool] = None, + output_hidden_states: Optional[bool] = None, + return_dict: Optional[bool] = None, + cache_position: Optional[torch.LongTensor] = None, + output_denoise_embeds: Optional[bool] = False, + **kwargs, + ) -> Union[Tuple, CausalLMOutputWithPast]: + output_attentions = ( + output_attentions + if output_attentions is not None + else self.config.output_attentions + ) + output_hidden_states = ( + output_hidden_states + if output_hidden_states is not None + else self.config.output_hidden_states + ) + return_dict = ( + return_dict if return_dict is not None else self.config.use_return_dict + ) + + outputs = self.model( + input_ids=input_ids, + attention_mask=attention_mask, + position_ids=position_ids, + past_key_values=past_key_values, + inputs_embeds=inputs_embeds, + use_cache=use_cache, + output_attentions=output_attentions, + output_hidden_states=output_hidden_states, + return_dict=return_dict, + cache_position=cache_position, + **kwargs, + ) + + hidden_states = outputs[0] + if output_denoise_embeds: + return hidden_states + + logits = self.lm_head(hidden_states) + logits = logits.float() + + loss = None + if labels is not None: + loss = self.loss_function( + logits=logits, + labels=labels, + vocab_size=self.config.vocab_size, + **kwargs, + ) + + if not return_dict: + output = (logits,) + outputs[1:] + return (loss,) + output if loss is not None else output + + return CausalLMOutputWithPast( + loss=loss, + logits=logits, + past_key_values=outputs.past_key_values, + hidden_states=outputs.hidden_states, + attentions=outputs.attentions, + ) + + def forward_denoiser_context(self): + class ForwardDenoiserContext: + def __init__(self, model): + self.model = model + self.backup_config = None + + def __enter__(self): + self.backup_config = self.model.config + self.model.config = self.model.denoise_tower.denoiser.config + self.model.forward_denoiser = True + return self.model + + def __exit__(self, exc_type, exc_val, exc_tb): + self.model.forward_denoiser = False + self.model.config = self.backup_config + return False + + return ForwardDenoiserContext(self) diff --git a/univa/models/modeling_univa_denoise_tower.py b/univa/models/modeling_univa_denoise_tower.py new file mode 100644 index 0000000000000000000000000000000000000000..cd4678e3a0b4bb987af74f4cfad69c6ef2e8ed06 --- /dev/null +++ b/univa/models/modeling_univa_denoise_tower.py @@ -0,0 +1,406 @@ +from univa.models.configuration_univa_denoise_tower import UnivaDenoiseTowerConfig +from transformers.modeling_utils import PreTrainedModel + +from typing import Any, Dict, Optional, Tuple, Union +import torch +from torch import nn +import numpy as np +from diffusers import FluxTransformer2DModel, SD3Transformer2DModel +from diffusers.utils import is_torch_version +from diffusers.models.modeling_outputs import Transformer2DModelOutput +from torch.nn.utils.rnn import pad_sequence + + +class UnivaDenoiseTower(PreTrainedModel): + config_class = UnivaDenoiseTowerConfig + base_model_prefix = "model" + + def __init__(self, config: UnivaDenoiseTowerConfig): + super().__init__(config) + self.config = config + if config.denoiser_type == "flux": + self.denoiser = FluxTransformer2DModel.from_config(config.denoiser_config) + elif config.denoiser_type == "sd3": + self.denoiser = SD3Transformer2DModel.from_config(config.denoiser_config) + else: + raise ValueError(f"Unknown denoiser type: {config.denoiser_type}") + + self._init_denoise_projector() + self._init_vae_projector() + self._init_siglip_projector() + + def _init_denoise_projector(self): + """Initialize the denoise_projector for multi model input.""" + if self.config.denoise_projector_type == "mlp2x_gelu": + self.denoise_projector = nn.Sequential( + nn.Linear( + self.config.input_hidden_size, + self.config.output_hidden_size * 3, + ), + nn.SiLU(), + nn.Linear( + self.config.output_hidden_size * 3, self.config.output_hidden_size + ), + ) + else: + raise ValueError( + f"Unknown denoise_projector_type: {self.config.denoise_projector_type}" + ) + + def _init_vae_projector(self): + """Initialize the denoise_projector for multi model input.""" + if self.config.vae_projector_type == "mlp2x_gelu": + self.vae_projector = nn.Sequential( + nn.Linear( + self.config.vae_input_hidden_size, + # 2 * self.config.output_hidden_size, + 3072, # HARDCODE, x_embedder from flux + ), + nn.SiLU(), + nn.Linear( + # 2 * self.config.output_hidden_size, + 3072, # HARDCODE, x_embedder from flux + self.config.output_hidden_size + ), + ) + # elif self.config.vae_projector_type == "linear": + # self.vae_projector = nn.Sequential( + # nn.Linear( + # self.config.vae_input_hidden_size, + # self.config.output_hidden_size, + # ), + # ) + else: + raise ValueError( + f"Unknown vae_projector_type: {self.config.vae_projector_type}" + ) + + def _init_siglip_projector(self): + """Initialize the denoise_projector for multi model input.""" + self.siglip_projector = nn.Sequential( + nn.Linear( + 1152, # HARDCODE, out from siglip + 4096 * 3, # HARDCODE + ), + nn.SiLU(), + nn.Linear( + 4096 * 3, # HARDCODE + 4096, # HARDCODE, context_embedder from flux + ), + ) + + def _init_convnext_projector(self): + """Initialize the denoise_projector for multi model input.""" + self.convnext_projector = nn.Sequential( + nn.Linear( + 1152, # HARDCODE, out from convnext + 4096 * 3, # HARDCODE + ), + nn.SiLU(), + nn.Linear( + 4096 * 3, # HARDCODE + 4096, # HARDCODE, context_embedder from flux + ), + ) + + @staticmethod + def _insert_image_feats( + encoder_h, img_feats, img_pos, + output_hidden_size, vae_projector + ): + """ + encoder_h: Tensor[B, L, D] + img_feats: list of B lists: 第 i 个元素是一个 list,长度 = len(img_pos[i]), + 其内第 k 项是一个 Tensor[Nik, D] + img_pos: list of B lists: 第 i 个元素是个位置列表 [p_i0, p_i1, ...] + len(img_pos[i]) == len(img_feats[i]) + returns: Tensor[B, L + Nmax, D],在各自位置插入完后,按最长插入数 pad 右侧 + """ + B, L, D = encoder_h.shape + device = encoder_h.device + + # —— 1. 每个样本先把多组 feats concat 成一条“插入流”,同时 expand positions + flat_feats = [] + flat_pos = [] + for feats_list, pos_list in zip(img_feats, img_pos): + assert len(feats_list) == len(pos_list) + # feats_list = [Tensor[N0,D], Tensor[N1,D], ...] + # pos_list = [p0, p1, ...] + # concat 所有要插入的 tokens + if len(feats_list) == 0: + # 没有插入 + concat_f = torch.empty(0, output_hidden_size, device=device) + pos_expanded = torch.empty(0, dtype=torch.long, device=device) + else: + concat_f = torch.cat(feats_list, dim=0) # [Ni_total, D] + concat_f = vae_projector(concat_f) + # 对应位置也 expand 成同样长度 + # eg. feats_list[0].shape[0] 个 p0, feats_list[1].shape[0] 个 p1,… + # ATTENTION p-1 + pos_expanded = torch.cat([ + torch.full((f.shape[0],), p-1, dtype=torch.long, device=device) + for f, p in zip(feats_list, pos_list) + ], dim=0) # [Ni_total] + flat_feats.append(concat_f) + flat_pos.append(pos_expanded) + + # —— 2. pad 到同一个长度 Nmax + padded_feats = pad_sequence(flat_feats, batch_first=True) # [B, Nmax, D] + pos_pad = pad_sequence(flat_pos, batch_first=True, padding_value=L) + + # —— 3. 准备所有 token 的“排序键”(sort‐key) + # 原 token j 的 key = 2*j + orig_key = (torch.arange(L, device=device) * 2).unsqueeze(0).expand(B, -1) # [B, L] + # 插入 token 的 key = 2*pos + 1 + ins_key = pos_pad * 2 + 1 # [B, Nmax] + + # —— 4. 拼接、一次性排序 + gather + all_keys = torch.cat([orig_key, ins_key], dim=1) # [B, L+Nmax] + all_feats = torch.cat([encoder_h, padded_feats], dim=1) # [B, L+Nmax, D] + sort_idx = all_keys.argsort(dim=1) # [B, L+Nmax] + new_seq = all_feats.gather(1, sort_idx.unsqueeze(-1).expand(-1, -1, D)) # [B, L+Nmax, D] + + return new_seq + + def forward( + self, + hidden_states: torch.Tensor, + timestep: torch.Tensor, + encoder_hidden_states: torch.Tensor, + pooled_projections: torch.Tensor, + **kwargs, + ) -> torch.Tensor: + # if encoder_hidden_states is not None: + # encoder_hidden_states = self.denoise_projector(encoder_hidden_states) + if self.config.denoiser_type == "flux": + prefix_prompt_embeds = kwargs.pop("prefix_prompt_embeds", None) + + if encoder_hidden_states is not None: + if prefix_prompt_embeds is not None: + encoder_hidden_states = torch.concat( + [encoder_hidden_states, prefix_prompt_embeds], dim=1 + ) + else: + assert prefix_prompt_embeds is not None + encoder_hidden_states = prefix_prompt_embeds + txt_ids = torch.zeros(encoder_hidden_states.shape[1], 3).to( + hidden_states.device, dtype=hidden_states.dtype + ) + + joint_attention_kwargs = kwargs.pop('joint_attention_kwargs', None) + # if joint_attention_kwargs is not None and 'attention_mask' in joint_attention_kwargs: + # attention_mask = joint_attention_kwargs['attention_mask'] + # else: + # attention_mask = torch.full( + # (hidden_states.shape[0], 1, hidden_states.shape[1]), + # True, dtype=torch.bool, device=hidden_states.device + # ) + + enc_attention_mask = kwargs.pop('enc_attention_mask', None) + # if enc_attention_mask is None: + # enc_attention_mask = torch.full( + # (encoder_hidden_states.shape[0], 1, encoder_hidden_states.shape[1]), + # True, dtype=torch.bool, device=encoder_hidden_states.device + # ) + # else: + # enc_attention_mask = enc_attention_mask.unsqueeze(1) + + # attention_mask = torch.concat([enc_attention_mask, attention_mask], dim=-1) + # attention_mask = attention_mask.unsqueeze(1) + + # joint_attention_kwargs['attention_mask'] = attention_mask + # kwargs['joint_attention_kwargs'] = joint_attention_kwargs + + # print(f'hidden_states.shape, {hidden_states.shape}, encoder_hidden_states.shape, {encoder_hidden_states.shape}') + # return self.fixed_flux_forward( + return self.denoiser( + hidden_states=hidden_states, + timestep=timestep, # Note: timestep is in [0, 1]. It has been scaled by 1000 in the training script. + encoder_hidden_states=encoder_hidden_states, + pooled_projections=pooled_projections, + txt_ids=txt_ids, + **kwargs, + )[0] + + elif self.config.denoiser_type == "sd3": + prefix_prompt_embeds = kwargs.pop("prefix_prompt_embeds", None) + if prefix_prompt_embeds is not None: + encoder_hidden_states = torch.concat( + [prefix_prompt_embeds, encoder_hidden_states], dim=1 + ) + + return self.denoiser( + hidden_states=hidden_states, + timestep=timestep, + encoder_hidden_states=encoder_hidden_states, + pooled_projections=pooled_projections, + **kwargs, + )[0] + + + + def fixed_flux_forward( + self, + hidden_states: torch.Tensor, + encoder_hidden_states: torch.Tensor = None, + pooled_projections: torch.Tensor = None, + timestep: torch.LongTensor = None, + img_ids: torch.Tensor = None, + txt_ids: torch.Tensor = None, + guidance: torch.Tensor = None, + joint_attention_kwargs: Optional[Dict[str, Any]] = None, + controlnet_block_samples=None, + controlnet_single_block_samples=None, + return_dict: bool = True, + controlnet_blocks_repeat: bool = False, + ) -> Union[torch.FloatTensor, Transformer2DModelOutput]: + """ + The [`FluxTransformer2DModel`] forward method. + + Args: + hidden_states (`torch.FloatTensor` of shape `(batch size, channel, height, width)`): + Input `hidden_states`. + encoder_hidden_states (`torch.FloatTensor` of shape `(batch size, sequence_len, embed_dims)`): + Conditional embeddings (embeddings computed from the input conditions such as prompts) to use. + pooled_projections (`torch.FloatTensor` of shape `(batch_size, projection_dim)`): Embeddings projected + from the embeddings of input conditions. + timestep ( `torch.LongTensor`): + Used to indicate denoising step. + block_controlnet_hidden_states: (`list` of `torch.Tensor`): + A list of tensors that if specified are added to the residuals of transformer blocks. + joint_attention_kwargs (`dict`, *optional*): + A kwargs dictionary that if specified is passed along to the `AttentionProcessor` as defined under + `self.processor` in + [diffusers.models.attention_processor](https://github.com/huggingface/diffusers/blob/main/src/diffusers/models/attention_processor.py). + return_dict (`bool`, *optional*, defaults to `True`): + Whether or not to return a [`~models.transformer_2d.Transformer2DModelOutput`] instead of a plain + tuple. + + Returns: + If `return_dict` is True, an [`~models.transformer_2d.Transformer2DModelOutput`] is returned, otherwise a + `tuple` where the first element is the sample tensor. + """ + + hidden_states = self.denoiser.x_embedder(hidden_states) + + timestep = timestep.to(hidden_states.dtype) * 1000 + if guidance is not None: + guidance = guidance.to(hidden_states.dtype) * 1000 + else: + guidance = None + + temb = ( + self.denoiser.time_text_embed(timestep, pooled_projections) + if guidance is None + else self.denoiser.time_text_embed(timestep, guidance, pooled_projections) + ) + encoder_hidden_states = self.denoiser.context_embedder(encoder_hidden_states) + + if txt_ids.ndim == 3: + txt_ids = txt_ids[0] + if img_ids.ndim == 3: + img_ids = img_ids[0] + + ids = torch.cat((txt_ids, img_ids), dim=0) + image_rotary_emb = self.denoiser.pos_embed(ids) + if joint_attention_kwargs is not None and "ip_adapter_image_embeds" in joint_attention_kwargs: + ip_adapter_image_embeds = joint_attention_kwargs.pop("ip_adapter_image_embeds") + ip_hidden_states = self.denoiser.encoder_hid_proj(ip_adapter_image_embeds) + joint_attention_kwargs.update({"ip_hidden_states": ip_hidden_states}) + + for index_block, block in enumerate(self.denoiser.transformer_blocks): + if torch.is_grad_enabled() and self.denoiser.gradient_checkpointing: + + def create_custom_forward(module, return_dict=None): + def custom_forward(*inputs): + if return_dict is not None: + return module(*inputs, return_dict=return_dict) + else: + return module(*inputs) + + return custom_forward + + ckpt_kwargs: Dict[str, Any] = {"use_reentrant": False} if is_torch_version(">=", "1.11.0") else {} + encoder_hidden_states, hidden_states = torch.utils.checkpoint.checkpoint( + create_custom_forward(block), + hidden_states, + encoder_hidden_states, + temb, + image_rotary_emb, + joint_attention_kwargs, # add this line + **ckpt_kwargs, + ) + + else: + encoder_hidden_states, hidden_states = block( + hidden_states=hidden_states, + encoder_hidden_states=encoder_hidden_states, + temb=temb, + image_rotary_emb=image_rotary_emb, + joint_attention_kwargs=joint_attention_kwargs, + ) + + # controlnet residual + if controlnet_block_samples is not None: + interval_control = len(self.denoiser.transformer_blocks) / len(controlnet_block_samples) + interval_control = int(np.ceil(interval_control)) + # For Xlabs ControlNet. + if controlnet_blocks_repeat: + hidden_states = ( + hidden_states + controlnet_block_samples[index_block % len(controlnet_block_samples)] + ) + else: + hidden_states = hidden_states + controlnet_block_samples[index_block // interval_control] + hidden_states = torch.cat([encoder_hidden_states, hidden_states], dim=1) + + for index_block, block in enumerate(self.denoiser.single_transformer_blocks): + if torch.is_grad_enabled() and self.denoiser.gradient_checkpointing: + + def create_custom_forward(module, return_dict=None): + def custom_forward(*inputs): + if return_dict is not None: + return module(*inputs, return_dict=return_dict) + else: + return module(*inputs) + + return custom_forward + + ckpt_kwargs: Dict[str, Any] = {"use_reentrant": False} if is_torch_version(">=", "1.11.0") else {} + hidden_states = torch.utils.checkpoint.checkpoint( + create_custom_forward(block), + hidden_states, + temb, + image_rotary_emb, + joint_attention_kwargs, + **ckpt_kwargs, + ) + + else: + hidden_states = block( + hidden_states=hidden_states, + temb=temb, + image_rotary_emb=image_rotary_emb, + joint_attention_kwargs=joint_attention_kwargs, + ) + + # controlnet residual + if controlnet_single_block_samples is not None: + interval_control = len(self.denoiser.single_transformer_blocks) / len(controlnet_single_block_samples) + interval_control = int(np.ceil(interval_control)) + hidden_states[:, encoder_hidden_states.shape[1] :, ...] = ( + hidden_states[:, encoder_hidden_states.shape[1] :, ...] + + controlnet_single_block_samples[index_block // interval_control] + ) + + hidden_states = hidden_states[:, encoder_hidden_states.shape[1] :, ...] + + hidden_states = self.denoiser.norm_out(hidden_states, temb) + output = self.denoiser.proj_out(hidden_states) + + + if not return_dict: + return (output,) + + return Transformer2DModelOutput(sample=output) + + diff --git a/univa/models/modeling_univa_vision_tower.py b/univa/models/modeling_univa_vision_tower.py new file mode 100644 index 0000000000000000000000000000000000000000..6db1d172052dfaac37d7c0805413c4e59c001f0d --- /dev/null +++ b/univa/models/modeling_univa_vision_tower.py @@ -0,0 +1,86 @@ +from univa.models.configuration_univa_vision_tower import UnivaVisionTowerConfig +from transformers.models.siglip.modeling_siglip import SiglipVisionModel +from transformers.modeling_utils import PreTrainedModel +import torch +import torch.nn as nn + + +class UnivaVisionTower(PreTrainedModel): + config_class = UnivaVisionTowerConfig + base_model_prefix = "model" + + def __init__(self, config: UnivaVisionTowerConfig): + super().__init__(config) + self.config = config + + # Initialize vision tower + if config.vision_tower_type == "siglip": + self.model = SiglipVisionModel._from_config(self.config.vision_tower_config) + self.mm_hidden_size = self.config.vision_tower_config.hidden_size + else: + raise ValueError(f"Unknown vision tower type: {config.vision_tower_type}") + + self._init_mm_projector() + + if self.config.shortcut_projector_type is not None: + self._init_shortcut_projector() + + def _init_mm_projector(self): + """Initialize the mm_projector for multi model input.""" + if self.config.mm_projector_type == "mlp2x_gelu": + self.mm_projector = nn.Sequential( + nn.Linear( + self.mm_hidden_size, + self.config.output_hidden_size, + ), + nn.GELU(), + nn.Linear( + self.config.output_hidden_size, self.config.output_hidden_size + ), + ) + else: + raise ValueError( + f"Unknown mm_projector_type: {self.config.mm_projector_type}" + ) + + def _init_shortcut_projector(self): + """Initialize the shortcut_projector for multi model input.""" + if self.config.shortcut_projector_type == "mlp2x_gelu": + self.shortcut_projector = nn.Sequential( + nn.Linear( + self.mm_hidden_size, + self.config.output_hidden_size, + ), + nn.GELU(), + nn.Linear( + self.config.output_hidden_size, self.config.output_hidden_size + ), + ) + elif self.config.shortcut_projector_type == "share_mm_projector": + ... + else: + raise ValueError( + f"Unknown shortcut_projector_type: {self.config.shortcut_projector_type}" + ) + + def forward(self, pixel_values: torch.Tensor): + x = self.model(pixel_values, output_hidden_states=True) + x = x.hidden_states[self.config.feature_select_layer] + + if ( + self.config.shortcut_projector_type is not None + and self.config.shortcut_projector_type != "share_mm_projector" + ): + shortcut_x = self.shortcut_projector(x) + + x = self.mm_projector(x) + + if self.config.shortcut_projector_type is not None: + if ( + self.config.shortcut_projector_type == "share_mm_projector" + ): # Share the mm_projector as the shortcut_projector + return x, x + else: + return x, shortcut_x + else: + return x, None diff --git a/univa/models/qwen2p5vl/configuration_univa_qwen2p5vl.py b/univa/models/qwen2p5vl/configuration_univa_qwen2p5vl.py new file mode 100644 index 0000000000000000000000000000000000000000..3d80fb401bf51fa7dc109f184fe4335a94fa79e6 --- /dev/null +++ b/univa/models/qwen2p5vl/configuration_univa_qwen2p5vl.py @@ -0,0 +1,52 @@ +from transformers.models.qwen2_5_vl.configuration_qwen2_5_vl import Qwen2_5_VLConfig, Qwen2_5_VLVisionConfig +from univa.models.configuration_univa_denoise_tower import UnivaDenoiseTowerConfig +from typing import Optional + + +class UnivaQwen2p5VLConfig(Qwen2_5_VLConfig): + model_type = "univa_qwen2p5vl" + sub_configs = { + "vision_config": Qwen2_5_VLVisionConfig, + # "vision_tower": UnivaQwen2p5VLVisionTowerConfig, + "denoise_tower": UnivaDenoiseTowerConfig, + } + + def __init__( + self, + # vision_tower: UnivaQwen2p5VLVisionTowerConfig = None, + denoise_tower: UnivaDenoiseTowerConfig = None, + image_token_length: Optional[int] = None, + shortcut_image_embeds: bool = False, + shortcut_image_embeds_scale: float = 0.5, + shortcut_projector_type: Optional[str] = "mlp2x_gelu", + **kwargs, + ): + super().__init__(**kwargs) + self.image_token_length = image_token_length + self.shortcut_image_embeds = shortcut_image_embeds + self.shortcut_image_embeds_scale = shortcut_image_embeds_scale + + if not shortcut_image_embeds: + shortcut_projector_type = None + self.shortcut_projector_type = shortcut_projector_type + # if isinstance(vision_tower, dict): + # vision_tower["shortcut_projector_type"] = shortcut_projector_type + # self.vision_tower = UnivaQwen2p5VLVisionTowerConfig(**vision_tower) + # elif vision_tower is None: + # self.vision_tower = UnivaQwen2p5VLVisionTowerConfig( + # shortcut_projector_type=shortcut_projector_type + # ) + # else: + # self.vision_tower = vision_tower + + print(denoise_tower) + + if isinstance(denoise_tower, dict): + denoise_tower["input_hidden_size"] = self.hidden_size + self.denoise_tower = UnivaDenoiseTowerConfig(**denoise_tower) + elif denoise_tower is None: + self.denoise_tower = UnivaDenoiseTowerConfig( + input_hidden_size=self.hidden_size + ) + else: + self.denoise_tower = denoise_tower diff --git a/univa/models/qwen2p5vl/modeling_univa_qwen2p5vl.py b/univa/models/qwen2p5vl/modeling_univa_qwen2p5vl.py new file mode 100644 index 0000000000000000000000000000000000000000..2f68ee5ee3a1bf320a1c45698f04a4925ac0bdfe --- /dev/null +++ b/univa/models/qwen2p5vl/modeling_univa_qwen2p5vl.py @@ -0,0 +1,842 @@ +from typing import Optional, List, Tuple, Union, Literal, Dict +import copy +import math +from dataclasses import dataclass +from typing import Any, Dict, List, Optional, Tuple, Union +import torch +import torch.nn as nn +from torch.nn import functional as F +from torch.nn import CrossEntropyLoss +from transformers import GenerationMixin +from transformers.modeling_utils import restore_default_torch_dtype +from transformers.models.qwen2_5_vl.modeling_qwen2_5_vl import ( + Qwen2_5_VLModel, + Qwen2_5_VLPreTrainedModel, + Qwen2_5_VisionTransformerPretrainedModel, + Qwen2_5_VLCausalLMOutputWithPast +) +from univa.models.qwen2p5vl.configuration_univa_qwen2p5vl import UnivaQwen2p5VLConfig +from univa.models.modeling_univa_denoise_tower import UnivaDenoiseTower +from torch.utils.checkpoint import checkpoint + + +class UnivaQwen2p5VLModel(Qwen2_5_VLModel): + def __init__(self, config: UnivaQwen2p5VLConfig): + super().__init__(config) + self.config = config + +class UnivaQwen2p5VLForConditionalGeneration(Qwen2_5_VLPreTrainedModel, GenerationMixin): + _tied_weights_keys = ["lm_head.weight"] + config_class = UnivaQwen2p5VLConfig + + def __init__(self, config: UnivaQwen2p5VLConfig): + super().__init__(config) + self.visual = Qwen2_5_VisionTransformerPretrainedModel._from_config(config.vision_config) + print("visual init done") + self.model = UnivaQwen2p5VLModel(config) + print("model init done") + self.denoise_tower = UnivaDenoiseTower(config.denoise_tower) + print("denoise tower init done") + + self.vocab_size = config.vocab_size + self.lm_head = nn.Linear(config.hidden_size, config.vocab_size, bias=False) + self.rope_deltas = None # cache rope_deltas here + + self.forward_denoiser = False + # Initialize weights and apply final processing + self.post_init() + + @classmethod + @restore_default_torch_dtype + def from_config(cls, config, **kwargs): + """ + All context managers that the model should be initialized under go here. + + Args: + torch_dtype (`torch.dtype`, *optional*): + Override the default `torch.dtype` and load the model under this dtype. + """ + # when we init a model from within another model (e.g. VLMs) and dispatch on FA2 + # a warning is raised that dtype should be fp16. Since we never pass dtype from within + # modeling code, we can try to infer it here same way as done in `from_pretrained` + torch_dtype = kwargs.pop("torch_dtype", config.torch_dtype) + if isinstance(torch_dtype, str): + torch_dtype = getattr(torch, torch_dtype) + + use_flash_attention_2 = kwargs.pop("use_flash_attention_2", False) + + # override default dtype if needed + dtype_orig = None + if torch_dtype is not None: + dtype_orig = cls._set_default_torch_dtype(torch_dtype) + + config = copy.deepcopy(config) # We do not want to modify the config inplace in _from_config. + + if config._attn_implementation_internal is not None: + # In this case, the config has been created with the attn_implementation set by the user, which we + # should respect. + attn_implementation = config._attn_implementation_internal + else: + attn_implementation = None + + config._attn_implementation = kwargs.pop("attn_implementation", attn_implementation) + if not getattr(config, "_attn_implementation_autoset", False): + config = cls._autoset_attn_implementation( + config, + use_flash_attention_2=use_flash_attention_2, + check_device_map=False, + torch_dtype=torch_dtype, + ) + + # if is_deepspeed_zero3_enabled() and not _is_quantized and not _is_ds_init_called: + # import deepspeed + + # logger.info("Detected DeepSpeed ZeRO-3: activating zero.init() for this model") + # # this immediately partitions the model across all gpus, to avoid the overhead in time + # # and memory copying it on CPU or each GPU first + # init_contexts = [deepspeed.zero.Init(config_dict_or_path=deepspeed_config()), set_zero3_state()] + # with ContextManagers(init_contexts): + # model = cls(config, **kwargs) + + # else: + model = cls(config, **kwargs) + + # restore default dtype if it was modified + if dtype_orig is not None: + torch.set_default_dtype(dtype_orig) + + return model + + def get_denoise_embeds( + self, + input_ids: torch.LongTensor, + images: Optional[List[torch.FloatTensor]] = None, + image_position: Optional[torch.LongTensor] = None, + ): + input_embeds = self(input_ids, images, image_position)[0] + input_embeds = self.denoise_tower(input_embeds) + return input_embeds + + def get_input_embeddings(self): + return self.model.embed_tokens + + def set_input_embeddings(self, value): + self.model.embed_tokens = value + + def get_output_embeddings(self): + return self.lm_head + + def set_output_embeddings(self, new_embeddings): + self.lm_head = new_embeddings + + def set_decoder(self, decoder): + self.model = decoder + + def get_decoder(self): + return self.model + + # @torch._dynamo.disable + def get_rope_index( + self, + input_ids: Optional[torch.LongTensor] = None, + image_grid_thw: Optional[torch.LongTensor] = None, + video_grid_thw: Optional[torch.LongTensor] = None, + second_per_grid_ts: Optional[torch.Tensor] = None, + attention_mask: Optional[torch.Tensor] = None, + ) -> Tuple[torch.Tensor, torch.Tensor]: + """ + Calculate the 3D rope index based on image and video's temporal, height and width in LLM. + + Explanation: + Each embedding sequence contains vision embedding and text embedding or just contains text embedding. + + For pure text embedding sequence, the rotary position embedding has no difference with modern LLMs. + Examples: + input_ids: [T T T T T], here T is for text. + temporal position_ids: [0, 1, 2, 3, 4] + height position_ids: [0, 1, 2, 3, 4] + width position_ids: [0, 1, 2, 3, 4] + + For vision and text embedding sequence, we calculate 3D rotary position embedding for vision part + and 1D rotary position embedding for text part. + Examples: + Temporal (Time): 3 patches, representing different segments of the video in time. + Height: 2 patches, dividing each frame vertically. + Width: 2 patches, dividing each frame horizontally. + We also have some important parameters: + fps (Frames Per Second): The video's frame rate, set to 1. This means one frame is processed each second. + tokens_per_second: This is a crucial parameter. It dictates how many "time-steps" or "temporal tokens" are conceptually packed into a one-second interval of the video. In this case, we have 25 tokens per second. So each second of the video will be represented with 25 separate time points. It essentially defines the temporal granularity. + temporal_patch_size: The number of frames that compose one temporal patch. Here, it's 2 frames. + interval: The step size for the temporal position IDs, calculated as tokens_per_second * temporal_patch_size / fps. In this case, 25 * 2 / 1 = 50. This means that each temporal patch will be have a difference of 50 in the temporal position IDs. + input_ids: [V V V V V V V V V V V V T T T T T], here V is for vision. + vision temporal position_ids: [0, 0, 0, 0, 50, 50, 50, 50, 100, 100, 100, 100] + vision height position_ids: [0, 0, 1, 1, 0, 0, 1, 1, 0, 0, 1, 1] + vision width position_ids: [0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1] + text temporal position_ids: [101, 102, 103, 104, 105] + text height position_ids: [101, 102, 103, 104, 105] + text width position_ids: [101, 102, 103, 104, 105] + Here we calculate the text start position_ids as the max vision position_ids plus 1. + + Args: + input_ids (`torch.LongTensor` of shape `(batch_size, sequence_length)`): + Indices of input sequence tokens in the vocabulary. Padding will be ignored by default should you provide + it. + image_grid_thw (`torch.LongTensor` of shape `(num_images, 3)`, *optional*): + The temporal, height and width of feature shape of each image in LLM. + video_grid_thw (`torch.LongTensor` of shape `(num_videos, 3)`, *optional*): + The temporal, height and width of feature shape of each video in LLM. + second_per_grid_ts (`torch.Tensor` of shape `(num_videos)`, *optional*): + The time interval (in seconds) for each grid along the temporal dimension in the 3D position IDs. + attention_mask (`torch.Tensor` of shape `(batch_size, sequence_length)`, *optional*): + Mask to avoid performing attention on padding token indices. Mask values selected in `[0, 1]`: + + - 1 for tokens that are **not masked**, + - 0 for tokens that are **masked**. + + Returns: + position_ids (`torch.LongTensor` of shape `(3, batch_size, sequence_length)`) + mrope_position_deltas (`torch.Tensor` of shape `(batch_size)`) + """ + spatial_merge_size = self.config.vision_config.spatial_merge_size + image_token_id = self.config.image_token_id + video_token_id = self.config.video_token_id + vision_start_token_id = self.config.vision_start_token_id + mrope_position_deltas = [] + if input_ids is not None and (image_grid_thw is not None or video_grid_thw is not None): + total_input_ids = input_ids + if attention_mask is None: + attention_mask = torch.ones_like(total_input_ids) + position_ids = torch.ones( + 3, + input_ids.shape[0], + input_ids.shape[1], + dtype=input_ids.dtype, + device=input_ids.device, + ) + image_index, video_index = 0, 0 + attention_mask = attention_mask.to(total_input_ids.device) + for i, input_ids in enumerate(total_input_ids): + input_ids = input_ids[attention_mask[i] == 1] + image_nums, video_nums = 0, 0 + vision_start_indices = torch.argwhere(input_ids == vision_start_token_id).squeeze(1) + ################# + # skip last boi, because last boi do NOT have true image_token + vision_start_indices = vision_start_indices[vision_start_indices + 1 0: + ed_image = input_tokens.index(image_token_id, st) + else: + ed_image = len(input_tokens) + 1 + if video_token_id in input_tokens and remain_videos > 0: + ed_video = input_tokens.index(video_token_id, st) + else: + ed_video = len(input_tokens) + 1 + if ed_image < ed_video: + t, h, w = ( + image_grid_thw[image_index][0], + image_grid_thw[image_index][1], + image_grid_thw[image_index][2], + ) + second_per_grid_t = 0 + image_index += 1 + remain_images -= 1 + ed = ed_image + + else: + t, h, w = ( + video_grid_thw[video_index][0], + video_grid_thw[video_index][1], + video_grid_thw[video_index][2], + ) + if second_per_grid_ts is not None: + second_per_grid_t = second_per_grid_ts[video_index] + else: + second_per_grid_t = 1.0 + video_index += 1 + remain_videos -= 1 + ed = ed_video + llm_grid_t, llm_grid_h, llm_grid_w = ( + t.item(), + h.item() // spatial_merge_size, + w.item() // spatial_merge_size, + ) + text_len = ed - st + + st_idx = llm_pos_ids_list[-1].max() + 1 if len(llm_pos_ids_list) > 0 else 0 + llm_pos_ids_list.append(torch.arange(text_len).view(1, -1).expand(3, -1) + st_idx) + + range_tensor = torch.arange(llm_grid_t).view(-1, 1) + expanded_range = range_tensor.expand(-1, llm_grid_h * llm_grid_w) + + time_tensor = expanded_range * second_per_grid_t * self.config.vision_config.tokens_per_second + + time_tensor_long = time_tensor.long() + t_index = time_tensor_long.flatten() + + h_index = torch.arange(llm_grid_h).view(1, -1, 1).expand(llm_grid_t, -1, llm_grid_w).flatten() + w_index = torch.arange(llm_grid_w).view(1, 1, -1).expand(llm_grid_t, llm_grid_h, -1).flatten() + llm_pos_ids_list.append(torch.stack([t_index, h_index, w_index]) + text_len + st_idx) + st = ed + llm_grid_t * llm_grid_h * llm_grid_w + + if st < len(input_tokens): + st_idx = llm_pos_ids_list[-1].max() + 1 if len(llm_pos_ids_list) > 0 else 0 + text_len = len(input_tokens) - st + llm_pos_ids_list.append(torch.arange(text_len).view(1, -1).expand(3, -1) + st_idx) + + llm_positions = torch.cat(llm_pos_ids_list, dim=1).reshape(3, -1) + position_ids[..., i, attention_mask[i] == 1] = llm_positions.to(position_ids.device) + mrope_position_deltas.append(llm_positions.max() + 1 - len(total_input_ids[i])) + mrope_position_deltas = torch.tensor(mrope_position_deltas, device=input_ids.device).unsqueeze(1) + return position_ids, mrope_position_deltas + else: + if attention_mask is not None: + position_ids = attention_mask.long().cumsum(-1) - 1 + position_ids.masked_fill_(attention_mask == 0, 1) + position_ids = position_ids.unsqueeze(0).expand(3, -1, -1).to(attention_mask.device) + max_position_ids = position_ids.max(0, keepdim=False)[0].max(-1, keepdim=True)[0] + mrope_position_deltas = max_position_ids + 1 - attention_mask.shape[-1] + else: + position_ids = ( + torch.arange(input_ids.shape[1], device=input_ids.device) + .view(1, 1, -1) + .expand(3, input_ids.shape[0], -1) + ) + mrope_position_deltas = torch.zeros( + [input_ids.shape[0], 1], + device=input_ids.device, + dtype=input_ids.dtype, + ) + + return position_ids, mrope_position_deltas + + # @torch.compile + def forward_visual(self, pixel_values, grid_thw): + return self.visual(pixel_values, grid_thw=grid_thw) + + # @torch.compile + def forward( + self, + input_ids: torch.LongTensor = None, + attention_mask: Optional[torch.Tensor] = None, + position_ids: Optional[torch.LongTensor] = None, + past_key_values: Optional[List[torch.FloatTensor]] = None, + inputs_embeds: Optional[torch.FloatTensor] = None, + labels: Optional[torch.LongTensor] = None, + use_cache: Optional[bool] = None, + output_attentions: Optional[bool] = None, + output_hidden_states: Optional[bool] = None, + return_dict: Optional[bool] = None, + pixel_values: Optional[torch.Tensor] = None, + pixel_values_videos: Optional[torch.FloatTensor] = None, + image_grid_thw: Optional[torch.LongTensor] = None, + video_grid_thw: Optional[torch.LongTensor] = None, + rope_deltas: Optional[torch.LongTensor] = None, + cache_position: Optional[torch.LongTensor] = None, + second_per_grid_ts: Optional[torch.Tensor] = None, + output_type: Literal["lvlm", "denoise_model_pred", "denoise_embeds"] = "lvlm", + denoiser_kwargs: Optional[Dict] = {}, + only_use_t5: bool = False, + vlm_residual_image_factor: float = 0.0, + **kwargs, + ) -> Union[Tuple, Qwen2_5_VLCausalLMOutputWithPast]: + + if not only_use_t5: + if ( + self.forward_denoiser + ): # Force forward denoiser, which is used in FSDP training + return self.denoise_tower.denoiser(**kwargs) + + if "hidden_states" in kwargs: + print( + "You are using this model as a denoiser, please use the forward_denoiser_context to forward the model." + ) + print("For example:") + print("with self.forward_denoiser_context():") + print(" ... # Your code ...") + # if isinstance(pixel_values, list): + # print('pixel_values is list:', *[i.shape for i in pixel_values]) + # pixel_values = torch.cat(pixel_values) + # print('pixel_values convert to tensor:', pixel_values.shape) + # if isinstance(image_grid_thw, list): + # print('image_grid_thw is list:', *[i.shape for i in image_grid_thw]) + # image_grid_thw = torch.cat(image_grid_thw) + # print('image_grid_thw convert to tensor:', image_grid_thw.shape) + + if inputs_embeds is None: + inputs_embeds = self.model.embed_tokens(input_ids) + if pixel_values is not None: + pixel_values = pixel_values.type(self.visual.dtype) + ################################# + # add these line + image_embeds = self.forward_visual(pixel_values, grid_thw=image_grid_thw) + + if self.config.shortcut_projector_type is not None: + shortcut_image_embeds_batch = image_embeds + else: + shortcut_image_embeds_batch = None + ################################# + n_image_tokens = (input_ids == self.config.image_token_id).sum().item() + n_image_features = image_embeds.shape[0] + if n_image_tokens != n_image_features: + raise ValueError( + f"Image features and image tokens do not match: tokens: {n_image_tokens}, features {n_image_features}" + ) + + mask = input_ids == self.config.image_token_id + mask_unsqueezed = mask.unsqueeze(-1) + mask_expanded = mask_unsqueezed.expand_as(inputs_embeds) + image_mask = mask_expanded.to(inputs_embeds.device) + + image_embeds = image_embeds.to(inputs_embeds.device, inputs_embeds.dtype) + inputs_embeds = inputs_embeds.masked_scatter(image_mask, image_embeds) + + if pixel_values_videos is not None: + pixel_values_videos = pixel_values_videos.type(self.visual.dtype) + video_embeds = self.forward_visual(pixel_values_videos, grid_thw=video_grid_thw) + n_video_tokens = (input_ids == self.config.video_token_id).sum().item() + n_video_features = video_embeds.shape[0] + if n_video_tokens != n_video_features: + raise ValueError( + f"Video features and video tokens do not match: tokens: {n_video_tokens}, features {n_video_features}" + ) + + mask = input_ids == self.config.video_token_id + mask_unsqueezed = mask.unsqueeze(-1) + mask_expanded = mask_unsqueezed.expand_as(inputs_embeds) + video_mask = mask_expanded.to(inputs_embeds.device) + + video_embeds = video_embeds.to(inputs_embeds.device, inputs_embeds.dtype) + inputs_embeds = inputs_embeds.masked_scatter(video_mask, video_embeds) + + if attention_mask is not None: + attention_mask = attention_mask.to(inputs_embeds.device) + + + shortcut_image_embeds = [] + if pixel_values is not None and shortcut_image_embeds_batch is not None: + cum_image_len = 0 + for batch_idx in range(input_ids.shape[0]): + cur_input_ids = input_ids[batch_idx] + num_blocks, start_end_index, lengths = self.find_true_blocks((cur_input_ids == self.config.image_token_id)) + for i in range(len(num_blocks)): + shortcut_image_embeds.append( + ( + # batch_idx, + # pos, + # lengths, + # shortcut_image_embeds_batch, + batch_idx, + start_end_index[i], + lengths[i], + shortcut_image_embeds_batch[cum_image_len: cum_image_len+lengths[i]], + ) + ) + cum_image_len = cum_image_len + lengths[i] + + if output_type == "denoise_model_pred": + assert len(denoiser_kwargs) > 0, ( + "denoiser_kwargs should not be empty when output_type is denoise_model_pred" + ) + return_dict = False + + # if we get 4D attention mask we cannot calculate rope deltas anymore. TODO @raushan fixme + if position_ids is None and (attention_mask is None or attention_mask.ndim == 2): + # calculate RoPE index once per generation in the pre-fill stage only + if ( + (cache_position is not None and cache_position[0] == 0) + or self.rope_deltas is None + or (past_key_values is None or past_key_values.get_seq_length() == 0) + ): + position_ids, rope_deltas = self.get_rope_index( + input_ids, + image_grid_thw, + video_grid_thw, + second_per_grid_ts, + attention_mask, + ) + self.rope_deltas = rope_deltas + # then use the prev pre-calculated rope-deltas to get the correct position ids + else: + batch_size, seq_length, _ = inputs_embeds.shape + delta = ( + (cache_position[0] + self.rope_deltas).to(inputs_embeds.device) + if cache_position is not None + else 0 + ) + position_ids = torch.arange(seq_length, device=inputs_embeds.device) + position_ids = position_ids.view(1, -1).expand(batch_size, -1) + if cache_position is not None: # otherwise `deltas` is an int `0` + delta = delta.repeat_interleave(batch_size // delta.shape[0], dim=0) + position_ids = position_ids.add(delta) + position_ids = position_ids.unsqueeze(0).expand(3, -1, -1) + + outputs = self.model( + input_ids=None, + position_ids=position_ids, + attention_mask=attention_mask, + past_key_values=past_key_values, + inputs_embeds=inputs_embeds, + use_cache=use_cache, + output_attentions=output_attentions, + output_hidden_states=output_hidden_states, + return_dict=return_dict, + cache_position=cache_position, + ) + + hidden_states = outputs[0] + + + + if output_type.startswith("denoise"): + outputs = outputs[0] + else: + outputs = None + + if output_type.startswith("denoise"): + if outputs is not None and vlm_residual_image_factor > 0.0 and pixel_values is not None: + old = outputs[image_mask[:, :, 0]] # shape [N, D] + blended = old * (1 - vlm_residual_image_factor) + image_embeds * vlm_residual_image_factor # shape [N, D] + outputs = outputs.masked_scatter(image_mask, blended) + if outputs is not None and shortcut_image_embeds is not None and self.config.shortcut_image_embeds: + for ( + batch_idx, + pos, + image_seq_length, + image_embeds_item, + ) in shortcut_image_embeds: + outputs[batch_idx, pos : pos + image_seq_length, :] = ( + self.config.shortcut_image_embeds_scale * image_embeds_item + + (1 - self.config.shortcut_image_embeds_scale) + * outputs[batch_idx, pos : pos + image_seq_length, :] + ) + + ref_features_for_vlm = kwargs.pop('ref_features_for_vlm', None) + siglip_hidden_states = kwargs.pop('siglip_hidden_states', None) + if outputs is not None: + # outputs = self.denoise_tower.denoise_projector(outputs) + outputs = self.denoise_tower.denoise_projector(outputs) + if ref_features_for_vlm is not None: + # outputs_ref_features = self.denoise_tower.vae_projector(ref_features_for_vlm) + outputs_ref_features = self.denoise_tower.vae_projector(ref_features_for_vlm) + outputs = torch.cat([outputs, outputs_ref_features], dim=1) + if siglip_hidden_states is not None: + # siglip_hidden_states = self.denoise_tower.siglip_projector(siglip_hidden_states) + siglip_hidden_states = self.denoise_tower.siglip_projector(siglip_hidden_states) + indices_list = self.find_all_token_positions(input_ids, self.config.image_end_token_id) + # import ipdb;ipdb.set_trace() + outputs, attention_mask = self._insert_img_to_vlm(outputs, attention_mask, siglip_hidden_states, indices_list) + # print(outputs.shape) + + + if output_type == "denoise_embeds": + # LVLM outputs -> MLP2 -> prompt_embeds + # with prompt_embeds, we can directly forward the denoiser. + return outputs + elif output_type == "denoise_model_pred": + # LM outputs -> MLP2 -> Denoiser -> model_pred + denoiser_kwargs['enc_attention_mask'] = attention_mask + return self.forward_denoise_tower( + outputs, **denoiser_kwargs + ) + else: + raise ValueError(f"Unknown output_type: {output_type}.") + + logits = self.lm_head(hidden_states) + + loss = None + if labels is not None: + # Upcast to float if we need to compute the loss to avoid potential precision issues + logits = logits.float() + # Shift so that tokens < n predict n + shift_logits = logits[..., :-1, :].contiguous() + shift_labels = labels[..., 1:].contiguous() + # Flatten the tokens + loss_fct = CrossEntropyLoss() + shift_logits = shift_logits.view(-1, self.config.vocab_size) + shift_labels = shift_labels.view(-1) + # Enable model parallelism + shift_labels = shift_labels.to(shift_logits.device) + loss = loss_fct(shift_logits, shift_labels) + + if not return_dict: + output = (logits,) + outputs[1:] + return (loss,) + output if loss is not None else output + + return Qwen2_5_VLCausalLMOutputWithPast( + loss=loss, + logits=logits, + past_key_values=outputs.past_key_values, + hidden_states=outputs.hidden_states, + attentions=outputs.attentions, + rope_deltas=self.rope_deltas, + ) + + def forward_denoise_tower(self, outputs, **denoiser_kwargs): + return self.denoise_tower( + encoder_hidden_states=outputs, **denoiser_kwargs + ) + + # @torch._dynamo.disable + def find_all_token_positions(self, input_ids, token_id): + """ + 返回一个列表,列表中每个元素是该 batch 中对应样本中 token_id 出现的位置索引(1D Tensor) + """ + match = (input_ids == token_id) # [B, L] 的 bool 矩阵 + batch_indices, seq_indices = torch.where(match) # 都是 1D,长度为匹配总数 + + # 构建一个列表:每个样本一个 Tensor,记录匹配位置 + batch_size = input_ids.size(0) + result = [[] for _ in range(batch_size)] + for b, s in zip(batch_indices.tolist(), seq_indices.tolist()): + result[b].append(s) + return result + + def find_true_blocks(self, tensor): + tensor = tensor.bool() + # pad左右两边,方便处理边界 + padded = torch.nn.functional.pad(tensor[None].float(), (1, 1)) # 1D tensor -> shape (1, L+2) + diff = padded[:, 1:] - padded[:, :-1] # shape (1, L+1) + + # +1 表示从 False -> True(块开始),-1 表示从 True -> False(块结束) + starts = (diff == 1).nonzero(as_tuple=True)[1] + ends = (diff == -1).nonzero(as_tuple=True)[1] - 1 # 结束 index 是最后一个 True 的位置 + + lengths = ends - starts + 1 + num_blocks = starts.numel() + return num_blocks, list(zip(starts, ends)), lengths + + def forward_denoiser_context(self): + class ForwardDenoiserContext: + def __init__(self, model): + self.model = model + self.backup_config = None + + def __enter__(self): + self.backup_config = self.model.config + self.model.config = self.model.denoise_tower.denoiser.config + self.model.forward_denoiser = True + return self.model + + def __exit__(self, exc_type, exc_val, exc_tb): + self.model.forward_denoiser = False + self.model.config = self.backup_config + return False + + return ForwardDenoiserContext(self) + + def prepare_inputs_for_generation( + self, + input_ids, + past_key_values=None, + attention_mask=None, + inputs_embeds=None, + cache_position=None, + position_ids=None, + use_cache=True, + pixel_values=None, + pixel_values_videos=None, + image_grid_thw=None, + video_grid_thw=None, + second_per_grid_ts=None, + **kwargs, + ): + # Overwritten -- in specific circumstances we don't want to forward image inputs to the model + + model_inputs = super().prepare_inputs_for_generation( + input_ids, + past_key_values=past_key_values, + attention_mask=attention_mask, + inputs_embeds=inputs_embeds, + cache_position=cache_position, + position_ids=position_ids, + pixel_values=pixel_values, + pixel_values_videos=pixel_values_videos, + image_grid_thw=image_grid_thw, + video_grid_thw=video_grid_thw, + second_per_grid_ts=second_per_grid_ts, + use_cache=use_cache, + **kwargs, + ) + + # Qwen2-5-VL position_ids are prepareed with rope_deltas in forward + model_inputs["position_ids"] = None + + if cache_position[0] != 0: + model_inputs["pixel_values"] = None + model_inputs["pixel_values_videos"] = None + + return model_inputs + + @staticmethod + def _insert_img_to_vlm(vlm_feature, attention_mask, img_feature, indices_list): + B, L, D = vlm_feature.shape + assert img_feature.ndim == 3 + img_L = img_feature.shape[1] + max_new_len = max([L+img_L*len(inds) for inds in indices_list]) + + new_vlm_feature = torch.zeros(B, max_new_len, D, dtype=vlm_feature.dtype, device=vlm_feature.device) + + img_mask = torch.zeros((B, max_new_len, 1), dtype=torch.bool, device=vlm_feature.device) + for i, inds in enumerate(indices_list): + diff = max_new_len - L - len(inds) * img_L + for j, pos in enumerate(inds): + # print(i, f'{diff + j*img_L + pos} -> {diff + (j+1)*img_L + pos}') + img_mask[i, diff + j*img_L + pos: diff + (j+1)*img_L + pos] = True + + vlm_mask = ~img_mask + for i, inds in enumerate(indices_list): + # print(i, f'{max_new_len-L-img_L*len(inds)}') + vlm_mask[i, :max_new_len-L-img_L*len(inds)] = False + + if attention_mask is not None: + attention_mask = torch.cat( + [ + torch.zeros( + (attention_mask.shape[0], max_new_len-L), + device=attention_mask.device, dtype=attention_mask.dtype + ), + attention_mask + ], dim=-1 + ) + + img_mask = img_mask.repeat(1, 1, D) + assert torch.sum(img_mask) == img_feature.numel() + new_vlm_feature.masked_scatter_(img_mask, img_feature) + + vlm_mask = vlm_mask.repeat(1, 1, D) + assert torch.sum(vlm_mask) == vlm_feature.numel() + new_vlm_feature.masked_scatter_(vlm_mask, vlm_feature.view(-1, D)) + return new_vlm_feature, attention_mask + + def _get_image_nums_and_video_nums( + self, + input_ids: Optional[torch.LongTensor], + ) -> Tuple[torch.Tensor, torch.Tensor]: + """ + Get the number of images and videos for each sample to calculate the separation length of the sample tensor. + These parameters are not passed through the processor to avoid unpredictable impacts from interface modifications. + + Args: + input_ids (`torch.LongTensor` of shape `(batch_size, sequence_length)`): + Indices of input sequence tokens in the vocabulary. + + Returns: + image_nums (`torch.LongTensor` of shape `(batch_size, num_images_sample)`) + video_nums (`torch.LongTensor` of shape `(batch_size, num_videos_sample)`) + """ + image_token_id = self.config.image_token_id + video_token_id = self.config.video_token_id + vision_start_token_id = self.config.vision_start_token_id + + vision_start_mask = input_ids == vision_start_token_id + vision_first_mask = torch.roll(vision_start_mask, shifts=1, dims=1) + image_mask = input_ids == image_token_id + video_mask = input_ids == video_token_id + image_nums = torch.sum(vision_first_mask & image_mask, dim=1) + video_nums = torch.sum(vision_first_mask & video_mask, dim=1) + + return image_nums, video_nums + + def _expand_inputs_for_generation( + self, + expand_size: int = 1, + is_encoder_decoder: bool = False, + input_ids: Optional[torch.LongTensor] = None, + **model_kwargs, + ) -> Tuple[torch.LongTensor, Dict[str, Any]]: + # Overwritten -- Support for expanding tensors without a batch size dimension + # e.g., pixel_values, image_grid_thw, pixel_values_videos, video_grid_thw, second_per_grid_t + # pixel_values.shape[0] is sum(seqlen_images for samples) + # image_grid_thw.shape[0] is sum(num_images for samples) + + if expand_size == 1: + return input_ids, model_kwargs + + visual_keys = ["pixel_values", "image_grid_thw", "pixel_values_videos", "video_grid_thw", "second_per_grid_ts"] + + def _expand_dict_for_generation_visual(dict_to_expand): + image_grid_thw = model_kwargs.get("image_grid_thw", None) + video_grid_thw = model_kwargs.get("video_grid_thw", None) + image_nums, video_nums = self._get_image_nums_and_video_nums(input_ids) + + def _repeat_interleave_samples(x, lengths, repeat_times): + samples = torch.split(x, lengths) + repeat_args = [repeat_times] + [1] * (x.dim() - 1) + result = torch.cat([sample.repeat(*repeat_args) for sample in samples], dim=0) + return result + + for key in dict_to_expand: + if key == "pixel_values": + # split images into samples + samples = torch.split(image_grid_thw, list(image_nums)) + # compute the sequence length of images for each sample + lengths = [torch.prod(sample, dim=1).sum() for sample in samples] + dict_to_expand[key] = _repeat_interleave_samples( + dict_to_expand[key], lengths=lengths, repeat_times=expand_size + ) + elif key == "image_grid_thw": + # get the num of images for each sample + lengths = list(image_nums) + dict_to_expand[key] = _repeat_interleave_samples( + dict_to_expand[key], lengths=lengths, repeat_times=expand_size + ) + elif key == "pixel_values_videos": + samples = torch.split(video_grid_thw, list(video_nums)) + lengths = [torch.prod(sample, dim=1).sum() for sample in samples] + dict_to_expand[key] = _repeat_interleave_samples( + dict_to_expand[key], lengths=lengths, repeat_times=expand_size + ) + elif key == "video_grid_thw": + lengths = list(video_nums) + dict_to_expand[key] = _repeat_interleave_samples( + dict_to_expand[key], lengths=lengths, repeat_times=expand_size + ) + elif key == "second_per_grid_ts": + if not isinstance(dict_to_expand[key], list): + raise TypeError( + f"Expected value for key '{key}' to be a list, but got {type(dict_to_expand[key])} instead." + ) + tensor = torch.tensor(dict_to_expand[key]) + lengths = list(video_nums) + tensor = _repeat_interleave_samples(tensor, lengths=lengths, repeat_times=expand_size) + dict_to_expand[key] = tensor.tolist() + return dict_to_expand + + def _expand_dict_for_generation(dict_to_expand): + for key in dict_to_expand: + if ( + key != "cache_position" + and dict_to_expand[key] is not None + and isinstance(dict_to_expand[key], torch.Tensor) + and key not in visual_keys + ): + dict_to_expand[key] = dict_to_expand[key].repeat_interleave(expand_size, dim=0) + return dict_to_expand + + # input_ids is required for expanding visual inputs + # If input_ids is unavailable, visual inputs will not be used; therefore, there is no need to expand visual inputs. + if input_ids is not None and input_ids.numel() != 0: + model_kwargs = _expand_dict_for_generation_visual(model_kwargs) + + if input_ids is not None: + input_ids = input_ids.repeat_interleave(expand_size, dim=0) + + model_kwargs = _expand_dict_for_generation(model_kwargs) + + if is_encoder_decoder: + if model_kwargs.get("encoder_outputs") is None: + raise ValueError("If `is_encoder_decoder` is True, make sure that `encoder_outputs` is defined.") + model_kwargs["encoder_outputs"] = _expand_dict_for_generation(model_kwargs["encoder_outputs"]) + + return input_ids, model_kwargs + + +# __all__ = ["Qwen2_5_VLForConditionalGeneration", "Qwen2_5_VLModel", "Qwen2_5_VLPreTrainedModel"] diff --git a/univa/models/qwen2vl/configuration_univa_qwen2vl.py b/univa/models/qwen2vl/configuration_univa_qwen2vl.py new file mode 100644 index 0000000000000000000000000000000000000000..683200c695a2d353932ac3a138516b7a9f7bff0a --- /dev/null +++ b/univa/models/qwen2vl/configuration_univa_qwen2vl.py @@ -0,0 +1,52 @@ +from transformers.models.qwen2_vl.configuration_qwen2_vl import Qwen2VLConfig, Qwen2VLVisionConfig +from univa.models.configuration_univa_denoise_tower import UnivaDenoiseTowerConfig +from typing import Optional + + +class UnivaQwen2VLConfig(Qwen2VLConfig): + model_type = "univa_qwen2vl" + sub_configs = { + "vision_config": Qwen2VLVisionConfig, + # "vision_tower": UnivaQwen2VLVisionTowerConfig, + "denoise_tower": UnivaDenoiseTowerConfig, + } + + def __init__( + self, + # vision_tower: UnivaQwen2VLVisionTowerConfig = None, + denoise_tower: UnivaDenoiseTowerConfig = None, + image_token_length: Optional[int] = None, + shortcut_image_embeds: bool = False, + shortcut_image_embeds_scale: float = 0.5, + shortcut_projector_type: Optional[str] = "mlp2x_gelu", + **kwargs, + ): + super().__init__(**kwargs) + self.image_token_length = image_token_length + self.shortcut_image_embeds = shortcut_image_embeds + self.shortcut_image_embeds_scale = shortcut_image_embeds_scale + + if not shortcut_image_embeds: + shortcut_projector_type = None + self.shortcut_projector_type = shortcut_projector_type + # if isinstance(vision_tower, dict): + # vision_tower["shortcut_projector_type"] = shortcut_projector_type + # self.vision_tower = UnivaQwen2VLVisionTowerConfig(**vision_tower) + # elif vision_tower is None: + # self.vision_tower = UnivaQwen2VLVisionTowerConfig( + # shortcut_projector_type=shortcut_projector_type + # ) + # else: + # self.vision_tower = vision_tower + + print(denoise_tower) + + if isinstance(denoise_tower, dict): + denoise_tower["input_hidden_size"] = self.hidden_size + self.denoise_tower = UnivaDenoiseTowerConfig(**denoise_tower) + elif denoise_tower is None: + self.denoise_tower = UnivaDenoiseTowerConfig( + input_hidden_size=self.hidden_size + ) + else: + self.denoise_tower = denoise_tower diff --git a/univa/models/qwen2vl/modeling_univa_qwen2vl.py b/univa/models/qwen2vl/modeling_univa_qwen2vl.py new file mode 100644 index 0000000000000000000000000000000000000000..932c789ec7c136e5c28fd01070b07e600bd4663e --- /dev/null +++ b/univa/models/qwen2vl/modeling_univa_qwen2vl.py @@ -0,0 +1,723 @@ +from typing import Optional, List, Tuple, Union, Literal, Dict +import torch._dynamo +import math +from dataclasses import dataclass +from typing import Any, Dict, List, Optional, Tuple, Union +import torch +import torch.nn as nn +from torch.nn import functional as F +from torch.nn import CrossEntropyLoss +from transformers import GenerationMixin +from transformers.models.qwen2_vl.modeling_qwen2_vl import ( + Qwen2VLModel, + Qwen2VLPreTrainedModel, + Qwen2VisionTransformerPretrainedModel, + Qwen2VLCausalLMOutputWithPast +) +# from univa.models.modeling_univa_vision_tower import UnivaVisionTower +# from univa.models.configuration_univa import UnivaConfig +from univa.models.qwen2vl.configuration_univa_qwen2vl import UnivaQwen2VLConfig +from univa.models.modeling_univa_denoise_tower import UnivaDenoiseTower + +class UnivaQwen2VLModel(Qwen2VLModel): + def __init__(self, config: UnivaQwen2VLConfig): + super().__init__(config) + self.config = config + +class UnivaQwen2VLForConditionalGeneration(Qwen2VLPreTrainedModel, GenerationMixin): + _tied_weights_keys = ["lm_head.weight"] + config_class = UnivaQwen2VLConfig + + def __init__(self, config: UnivaQwen2VLConfig): + super().__init__(config) + self.visual = Qwen2VisionTransformerPretrainedModel._from_config(config.vision_config) + print("visual init done") + self.model = UnivaQwen2VLModel(config) + print("model init done") + self.denoise_tower = UnivaDenoiseTower(config.denoise_tower) + print("denoise tower init done") + + self.vocab_size = config.vocab_size + self.lm_head = nn.Linear(config.hidden_size, config.vocab_size, bias=False) + self.rope_deltas = None # cache rope_deltas here + + self.forward_denoiser = False + # Initialize weights and apply final processing + self.post_init() + + def get_denoise_embeds( + self, + input_ids: torch.LongTensor, + images: Optional[List[torch.FloatTensor]] = None, + image_position: Optional[torch.LongTensor] = None, + ): + input_embeds = self(input_ids, images, image_position)[0] + input_embeds = self.denoise_tower(input_embeds) + return input_embeds + + + def get_input_embeddings(self): + return self.model.embed_tokens + + def set_input_embeddings(self, value): + self.model.embed_tokens = value + + def get_output_embeddings(self): + return self.lm_head + + def set_output_embeddings(self, new_embeddings): + self.lm_head = new_embeddings + + def set_decoder(self, decoder): + self.model = decoder + + def get_decoder(self): + return self.model + + # @torch._dynamo.disable + def get_rope_index( + self, + input_ids: Optional[torch.LongTensor] = None, + image_grid_thw: Optional[torch.LongTensor] = None, + video_grid_thw: Optional[torch.LongTensor] = None, + attention_mask: Optional[torch.Tensor] = None, + ) -> Tuple[torch.Tensor, torch.Tensor]: + """ + Calculate the 3D rope index based on image and video's temporal, height and width in LLM. + + Explanation: + Each embedding sequence contains vision embedding and text embedding or just contains text embedding. + + For pure text embedding sequence, the rotary position embedding has no difference with modern LLMs. + Examples: + input_ids: [T T T T T], here T is for text. + temporal position_ids: [0, 1, 2, 3, 4] + height position_ids: [0, 1, 2, 3, 4] + width position_ids: [0, 1, 2, 3, 4] + + For vision and text embedding sequence, we calculate 3D rotary position embedding for vision part + and 1D rotary position embedding for text part. + Examples: + Assume we have a video input with 3 temporal patches, 2 height patches and 2 width patches. + input_ids: [V V V V V V V V V V V V T T T T T], here V is for vision. + vision temporal position_ids: [0, 0, 0, 0, 1, 1, 1, 1, 2, 2, 2, 2] + vision height position_ids: [0, 0, 1, 1, 0, 0, 1, 1, 0, 0, 1, 1] + vision width position_ids: [0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1] + text temporal position_ids: [3, 4, 5, 6, 7] + text height position_ids: [3, 4, 5, 6, 7] + text width position_ids: [3, 4, 5, 6, 7] + Here we calculate the text start position_ids as the max vision position_ids plus 1. + + Args: + input_ids (`torch.LongTensor` of shape `(batch_size, sequence_length)`): + Indices of input sequence tokens in the vocabulary. Padding will be ignored by default should you provide + it. + image_grid_thw (`torch.LongTensor` of shape `(num_images, 3)`, *optional*): + The temporal, height and width of feature shape of each image in LLM. + video_grid_thw (`torch.LongTensor` of shape `(num_videos, 3)`, *optional*): + The temporal, height and width of feature shape of each video in LLM. + attention_mask (`torch.Tensor` of shape `(batch_size, sequence_length)`, *optional*): + Mask to avoid performing attention on padding token indices. Mask values selected in `[0, 1]`: + + - 1 for tokens that are **not masked**, + - 0 for tokens that are **masked**. + + Returns: + position_ids (`torch.LongTensor` of shape `(3, batch_size, sequence_length)`) + mrope_position_deltas (`torch.Tensor` of shape `(batch_size)`) + """ + spatial_merge_size = self.config.vision_config.spatial_merge_size + image_token_id = self.config.image_token_id + video_token_id = self.config.video_token_id + vision_start_token_id = self.config.vision_start_token_id + mrope_position_deltas = [] + if input_ids is not None and (image_grid_thw is not None or video_grid_thw is not None): + total_input_ids = input_ids + if attention_mask is None: + attention_mask = torch.ones_like(total_input_ids) + position_ids = torch.ones( + 3, input_ids.shape[0], input_ids.shape[1], dtype=input_ids.dtype, device=input_ids.device + ) + image_index, video_index = 0, 0 + for i, input_ids in enumerate(total_input_ids): + input_ids = input_ids[attention_mask[i].to(input_ids.device) == 1] + image_nums, video_nums = 0, 0 + vision_start_indices = torch.argwhere(input_ids == vision_start_token_id).squeeze(1) + ################# + # skip last boi, because last boi do NOT have true image_token + vision_start_indices = vision_start_indices[vision_start_indices + 1 0: + ed_image = input_tokens.index(image_token_id, st) + else: + ed_image = len(input_tokens) + 1 + if video_token_id in input_tokens and remain_videos > 0: + ed_video = input_tokens.index(video_token_id, st) + else: + ed_video = len(input_tokens) + 1 + if ed_image < ed_video: + t, h, w = ( + image_grid_thw[image_index][0], + image_grid_thw[image_index][1], + image_grid_thw[image_index][2], + ) + image_index += 1 + remain_images -= 1 + ed = ed_image + else: + t, h, w = ( + video_grid_thw[video_index][0], + video_grid_thw[video_index][1], + video_grid_thw[video_index][2], + ) + video_index += 1 + remain_videos -= 1 + ed = ed_video + llm_grid_t, llm_grid_h, llm_grid_w = ( + t.item(), + h.item() // spatial_merge_size, + w.item() // spatial_merge_size, + ) + text_len = ed - st + + st_idx = llm_pos_ids_list[-1].max() + 1 if len(llm_pos_ids_list) > 0 else 0 + llm_pos_ids_list.append(torch.arange(text_len).view(1, -1).expand(3, -1) + st_idx) + + t_index = torch.arange(llm_grid_t).view(-1, 1).expand(-1, llm_grid_h * llm_grid_w).flatten() + h_index = torch.arange(llm_grid_h).view(1, -1, 1).expand(llm_grid_t, -1, llm_grid_w).flatten() + w_index = torch.arange(llm_grid_w).view(1, 1, -1).expand(llm_grid_t, llm_grid_h, -1).flatten() + llm_pos_ids_list.append(torch.stack([t_index, h_index, w_index]) + text_len + st_idx) + st = ed + llm_grid_t * llm_grid_h * llm_grid_w + + if st < len(input_tokens): + st_idx = llm_pos_ids_list[-1].max() + 1 if len(llm_pos_ids_list) > 0 else 0 + text_len = len(input_tokens) - st + llm_pos_ids_list.append(torch.arange(text_len).view(1, -1).expand(3, -1) + st_idx) + + llm_positions = torch.cat(llm_pos_ids_list, dim=1).reshape(3, -1) + position_ids[..., i, attention_mask[i] == 1] = llm_positions.to(position_ids.device) + mrope_position_deltas.append(llm_positions.max() + 1 - len(total_input_ids[i])) + mrope_position_deltas = torch.tensor(mrope_position_deltas, device=input_ids.device).unsqueeze(1) + return position_ids, mrope_position_deltas + else: + if attention_mask is not None: + position_ids = attention_mask.long().cumsum(-1) - 1 + position_ids.masked_fill_(attention_mask == 0, 1) + position_ids = position_ids.unsqueeze(0).expand(3, -1, -1).to(attention_mask.device) + max_position_ids = position_ids.max(0, keepdim=False)[0].max(-1, keepdim=True)[0] + mrope_position_deltas = max_position_ids + 1 - attention_mask.shape[-1] + else: + position_ids = ( + torch.arange(input_ids.shape[1], device=input_ids.device) + .view(1, 1, -1) + .expand(3, input_ids.shape[0], -1) + ) + mrope_position_deltas = torch.zeros( + [input_ids.shape[0], 1], + device=input_ids.device, + dtype=input_ids.dtype, + ) + + return position_ids, mrope_position_deltas + + + # @torch.compile + def forward_visual(self, pixel_values, grid_thw): + return self.visual(pixel_values, grid_thw=grid_thw) + + # @torch.compile + def forward( + self, + input_ids: torch.LongTensor = None, + attention_mask: Optional[torch.Tensor] = None, + position_ids: Optional[torch.LongTensor] = None, + past_key_values: Optional[List[torch.FloatTensor]] = None, + inputs_embeds: Optional[torch.FloatTensor] = None, + labels: Optional[torch.LongTensor] = None, + use_cache: Optional[bool] = None, + output_attentions: Optional[bool] = None, + output_hidden_states: Optional[bool] = None, + return_dict: Optional[bool] = None, + pixel_values: Optional[torch.Tensor] = None, + pixel_values_videos: Optional[torch.FloatTensor] = None, + image_grid_thw: Optional[torch.LongTensor] = None, + video_grid_thw: Optional[torch.LongTensor] = None, + rope_deltas: Optional[torch.LongTensor] = None, + cache_position: Optional[torch.LongTensor] = None, + output_type: Literal["lvlm", "denoise_model_pred", "denoise_embeds"] = "lvlm", + denoiser_kwargs: Optional[Dict] = {}, + only_use_t5: bool = False, + vlm_residual_image_factor: float = 0.0, + **kwargs, + ) -> Union[Tuple, Qwen2VLCausalLMOutputWithPast]: + if not only_use_t5: + if ( + self.forward_denoiser + ): # Force forward denoiser, which is used in FSDP training + return self.denoise_tower.denoiser(**kwargs) + + if "hidden_states" in kwargs: + print( + "You are using this model as a denoiser, please use the forward_denoiser_context to forward the model." + ) + print("For example:") + print("with self.forward_denoiser_context():") + print(" ... # Your code ...") + # if isinstance(pixel_values, list): + # print('pixel_values is list:', *[i.shape for i in pixel_values]) + # pixel_values = torch.cat(pixel_values) + # print('pixel_values convert to tensor:', pixel_values.shape) + # if isinstance(image_grid_thw, list): + # print('image_grid_thw is list:', *[i.shape for i in image_grid_thw]) + # image_grid_thw = torch.cat(image_grid_thw) + # print('image_grid_thw convert to tensor:', image_grid_thw.shape) + if inputs_embeds is None: + inputs_embeds = self.model.embed_tokens(input_ids) + if pixel_values is not None: + pixel_values = pixel_values.type(self.visual.get_dtype()) + ################################# + # add these line + image_embeds = self.forward_visual(pixel_values, grid_thw=image_grid_thw) + + if self.config.shortcut_projector_type is not None: + shortcut_image_embeds_batch = image_embeds + else: + shortcut_image_embeds_batch = None + ################################# + n_image_tokens = (input_ids == self.config.image_token_id).sum().item() + n_image_features = image_embeds.shape[0] + if n_image_tokens != n_image_features: + raise ValueError( + f"Image features and image tokens do not match: tokens: {n_image_tokens}, features {n_image_features}" + ) + image_mask = ( + (input_ids == self.config.image_token_id) + .unsqueeze(-1) + .expand_as(inputs_embeds) + .to(inputs_embeds.device) + ) + image_embeds = image_embeds.to(inputs_embeds.device, inputs_embeds.dtype) + inputs_embeds = inputs_embeds.masked_scatter(image_mask, image_embeds) + + if pixel_values_videos is not None: + pixel_values_videos = pixel_values_videos.type(self.visual.get_dtype()) + video_embeds = self.forward_visual(pixel_values_videos, grid_thw=video_grid_thw) + n_video_tokens = (input_ids == self.config.video_token_id).sum().item() + n_video_features = video_embeds.shape[0] + if n_video_tokens != n_video_features: + raise ValueError( + f"Video features and video tokens do not match: tokens: {n_video_tokens}, features {n_video_features}" + ) + video_mask = ( + (input_ids == self.config.video_token_id) + .unsqueeze(-1) + .expand_as(inputs_embeds) + .to(inputs_embeds.device) + ) + video_embeds = video_embeds.to(inputs_embeds.device, inputs_embeds.dtype) + inputs_embeds = inputs_embeds.masked_scatter(video_mask, video_embeds) + + if attention_mask is not None: + attention_mask = attention_mask.to(inputs_embeds.device) + + shortcut_image_embeds = [] + if pixel_values is not None and shortcut_image_embeds_batch is not None: + cum_image_len = 0 + for batch_idx in range(input_ids.shape[0]): + cur_input_ids = input_ids[batch_idx] + num_blocks, start_end_index, lengths = self.find_true_blocks((cur_input_ids == self.config.image_token_id)) + for i in range(len(num_blocks)): + shortcut_image_embeds.append( + ( + # batch_idx, + # pos, + # lengths, + # shortcut_image_embeds_batch, + batch_idx, + start_end_index[i], + lengths[i], + shortcut_image_embeds_batch[cum_image_len: cum_image_len+lengths[i]], + ) + ) + cum_image_len = cum_image_len + lengths[i] + + if output_type == "denoise_model_pred": + assert len(denoiser_kwargs) > 0, ( + "denoiser_kwargs should not be empty when output_type is denoise_model_pred" + ) + return_dict = False + + # if we get 4D attention mask we cannot calculate rope deltas anymore. TODO @raushan fixme + if position_ids is None and (attention_mask is None or attention_mask.ndim == 2): + # calculate RoPE index once per generation in the pre-fill stage only + if ( + (cache_position is not None and cache_position[0] == 0) + or self.rope_deltas is None + or (past_key_values is None or past_key_values.get_seq_length() == 0) + ): + position_ids, rope_deltas = self.get_rope_index( + input_ids, image_grid_thw, video_grid_thw, attention_mask + ) + self.rope_deltas = rope_deltas + # then use the prev pre-calculated rope-deltas to get the correct position ids + else: + batch_size, seq_length, _ = inputs_embeds.shape + delta = cache_position[0] + self.rope_deltas if cache_position is not None else 0 + position_ids = torch.arange(seq_length, device=inputs_embeds.device) + position_ids = position_ids.view(1, -1).expand(batch_size, -1) + if cache_position is not None: # otherwise `deltas` is an int `0` + delta = delta.repeat_interleave(batch_size // delta.shape[0], dim=0) + delta = delta.to(position_ids.device) + position_ids = position_ids.add(delta) + position_ids = position_ids.unsqueeze(0).expand(3, -1, -1) + + outputs = self.model( + input_ids=None, + position_ids=position_ids, + attention_mask=attention_mask, + past_key_values=past_key_values, + inputs_embeds=inputs_embeds, + use_cache=use_cache, + output_attentions=output_attentions, + output_hidden_states=output_hidden_states, + return_dict=return_dict, + cache_position=cache_position, + ) + + hidden_states = outputs[0] + + + if output_type.startswith("denoise"): + outputs = outputs[0] + else: + outputs = None + + if output_type.startswith("denoise"): + if outputs is not None and vlm_residual_image_factor > 0.0 and pixel_values is not None: + old = outputs[image_mask[:, :, 0]] # shape [N, D] + blended = old * (1 - vlm_residual_image_factor) + image_embeds * vlm_residual_image_factor # shape [N, D] + outputs = outputs.masked_scatter(image_mask, blended) + if outputs is not None and shortcut_image_embeds is not None and self.config.shortcut_image_embeds: + for ( + batch_idx, + pos, + image_seq_length, + image_embeds_item, + ) in shortcut_image_embeds: + outputs[batch_idx, pos : pos + image_seq_length, :] = ( + self.config.shortcut_image_embeds_scale * image_embeds_item + + (1 - self.config.shortcut_image_embeds_scale) + * outputs[batch_idx, pos : pos + image_seq_length, :] + ) + + ref_features_for_vlm = kwargs.pop('ref_features_for_vlm', None) + siglip_hidden_states = kwargs.pop('siglip_hidden_states', None) + if outputs is not None: + outputs = self.denoise_tower.denoise_projector(outputs) + if ref_features_for_vlm is not None: + outputs_ref_features = self.denoise_tower.vae_projector(ref_features_for_vlm) + outputs = torch.cat([outputs, outputs_ref_features], dim=1) + if siglip_hidden_states is not None: + siglip_hidden_states = self.denoise_tower.siglip_projector(siglip_hidden_states) + indices_list = self.find_all_token_positions(input_ids, self.config.image_end_token_id) + # import ipdb;ipdb.set_trace() + outputs = self._insert_img_to_vlm(outputs, siglip_hidden_states, indices_list) + # print(outputs.shape) + + + if output_type == "denoise_embeds": + # LVLM outputs -> MLP2 -> prompt_embeds + # with prompt_embeds, we can directly forward the denoiser. + return outputs + elif output_type == "denoise_model_pred": + # LM outputs -> MLP2 -> Denoiser -> model_pred + return self.forward_denoise_tower( + outputs, **denoiser_kwargs + ) + else: + raise ValueError(f"Unknown output_type: {output_type}.") + + logits = self.lm_head(hidden_states) + + loss = None + if labels is not None: + # Upcast to float if we need to compute the loss to avoid potential precision issues + logits = logits.float() + # Shift so that tokens < n predict n + shift_logits = logits[..., :-1, :].contiguous() + shift_labels = labels[..., 1:].contiguous() + # Flatten the tokens + loss_fct = CrossEntropyLoss() + shift_logits = shift_logits.view(-1, self.config.vocab_size) + shift_labels = shift_labels.view(-1) + # Enable model parallelism + shift_labels = shift_labels.to(shift_logits.device) + loss = loss_fct(shift_logits, shift_labels) + + if not return_dict: + output = (logits,) + outputs[1:] + return (loss,) + output if loss is not None else output + + outputs = Qwen2VLCausalLMOutputWithPast( + loss=loss, + logits=logits, + past_key_values=outputs.past_key_values, + hidden_states=outputs.hidden_states, + attentions=outputs.attentions, + rope_deltas=self.rope_deltas, + ) + return outputs + + def forward_denoise_tower(self, outputs, **denoiser_kwargs): + return self.denoise_tower( + encoder_hidden_states=outputs, **denoiser_kwargs + ) + + def find_all_token_positions(self, input_ids, token_id): + """ + 返回一个列表,列表中每个元素是该 batch 中对应样本中 token_id 出现的位置索引(1D Tensor) + """ + match = (input_ids == token_id) # [B, L] 的 bool 矩阵 + batch_indices, seq_indices = torch.where(match) # 都是 1D,长度为匹配总数 + + # 构建一个列表:每个样本一个 Tensor,记录匹配位置 + batch_size = input_ids.size(0) + result = [[] for _ in range(batch_size)] + for b, s in zip(batch_indices.tolist(), seq_indices.tolist()): + result[b].append(s) + return result + + def find_true_blocks(self, tensor): + tensor = tensor.bool() + # pad左右两边,方便处理边界 + padded = torch.nn.functional.pad(tensor[None].float(), (1, 1)) # 1D tensor -> shape (1, L+2) + diff = padded[:, 1:] - padded[:, :-1] # shape (1, L+1) + + # +1 表示从 False -> True(块开始),-1 表示从 True -> False(块结束) + starts = (diff == 1).nonzero(as_tuple=True)[1] + ends = (diff == -1).nonzero(as_tuple=True)[1] - 1 # 结束 index 是最后一个 True 的位置 + + lengths = ends - starts + 1 + num_blocks = starts.numel() + return num_blocks, list(zip(starts, ends)), lengths + + def forward_denoiser_context(self): + class ForwardDenoiserContext: + def __init__(self, model): + self.model = model + self.backup_config = None + + def __enter__(self): + self.backup_config = self.model.config + self.model.config = self.model.denoise_tower.denoiser.config + self.model.forward_denoiser = True + return self.model + + def __exit__(self, exc_type, exc_val, exc_tb): + self.model.forward_denoiser = False + self.model.config = self.backup_config + return False + + return ForwardDenoiserContext(self) + + def prepare_inputs_for_generation( + self, + input_ids, + past_key_values=None, + attention_mask=None, + inputs_embeds=None, + cache_position=None, + position_ids=None, + use_cache=True, + pixel_values=None, + pixel_values_videos=None, + image_grid_thw=None, + video_grid_thw=None, + **kwargs, + ): + # Overwritten -- in specific circumstances we don't want to forward image inputs to the model + + model_inputs = super().prepare_inputs_for_generation( + input_ids, + past_key_values=past_key_values, + attention_mask=attention_mask, + inputs_embeds=inputs_embeds, + cache_position=cache_position, + position_ids=position_ids, + pixel_values=pixel_values, + pixel_values_videos=pixel_values_videos, + image_grid_thw=image_grid_thw, + video_grid_thw=video_grid_thw, + use_cache=use_cache, + **kwargs, + ) + + # Qwen2-VL position_ids are prepareed with rope_deltas in forward + model_inputs["position_ids"] = None + + if model_inputs["cache_position"][0] != 0: + model_inputs["pixel_values"] = None + model_inputs["pixel_values_videos"] = None + + return model_inputs + + def _insert_img_to_vlm(self, vlm_feature, img_feature, indices_list): + B, L, D = vlm_feature.shape + assert img_feature.ndim == 3 + img_L = img_feature.shape[1] + max_new_len = max([L+img_L*len(inds) for inds in indices_list]) + + new_vlm_feature = torch.zeros(B, max_new_len, D, dtype=vlm_feature.dtype, device=vlm_feature.device) + + img_mask = torch.zeros((B, max_new_len, 1), dtype=torch.bool, device=vlm_feature.device) + for i, inds in enumerate(indices_list): + for j, pos in enumerate(inds): + # print(i, f'{j*img_L + pos} -> {(j+1)*img_L + pos}') + img_mask[i, j*img_L + pos: (j+1)*img_L + pos] = True + + vlm_mask = ~img_mask + for i, inds in enumerate(indices_list): + # print(i, f'{L+img_L*len(inds)}') + vlm_mask[i, L+img_L*len(inds): ] = False + + img_mask = img_mask.repeat(1, 1, D) + assert torch.sum(img_mask) == img_feature.numel() + new_vlm_feature.masked_scatter_(img_mask, img_feature) + + vlm_mask = vlm_mask.repeat(1, 1, D) + assert torch.sum(vlm_mask) == vlm_feature.numel() + new_vlm_feature.masked_scatter_(vlm_mask, vlm_feature.view(-1, D)) + return new_vlm_feature + + def _get_image_nums_and_video_nums( + self, + input_ids: Optional[torch.LongTensor], + ) -> Tuple[torch.Tensor, torch.Tensor]: + """ + Get the number of images and videos for each sample to calculate the separation length of the sample tensor. + These parameters are not passed through the processor to avoid unpredictable impacts from interface modifications. + + Args: + input_ids (`torch.LongTensor` of shape `(batch_size, sequence_length)`): + Indices of input sequence tokens in the vocabulary. + + Returns: + image_nums (`torch.LongTensor` of shape `(batch_size, num_images_sample)`) + video_nums (`torch.LongTensor` of shape `(batch_size, num_videos_sample)`) + """ + image_token_id = self.config.image_token_id + video_token_id = self.config.video_token_id + vision_start_token_id = self.config.vision_start_token_id + + vision_start_mask = input_ids == vision_start_token_id + vision_first_mask = torch.roll(vision_start_mask, shifts=1, dims=1) + image_mask = input_ids == image_token_id + video_mask = input_ids == video_token_id + image_nums = torch.sum(vision_first_mask & image_mask, dim=1) + video_nums = torch.sum(vision_first_mask & video_mask, dim=1) + + return image_nums, video_nums + + def _expand_inputs_for_generation( + self, + expand_size: int = 1, + is_encoder_decoder: bool = False, + input_ids: Optional[torch.LongTensor] = None, + **model_kwargs, + ) -> Tuple[torch.LongTensor, Dict[str, Any]]: + # Overwritten -- Support for expanding tensors without a batch size dimension + # e.g., pixel_values, image_grid_thw, pixel_values_videos, video_grid_thw, second_per_grid_t + # pixel_values.shape[0] is sum(seqlen_images for samples) + # image_grid_thw.shape[0] is sum(num_images for samples) + + if expand_size == 1: + return input_ids, model_kwargs + + visual_keys = ["pixel_values", "image_grid_thw", "pixel_values_videos", "video_grid_thw", "second_per_grid_ts"] + + def _expand_dict_for_generation_visual(dict_to_expand): + image_grid_thw = model_kwargs.get("image_grid_thw", None) + video_grid_thw = model_kwargs.get("video_grid_thw", None) + image_nums, video_nums = self._get_image_nums_and_video_nums(input_ids) + + def _repeat_interleave_samples(x, lengths, repeat_times): + samples = torch.split(x, lengths) + repeat_args = [repeat_times] + [1] * (x.dim() - 1) + result = torch.cat([sample.repeat(*repeat_args) for sample in samples], dim=0) + return result + + for key in dict_to_expand: + if key == "pixel_values": + # split images into samples + samples = torch.split(image_grid_thw, list(image_nums)) + # compute the sequence length of images for each sample + lengths = [torch.prod(sample, dim=1).sum() for sample in samples] + dict_to_expand[key] = _repeat_interleave_samples( + dict_to_expand[key], lengths=lengths, repeat_times=expand_size + ) + elif key == "image_grid_thw": + # get the num of images for each sample + lengths = list(image_nums) + dict_to_expand[key] = _repeat_interleave_samples( + dict_to_expand[key], lengths=lengths, repeat_times=expand_size + ) + elif key == "pixel_values_videos": + samples = torch.split(video_grid_thw, list(video_nums)) + lengths = [torch.prod(sample, dim=1).sum() for sample in samples] + dict_to_expand[key] = _repeat_interleave_samples( + dict_to_expand[key], lengths=lengths, repeat_times=expand_size + ) + elif key == "video_grid_thw": + lengths = list(video_nums) + dict_to_expand[key] = _repeat_interleave_samples( + dict_to_expand[key], lengths=lengths, repeat_times=expand_size + ) + elif key == "second_per_grid_ts": + if not isinstance(dict_to_expand[key], list): + raise TypeError( + f"Expected value for key '{key}' to be a list, but got {type(dict_to_expand[key])} instead." + ) + tensor = torch.tensor(dict_to_expand[key]) + lengths = list(video_nums) + tensor = _repeat_interleave_samples(tensor, lengths=lengths, repeat_times=expand_size) + dict_to_expand[key] = tensor.tolist() + return dict_to_expand + + def _expand_dict_for_generation(dict_to_expand): + for key in dict_to_expand: + if ( + key != "cache_position" + and dict_to_expand[key] is not None + and isinstance(dict_to_expand[key], torch.Tensor) + and key not in visual_keys + ): + dict_to_expand[key] = dict_to_expand[key].repeat_interleave(expand_size, dim=0) + return dict_to_expand + + # input_ids is required for expanding visual inputs + # If input_ids is unavailable, visual inputs will not be used; therefore, there is no need to expand visual inputs. + if input_ids is not None and input_ids.numel() != 0: + model_kwargs = _expand_dict_for_generation_visual(model_kwargs) + + if input_ids is not None: + input_ids = input_ids.repeat_interleave(expand_size, dim=0) + + model_kwargs = _expand_dict_for_generation(model_kwargs) + + if is_encoder_decoder: + if model_kwargs.get("encoder_outputs") is None: + raise ValueError("If `is_encoder_decoder` is True, make sure that `encoder_outputs` is defined.") + model_kwargs["encoder_outputs"] = _expand_dict_for_generation(model_kwargs["encoder_outputs"]) + + return input_ids, model_kwargs + + +# __all__ = ["Qwen2VLForConditionalGeneration", "Qwen2VLModel", "Qwen2VLPreTrainedModel"] diff --git a/univa/serve/check_data.py b/univa/serve/check_data.py new file mode 100644 index 0000000000000000000000000000000000000000..100f6ae86f05bfbc7b4124f04fa36f442c9b9f8d --- /dev/null +++ b/univa/serve/check_data.py @@ -0,0 +1,384 @@ +import gradio as gr +import json +import random +import os +from PIL import Image +import matplotlib.pyplot as plt +import io +from PIL import Image as PILImage + +import transformers +import copy +import torch +import concurrent.futures + +# 常量定义 +IGNORE_INDEX = -100 +IMAGE_TOKEN_INDEX = 1 +DEFAULT_IM_START_TOKEN = "" +DEFAULT_IM_END_TOKEN = "" +DEFAULT_GEN_IMAGE_TOKEN = "" +DEFAULT_IMAGE_TOKEN = "" + +def preprocess_qwen_chatml( + sources, + tokenizer: transformers.PreTrainedTokenizer, + system_message: str = "You are a helpful assistant.", + ): + # roles = {"human": "<|im_start|>user", "gpt": "<|im_start|>assistant"} + roles = {"human": "user", "gpt": "assistant"} + image_token_index = tokenizer.convert_tokens_to_ids("") + # im_start, im_end = tokenizer.additional_special_tokens_ids + im_start, im_end = tokenizer("<|im_start|>").input_ids[0], tokenizer("<|im_end|>").input_ids[0] + # unmask_tokens = ["<|im_start|>", "<|im_start|>", "\n"] + unmask_tokens_idx = [198, im_start, im_end] + nl_tokens = tokenizer("\n").input_ids + + # Reset Qwen chat templates so that it won't include system message every time we apply + chat_template = "{% for message in messages %}{{'<|im_start|>' + message['role'] + '\n' + message['content'] + '<|im_end|>' + '\n'}}{% endfor %}{% if add_generation_prompt %}{{ '<|im_start|>assistant\n' }}{% endif %}" + tokenizer.chat_template = chat_template + + # _system = tokenizer("system").input_ids + nl_tokens + # _user = tokenizer("user").input_ids + nl_tokens + # _assistant = tokenizer("assistant").input_ids + nl_tokens + + # Apply prompt templates + input_ids, targets = [], [] + # print(sources) + for i, source in enumerate(sources): + # print(source[0]) + # print(source[0]["from"]) + if roles[source[0]["from"]] != roles["human"]: + source = source[1:] + + input_id, target = [], [] + + # New version, use apply chat template + # Build system message for each sentence + input_id += tokenizer.apply_chat_template([{"role" : "system", "content" : system_message}]) + target += [IGNORE_INDEX] * len(input_id) + + for conv in source: + # Make sure llava data can load + try: + role = conv["role"] + content = conv["content"] + except: + role = conv["from"] + content = conv["value"] + + role = roles.get(role, role) + + conv = [{"role" : role, "content" : content}] + encode_id = tokenizer.apply_chat_template(conv) + input_id += encode_id + if role in ["user", "system"]: + target += [IGNORE_INDEX] * len(encode_id) + else: + target += encode_id + + + assert len(input_id) == len(target), f"{len(input_id)} != {len(target)}" + for idx, encode_id in enumerate(input_id): + if encode_id in unmask_tokens_idx: + target[idx] = encode_id + if encode_id == image_token_index: + input_id[idx] = IMAGE_TOKEN_INDEX + + # import ipdb;ipdb.set_trace() + input_ids.append(input_id) + targets.append(target) + input_ids = torch.tensor(input_ids, dtype=torch.long) + targets = torch.tensor(targets, dtype=torch.long) + + return dict( + input_ids=input_ids, # tensor(bs x seq_len) + labels=targets, # tensor(bs x seq_len) + ) + +def preprocess_multimodal( + sources, +): + is_multimodal = True + if not is_multimodal: + return sources + + is_gen_task = False + for source in sources: + len_source = len(source) + for idx, sentence in enumerate(source): + # DEFAULT_GEN_IMAGE_TOKEN must be the last image, and will be transform to DEFAULT_IMAGE_TOKEN + if DEFAULT_GEN_IMAGE_TOKEN in sentence["value"]: + assert idx + 1 == len_source + assert sentence['value'].count(DEFAULT_GEN_IMAGE_TOKEN) == 1 + sentence["value"] = sentence["value"].replace(DEFAULT_GEN_IMAGE_TOKEN, DEFAULT_IMAGE_TOKEN) + is_gen_task = True + + if DEFAULT_IMAGE_TOKEN in sentence['value']: + # sentence['value'] = sentence['value'].replace(DEFAULT_IMAGE_TOKEN, '').strip() + # sentence['value'] = DEFAULT_IMAGE_TOKEN + '\n' + sentence['value'] + sentence['value'] = sentence['value'].strip() + + replace_token = DEFAULT_IMAGE_TOKEN + sentence["value"] = sentence["value"].replace(DEFAULT_IMAGE_TOKEN, replace_token) + return sources + +# —— Gradio 相关函数 —— +data = [] +img_root = "" + +def load_json(json_path, image_root): + global data, img_root + img_root = image_root.strip() + try: + with open(json_path.strip(), 'r', encoding='utf-8') as f: + data = json.load(f) + return f"Loaded successfully {len(data)} raw data." + except Exception as e: + return f"Error loading JSON file:{e}" + +# def check_image_tags(progress=gr.Progress()): +# global data +# checked, skipped = [], 0 +# for sample in progress.tqdm(data, desc="检查中"): +# img_f = sample.get("image", None) +# conv = sample.get("conversations", []) +# cnt = sum(turn["value"].count("") + turn["value"].count("") for turn in conv) +# valid = False +# if img_f is None: +# valid = (cnt == 0) +# elif isinstance(img_f, str): +# valid = (cnt == 1) +# elif isinstance(img_f, list): +# valid = (len(img_f) == cnt) +# if valid: +# checked.append(sample) +# else: +# skipped += 1 +# data = checked +# return f"检查完成。有效样本:{len(data)},跳过:{skipped}" + +def check_image_tags(min_images=0, progress=gr.Progress()): + global data + if len(data) == 0: + return "Please enter the JSON file path and click Load." + checked, skipped = [], 0 + for sample in progress.tqdm(data, desc="Checking"): + img_f = sample.get("image", None) + conv = sample.get("conversations", []) + # 计算该样本中对话里所有出现的 "" 和 "" 的总数 + cnt = sum(turn["value"].count("") + turn["value"].count("") for turn in conv) + + # 判断是否满足最少图片数量的要求 + if cnt < min_images: + skipped += 1 + continue + + # 判断 image 字段与对话中图片符号数量是否匹配 + valid = False + if img_f is None: + valid = (cnt == 0) + elif isinstance(img_f, str): + valid = (cnt == 1) + elif isinstance(img_f, list): + valid = (len(img_f) == cnt) + + if valid: + checked.append(sample) + else: + skipped += 1 + exist_pct = (len(checked) / len(data) * 100) if len(data) > 0 else 0.0 + if skipped == 0: + return (f"✅ Total image path: {len(data)}," + f"Ratio: {exist_pct:.2f}%") + else: + return (f"❌ Total image path: {len(data)}," + f"Success: {len(checked)}," + f"Error: {skipped}," + f"Ratio: {exist_pct:.2f}%") + + +def show_random_sample(): + global data + if len(data) == 0: + return "Please enter the JSON file path and click Load." + if len(img_root) == 0: + return "Please enter the root directory of the image and click Load." + sample = random.choice(data) + img_f = sample.get("image", []) + imgs = [img_f] if isinstance(img_f, str) else (img_f or []) + fulls = [os.path.join(img_root, p) for p in imgs if os.path.exists(os.path.join(img_root, p))] + text = "" + for turn in sample.get("conversations", []): + sp = "🧑 User: " if turn["from"]=="human" else "🤖 AI: " + text += f"{sp}{turn['value'].strip()}\n\n" + return fulls, text + +def count_image_distribution_with_plot(progress=gr.Progress()): + global data + if len(data) == 0: + return "Please enter the JSON file path and click Load." + stats = {"nlp data":0,"1 ":0,"2 ":0,"more than 2":0} + for sample in progress.tqdm(data, desc="Checking"): + img_f = sample.get("image", None) + if img_f is None: + stats["nlp data"] += 1 + elif isinstance(img_f, str): + stats["1 "] += 1 + else: + L = len(img_f) + if L==1: stats["1 "] += 1 + elif L==2: stats["2 "] += 1 + else: stats["more than 2"] += 1 + total = sum(stats.values()) + props = [v/total for v in stats.values()] + labels = list(stats.keys()) + plt.figure(figsize=(8,6)) + plt.bar(labels, props, color=['#ff9999','#66b3ff','#99ff99','#ffcc99']) + plt.ylabel('Ratio') + buf = io.BytesIO() + plt.savefig(buf, format='png') + buf.seek(0) + return PILImage.open(buf) + +# —— 多进程验证相关 —— +_tokenizer_global = None + +def _init_worker(model_name): + global _tokenizer_global + _tokenizer_global = transformers.AutoTokenizer.from_pretrained(model_name) + _tokenizer_global.add_tokens([""], special_tokens=True) + +def _validate_sample(sample): + # 使用全局 _tokenizer_global + sample = [sample] + + # print(copy.deepcopy([e["conversations"] for e in sample])) + sources = preprocess_multimodal( + copy.deepcopy([e["conversations"] for e in sample]) + ) + preprocess_qwen_chatml(sources, _tokenizer_global) + return True + +def validate_format(model_name, progress=gr.Progress()): + global data + if len(data) == 0: + return "Please enter the JSON file path and click Load." + if len(img_root) == 0: + return "Please enter the root directory of the image and click Load." + # _init_worker(model_name) + # for sample in data: + # _validate_sample(sample) + try: + total = len(data) + # 使用与 CPU 核数相同的进程数 + with concurrent.futures.ProcessPoolExecutor( + max_workers=os.cpu_count(), + # max_workers=1, + initializer=_init_worker, + initargs=(model_name,) + ) as executor: + futures = [executor.submit(_validate_sample, sample) for sample in data] + for i, fut in enumerate(concurrent.futures.as_completed(futures)): + progress((i+1)/total, desc="Checking") + if fut.exception(): + # 发现错误,取消剩余 + executor.shutdown(cancel_futures=True) + raise fut.exception() + return "✅ Data format valid!" + except Exception as e: + return f"❌ Invalid data format: {e}" + + +def _check_paths_sample(sample): + total_paths = 0 + exist_count = 0 + img_f = sample.get("image", None) + if isinstance(img_f, str): + paths = [img_f] + elif isinstance(img_f, list): + paths = img_f + else: + return 0, 0 + for p in paths: + total_paths += 1 + full = os.path.join(img_root, p) + if os.path.exists(full): + exist_count += 1 + return total_paths, exist_count + +def check_image_paths(progress=gr.Progress()): + global data + total_paths = 0 + exist_count = 0 + total_samples = len(data) + if len(data) == 0: + return "Please enter the JSON file path and click Load." + if len(img_root) == 0: + return "Please enter the root directory of the image and click Load." + with concurrent.futures.ProcessPoolExecutor(max_workers=os.cpu_count()) as executor: + futures = [executor.submit(_check_paths_sample, sample) for sample in data] + for i, fut in enumerate(concurrent.futures.as_completed(futures)): + progress((i+1) / total_samples, desc="Checking") + # try: + sample_total, sample_exist = fut.result() + total_paths += sample_total + exist_count += sample_exist + # except Exception as e: + # return str(e) + missing_count = total_paths - exist_count + exist_pct = (exist_count / total_paths * 100) if total_paths > 0 else 0.0 + if exist_pct == 100.0: + return (f"✅ Total image path: {total_paths}," + f"Ratio: {exist_pct:.2f}%") + else: + return (f"❌ Total image path: {total_paths}," + f"Found: {exist_count}," + f"Not Found: {missing_count}," + f"Ratio: {exist_pct:.2f}%") + + +# —— Gradio 界面搭建 —— +with gr.Blocks() as demo: + gr.Markdown("## 🔍 UniWorld Data Verification Tool") + + with gr.Row(): + json_path = gr.Textbox(label="JSON file path") + image_root = gr.Textbox(label="Image root directory") + load_btn = gr.Button("Load JSON (click here)") + load_status = gr.Textbox(label="Loading status", interactive=False) + + with gr.Row(): + check_btn = gr.Button("🔍 Check the tag (click here)") + min_images_input = gr.Number(label="Minimum number of images", value=0, precision=0) + check_status = gr.Textbox(label=" check results", interactive=False) + + with gr.Row(): + check_paths_btn = gr.Button("🔍 Check image path (click here)") + check_paths_status = gr.Textbox(label="Path check results", interactive=False) + + with gr.Row(): + validate_btn = gr.Button("🔍 Verify data format (click here)") + tokenizer_name = gr.Textbox(label="Tokenizer HF name or absolute path", value="/mnt/data/checkpoints/Qwen/Qwen2.5-3B-Instruct") + validate_status= gr.Textbox(label="Verification results", interactive=False) + + count_btn = gr.Button("📊 Image quantity distribution (click here)") + count_plot = gr.Image(type="pil", label="Bar chart showing the distribution of image quantities") + + gallery = gr.Gallery(label="Image preview", columns=4) + text_box = gr.Textbox(label="Conversation content", lines=10, interactive=False) + random_btn = gr.Button("Randomly view samples (click here)") + + # 事件绑定 + load_btn.click(load_json, inputs=[json_path, image_root], outputs=load_status) + check_btn.click(check_image_tags, inputs=min_images_input, outputs=check_status) + check_paths_btn.click(check_image_paths, outputs=check_paths_status) + validate_btn.click(validate_format, inputs=tokenizer_name, outputs=validate_status) + count_btn.click(count_image_distribution_with_plot, outputs=count_plot) + random_btn.click(show_random_sample, outputs=[gallery, text_box]) + +# server_port = 7888 +demo.launch( + # server_port=server_port, + allowed_paths=['/'] +) diff --git a/univa/serve/cli.py b/univa/serve/cli.py new file mode 100644 index 0000000000000000000000000000000000000000..163a5349f500b311429b5a0401ec8c6474f982ef --- /dev/null +++ b/univa/serve/cli.py @@ -0,0 +1,283 @@ +import sys +sys.path.append("..") +from transformers import AutoTokenizer, AutoProcessor +from univa.models.qwen2p5vl.modeling_univa_qwen2p5vl import UnivaQwen2p5VLForConditionalGeneration +from transformers import SiglipImageProcessor, SiglipVisionModel +from univa.utils.flux_pipeline import FluxPipeline +from univa.utils.get_ocr import get_ocr_result +from univa.utils.denoiser_prompt_embedding_flux import encode_prompt +from qwen_vl_utils import process_vision_info +from univa.utils.anyres_util import dynamic_resize +import torch +from PIL import Image +from transformers import set_seed +from torch import nn +import os +import argparse + + +seed = 42 +set_seed(seed) + +torch.cuda.manual_seed(seed) + +torch.backends.cudnn.deterministic = True +torch.backends.cudnn.benchmark = False + +generate_image_temp = './generate_image_{}.png' + +def load_main_model_and_processor( + model_path, + device, + min_pixels=448*448, + max_pixels=448*448 +): + # Load model and processor + model = UnivaQwen2p5VLForConditionalGeneration.from_pretrained( + model_path, + torch_dtype=torch.bfloat16, + attn_implementation="flash_attention_2", + ).to(device) + task_head = nn.Sequential( + nn.Linear(3584, 10240), + nn.SiLU(), + nn.Dropout(0.3), + nn.Linear(10240, 2) + ).to(device) + task_head.load_state_dict(torch.load(os.path.join(args.model_path, 'task_head_final.pt'))) + task_head.eval() + + processor = AutoProcessor.from_pretrained( + model_path, + min_pixels=min_pixels, max_pixels=max_pixels + ) + return model, task_head, processor + + +def load_pipe( + denoiser, + flux_path, + device, +): + pipe = FluxPipeline.from_pretrained( + flux_path, + transformer=denoiser, + torch_dtype=torch.bfloat16, + ) + pipe = pipe.to(device) + tokenizers = [pipe.tokenizer, pipe.tokenizer_2] + text_encoders = [ + pipe.text_encoder, + pipe.text_encoder_2, + ] + + return pipe, tokenizers, text_encoders + + +def load_siglip_and_processor( + siglip_path, + device, +): + siglip_processor, siglip_model = None, None + if siglip_path: + siglip_processor = SiglipImageProcessor.from_pretrained( + siglip_path + ) + siglip_model = SiglipVisionModel.from_pretrained( + siglip_path, + torch_dtype=torch.bfloat16, + ).to(device) + return siglip_processor, siglip_model + +def preprocess_siglip_pixel_values(siglip_model, siglip_processor, image_paths): + siglip_pixel_values = [] + for image_path in image_paths: + siglip_pixel_value = siglip_processor.preprocess( + images=Image.open(image_path).convert('RGB'), + do_resize=True, return_tensors="pt", do_convert_rgb=True + ).pixel_values # 1 c h w + siglip_pixel_values.append(siglip_pixel_value) + siglip_pixel_values = torch.concat(siglip_pixel_values) # b c h w + siglip_pixel_values = siglip_pixel_values.to(siglip_model.device) + siglip_hidden_states = siglip_model(siglip_pixel_values).last_hidden_state + return siglip_hidden_states + + +def update_size(i1, i2, anyres='any_11ratio', anchor_pixels=1024*1024): + shapes = [] + for p in (i1, i2): + if p: + im = Image.open(p) + w, h = im.size + shapes.append((w, h)) + if not shapes: + return int(anchor_pixels**0.5), int(anchor_pixels**0.5) + if len(shapes) == 1: + w, h = shapes[0] + else: + w = sum(s[0] for s in shapes) / len(shapes) + h = sum(s[1] for s in shapes) / len(shapes) + new_h, new_w = dynamic_resize(int(h), int(w), anyres, anchor_pixels=anchor_pixels) + return new_h, new_w + +def main(args): + + device = torch.device("cuda" if torch.cuda.is_available() else "cpu") + model, task_head, processor = load_main_model_and_processor( + args.model_path, + device, + ) + + pipe, tokenizers, text_encoders = load_pipe( + model.denoise_tower.denoiser, args.flux_path, device + ) + siglip_processor, siglip_model = load_siglip_and_processor(args.siglip_path, device) + + # Conversation history + cur_ocr_i = 0 + cur_genimg_i = 0 + history_image_paths = [] + conversation = [ + # {"role": "system", "content": "You are a helpful assistant."}, + ] # list of message dicts: {"role": "system"/"user"/"assistant", "content": [{...}]} + + print("Interactive UniWorld-V1 Chat (Exit if input is empty)") + while True: + # Prompt for optional text input + txt = input("Text prompt (or press Enter to skip): ").strip() + # Prompt for multiple image URLs (comma-separated) + img_input = input("Image URLs (comma-separated, or press Enter to skip): ").strip() + + # Exit if no input provided + if not img_input and not txt: + print("Exit.") + break + + # Build message content list + content = [] + if txt: + ocr_sentences = '' + if args.ocr_enhancer: + num_img = len(urls) + ocr_sentences = [] + for i in range(num_img): + ocr_sentences.append(get_ocr_result(urls[i], cur_ocr_i)) + cur_ocr_i += 1 + ocr_sentences = '\n'.join(ocr_sentences) + txt = txt + ocr_sentences + content.append({"type": "text", "text": txt}) + + + new_h, new_w = args.height, args.width + if img_input: + urls = [u.strip() for u in img_input.split(',') if u.strip()] + for url in urls: + content.append({"type": "image", "image": url, "min_pixels": 448*448, "max_pixels": 448*448}) + history_image_paths.append(url) + + new_h, new_w = update_size( + urls[0] if len(urls) > 0 else None, urls[1] if len(urls) > 1 else None, + 'any_11ratio', anchor_pixels=args.height * args.width + ) + + + conversation.append({"role": "user", "content": content}) + print('conversation:\n', conversation) + + # Prepare inputs for model + chat_text = processor.apply_chat_template( + conversation, tokenize=False, add_generation_prompt=True + ) + chat_text = '<|im_end|>\n'.join(chat_text.split('<|im_end|>\n')[1:]) # drop system + image_inputs, video_inputs = process_vision_info(conversation) + inputs = processor( + text=[chat_text], + images=image_inputs, + videos=video_inputs, + padding=True, + return_tensors="pt", + ) + inputs = inputs.to(device) + # Generate response + with torch.inference_mode(): + outputs = model(**inputs, return_dict=True, output_hidden_states=True) + hidden_states = outputs.hidden_states[-1] # B L D + assistant_mask = inputs.input_ids == 77091 + assistant_vectors = hidden_states[assistant_mask][-1:] + task_result = task_head(assistant_vectors.float())[0] + + if task_result[0] < task_result[1]: + # if task_result > 0.5: + # gen + siglip_hidden_states = None + if siglip_processor is not None and len(history_image_paths) > 0: + siglip_hidden_states = preprocess_siglip_pixel_values(siglip_model, siglip_processor, history_image_paths) + with torch.no_grad(): + lvlm_embeds = model( + inputs.input_ids, + pixel_values=getattr(inputs, 'pixel_values', None), + attention_mask=inputs.attention_mask, + image_grid_thw=getattr(inputs, 'image_grid_thw', None), + siglip_hidden_states=siglip_hidden_states, + output_type="denoise_embeds", + ) + assert lvlm_embeds.shape[0] == 1 + input_embeds = lvlm_embeds + + t5_prompt_embeds, pooled_prompt_embeds = encode_prompt( + text_encoders, + tokenizers, + txt if not args.no_joint_with_t5 else '', + 256, + device, + 1, + ) + if not args.no_joint_with_t5: + input_embeds = torch.concat([t5_prompt_embeds, input_embeds], dim=1) + + output_image = pipe( + prompt_embeds=input_embeds, + pooled_prompt_embeds=pooled_prompt_embeds, + height=new_h, + width=new_w, + num_inference_steps=args.num_inference_steps, + guidance_scale=args.guidance_scale, + generator=torch.Generator(device="cuda").manual_seed(seed), + ).images[0] + img_url = generate_image_temp.format(cur_genimg_i) + cur_genimg_i += 1 + output_image.save(img_url) + conversation.append({"role": "assistant", "content": [{"type": "image", "image": img_url}]}) + history_image_paths.append(img_url) + print(f"Assistant: generate image at {img_url}\n") + + else: + # und + generated_ids = model.generate(**inputs, max_new_tokens=128) + # Decode only newly generated tokens + trimmed = [out_ids[len(in_ids):] for in_ids, out_ids in zip(inputs.input_ids, generated_ids)] + reply = processor.batch_decode( + trimmed, skip_special_tokens=True, clean_up_tokenization_spaces=False + )[0] + print(f"Assistant: {reply}\n") + + # Append assistant response to history + conversation.append({"role": "assistant", "content": [{"type": "text", "text": reply}]}) + +if __name__ == '__main__': + + parser = argparse.ArgumentParser(description="Model and component paths") + + parser.add_argument("--model_path", type=str, required=True) + parser.add_argument("--flux_path", type=str, required=True) + parser.add_argument("--siglip_path", type=str, required=True) + parser.add_argument("--no_auto_hw", action="store_true") + parser.add_argument("--height", type=int, default=1024) + parser.add_argument("--width", type=int, default=1024) + parser.add_argument("--num_inference_steps", type=int, default=28) + parser.add_argument("--guidance_scale", type=float, default=3.5) + parser.add_argument("--ocr_enhancer", action='store_true') + parser.add_argument("--no_joint_with_t5", action="store_true") + + args = parser.parse_args() + main(args) diff --git a/univa/serve/gradio_web_server.py b/univa/serve/gradio_web_server.py new file mode 100644 index 0000000000000000000000000000000000000000..cf7746bea4679c2eb454a53efe97ee9f5a1952c8 --- /dev/null +++ b/univa/serve/gradio_web_server.py @@ -0,0 +1,689 @@ +import gradio as gr +import sys +sys.path.append("..") +from transformers import AutoProcessor, SiglipImageProcessor, SiglipVisionModel, T5EncoderModel, BitsAndBytesConfig +from univa.models.qwen2p5vl.modeling_univa_qwen2p5vl import UnivaQwen2p5VLForConditionalGeneration +from univa.utils.flux_pipeline import FluxPipeline +from univa.utils.get_ocr import get_ocr_result +from univa.utils.denoiser_prompt_embedding_flux import encode_prompt +from qwen_vl_utils import process_vision_info +from univa.utils.anyres_util import dynamic_resize, concat_images_adaptive +import torch +from torch import nn +import os +import uuid +import base64 +from typing import Dict +from PIL import Image, ImageDraw, ImageFont + +import argparse + +def parse_args(): + parser = argparse.ArgumentParser(description="Model and component paths") + + parser.add_argument("--model_path", type=str, default="LanguageBind/UniWorld-V1", help="UniWorld-V1模型路径") + parser.add_argument("--flux_path", type=str, default="black-forest-labs/FLUX.1-dev", help="FLUX.1-dev模型路径") + parser.add_argument("--siglip_path", type=str, default="google/siglip2-so400m-patch16-512", help="siglip2模型路径") + parser.add_argument("--server_name", type=str, default="127.0.0.1", help="IP地址") + parser.add_argument("--server_port", type=int, default=6812, help="端口号") + parser.add_argument("--share", action="store_true", help="是否公开分享") + parser.add_argument("--nf4", action="store_true", help="是否NF4量化") + + return parser.parse_args() + + +def add_plain_text_watermark( + img: Image.Image, + text: str, + margin: int = 50, + font_size: int = 30, +): + if img.mode != "RGB": + img = img.convert("RGB") + + draw = ImageDraw.Draw(img) + font = ImageFont.truetype("DejaVuSans.ttf", font_size) + bbox = draw.textbbox((0, 0), text) + text_width = bbox[2] - bbox[0] + text_height = bbox[3] - bbox[1] + + x = img.width - text_width - int(3.3 * margin) + y = img.height - text_height - margin + + draw.text((x, y), text, font=font, fill=(255, 255, 255)) + return img + + +css = """ +.table-wrap table tr td:nth-child(3) > div { + max-height: 150px; /* 最多 100px 高度,按需修改 */ + overflow-y: auto; /* 超出部分显示竖向滚动条 */ + white-space: pre-wrap; /* 自动换行 */ + word-break: break-all; /* 长单词内部分行 */ +} + +.table-wrap table tr td:nth-child(2) > div { + max-width: 150px; + white-space: pre-wrap; + word-break: break-all; + overflow-x: auto; +} +.table-wrap table tr th:nth-child(2) { + max-width: 150px; + white-space: normal; + word-break: keep-all; + overflow-x: auto; +} + +.table-wrap table tr td:nth-last-child(-n+8) > div { + max-width: 130px; + white-space: pre-wrap; + word-break: break-all; + overflow-x: auto; +} +.table-wrap table tr th:nth-last-child(-n+8) { + max-width: 130px; + white-space: normal; + word-break: keep-all; + overflow-x: auto; +} +""" + + +def img2b64(image_path): + with open(image_path, "rb") as f: + b64 = base64.b64encode(f.read()).decode() + data_uri = f"data:image/jpeg;base64,{b64}" + return data_uri + + +def initialize_models(args): + os.makedirs("tmp", exist_ok=True) + # Paths + device = torch.device("cuda" if torch.cuda.is_available() else "cpu") + + quantization_config = BitsAndBytesConfig( + load_in_4bit=True, + bnb_4bit_compute_dtype=torch.bfloat16, + bnb_4bit_quant_type="nf4", + ) + + # Load main model and task head + model = UnivaQwen2p5VLForConditionalGeneration.from_pretrained( + args.model_path, + torch_dtype=torch.bfloat16, + attn_implementation="flash_attention_2", + quantization_config=quantization_config if args.nf4 else None, + ).to(device) + task_head = nn.Sequential( + nn.Linear(3584, 10240), + nn.SiLU(), + nn.Dropout(0.3), + nn.Linear(10240, 2) + ).to(device) + task_head.load_state_dict(torch.load(os.path.join(args.model_path, 'task_head_final.pt'))) + task_head.eval() + + processor = AutoProcessor.from_pretrained( + args.model_path, + min_pixels=448*448, + max_pixels=448*448, + ) + if args.nf4: + text_encoder_2 = T5EncoderModel.from_pretrained( + args.flux_path, + subfolder="text_encoder_2", + quantization_config=quantization_config, + torch_dtype=torch.bfloat16, + ) + pipe = FluxPipeline.from_pretrained( + args.flux_path, + transformer=model.denoise_tower.denoiser, + text_encoder_2=text_encoder_2, + torch_dtype=torch.bfloat16, + ).to(device) + else: + pipe = FluxPipeline.from_pretrained( + args.flux_path, + transformer=model.denoise_tower.denoiser, + torch_dtype=torch.bfloat16, + ).to(device) + tokenizers = [pipe.tokenizer, pipe.tokenizer_2] + text_encoders = [pipe.text_encoder, pipe.text_encoder_2] + + # Optional SigLIP + siglip_processor, siglip_model = None, None + siglip_processor = SiglipImageProcessor.from_pretrained(args.siglip_path) + siglip_model = SiglipVisionModel.from_pretrained( + args.siglip_path, + torch_dtype=torch.bfloat16, + ).to(device) + + return { + 'model': model, + 'task_head': task_head, + 'processor': processor, + 'pipe': pipe, + 'tokenizers': tokenizers, + 'text_encoders': text_encoders, + 'siglip_processor': siglip_processor, + 'siglip_model': siglip_model, + 'device': device, + } + + +args = parse_args() +state = initialize_models(args) + + +def process_large_image(raw_img): + if raw_img is None: + return raw_img + img = Image.open(raw_img).convert("RGB") + + max_side = max(img.width, img.height) + if max_side > 1024: + scale = 1024 / max_side + new_w = int(img.width * scale) + new_h = int(img.height * scale) + print(f'resize img {img.size} to {(new_w, new_h)}') + img = img.resize((new_w, new_h), resample=Image.LANCZOS) + save_path = f"tmp/{uuid.uuid4().hex}.png" + img.save(save_path) + return save_path + else: + return raw_img + + +def chat_step(image1, image2, text, height, width, steps, guidance, + ocr_enhancer, joint_with_t5, enhance_generation, enhance_understanding, + seed, num_imgs, history_state, progress=gr.Progress()): + + try: + convo = history_state['conversation'] + image_paths = history_state['history_image_paths'] + cur_ocr_i = history_state['cur_ocr_i'] + cur_genimg_i = history_state['cur_genimg_i'] + + # image1 = process_large_image(image1) + # image2 = process_large_image(image2) + # Build content + content = [] + if text: + ocr_text = '' + if ocr_enhancer and content: + ocr_texts = [] + for img in (image1, image2): + if img: + ocr_texts.append(get_ocr_result(img, cur_ocr_i)) + cur_ocr_i += 1 + ocr_text = '\n'.join(ocr_texts) + content.append({'type':'text','text': text + ocr_text}) + for img in (image1, image2): + if img: + content.append({'type':'image','image':img,'min_pixels':448*448,'max_pixels':448*448}) + image_paths.append(img) + + convo.append({'role':'user','content':content}) + + # Prepare inputs + chat_text = state['processor'].apply_chat_template(convo, + tokenize=False, add_generation_prompt=True) + chat_text = '<|im_end|>\n'.join(chat_text.split('<|im_end|>\n')[1:]) + image_inputs, video_inputs = process_vision_info(convo) + inputs = state['processor']( + text=[chat_text], images=image_inputs, videos=video_inputs, + padding=True, return_tensors='pt' + ).to(state['device']) + + # Model forward & task head + with torch.no_grad(): + outputs = state['model'](**inputs, return_dict=True, output_hidden_states=True) + hidden = outputs.hidden_states[-1] + mask = inputs.input_ids == 77091 + vecs = hidden[mask][-1:] + task_res = state['task_head'](vecs.float())[0] + print(task_res) + # Branch decision + if enhance_generation: + do_image = True + elif enhance_understanding: + do_image = False + else: + do_image = (task_res[0] < task_res[1]) + + seed = int(seed) + if seed == -1: + seed = torch.Generator(device="cpu").seed() + torch.manual_seed(seed) + # Generate + if do_image: + # image generation pipeline + siglip_hs = None + if state['siglip_processor'] and image_paths: + vals = [state['siglip_processor'].preprocess( + images=Image.open(p).convert('RGB'), do_resize=True, + return_tensors='pt', do_convert_rgb=True + ).pixel_values.to(state['device']) + for p in image_paths] + siglip_hs = state['siglip_model'](torch.concat(vals)).last_hidden_state + + with torch.no_grad(): + lvlm = state['model']( + inputs.input_ids, pixel_values=getattr(inputs,'pixel_values',None), + attention_mask=inputs.attention_mask, + image_grid_thw=getattr(inputs,'image_grid_thw',None), + siglip_hidden_states=siglip_hs, + output_type='denoise_embeds' + ) + prm_embeds, pooled = encode_prompt( + state['text_encoders'], state['tokenizers'], + text if joint_with_t5 else '', 256, state['device'], 1 + ) + emb = torch.concat([lvlm, prm_embeds], dim=1) if joint_with_t5 else lvlm + + + def diffusion_to_gradio_callback(_pipeline, step_idx: int, timestep: int, tensor_dict: Dict): + # 1)更新 Gradio 进度条 + frac = (step_idx + 1) / float(steps) + progress(frac) + + return tensor_dict + + with torch.no_grad(): + img = state['pipe']( + prompt_embeds=emb, pooled_prompt_embeds=pooled, + height=height, width=width, + num_inference_steps=steps, + guidance_scale=guidance, + generator=torch.Generator(device='cuda').manual_seed(seed), + num_images_per_prompt=num_imgs, + callback_on_step_end=diffusion_to_gradio_callback, + # callback_on_step_end_tensor_inputs=["latents", "prompt_embeds"], + ).images + # img = [add_plain_text_watermark(im, 'Open-Sora Plan 2.0 Generated') for im in img] + img = concat_images_adaptive(img) + save_path = f"tmp/{uuid.uuid4().hex}.png" + img.save(save_path) + convo.append({'role':'assistant','content':[{'type':'image','image':save_path}]}) + cur_genimg_i += 1 + progress(1.0) + bot_msg = (None, save_path) + else: + # text generation + gen_ids = state['model'].generate(**inputs, max_new_tokens=128) + out = state['processor'].batch_decode( + [g[len(inputs.input_ids[0]):] for g in gen_ids], skip_special_tokens=True + )[0] + convo.append({'role':'assistant','content':[{'type':'text','text':out}]}) + bot_msg = (None, out) + + + chat_pairs = [] + # print(convo) + # print() + # print() + for msg in convo: + # print(msg) + if msg['role']=='user': + parts = [] + for c in msg['content']: + if c['type']=='text': parts.append(c['text']) + if c['type']=='image': parts.append(f"![user image]({img2b64(c['image'])})") + chat_pairs.append(("\n".join(parts), None)) + else: + parts = [] + for c in msg['content']: + if c['type']=='text': parts.append(c['text']) + if c['type']=='image': parts.append(f"![assistant image]({img2b64(c['image'])})") + if msg['content'][-1]['type']=='text': + chat_pairs[-1] = (chat_pairs[-1][0], parts[-1]) + else: + chat_pairs[-1] = (chat_pairs[-1][0], parts[-1]) + # print() + # print(chat_pairs) + + # Update state + history_state.update({ + 'conversation': convo, + 'history_image_paths': image_paths, + 'cur_ocr_i': cur_ocr_i, + 'cur_genimg_i': cur_genimg_i + }) + return chat_pairs, history_state, seed + except Exception as e: + # 捕捉所有异常,返回错误提示,建议用户清理历史后重试 + error_msg = f"发生错误:{e}. 请点击 \"Clear History\" 清理对话历史后再试一次。" + chat_pairs = [(None, error_msg)] + # 不修改 history_state,让用户自行清理 + return chat_pairs, history_state, seed + +def copy_seed_for_user(real_seed): + # 这个函数会把隐藏的 seed_holder 值,传给真正要显示的 seed Textbox + return real_seed + +def clear_inputs(): + # img1 和 img2 用 None 来清空;text_in 用空字符串清空;seed 同理清空 + return None, None, "", "" + +def clear_history(): + # 默认 prompt 和 seed + default_prompt = "Translate this photo into a Studio Ghibli-style illustration, holding true to the original composition and movement." + default_seed = "-1" + + # 1. chatbot 要用 gr.update(value=[]) 清空 + # 2. state 直接给回初始 dict + # 3. prompt 和 seed 同样用 gr.update() + return ( + gr.update(value=[]), # 清空聊天框 + {'conversation':[], # 重置 state + 'history_image_paths':[], + 'cur_ocr_i':0, + 'cur_genimg_i':0}, + gr.update(value=None), # 重置 image1 + gr.update(value=None), # 重置 image2 + gr.update(value=default_prompt), # 重置 prompt 文本框 + gr.update(value=default_seed), # 重置 seed 文本框 + ) + + +if __name__ == '__main__': + # Gradio UI + with gr.Blocks( + theme=gr.themes.Soft(), + css=css + ) as demo: + + gr.Markdown( + """ +
+ + # 🎉 UniWorld-V1 Chat Interface 🎉 + ### Unlock Cutting‑Edge Visual Perception, Feature Extraction, Editing, Synthesis, and Understanding + + **Usage Guide:** + + - It is recommended to perform inference on four images concurrently to offer varied selections. + + - Uploaded images are automatically resized; manually specifying resolutions that differ substantially from the original is not advised. +
+ """, + elem_classes="header-text", + ) + with gr.Row(): + with gr.Column(1, min_width=0): + gr.Markdown( + """ + **🖼️ Visual Perception & Feature Extraction** + - Canny Edge Detection + - Mini-Line Segment Detection + - Normal Map Generation + - Sketch Generation + - Holistically-Nested Edge Detection + - Depth Estimation + - Human Pose Estimation + - Object Detection (Boxes) + - Semantic Segmentation (Masks) + """ + ) + with gr.Column(1, min_width=0): + gr.Markdown( + """ + **✂️ Image Editing & Manipulation** + - Add Elements + - Adjust Attributes + - Change Background + - Remove Objects + - Replace Regions + - Perform Actions + - Restyle + - Compose Scenes + """ + ) + with gr.Column(1, min_width=0): + gr.Markdown( + """ + **🔄 Cross-Modal Synthesis & Transformation** + - Text→Image Synthesis + - Image‑to‑Image Translation + - Multi‑Image Combination + - Extract IP Features + - IP Feature Composition + """ + ) + with gr.Column(1, min_width=0): + gr.Markdown( + """ + **🤖 Visual & Textual QA** + - Image‑Text QA + - Text‑Text QA + """ + ) + + with gr.Row(): + with gr.Column(): + with gr.Row(): + img1 = gr.Image(type='filepath', label="Image 1", height=256, width=256) + img2 = gr.Image(type='filepath', label="Image 2 (Optional reference)", height=256, width=256, visible=True) + text_in = gr.Textbox(label="Instruction", value="Translate this photo into a Studio Ghibli-style illustration, holding true to the original composition and movement.") + seed = gr.Textbox(label="Seed (-1 for random)", value="-1") + seed_holder = gr.Textbox(visible=False) + with gr.Row(): + num_imgs = gr.Slider(1, 4, 4, step=1, label="Num Images") + + with gr.Row(): + height = gr.Slider(256, 2048, 1024, step=64, label="Height") + width = gr.Slider(256, 2048, 1024, step=64, label="Width") + with gr.Row(): + steps = gr.Slider(8, 50, 30, step=1, label="Inference steps") + guidance = gr.Slider(1.0, 10.0, 4.0, step=0.1, label="Guidance scale") + with gr.Accordion("Advanced Options", open=False, visible=True): + with gr.Row(): + enhance_gen_box = gr.Checkbox(value=False, label="Enhance Generation") + enhance_und_box = gr.Checkbox(value=False, label="Enhance Understanding") + with gr.Row(): + ocr_box = gr.Checkbox(value=False, label="Enhance Text Rendering") + t5_box = gr.Checkbox(value=False, label="Enhance Current Turn") + with gr.Column(): + chatbot = gr.Chatbot( + max_height=100000, min_height=700, + height=None, + resizable=True, + show_copy_button=True + ) + anchor_pixels = 1024*1024 + # Dynamic resize callback + def update_size(i1, i2): + shapes = [] + for p in (i1, i2): + if p: + im = Image.open(p) + w, h = im.size + shapes.append((w, h)) + if not shapes: + return gr.update(), gr.update() + if len(shapes) == 1: + w, h = shapes[0] + else: + w = sum(s[0] for s in shapes) / len(shapes) + h = sum(s[1] for s in shapes) / len(shapes) + new_h, new_w = dynamic_resize(int(h), int(w), 'any_11ratio', anchor_pixels=anchor_pixels) + return gr.update(value=new_h), gr.update(value=new_w) + img1.change(fn=update_size, inputs=[img1, img2], outputs=[height, width]) + img2.change(fn=update_size, inputs=[img1, img2], outputs=[height, width]) + + # Mutual exclusivity + enhance_gen_box.change( + lambda g: gr.update(value=False) if g else gr.update(), + inputs=[enhance_gen_box], outputs=[enhance_und_box] + ) + enhance_und_box.change( + lambda u: gr.update(value=False) if u else gr.update(), + inputs=[enhance_und_box], outputs=[enhance_gen_box] + ) + state_ = gr.State({'conversation':[], 'history_image_paths':[], 'cur_ocr_i':0, 'cur_genimg_i':0}) + with gr.Row(): + submit = gr.Button("Send", variant="primary") + clear = gr.Button("Clear History", variant="primary") + + progress_bar = gr.Progress() + click_event = submit.click( + fn=chat_step, + inputs=[img1, img2, text_in, height, width, steps, guidance, + ocr_box, t5_box, enhance_gen_box, enhance_und_box, seed, num_imgs, state_, + ], + outputs=[chatbot, state_, seed_holder], + scroll_to_output=True + ) + click_event.then( + fn=copy_seed_for_user, + inputs=[seed_holder], # 输入是隐藏的 seed_holder + outputs=[seed] # 输出到真正要显示的 seed Textbox + ) + + clear.click( + fn=clear_history, + inputs=[], + outputs=[chatbot, state_, img1, img2, text_in, seed] + ) + + # ========== 添加 Validation Examples ========== + example_height, example_width = 1024, 1024 + gr.Examples( + examples_per_page=100, + examples=[ + # text-to-image + [None, None, + "Generate an adorable golden retriever puppy playing in a sunny park, " + "with fluffy fur, big round eyes, and a happy expression. " + "The background should have green grass, some flowers, and a blue sky with white clouds.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + + + # NIKE color swap + ["assets/nike_src.jpg", None, + "Switch the product's color from black, black to white, white, making sure the transition is crisp and clear.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + + # style transfer (Ghibli) + ["assets/gradio/origin.png", None, + "Translate this photo into a Studio Ghibli-style illustration, holding true to the original composition and movement.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + + ["assets/gradio/origin.png", None, + "Remove the bicycle located in the lower center region of the image.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + + # blur + ["assets/gradio/blur.jpg", None, + "Remove blur, make it clear.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + + # + ["assets/gradio/00004614_tgt.jpg", None, + "Add the ingrid fair isle cashmere turtleneck sweater to the person.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + # + ["assets/gradio/00006581_tgt.jpg", None, + "Place the belvoir broderie anglaise linen tank on the person in a way that complements their appearance and style.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + # + ["assets/gradio/00008153_tgt.jpg", None, + "Integrate may cashmere tank on body.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + # + ["assets/gradio/00002315_src.jpg", None, + "Strip away all context and distractions, leaving the pointelle-trimmed cashmere t-shirt floating on a neutral background.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + # + ["assets/gradio/00002985_src.jpg", None, + "Generate an image containing only the henry shearling jacket, free from any other visual elements.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + + ["assets/gradio/origin.png", None, + "Add a cat in the center of image.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + + # image+image-to-image (compose) + ["assets/00182555_target.jpg", + "assets/00182555_InstantStyle_ref_1.jpg", + "Adapt Image1's content to fit the aesthetic of Image2.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + + # replace object + ["assets/replace_src.png", None, + "replace motorcycle located in the lower center region of the image with a black bicycle", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + + # segmentation + ["assets/seg_src.jpg", None, + "Segment the giraffe from the background.\n", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + + # detection + ["assets/det_src.jpg", None, + "Please depict the vase accurately", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + + # image-to-canny + ["assets/canny_image.jpg", None, + "Generate a Canny edge map for this image.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + + # image-to-mlsd + ["assets/mlsd_image.jpg", None, + "Render an MLSD detection overlay for this input image.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + + # image-to-normal + ["assets/normal_image.jpg", None, + "Convert the input texture into a tangent-space normal map.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + + # image-to-sketch + ["assets/sketch_image.jpg", None, + "Transform this image into a hand-drawn charcoal sketch.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + + # image-to-hed + ["assets/hed_image.jpg", None, + "Produce a holistically-nested boundary probability map of this image.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + + # image-to-depth + ["assets/depth_image.jpg", None, + "Estimate depth with a focus on background structure.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + + # image-to-image (reconstruction) + ["assets/rec.jpg", None, + "Simply reconstruct the original image with no enhancements.", + example_height, example_width, 30, 4.0, False, False, False, False, "-1", 4], + + ], + inputs=[img1, img2, text_in, height, width, steps, guidance, + ocr_box, t5_box, enhance_gen_box, enhance_und_box, seed, num_imgs], + ) + # ============================================== + +if __name__ == "__main__": + demo.launch( + allowed_paths=["/"], + server_name=args.server_name, + server_port=args.server_port, + share=args.share, + inbrowser=True, + ) + + +''' + +MODEL_PATH="/mnt/data/lb/Remake/FlowWorld/checkpoints/flux_qwen2p5vl_7b_vlm_mlp_siglip_stage2_ts_1024_bs42x8x1_fa_any_11ratio_ema999_ocr_adamw_t5_0p4_lr1e-5_mask_refstyle_extract_resume_run3/checkpoint-12000/model_ema" +FLUX_PATH="/mnt/data/checkpoints/black-forest-labs/FLUX.1-dev" +SIGLIP_PATH="/mnt/data/checkpoints/google/siglip2-so400m-patch16-512" +CUDA_VISIBLE_DEVICES=2 python -m univa.serve.gradio_web_server \ + --model_path ${MODEL_PATH} \ + --flux_path ${FLUX_PATH} \ + --siglip_path ${SIGLIP_PATH} + +''' diff --git a/univa/training/__init__.py b/univa/training/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/univa/training/configuration_denoise.py b/univa/training/configuration_denoise.py new file mode 100644 index 0000000000000000000000000000000000000000..3d51bd99d1e9e18f0854a3a8e6e391b5f493d674 --- /dev/null +++ b/univa/training/configuration_denoise.py @@ -0,0 +1,163 @@ +from dataclasses import dataclass +from typing import Optional, List + + +@dataclass +class TrainingConfig: + seed: int = 42 + wandb_project: str = "univa-denoiser" + wandb_name: str = "default_config" + output_dir: str = "./output" + logging_dir: str = "./logs" + gradient_accumulation_steps: int = 1 + learning_rate: float = 1e-5 + adam_beta1: float = 0.9 + adam_beta2: float = 0.999 + adam_epsilon: float = 1e-8 + adam_weight_decay: float = 1e-2 + mixed_precision: str = "bf16" + report_to: str = "wandb" + gradient_checkpointing: bool = False + num_train_epochs: int = 1 + max_train_steps: Optional[int] = None + lr_scheduler: str = "constant" + lr_warmup_steps: int = 0 + lr_num_cycles: int = 1 + lr_power: float = 1.0 + resume_from_checkpoint: Optional[str] = None + weighting_scheme: Optional[str] = ( + "logit_normal" # ["sigma_sqrt", "logit_normal", "mode", "cosmap", "null"] + ) + logit_mean: float = 0.0 + logit_std: float = 1.0 + mode_scale: float = 1.29 + max_grad_norm: float = 1.0 + checkpointing_steps: int = 100 + checkpoints_total_limit: Optional[int] = 500 + drop_condition_rate: float = 0.0 + drop_t5_rate: float = 1.0 + validation_steps: int = 100 + num_validation_images: int = 1 + + noise_reference_images: bool = False + mask_weight_type: Optional[str] = None # ['log', 'exp'] + sigmas_as_weight: bool = False # Used in Flux + + discrete_timestep: bool = True # Used in Flux + + + optimizer: str = 'adamw' # ['adamw', 'prodigy'] + + prodigy_use_bias_correction: bool = True + prodigy_safeguard_warmup: bool = True + prodigy_decouple: bool = True + prodigy_beta3: Optional[float] = None + prodigy_d_coef: float = 1.0 + + profile_out_dir: Optional[str] = None + + ema_deepspeed_config_file: Optional[str] = None + ema_update_freq: int = 1 + ema_decay: float = 0.99 + +@dataclass +class DatasetConfig: + dataset_type: str + data_txt: str + batch_size: int = 16 + num_workers: int = 4 + height: int = 512 + width: int = 512 + min_pixels: int = 448*448 + max_pixels: int = 448*448 + anyres: str = 'any_1ratio' + ocr_enhancer: bool = False + random_data: bool = False + padding_side: str = 'right' + validation_t2i_prompt: Optional[str] = None + validation_it2i_prompt: Optional[str] = None + validation_image_path: Optional[str] = None + pin_memory: bool = True + validation_iit2i_prompt: Optional[str] = None + validation_iit2i_path: Optional[List[str]] = None + + validation_REFiit2i_prompt: Optional[str] = None + validation_REFiit2i_path: Optional[List[str]] = None + + + validation_cannyt2i_prompt: Optional[str] = None + validation_cannyt2i_path: Optional[str] = None + validation_poset2i_prompt: Optional[str] = None + validation_poset2i_path: Optional[str] = None + + validation_it2pose_prompt: Optional[str] = None + validation_it2pose_path: Optional[str] = None + validation_it2canny_prompt: Optional[str] = None + validation_it2canny_path: Optional[str] = None + + validation_NIKEit2i_prompt: Optional[str] = None + validation_NIKEit2i_path: Optional[str] = None + + validation_TRANSFERit2i_prompt: Optional[str] = None + validation_TRANSFERit2i_path: Optional[str] = None + + validation_EXTRACTit2i_prompt: Optional[str] = None + validation_EXTRACTit2i_path: Optional[str] = None + + validation_TRYONit2i_prompt: Optional[str] = None + validation_TRYONit2i_path: Optional[str] = None + + validation_REPLACEit2i_prompt: Optional[str] = None + validation_REPLACEit2i_path: Optional[str] = None + + validation_DETit2i_prompt: Optional[str] = None + validation_DETit2i_path: Optional[str] = None + + validation_SEGit2i_prompt: Optional[str] = None + validation_SEGit2i_path: Optional[str] = None + +@dataclass +class ModelConfig: + pretrained_lvlm_name_or_path: str + pretrained_denoiser_name_or_path: str + pretrained_siglip_name_or_path: Optional[str] = None + + train_vision_tower_mm_projector: bool = False + + guidance_scale: float = 1.0 # Used in Flux + tune_mlp1_only: bool = False + pretrained_mlp1_path: Optional[str] = None + + with_tune_mlp2: bool = False + only_tune_mlp2: bool = False + pretrained_mlp2_path: Optional[str] = None + + only_tune_image_branch: bool = True # Used in SD3 + + with_tune_mlp3: bool = False + only_tune_mlp3: bool = False + pretrained_mlp3_path: Optional[str] = None + + flux_train_layer_idx: Optional[list] = None + + with_tune_siglip_mlp: bool = False + only_tune_siglip_mlp: bool = False + pretrained_siglip_mlp_path: Optional[str] = None + + joint_ref_feature: bool = False + joint_ref_feature_as_condition: bool = False + only_use_t5: bool = False + + vlm_residual_image_factor: float = 0.0 + + vae_fp32: bool = True + compile_flux: bool = False + compile_qwen2p5vl: bool = False + + ema_pretrained_lvlm_name_or_path: Optional[str] = None + +@dataclass +class UnivaTrainingDenoiseConfig: + training_config: TrainingConfig + dataset_config: DatasetConfig + model_config: ModelConfig diff --git a/univa/training/configuration_lvlm.py b/univa/training/configuration_lvlm.py new file mode 100644 index 0000000000000000000000000000000000000000..9876635cad92bb0a7d5a2d9074acc0863d306718 --- /dev/null +++ b/univa/training/configuration_lvlm.py @@ -0,0 +1,37 @@ +from transformers import TrainingArguments +from dataclasses import dataclass + + +@dataclass +class TrainingConfig(TrainingArguments): ... + + +@dataclass +class DatasetConfig: + data_txt: str + + +@dataclass +class ModelConfig: + pretrained_model_path_or_name: str + image_processor_path: str + + train_vision_tower: bool = False + train_mm_projector: bool = True + train_llm: bool = True + train_lm_head: bool = True + + +@dataclass +class UnivaTrainingConfig: + training_config: TrainingConfig + dataset_config: DatasetConfig + model_config: ModelConfig + + @classmethod + def from_dict(cls, training_config: dict, dataset_config: dict, model_config: dict): + return cls( + training_config=TrainingConfig(**training_config), + dataset_config=DatasetConfig(**dataset_config), + model_config=ModelConfig(**model_config), + ) diff --git a/univa/training/trainer.py b/univa/training/trainer.py new file mode 100644 index 0000000000000000000000000000000000000000..ba777576a2bcdf995aa209fe326a4394ab4c7b09 --- /dev/null +++ b/univa/training/trainer.py @@ -0,0 +1,35 @@ +from transformers import Trainer + + +class UniVATrainer(Trainer): + def create_optimizer(self): + decay_parameters = self.get_decay_parameter_names(self.model) + optimizer_grouped_parameters = [] + trainable_params = [] + if self.optimizer is None: + for n, p in self.model.named_parameters(): + if n in decay_parameters and p.requires_grad: + optimizer_grouped_parameters += [ + { + "params": [p], + "weight_decay": self.args.weight_decay, + } + ] + trainable_params.append(n) + elif n not in decay_parameters and p.requires_grad: + optimizer_grouped_parameters += [ + { + "params": [p], + "weight_decay": 0.0, + } + ] + trainable_params.append(n) + else: + p.requires_grad_(False) + optimizer_cls, optimizer_kwargs = Trainer.get_optimizer_cls_and_kwargs( + self.args + ) + self.optimizer = optimizer_cls( + optimizer_grouped_parameters, **optimizer_kwargs + ) + return self.optimizer diff --git a/univa/utils/__init__.py b/univa/utils/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/univa/utils/anyres_util.py b/univa/utils/anyres_util.py new file mode 100644 index 0000000000000000000000000000000000000000..94f8e88b2be8c8737106ef283e1510b100288b55 --- /dev/null +++ b/univa/utils/anyres_util.py @@ -0,0 +1,74 @@ +import math +from PIL import Image + +RATIO = { + 'any_11ratio': [(16, 9), (9, 16), (7, 5), (5, 7), (5, 4), (4, 5), (4, 3), (3, 4), (3, 2), (2, 3), (1, 1)], + 'any_9ratio': [(16, 9), (9, 16), (5, 4), (4, 5), (4, 3), (3, 4), (3, 2), (2, 3), (1, 1)], + 'any_7ratio': [(16, 9), (9, 16), (4, 3), (3, 4), (3, 2), (2, 3), (1, 1)], + 'any_5ratio': [(16, 9), (9, 16), (4, 3), (3, 4), (1, 1)], + 'any_1ratio': [(1, 1)], +} + +def dynamic_resize(h, w, anyres='any_1ratio', anchor_pixels=1024 * 1024, stride=32): + + orig_ratio = w / h + + # 找到与原图比例最接近的候选比例 + target_ratio = min(RATIO[anyres], key=lambda x: abs((x[0] / x[1]) - orig_ratio)) + rw, rh = target_ratio + + # 计算 stride 对齐下的最小基准尺寸 + base_h = rh * stride + base_w = rw * stride + base_area = base_h * base_w + + # 计算在该比例和 stride 对齐下,能接近 anchor_pixels 的放缩因子 + scale = round(math.sqrt(anchor_pixels / base_area)) + + new_h = base_h * scale + new_w = base_w * scale + + return new_h, new_w + + + +def concat_images_adaptive(images, bg_color=(255, 255, 255)): + """ + 将任意数量的 PIL.Image 对象自适应地拼接成一个近似正方形的网格图像。 + + 参数: + images (list of PIL.Image): 要拼接的图像列表。 + bg_color (tuple of int): 背景颜色,默认为白色 (255, 255, 255)。 + + 返回: + PIL.Image: 拼接后的大图。 + """ + if not images: + raise ValueError("images 列表不能为空") + + n = len(images) + + # 计算网格行列数,尽可能接近正方形 + cols = int(n**0.5) + if cols * cols < n: + cols += 1 + rows = (n + cols - 1) // cols + + # 找到所有图像的最大宽度和最大高度 + widths, heights = zip(*(img.size for img in images)) + max_w = max(widths) + max_h = max(heights) + + # 创建新的画布 + new_img = Image.new('RGB', (cols * max_w, rows * max_h), color=bg_color) + + # 逐行逐列粘贴图像,若某行列没有图像则留空白 + for idx, img in enumerate(images): + row_idx = idx // cols + col_idx = idx % cols + # 如果图像尺寸不同,可选:在粘贴前将其居中放置于单元格,或调整为单元格大小 + offset_x = col_idx * max_w + (max_w - img.width) // 2 + offset_y = row_idx * max_h + (max_h - img.height) // 2 + new_img.paste(img, (offset_x, offset_y)) + + return new_img \ No newline at end of file diff --git a/univa/utils/compile_utils/compile_clip.py b/univa/utils/compile_utils/compile_clip.py new file mode 100644 index 0000000000000000000000000000000000000000..72e55bbd36f938f5d0e748b58ade8698892849d7 --- /dev/null +++ b/univa/utils/compile_utils/compile_clip.py @@ -0,0 +1,12 @@ +from transformers.models.clip import modeling_clip +import torch + +class CompiledCLIPTextModel(modeling_clip.CLIPTextModel): + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + + @torch.compile + def forward(self, *args, **kwargs): + return super().forward(*args, **kwargs) + +modeling_clip.CLIPTextModel = CompiledCLIPTextModel \ No newline at end of file diff --git a/univa/utils/compile_utils/compile_flux.py b/univa/utils/compile_utils/compile_flux.py new file mode 100644 index 0000000000000000000000000000000000000000..10492f78ecefd80c3f02938cdff84332769b8a3b --- /dev/null +++ b/univa/utils/compile_utils/compile_flux.py @@ -0,0 +1,48 @@ +from diffusers.models.transformers import transformer_flux +import torch + +class CompiledFluxTransformerBlock(transformer_flux.FluxTransformerBlock): + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + + @torch.compile + def forward(self, *args, **kwargs): + return super().forward(*args, **kwargs) + +class CompiledFluxSingleTransformerBlock(transformer_flux.FluxSingleTransformerBlock): + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + + @torch.compile + def forward(self, *args, **kwargs): + return super().forward(*args, **kwargs) + +class CompiledFluxPosEmbed(transformer_flux.FluxPosEmbed): + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + + @torch.compile + def forward(self, *args, **kwargs): + return super().forward(*args, **kwargs) + +class CompiledCombinedTimestepTextProjEmbeddings(transformer_flux.CombinedTimestepTextProjEmbeddings): + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + + @torch.compile + def forward(self, *args, **kwargs): + return super().forward(*args, **kwargs) + +class CompiledAdaLayerNormContinuous(transformer_flux.AdaLayerNormContinuous): + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + + @torch.compile + def forward(self, *args, **kwargs): + return super().forward(*args, **kwargs) + +transformer_flux.FluxTransformerBlock = CompiledFluxTransformerBlock +transformer_flux.FluxSingleTransformerBlock = CompiledFluxSingleTransformerBlock +transformer_flux.FluxPosEmbed = CompiledFluxPosEmbed +transformer_flux.CombinedTimestepTextProjEmbeddings = CompiledCombinedTimestepTextProjEmbeddings +transformer_flux.AdaLayerNormContinuous = CompiledAdaLayerNormContinuous \ No newline at end of file diff --git a/univa/utils/compile_utils/compile_qwen2p5vl.py b/univa/utils/compile_utils/compile_qwen2p5vl.py new file mode 100644 index 0000000000000000000000000000000000000000..470b8bfe9b255661b436f1c08daba5e1be8b302e --- /dev/null +++ b/univa/utils/compile_utils/compile_qwen2p5vl.py @@ -0,0 +1,57 @@ +from transformers.models.qwen2_5_vl import modeling_qwen2_5_vl +import torch + +class CompiledQwen2_5_VLVisionBlock(modeling_qwen2_5_vl.Qwen2_5_VLVisionBlock): + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + + @torch.compile + def forward(self, *args, **kwargs): + return super().forward(*args, **kwargs) + +class CompiledQwen2_5_VLPatchMerger(modeling_qwen2_5_vl.Qwen2_5_VLPatchMerger): + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + + @torch.compile + def forward(self, *args, **kwargs): + return super().forward(*args, **kwargs) + +class CompiledQwen2_5_VLDecoderLayer(modeling_qwen2_5_vl.Qwen2_5_VLDecoderLayer): + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + + @torch.compile + def forward(self, *args, **kwargs): + return super().forward(*args, **kwargs) + +class CompiledQwen2_5_VLRotaryEmbedding(modeling_qwen2_5_vl.Qwen2_5_VLRotaryEmbedding): + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + + @torch.compile + def forward(self, *args, **kwargs): + return super().forward(*args, **kwargs) + +class CompiledQwen2_5_VisionRotaryEmbedding(modeling_qwen2_5_vl.Qwen2_5_VisionRotaryEmbedding): + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + + @torch.compile + def forward(self, *args, **kwargs): + return super().forward(*args, **kwargs) + +class CompiledQwen2_5_VisionPatchEmbed(modeling_qwen2_5_vl.Qwen2_5_VisionPatchEmbed): + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + + @torch.compile + def forward(self, *args, **kwargs): + return super().forward(*args, **kwargs) + +modeling_qwen2_5_vl.Qwen2_5_VLVisionBlock = CompiledQwen2_5_VLVisionBlock +modeling_qwen2_5_vl.Qwen2_5_VLPatchMerger = CompiledQwen2_5_VLPatchMerger +modeling_qwen2_5_vl.Qwen2_5_VLDecoderLayer = CompiledQwen2_5_VLDecoderLayer +modeling_qwen2_5_vl.Qwen2_5_VLRotaryEmbedding = CompiledQwen2_5_VLRotaryEmbedding +modeling_qwen2_5_vl.Qwen2_5_VisionRotaryEmbedding = CompiledQwen2_5_VisionRotaryEmbedding +modeling_qwen2_5_vl.Qwen2_5_VisionPatchEmbed = CompiledQwen2_5_VisionPatchEmbed \ No newline at end of file diff --git a/univa/utils/compile_utils/compile_siglip.py b/univa/utils/compile_utils/compile_siglip.py new file mode 100644 index 0000000000000000000000000000000000000000..e8c195e7415ff4bf3674f1b80b052bd866181eb4 --- /dev/null +++ b/univa/utils/compile_utils/compile_siglip.py @@ -0,0 +1,12 @@ +from transformers.models.siglip import modeling_siglip +import torch + +class CompiledSiglipVisionModel(modeling_siglip.SiglipVisionModel): + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + + @torch.compile + def forward(self, *args, **kwargs): + return super().forward(*args, **kwargs) + +modeling_siglip.SiglipVisionModel = CompiledSiglipVisionModel \ No newline at end of file diff --git a/univa/utils/compile_utils/compile_t5.py b/univa/utils/compile_utils/compile_t5.py new file mode 100644 index 0000000000000000000000000000000000000000..2f21b2613d1e2cea6c5e2d0c656c7415b813f51b --- /dev/null +++ b/univa/utils/compile_utils/compile_t5.py @@ -0,0 +1,13 @@ +from transformers.models.t5 import modeling_t5 +import torch + + +class CompiledT5Block(modeling_t5.T5Block): + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + + @torch.compile + def forward(self, *args, **kwargs): + return super().forward(*args, **kwargs) + +modeling_t5.T5Block = CompiledT5Block \ No newline at end of file diff --git a/univa/utils/compile_utils/compile_vae.py b/univa/utils/compile_utils/compile_vae.py new file mode 100644 index 0000000000000000000000000000000000000000..cbcbd297a70595a87c25b933db4997f95efe6330 --- /dev/null +++ b/univa/utils/compile_utils/compile_vae.py @@ -0,0 +1,23 @@ +from diffusers.models.autoencoders import autoencoder_kl, vae +import torch + +class CompiledAutoencoderKL(autoencoder_kl.AutoencoderKL): + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + + @torch.compile + def encode(self, *args, **kwargs): + return super().encode(*args, **kwargs) + +autoencoder_kl.AutoencoderKL = CompiledAutoencoderKL + + +class CompiledEncoder(vae.Encoder): + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + + @torch.compile + def forward(self, *args, **kwargs): + return super().forward(*args, **kwargs) + +vae.Encoder = CompiledEncoder \ No newline at end of file diff --git a/univa/utils/constant.py b/univa/utils/constant.py new file mode 100644 index 0000000000000000000000000000000000000000..f7848d055acdb711f360510b4f358e9215708fc7 --- /dev/null +++ b/univa/utils/constant.py @@ -0,0 +1,19 @@ + +SPACIAL_TOKEN = { + 'qwen2vl': { + 'image_token': '<|image_pad|>', + 'image_begin_token': '<|vision_start|>', + 'image_end_token': '<|vision_end|>', + }, + 'qwen2p5vl': { + 'image_token': '<|image_pad|>', + 'image_begin_token': '<|vision_start|>', + 'image_end_token': '<|vision_end|>', + }, + 'llava': { + 'image_token': '', + 'image_begin_token': '', + 'image_end_token': '', + }, +} +GENERATE_TOKEN = '' \ No newline at end of file diff --git a/univa/utils/create_ema.py b/univa/utils/create_ema.py new file mode 100644 index 0000000000000000000000000000000000000000..7cca7592b56d1669c957bfc4152db7a94ddc776a --- /dev/null +++ b/univa/utils/create_ema.py @@ -0,0 +1,469 @@ +import os +import copy +import math +from typing import Any, Dict, Iterable, List, Optional, Union +from safetensors.torch import save_file +from diffusers.utils import ( + deprecate, + is_torchvision_available, + is_transformers_available, +) + +if is_transformers_available(): + import transformers + +if is_torchvision_available(): + from torchvision import transforms + +import numpy as np +import torch +import deepspeed +from deepspeed.runtime.zero.partition_parameters import ZeroParamStatus + + +def _z3_params_to_fetch(param_list): + return [p for p in param_list if hasattr(p, "ds_id") and p.ds_status == ZeroParamStatus.NOT_AVAILABLE] + + +# Adapted from diffusers-style ema https://github.com/huggingface/diffusers/blob/main/src/diffusers/training_utils.py#L263 +class EMAModel: + """ + Exponential Moving Average of models weights + """ + + def __init__( + self, + model: torch.nn.Module, + decay: float = 0.9999, + min_decay: float = 0.0, + update_after_step: int = 0, + use_ema_warmup: bool = False, + inv_gamma: Union[float, int] = 1.0, + power: Union[float, int] = 2 / 3, + model_cls: Optional[Any] = None, + model_config: Dict[str, Any] = None, + **kwargs, + ): + """ + Args: + parameters (Iterable[torch.nn.Parameter]): The parameters to track. + decay (float): The decay factor for the exponential moving average. + min_decay (float): The minimum decay factor for the exponential moving average. + update_after_step (int): The number of steps to wait before starting to update the EMA weights. + use_ema_warmup (bool): Whether to use EMA warmup. + inv_gamma (float): + Inverse multiplicative factor of EMA warmup. Default: 1. Only used if `use_ema_warmup` is True. + power (float): Exponential factor of EMA warmup. Default: 2/3. Only used if `use_ema_warmup` is True. + device (Optional[Union[str, torch.device]]): The device to store the EMA weights on. If None, the EMA + weights will be stored on CPU. + + @crowsonkb's notes on EMA Warmup: + If gamma=1 and power=1, implements a simple average. gamma=1, power=2/3 are good values for models you plan + to train for a million or more steps (reaches decay factor 0.999 at 31.6K steps, 0.9999 at 1M steps), + gamma=1, power=3/4 for models you plan to train for less (reaches decay factor 0.999 at 10K steps, 0.9999 + at 215.4k steps). + """ + + self.model = model + + if kwargs.get("max_value", None) is not None: + deprecation_message = "The `max_value` argument is deprecated. Please use `decay` instead." + deprecate("max_value", "1.0.0", deprecation_message, standard_warn=False) + decay = kwargs["max_value"] + + if kwargs.get("min_value", None) is not None: + deprecation_message = "The `min_value` argument is deprecated. Please use `min_decay` instead." + deprecate("min_value", "1.0.0", deprecation_message, standard_warn=False) + min_decay = kwargs["min_value"] + + if kwargs.get("device", None) is not None: + deprecation_message = "The `device` argument is deprecated. Please use `to` instead." + deprecate("device", "1.0.0", deprecation_message, standard_warn=False) + self.to(device=kwargs["device"]) + + self.temp_stored_params = None + + self.decay = decay + self.min_decay = min_decay + self.update_after_step = update_after_step + self.use_ema_warmup = use_ema_warmup + self.inv_gamma = inv_gamma + self.power = power + self.optimization_step = 0 + self.cur_decay_value = None # set in `step()` + + self.model_cls = model_cls + self.model_config = model_config + + @classmethod + def extract_ema_kwargs(cls, kwargs): + """ + Extracts the EMA kwargs from the kwargs of a class method. + """ + ema_kwargs = {} + for key in [ + "decay", + "min_decay", + "optimization_step", + "update_after_step", + "use_ema_warmup", + "inv_gamma", + "power", + ]: + if kwargs.get(key, None) is not None: + ema_kwargs[key] = kwargs.pop(key) + return ema_kwargs + + @classmethod + def from_pretrained(cls, path, model_cls) -> "EMAModel": + config = model_cls.load_config(path) + ema_kwargs = cls.extract_ema_kwargs(config) + model = model_cls.from_pretrained(path) + + ema_model = cls(model, model_cls=model_cls, model_config=config) + + ema_model.load_state_dict(ema_kwargs) + return ema_model + + def save_pretrained(self, path): + if self.model_cls is None: + raise ValueError("`save_pretrained` can only be used if `model_cls` was defined at __init__.") + + if self.model_config is None: + raise ValueError("`save_pretrained` can only be used if `model_config` was defined at __init__.") + + rank = int(os.getenv("RANK", "0")) + state_dict = self.state_dict() + state_dict.pop("model") + + model_to_save = self.model.module if hasattr(self.model, "module") else self.model + model_state_dict = {} + for k, v in model_to_save.named_parameters(): + # only gather z3 params + params_to_fetch = _z3_params_to_fetch([v]) + with deepspeed.zero.GatheredParameters(params_to_fetch, enabled=len(params_to_fetch) > 0): + vv = v.data.cpu() + if rank == 0: + model_state_dict[k] = vv + + if rank == 0: + os.makedirs(path, exist_ok=True) + print(f'state_dict, {state_dict.keys()}') + import time + t_start = time.perf_counter() + print(f"[{t_start:.4f}] 开始 save_pretrained") + + print(type(self.model_config), self.model_config) + for k, v in state_dict.items(): + setattr(self.model_config, k, v) + # self.model.config[k] = v + t1 = time.perf_counter() + print(f"[{t1:.4f}] after setattr config (耗时 {t1-t_start:.4f} 秒)") + + self.model_config.save_pretrained(path) + # with open(os.path.join(path, "config.json"), "w") as f: + # json.dump(self.model.config, f, indent=2) + if hasattr(self.model, "generation_config"): + print(type(self.model.generation_config), self.model.generation_config) + self.model.generation_config.save_pretrained(path) + # with open(os.path.join(path, "generation_config.json"), "w") as f: + # json.dump(self.model.generation_config, f, indent=2) + t2 = time.perf_counter() + print(f"[{t2:.4f}] self.model.save_config(path) (耗时 {t2-t1:.4f} 秒)") + + torch.save(model_state_dict, os.path.join(path, "pytorch_model.bin")) + t3 = time.perf_counter() + print(f"[{t3:.4f}] after save_pretrained (耗时 {t3-t2:.4f} 秒)") + + print(f"[{t3:.4f}] 总耗时 {t3-t_start:.4f} 秒") + return model_state_dict + + def get_decay(self, optimization_step: int) -> float: + """ + Compute the decay factor for the exponential moving average. + """ + step = max(0, optimization_step - self.update_after_step - 1) + + if step <= 0: + return 0.0 + + if self.use_ema_warmup: + cur_decay_value = 1 - (1 + step / self.inv_gamma) ** -self.power + else: + cur_decay_value = (1 + step) / (10 + step) + + cur_decay_value = min(cur_decay_value, self.decay) + # make sure decay is not smaller than min_decay + cur_decay_value = max(cur_decay_value, self.min_decay) + return cur_decay_value + + @torch.no_grad() + def step(self, parameters: Iterable[torch.nn.Parameter]): + if isinstance(parameters, torch.nn.Module): + deprecation_message = ( + "Passing a `torch.nn.Module` to `ExponentialMovingAverage.step` is deprecated. " + "Please pass the parameters of the module instead." + ) + deprecate( + "passing a `torch.nn.Module` to `ExponentialMovingAverage.step`", + "1.0.0", + deprecation_message, + standard_warn=False, + ) + parameters = parameters.parameters() + + parameters = list(parameters) + + self.optimization_step += 1 + + # Compute the decay factor for the exponential moving average. + decay = self.get_decay(self.optimization_step) + self.cur_decay_value = decay + one_minus_decay = 1 - decay + # print(f'one_minus_decay {one_minus_decay}') + # https://github.com/microsoft/DeepSpeed/blob/master/deepspeed/runtime/zero/partition_parameters.py#L1543 + for s_param, param in zip(self.model.parameters(), parameters): + s_tensor, tensor = None, None + if hasattr(s_param, "ds_tensor"): # EMA ZeRO-3 + # print('EMA ZeRO-3') + s_tensor = s_param.ds_tensor + if hasattr(param, "ds_tensor"): # DiT ZeRO-3 + tensor = param.ds_tensor + else: # DiT ZeRO-2 + rank, world_size = int(os.getenv("RANK")), int(os.getenv("WORLD_SIZE")) + partition_size = math.ceil(param.numel()/world_size) + start = partition_size * rank + end = start + partition_size + + one_dim_param = param.data.contiguous().view(-1) + if start < param.numel() and end <= param.numel(): + tensor = one_dim_param.narrow(0, start, partition_size) + elif start < param.numel(): + # raise ValueError(f'start {start}, end {end}, param.numel() {param.numel()}, partition_size {partition_size}') + elems_to_copy = param.numel() - start + s_tensor = s_param.ds_tensor.narrow(0, 0, elems_to_copy) + tensor = one_dim_param.narrow(0, start, elems_to_copy) + else: + # raise ValueError(f'start {start}, end {end}, param.numel() {param.numel()}, partition_size {partition_size}') + continue + else: # DiT/EMA ZeRO-2 + s_tensor = s_param.data + tensor = param.data + + assert s_tensor.shape == tensor.shape, f"mismatch shape, s_tensor: {s_tensor.shape}, tensor: {tensor.shape}" + + if param.requires_grad: + s_tensor.sub_(one_minus_decay * (s_tensor - tensor.to(s_tensor.dtype))) + else: + s_tensor.copy_(tensor) + + def copy_to(self, parameters: Iterable[torch.nn.Parameter]) -> None: + """ + Copy current averaged parameters into given collection of parameters. + + Args: + parameters: Iterable of `torch.nn.Parameter`; the parameters to be + updated with the stored moving averages. If `None`, the parameters with which this + `ExponentialMovingAverage` was initialized will be used. + """ + parameters = list(parameters) + for s_param, param in zip(self.model.parameters(), parameters): + param.data.copy_(s_param.to(param.device).data) + + + def to(self, device=None, dtype=None) -> None: + r"""Move internal buffers of the ExponentialMovingAverage to `device`. + + Args: + device: like `device` argument to `torch.Tensor.to` + """ + # .to() on the tensors handles None correctly + self.model = self.model.to(device=device, dtype=dtype) + + def state_dict(self) -> dict: + r""" + Returns the state of the ExponentialMovingAverage as a dict. This method is used by accelerate during + checkpointing to save the ema state dict. + """ + # Following PyTorch conventions, references to tensors are returned: + # "returns a reference to the state and not its copy!" - + # https://pytorch.org/tutorials/beginner/saving_loading_models.html#what-is-a-state-dict + return { + "decay": self.decay, + "min_decay": self.min_decay, + "optimization_step": self.optimization_step, + "update_after_step": self.update_after_step, + "use_ema_warmup": self.use_ema_warmup, + "inv_gamma": self.inv_gamma, + "power": self.power, + "model": self.model.state_dict(), + } + + def store(self, parameters: Iterable[torch.nn.Parameter]) -> None: + r""" + Args: + Save the current parameters for restoring later. + parameters: Iterable of `torch.nn.Parameter`; the parameters to be + temporarily stored. + """ + self.temp_stored_params = [param.detach().cpu().clone() for param in parameters] + + def restore(self, parameters: Iterable[torch.nn.Parameter]) -> None: + r""" + Args: + Restore the parameters stored with the `store` method. Useful to validate the model with EMA parameters without: + affecting the original optimization process. Store the parameters before the `copy_to()` method. After + validation (or model saving), use this to restore the former parameters. + parameters: Iterable of `torch.nn.Parameter`; the parameters to be + updated with the stored parameters. If `None`, the parameters with which this + `ExponentialMovingAverage` was initialized will be used. + """ + if self.temp_stored_params is None: + raise RuntimeError("This ExponentialMovingAverage has no `store()`ed weights " "to `restore()`") + for c_param, param in zip(self.temp_stored_params, parameters): + param.data.copy_(c_param.data) + + # Better memory-wise. + self.temp_stored_params = None + + def load_state_dict(self, state_dict: dict) -> None: + r""" + Args: + Loads the ExponentialMovingAverage state. This method is used by accelerate during checkpointing to save the + ema state dict. + state_dict (dict): EMA state. Should be an object returned + from a call to :meth:`state_dict`. + """ + # deepcopy, to be consistent with module API + state_dict = copy.deepcopy(state_dict) + + self.decay = state_dict.get("decay", self.decay) + if self.decay < 0.0 or self.decay > 1.0: + raise ValueError("Decay must be between 0 and 1") + + self.min_decay = state_dict.get("min_decay", self.min_decay) + if not isinstance(self.min_decay, float): + raise ValueError("Invalid min_decay") + + self.optimization_step = state_dict.get("optimization_step", self.optimization_step) + if not isinstance(self.optimization_step, int): + raise ValueError("Invalid optimization_step") + + self.update_after_step = state_dict.get("update_after_step", self.update_after_step) + if not isinstance(self.update_after_step, int): + raise ValueError("Invalid update_after_step") + + self.use_ema_warmup = state_dict.get("use_ema_warmup", self.use_ema_warmup) + if not isinstance(self.use_ema_warmup, bool): + raise ValueError("Invalid use_ema_warmup") + + self.inv_gamma = state_dict.get("inv_gamma", self.inv_gamma) + if not isinstance(self.inv_gamma, (float, int)): + raise ValueError("Invalid inv_gamma") + + self.power = state_dict.get("power", self.power) + if not isinstance(self.power, (float, int)): + raise ValueError("Invalid power") + + model_state_dict = state_dict.get("model", None) + if model_state_dict is not None: + self.model.load_state_dict(model_state_dict) + + + +if __name__ == "__main__": + import sys + sys.path.append('../..') + from univa.models.qwen2p5vl.modeling_univa_qwen2p5vl import UnivaQwen2p5VLForConditionalGeneration + import ipdb + import json + import deepspeed + from transformers.integrations import HfDeepSpeedConfig + from accelerate import Accelerator, DistributedDataParallelKwargs, DistributedType + from accelerate import init_empty_weights + + deepspeed.init_distributed() + GB = 1024 * 1024 * 1024 + def create_ema_model( + accelerator, + model_cls, + model_config, + ema_model_state_dict, + ds_config=None, + ): + # model_config = AutoConfig.from_pretrained(model_name_or_path) + ds_config["train_micro_batch_size_per_gpu"] = 1 + ds_config["fp16"]["enabled"] = False + ds_config["bf16"]["enabled"] = False + ds_config["gradient_accumulation_steps"] = 1 + ds_config["train_batch_size"] = 1 * accelerator.num_processes + + # Note: dschf is defined in function scope to avoid global effects + # https://huggingface.co/docs/transformers/main_classes/deepspeed#nontrainer-deepspeed-integration + accelerator.print(f'EMA deepspeed config {ds_config}') + if ds_config is not None and ds_config["zero_optimization"]["stage"] == 3: + dschf = HfDeepSpeedConfig(ds_config) + else: + dschf = None + + # we load weights from original model instead of deepcopy + # model = model_cls.from_config(model_config) + # model.eval().requires_grad_(False) + # print('init model', model) + # print('model.device', model.device) + # accelerator.print(f"model_cls.from_config(model_config) finish, memory_allocated: {torch.cuda.memory_allocated()/GB:.2f} GB") + # for k, v in model.state_dict().items(): + # print(k, v.shape) + + # model.load_state_dict(ema_model_state_dict, strict=True) + + + model = UnivaQwen2p5VLForConditionalGeneration.from_pretrained( + pretrained_lvlm_name_or_path, + # config=lvlm_model.config, + # deepspeed=dschf.to_dict(), # 关键参数 + torch_dtype=torch.float32, # fp32 + ) + # print('load_state_dict') + # print('after model.device', model.device) + accelerator.print(f"load_state_dict finish, memory_allocated: {torch.cuda.memory_allocated()/GB:.2f} GB") + ema_model = EMAModel( + model, decay=0.99, + model_cls=model_cls, model_config=model_config + ) + accelerator.print(f"EMAModel finish, memory_allocated: {torch.cuda.memory_allocated()/GB:.2f} GB") + accelerator.print(f'Successully deepcopy EMAModel from model') + + ema_model.model, _, _, _ = deepspeed.initialize(model=ema_model.model, config_params=ds_config) + accelerator.print(f"deepspeed.initialize finish, memory_allocated: {torch.cuda.memory_allocated()/GB:.2f} GB") + return ema_model + + ema_deepspeed_config_file = "/mnt/data/lb/Remake/UniWorld/scripts/accelerate_configs/zero3.json" + pretrained_lvlm_name_or_path = "/mnt/data/checkpoints/UniVA/UniVA-Qwen2.5-VL-7B-Instruct-FLUX.1-dev-fp32" + accelerator = Accelerator() + lvlm_model = UnivaQwen2p5VLForConditionalGeneration.from_pretrained( + # pretrained_lvlm_name_or_path, + 'ema_model', + ) + print('after load', lvlm_model.dtype) + lvlm_model.to(device=accelerator.device, dtype=torch.bfloat16) + accelerator.print(f"Load model finish, memory_allocated: {torch.cuda.memory_allocated()/GB:.2f} GB") + + # ema_model_state_dict = lvlm_model.state_dict() + # with open(ema_deepspeed_config_file, 'r') as f: + # ds_config = json.load(f) + # ema_model = create_ema_model( + # accelerator, model_cls=UnivaQwen2p5VLForConditionalGeneration, model_config=lvlm_model.config, + # ema_model_state_dict=ema_model_state_dict, ds_config=ds_config + # ) + # accelerator.print(f"Load ema model finish, memory_allocated: {torch.cuda.memory_allocated()/GB:.2f} GB") + # # import ipdb;ipdb.set_trace() + # # if accelerator.process_index == 0: + # ema_model.save_pretrained('ema_model') + # print(ema_model) + + ''' + + accelerate launch --num_processes 8 --num_machines 1 create_ema.py + CUDA_VISIBLE_DEVICES=7 accelerate launch --num_processes 1 --num_machines 1 univa/utils/create_ema.py + ''' \ No newline at end of file diff --git a/univa/utils/denoiser_prompt_embedding.py b/univa/utils/denoiser_prompt_embedding.py new file mode 100644 index 0000000000000000000000000000000000000000..23335d4c910e5295ce7018600a791e017cfc0a38 --- /dev/null +++ b/univa/utils/denoiser_prompt_embedding.py @@ -0,0 +1,128 @@ +import torch +from typing import List + +def _encode_prompt_with_t5( + text_encoder, + tokenizer, + max_sequence_length, + prompt=None, + num_images_per_prompt=1, + device=None, +): + prompt = [prompt] if isinstance(prompt, str) else prompt + batch_size = len(prompt) + + text_inputs = tokenizer( + prompt, + padding="max_length", + max_length=max_sequence_length, + truncation=True, + add_special_tokens=True, + return_tensors="pt", + ) + text_input_ids = text_inputs.input_ids + prompt_embeds = text_encoder(text_input_ids.to(device))[0] + + dtype = text_encoder.dtype + prompt_embeds = prompt_embeds.to(dtype=dtype, device=device) + + _, seq_len, _ = prompt_embeds.shape + + # duplicate text embeddings and attention mask for each generation per prompt, using mps friendly method + prompt_embeds = prompt_embeds.repeat(1, num_images_per_prompt, 1) + prompt_embeds = prompt_embeds.view(batch_size * num_images_per_prompt, seq_len, -1) + + return prompt_embeds + + +def _encode_prompt_with_clip( + text_encoder, + tokenizer, + prompt: str, + device=None, + text_input_ids=None, + num_images_per_prompt: int = 1, +): + prompt = [prompt] if isinstance(prompt, str) else prompt + batch_size = len(prompt) + + if tokenizer is not None: + text_inputs = tokenizer( + prompt, + padding="max_length", + max_length=77, + truncation=True, + return_tensors="pt", + ) + + text_input_ids = text_inputs.input_ids + else: + if text_input_ids is None: + raise ValueError( + "text_input_ids must be provided when the tokenizer is not specified" + ) + + prompt_embeds = text_encoder(text_input_ids.to(device), output_hidden_states=True) + + pooled_prompt_embeds = prompt_embeds[0] + prompt_embeds = prompt_embeds.hidden_states[-2] + prompt_embeds = prompt_embeds.to(dtype=text_encoder.dtype, device=device) + + _, seq_len, _ = prompt_embeds.shape + # duplicate text embeddings for each generation per prompt, using mps friendly method + prompt_embeds = prompt_embeds.repeat(1, num_images_per_prompt, 1) + prompt_embeds = prompt_embeds.view(batch_size * num_images_per_prompt, seq_len, -1) + + return prompt_embeds, pooled_prompt_embeds + + +def encode_prompt( + text_encoders, + tokenizers, + prompt: str|List, + max_sequence_length, + device=None, + num_images_per_prompt: int = 1, + text_input_ids_list=None, + only_positive_t5=False, +): + prompt = [prompt] if isinstance(prompt, str) else prompt + + clip_tokenizers = tokenizers[:2] + clip_text_encoders = text_encoders[:2] + + clip_prompt_embeds_list = [] + clip_pooled_prompt_embeds_list = [] + for i, (tokenizer, text_encoder) in enumerate( + zip(clip_tokenizers, clip_text_encoders) + ): + prompt_embeds, pooled_prompt_embeds = _encode_prompt_with_clip( + text_encoder=text_encoder, + tokenizer=tokenizer, + prompt=prompt if not only_positive_t5 else [""] * len(prompt), + device=device if device is not None else text_encoder.device, + num_images_per_prompt=num_images_per_prompt, + text_input_ids=text_input_ids_list[i] if text_input_ids_list else None, + ) + clip_prompt_embeds_list.append(prompt_embeds) + clip_pooled_prompt_embeds_list.append(pooled_prompt_embeds) + + clip_prompt_embeds = torch.cat(clip_prompt_embeds_list, dim=-1) + pooled_prompt_embeds = torch.cat(clip_pooled_prompt_embeds_list, dim=-1) + + t5_prompt_embed = _encode_prompt_with_t5( + text_encoders[-1], + tokenizers[-1], + max_sequence_length, + prompt=prompt, + num_images_per_prompt=num_images_per_prompt, + device=device if device is not None else text_encoders[-1].device, + ) + + clip_prompt_embeds = torch.nn.functional.pad( + clip_prompt_embeds, + (0, t5_prompt_embed.shape[-1] - clip_prompt_embeds.shape[-1]), + ) + + t5_prompt_embed = torch.cat([clip_prompt_embeds, t5_prompt_embed], dim=-2) + return clip_prompt_embeds, t5_prompt_embed, pooled_prompt_embeds diff --git a/univa/utils/denoiser_prompt_embedding_flux.py b/univa/utils/denoiser_prompt_embedding_flux.py new file mode 100644 index 0000000000000000000000000000000000000000..98589ec4797acf7f429105ad209d7e433c3bbd6e --- /dev/null +++ b/univa/utils/denoiser_prompt_embedding_flux.py @@ -0,0 +1,144 @@ +def tokenize_prompt(tokenizer, prompt, max_sequence_length): + text_inputs = tokenizer( + prompt, + padding="max_length", + max_length=max_sequence_length, + truncation=True, + return_length=False, + return_overflowing_tokens=False, + return_tensors="pt", + ) + text_input_ids = text_inputs.input_ids + return text_input_ids + + +def _encode_prompt_with_t5( + text_encoder, + tokenizer, + max_sequence_length=512, + prompt=None, + num_images_per_prompt=1, + device=None, + text_input_ids=None, +): + prompt = [prompt] if isinstance(prompt, str) else prompt + batch_size = len(prompt) + + if tokenizer is not None: + text_inputs = tokenizer( + prompt, + padding="max_length", + max_length=max_sequence_length, + truncation=True, + return_length=False, + return_overflowing_tokens=False, + return_tensors="pt", + ) + text_input_ids = text_inputs.input_ids + else: + if text_input_ids is None: + raise ValueError( + "text_input_ids must be provided when the tokenizer is not specified" + ) + + prompt_embeds = text_encoder(text_input_ids.to(device))[0] + + if hasattr(text_encoder, "module"): + dtype = text_encoder.module.dtype + else: + dtype = text_encoder.dtype + prompt_embeds = prompt_embeds.to(dtype=dtype, device=device) + + _, seq_len, _ = prompt_embeds.shape + + # duplicate text embeddings and attention mask for each generation per prompt, using mps friendly method + prompt_embeds = prompt_embeds.repeat(1, num_images_per_prompt, 1) + prompt_embeds = prompt_embeds.view(batch_size * num_images_per_prompt, seq_len, -1) + + return prompt_embeds + + +def _encode_prompt_with_clip( + text_encoder, + tokenizer, + prompt: str, + device=None, + text_input_ids=None, + num_images_per_prompt: int = 1, +): + prompt = [prompt] if isinstance(prompt, str) else prompt + batch_size = len(prompt) + + if tokenizer is not None: + text_inputs = tokenizer( + prompt, + padding="max_length", + max_length=77, + truncation=True, + return_overflowing_tokens=False, + return_length=False, + return_tensors="pt", + ) + + text_input_ids = text_inputs.input_ids + else: + if text_input_ids is None: + raise ValueError( + "text_input_ids must be provided when the tokenizer is not specified" + ) + + prompt_embeds = text_encoder(text_input_ids.to(device), output_hidden_states=False) + + if hasattr(text_encoder, "module"): + dtype = text_encoder.module.dtype + else: + dtype = text_encoder.dtype + # Use pooled output of CLIPTextModel + prompt_embeds = prompt_embeds.pooler_output + prompt_embeds = prompt_embeds.to(dtype=dtype, device=device) + + # duplicate text embeddings for each generation per prompt, using mps friendly method + prompt_embeds = prompt_embeds.repeat(1, num_images_per_prompt, 1) + prompt_embeds = prompt_embeds.view(batch_size * num_images_per_prompt, -1) + + return prompt_embeds + + +def encode_prompt( + text_encoders, + tokenizers, + prompt: str, + max_sequence_length, + device=None, + num_images_per_prompt: int = 1, + text_input_ids_list=None, +): + prompt = [prompt] if isinstance(prompt, str) else prompt + + device = device if device is not None else text_encoders[1].device + if text_encoders[0] is not None and tokenizers[0] is not None: + pooled_prompt_embeds = _encode_prompt_with_clip( + text_encoder=text_encoders[0], + tokenizer=tokenizers[0], + prompt=prompt, + device=device, + num_images_per_prompt=num_images_per_prompt, + text_input_ids=text_input_ids_list[0] if text_input_ids_list else None, + ) + else: + pooled_prompt_embeds = None + + if text_encoders[1] is not None and tokenizers[1] is not None: + prompt_embeds = _encode_prompt_with_t5( + text_encoder=text_encoders[1], + tokenizer=tokenizers[1], + max_sequence_length=max_sequence_length, + prompt=prompt, + num_images_per_prompt=num_images_per_prompt, + device=device, + text_input_ids=text_input_ids_list[1] if text_input_ids_list else None, + ) + else: + prompt_embeds = None + + return prompt_embeds, pooled_prompt_embeds diff --git a/univa/utils/embedding_resize.py b/univa/utils/embedding_resize.py new file mode 100644 index 0000000000000000000000000000000000000000..edc07b1288a90159c52b5de5e9d4ee38ea13d083 --- /dev/null +++ b/univa/utils/embedding_resize.py @@ -0,0 +1,29 @@ +from typing import Dict +from transformers import PreTrainedTokenizer, PreTrainedModel + + +def smart_tokenizer_and_embedding_resize( + special_tokens_dict: Dict, + tokenizer: PreTrainedTokenizer, + model: PreTrainedModel, +): + """Resize tokenizer and embedding. + + Note: This is the unoptimized version that may make your embedding size not be divisible by 64. + """ + num_new_tokens = tokenizer.add_special_tokens(special_tokens_dict) + model.resize_token_embeddings(len(tokenizer)) + + if num_new_tokens > 0: + input_embeddings = model.get_input_embeddings().weight.data + output_embeddings = model.get_output_embeddings().weight.data + + input_embeddings_avg = input_embeddings[:-num_new_tokens].mean( + dim=0, keepdim=True + ) + output_embeddings_avg = output_embeddings[:-num_new_tokens].mean( + dim=0, keepdim=True + ) + + input_embeddings[-num_new_tokens:] = input_embeddings_avg + output_embeddings[-num_new_tokens:] = output_embeddings_avg diff --git a/univa/utils/flux_pipeline.py b/univa/utils/flux_pipeline.py new file mode 100644 index 0000000000000000000000000000000000000000..73c1f65decedeed082135b4d6e5125726885e0f6 --- /dev/null +++ b/univa/utils/flux_pipeline.py @@ -0,0 +1,969 @@ +# Copyright 2024 Black Forest Labs and The HuggingFace Team. All rights reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +import inspect +from typing import Any, Callable, Dict, List, Optional, Union + +import numpy as np +import torch +from transformers import ( + CLIPImageProcessor, + CLIPTextModel, + CLIPTokenizer, + CLIPVisionModelWithProjection, + T5EncoderModel, + T5TokenizerFast, +) + +from diffusers.image_processor import PipelineImageInput, VaeImageProcessor +from diffusers.loaders import FluxIPAdapterMixin, FluxLoraLoaderMixin, FromSingleFileMixin, TextualInversionLoaderMixin +from diffusers.models.autoencoders import AutoencoderKL +from diffusers.models.transformers import FluxTransformer2DModel +from diffusers.schedulers import FlowMatchEulerDiscreteScheduler +from diffusers.utils import ( + USE_PEFT_BACKEND, + is_torch_xla_available, + logging, + replace_example_docstring, + scale_lora_layers, + unscale_lora_layers, +) +from diffusers.utils.torch_utils import randn_tensor +from diffusers.pipelines.pipeline_utils import DiffusionPipeline +from diffusers.pipelines.flux.pipeline_output import FluxPipelineOutput + + +if is_torch_xla_available(): + import torch_xla.core.xla_model as xm + + XLA_AVAILABLE = True +else: + XLA_AVAILABLE = False + + +logger = logging.get_logger(__name__) # pylint: disable=invalid-name + +EXAMPLE_DOC_STRING = """ + Examples: + ```py + >>> import torch + >>> from diffusers import FluxPipeline + + >>> pipe = FluxPipeline.from_pretrained("black-forest-labs/FLUX.1-schnell", torch_dtype=torch.bfloat16) + >>> pipe.to("cuda") + >>> prompt = "A cat holding a sign that says hello world" + >>> # Depending on the variant being used, the pipeline call will slightly vary. + >>> # Refer to the pipeline documentation for more details. + >>> image = pipe(prompt, num_inference_steps=4, guidance_scale=0.0).images[0] + >>> image.save("flux.png") + ``` +""" + + +def calculate_shift( + image_seq_len, + base_seq_len: int = 256, + max_seq_len: int = 4096, + base_shift: float = 0.5, + max_shift: float = 1.16, +): + m = (max_shift - base_shift) / (max_seq_len - base_seq_len) + b = base_shift - m * base_seq_len + mu = image_seq_len * m + b + return mu + + +# Copied from diffusers.pipelines.stable_diffusion.pipeline_stable_diffusion.retrieve_timesteps +def retrieve_timesteps( + scheduler, + num_inference_steps: Optional[int] = None, + device: Optional[Union[str, torch.device]] = None, + timesteps: Optional[List[int]] = None, + sigmas: Optional[List[float]] = None, + **kwargs, +): + r""" + Calls the scheduler's `set_timesteps` method and retrieves timesteps from the scheduler after the call. Handles + custom timesteps. Any kwargs will be supplied to `scheduler.set_timesteps`. + + Args: + scheduler (`SchedulerMixin`): + The scheduler to get timesteps from. + num_inference_steps (`int`): + The number of diffusion steps used when generating samples with a pre-trained model. If used, `timesteps` + must be `None`. + device (`str` or `torch.device`, *optional*): + The device to which the timesteps should be moved to. If `None`, the timesteps are not moved. + timesteps (`List[int]`, *optional*): + Custom timesteps used to override the timestep spacing strategy of the scheduler. If `timesteps` is passed, + `num_inference_steps` and `sigmas` must be `None`. + sigmas (`List[float]`, *optional*): + Custom sigmas used to override the timestep spacing strategy of the scheduler. If `sigmas` is passed, + `num_inference_steps` and `timesteps` must be `None`. + + Returns: + `Tuple[torch.Tensor, int]`: A tuple where the first element is the timestep schedule from the scheduler and the + second element is the number of inference steps. + """ + if timesteps is not None and sigmas is not None: + raise ValueError("Only one of `timesteps` or `sigmas` can be passed. Please choose one to set custom values") + if timesteps is not None: + accepts_timesteps = "timesteps" in set(inspect.signature(scheduler.set_timesteps).parameters.keys()) + if not accepts_timesteps: + raise ValueError( + f"The current scheduler class {scheduler.__class__}'s `set_timesteps` does not support custom" + f" timestep schedules. Please check whether you are using the correct scheduler." + ) + scheduler.set_timesteps(timesteps=timesteps, device=device, **kwargs) + timesteps = scheduler.timesteps + num_inference_steps = len(timesteps) + elif sigmas is not None: + accept_sigmas = "sigmas" in set(inspect.signature(scheduler.set_timesteps).parameters.keys()) + if not accept_sigmas: + raise ValueError( + f"The current scheduler class {scheduler.__class__}'s `set_timesteps` does not support custom" + f" sigmas schedules. Please check whether you are using the correct scheduler." + ) + scheduler.set_timesteps(sigmas=sigmas, device=device, **kwargs) + timesteps = scheduler.timesteps + num_inference_steps = len(timesteps) + else: + scheduler.set_timesteps(num_inference_steps, device=device, **kwargs) + timesteps = scheduler.timesteps + return timesteps, num_inference_steps + + +class FluxPipeline( + DiffusionPipeline, + FluxLoraLoaderMixin, + FromSingleFileMixin, + TextualInversionLoaderMixin, + FluxIPAdapterMixin, +): + r""" + The Flux pipeline for text-to-image generation. + + Reference: https://blackforestlabs.ai/announcing-black-forest-labs/ + + Args: + transformer ([`FluxTransformer2DModel`]): + Conditional Transformer (MMDiT) architecture to denoise the encoded image latents. + scheduler ([`FlowMatchEulerDiscreteScheduler`]): + A scheduler to be used in combination with `transformer` to denoise the encoded image latents. + vae ([`AutoencoderKL`]): + Variational Auto-Encoder (VAE) Model to encode and decode images to and from latent representations. + text_encoder ([`CLIPTextModel`]): + [CLIP](https://huggingface.co/docs/transformers/model_doc/clip#transformers.CLIPTextModel), specifically + the [clip-vit-large-patch14](https://huggingface.co/openai/clip-vit-large-patch14) variant. + text_encoder_2 ([`T5EncoderModel`]): + [T5](https://huggingface.co/docs/transformers/en/model_doc/t5#transformers.T5EncoderModel), specifically + the [google/t5-v1_1-xxl](https://huggingface.co/google/t5-v1_1-xxl) variant. + tokenizer (`CLIPTokenizer`): + Tokenizer of class + [CLIPTokenizer](https://huggingface.co/docs/transformers/en/model_doc/clip#transformers.CLIPTokenizer). + tokenizer_2 (`T5TokenizerFast`): + Second Tokenizer of class + [T5TokenizerFast](https://huggingface.co/docs/transformers/en/model_doc/t5#transformers.T5TokenizerFast). + """ + + model_cpu_offload_seq = "text_encoder->text_encoder_2->image_encoder->transformer->vae" + _optional_components = ["image_encoder", "feature_extractor"] + _callback_tensor_inputs = ["latents", "prompt_embeds"] + + def __init__( + self, + scheduler: FlowMatchEulerDiscreteScheduler, + vae: AutoencoderKL, + text_encoder: CLIPTextModel, + tokenizer: CLIPTokenizer, + text_encoder_2: T5EncoderModel, + tokenizer_2: T5TokenizerFast, + transformer: FluxTransformer2DModel, + image_encoder: CLIPVisionModelWithProjection = None, + feature_extractor: CLIPImageProcessor = None, + ): + super().__init__() + + self.register_modules( + vae=vae, + text_encoder=text_encoder, + text_encoder_2=text_encoder_2, + tokenizer=tokenizer, + tokenizer_2=tokenizer_2, + transformer=transformer, + scheduler=scheduler, + image_encoder=image_encoder, + feature_extractor=feature_extractor, + ) + self.vae_scale_factor = ( + 2 ** (len(self.vae.config.block_out_channels) - 1) if hasattr(self, "vae") and self.vae is not None else 8 + ) + # Flux latents are turned into 2x2 patches and packed. This means the latent width and height has to be divisible + # by the patch size. So the vae scale factor is multiplied by the patch size to account for this + self.image_processor = VaeImageProcessor(vae_scale_factor=self.vae_scale_factor * 2) + self.tokenizer_max_length = ( + self.tokenizer.model_max_length if hasattr(self, "tokenizer") and self.tokenizer is not None else 77 + ) + self.default_sample_size = 128 + + def _get_t5_prompt_embeds( + self, + prompt: Union[str, List[str]] = None, + num_images_per_prompt: int = 1, + max_sequence_length: int = 512, + device: Optional[torch.device] = None, + dtype: Optional[torch.dtype] = None, + ): + device = device or self._execution_device + dtype = dtype or self.text_encoder.dtype + + prompt = [prompt] if isinstance(prompt, str) else prompt + batch_size = len(prompt) + + if isinstance(self, TextualInversionLoaderMixin): + prompt = self.maybe_convert_prompt(prompt, self.tokenizer_2) + + text_inputs = self.tokenizer_2( + prompt, + padding="max_length", + max_length=max_sequence_length, + truncation=True, + return_length=False, + return_overflowing_tokens=False, + return_tensors="pt", + ) + text_input_ids = text_inputs.input_ids + untruncated_ids = self.tokenizer_2(prompt, padding="longest", return_tensors="pt").input_ids + + if untruncated_ids.shape[-1] >= text_input_ids.shape[-1] and not torch.equal(text_input_ids, untruncated_ids): + removed_text = self.tokenizer_2.batch_decode(untruncated_ids[:, self.tokenizer_max_length - 1 : -1]) + logger.warning( + "The following part of your input was truncated because `max_sequence_length` is set to " + f" {max_sequence_length} tokens: {removed_text}" + ) + + prompt_embeds = self.text_encoder_2(text_input_ids.to(device), output_hidden_states=False)[0] + + dtype = self.text_encoder_2.dtype + prompt_embeds = prompt_embeds.to(dtype=dtype, device=device) + + _, seq_len, _ = prompt_embeds.shape + + # duplicate text embeddings and attention mask for each generation per prompt, using mps friendly method + prompt_embeds = prompt_embeds.repeat(1, num_images_per_prompt, 1) + prompt_embeds = prompt_embeds.view(batch_size * num_images_per_prompt, seq_len, -1) + + return prompt_embeds + + def _get_clip_prompt_embeds( + self, + prompt: Union[str, List[str]], + num_images_per_prompt: int = 1, + device: Optional[torch.device] = None, + ): + device = device or self._execution_device + + prompt = [prompt] if isinstance(prompt, str) else prompt + batch_size = len(prompt) + + if isinstance(self, TextualInversionLoaderMixin): + prompt = self.maybe_convert_prompt(prompt, self.tokenizer) + + text_inputs = self.tokenizer( + prompt, + padding="max_length", + max_length=self.tokenizer_max_length, + truncation=True, + return_overflowing_tokens=False, + return_length=False, + return_tensors="pt", + ) + + text_input_ids = text_inputs.input_ids + untruncated_ids = self.tokenizer(prompt, padding="longest", return_tensors="pt").input_ids + if untruncated_ids.shape[-1] >= text_input_ids.shape[-1] and not torch.equal(text_input_ids, untruncated_ids): + removed_text = self.tokenizer.batch_decode(untruncated_ids[:, self.tokenizer_max_length - 1 : -1]) + logger.warning( + "The following part of your input was truncated because CLIP can only handle sequences up to" + f" {self.tokenizer_max_length} tokens: {removed_text}" + ) + prompt_embeds = self.text_encoder(text_input_ids.to(device), output_hidden_states=False) + + # Use pooled output of CLIPTextModel + prompt_embeds = prompt_embeds.pooler_output + prompt_embeds = prompt_embeds.to(dtype=self.text_encoder.dtype, device=device) + + # duplicate text embeddings for each generation per prompt, using mps friendly method + prompt_embeds = prompt_embeds.repeat(1, num_images_per_prompt) + prompt_embeds = prompt_embeds.view(batch_size * num_images_per_prompt, -1) + + return prompt_embeds + + def encode_prompt( + self, + prompt: Union[str, List[str]], + prompt_2: Union[str, List[str]], + device: Optional[torch.device] = None, + num_images_per_prompt: int = 1, + prompt_embeds: Optional[torch.FloatTensor] = None, + pooled_prompt_embeds: Optional[torch.FloatTensor] = None, + max_sequence_length: int = 512, + lora_scale: Optional[float] = None, + ): + r""" + + Args: + prompt (`str` or `List[str]`, *optional*): + prompt to be encoded + prompt_2 (`str` or `List[str]`, *optional*): + The prompt or prompts to be sent to the `tokenizer_2` and `text_encoder_2`. If not defined, `prompt` is + used in all text-encoders + device: (`torch.device`): + torch device + num_images_per_prompt (`int`): + number of images that should be generated per prompt + prompt_embeds (`torch.FloatTensor`, *optional*): + Pre-generated text embeddings. Can be used to easily tweak text inputs, *e.g.* prompt weighting. If not + provided, text embeddings will be generated from `prompt` input argument. + pooled_prompt_embeds (`torch.FloatTensor`, *optional*): + Pre-generated pooled text embeddings. Can be used to easily tweak text inputs, *e.g.* prompt weighting. + If not provided, pooled text embeddings will be generated from `prompt` input argument. + lora_scale (`float`, *optional*): + A lora scale that will be applied to all LoRA layers of the text encoder if LoRA layers are loaded. + """ + device = device or self._execution_device + + # set lora scale so that monkey patched LoRA + # function of text encoder can correctly access it + if lora_scale is not None and isinstance(self, FluxLoraLoaderMixin): + self._lora_scale = lora_scale + + # dynamically adjust the LoRA scale + if self.text_encoder is not None and USE_PEFT_BACKEND: + scale_lora_layers(self.text_encoder, lora_scale) + if self.text_encoder_2 is not None and USE_PEFT_BACKEND: + scale_lora_layers(self.text_encoder_2, lora_scale) + + prompt = [prompt] if isinstance(prompt, str) else prompt + + if prompt_embeds is None: + prompt_2 = prompt_2 or prompt + prompt_2 = [prompt_2] if isinstance(prompt_2, str) else prompt_2 + + # We only use the pooled prompt output from the CLIPTextModel + pooled_prompt_embeds = self._get_clip_prompt_embeds( + prompt=prompt, + device=device, + num_images_per_prompt=num_images_per_prompt, + ) + prompt_embeds = self._get_t5_prompt_embeds( + prompt=prompt_2, + num_images_per_prompt=num_images_per_prompt, + max_sequence_length=max_sequence_length, + device=device, + ) + + if self.text_encoder is not None: + if isinstance(self, FluxLoraLoaderMixin) and USE_PEFT_BACKEND: + # Retrieve the original scale by scaling back the LoRA layers + unscale_lora_layers(self.text_encoder, lora_scale) + + if self.text_encoder_2 is not None: + if isinstance(self, FluxLoraLoaderMixin) and USE_PEFT_BACKEND: + # Retrieve the original scale by scaling back the LoRA layers + unscale_lora_layers(self.text_encoder_2, lora_scale) + + dtype = self.text_encoder.dtype if self.text_encoder is not None else self.transformer.dtype + text_ids = torch.zeros(prompt_embeds.shape[1], 3).to(device=device, dtype=dtype) + + return prompt_embeds, pooled_prompt_embeds, text_ids + + def encode_image(self, image, device, num_images_per_prompt): + dtype = next(self.image_encoder.parameters()).dtype + + if not isinstance(image, torch.Tensor): + image = self.feature_extractor(image, return_tensors="pt").pixel_values + + image = image.to(device=device, dtype=dtype) + image_embeds = self.image_encoder(image).image_embeds + image_embeds = image_embeds.repeat_interleave(num_images_per_prompt, dim=0) + return image_embeds + + def prepare_ip_adapter_image_embeds( + self, ip_adapter_image, ip_adapter_image_embeds, device, num_images_per_prompt + ): + image_embeds = [] + if ip_adapter_image_embeds is None: + if not isinstance(ip_adapter_image, list): + ip_adapter_image = [ip_adapter_image] + + if len(ip_adapter_image) != len(self.transformer.encoder_hid_proj.image_projection_layers): + raise ValueError( + f"`ip_adapter_image` must have same length as the number of IP Adapters. Got {len(ip_adapter_image)} images and {len(self.transformer.encoder_hid_proj.image_projection_layers)} IP Adapters." + ) + + for single_ip_adapter_image, image_proj_layer in zip( + ip_adapter_image, self.transformer.encoder_hid_proj.image_projection_layers + ): + single_image_embeds = self.encode_image(single_ip_adapter_image, device, 1) + + image_embeds.append(single_image_embeds[None, :]) + else: + for single_image_embeds in ip_adapter_image_embeds: + image_embeds.append(single_image_embeds) + + ip_adapter_image_embeds = [] + for i, single_image_embeds in enumerate(image_embeds): + single_image_embeds = torch.cat([single_image_embeds] * num_images_per_prompt, dim=0) + single_image_embeds = single_image_embeds.to(device=device) + ip_adapter_image_embeds.append(single_image_embeds) + + return ip_adapter_image_embeds + + def check_inputs( + self, + prompt, + prompt_2, + height, + width, + negative_prompt=None, + negative_prompt_2=None, + prompt_embeds=None, + negative_prompt_embeds=None, + pooled_prompt_embeds=None, + negative_pooled_prompt_embeds=None, + callback_on_step_end_tensor_inputs=None, + max_sequence_length=None, + ): + if height % (self.vae_scale_factor * 2) != 0 or width % (self.vae_scale_factor * 2) != 0: + logger.warning( + f"`height` and `width` have to be divisible by {self.vae_scale_factor * 2} but are {height} and {width}. Dimensions will be resized accordingly" + ) + + if callback_on_step_end_tensor_inputs is not None and not all( + k in self._callback_tensor_inputs for k in callback_on_step_end_tensor_inputs + ): + raise ValueError( + f"`callback_on_step_end_tensor_inputs` has to be in {self._callback_tensor_inputs}, but found {[k for k in callback_on_step_end_tensor_inputs if k not in self._callback_tensor_inputs]}" + ) + + if prompt is not None and prompt_embeds is not None: + raise ValueError( + f"Cannot forward both `prompt`: {prompt} and `prompt_embeds`: {prompt_embeds}. Please make sure to" + " only forward one of the two." + ) + elif prompt_2 is not None and prompt_embeds is not None: + raise ValueError( + f"Cannot forward both `prompt_2`: {prompt_2} and `prompt_embeds`: {prompt_embeds}. Please make sure to" + " only forward one of the two." + ) + elif prompt is None and prompt_embeds is None: + raise ValueError( + "Provide either `prompt` or `prompt_embeds`. Cannot leave both `prompt` and `prompt_embeds` undefined." + ) + elif prompt is not None and (not isinstance(prompt, str) and not isinstance(prompt, list)): + raise ValueError(f"`prompt` has to be of type `str` or `list` but is {type(prompt)}") + elif prompt_2 is not None and (not isinstance(prompt_2, str) and not isinstance(prompt_2, list)): + raise ValueError(f"`prompt_2` has to be of type `str` or `list` but is {type(prompt_2)}") + + if negative_prompt is not None and negative_prompt_embeds is not None: + raise ValueError( + f"Cannot forward both `negative_prompt`: {negative_prompt} and `negative_prompt_embeds`:" + f" {negative_prompt_embeds}. Please make sure to only forward one of the two." + ) + elif negative_prompt_2 is not None and negative_prompt_embeds is not None: + raise ValueError( + f"Cannot forward both `negative_prompt_2`: {negative_prompt_2} and `negative_prompt_embeds`:" + f" {negative_prompt_embeds}. Please make sure to only forward one of the two." + ) + + if prompt_embeds is not None and negative_prompt_embeds is not None: + if prompt_embeds.shape != negative_prompt_embeds.shape: + raise ValueError( + "`prompt_embeds` and `negative_prompt_embeds` must have the same shape when passed directly, but" + f" got: `prompt_embeds` {prompt_embeds.shape} != `negative_prompt_embeds`" + f" {negative_prompt_embeds.shape}." + ) + + if prompt_embeds is not None and pooled_prompt_embeds is None: + raise ValueError( + "If `prompt_embeds` are provided, `pooled_prompt_embeds` also have to be passed. Make sure to generate `pooled_prompt_embeds` from the same text encoder that was used to generate `prompt_embeds`." + ) + if negative_prompt_embeds is not None and negative_pooled_prompt_embeds is None: + raise ValueError( + "If `negative_prompt_embeds` are provided, `negative_pooled_prompt_embeds` also have to be passed. Make sure to generate `negative_pooled_prompt_embeds` from the same text encoder that was used to generate `negative_prompt_embeds`." + ) + + if max_sequence_length is not None and max_sequence_length > 512: + raise ValueError(f"`max_sequence_length` cannot be greater than 512 but is {max_sequence_length}") + + @staticmethod + def _prepare_latent_image_ids(batch_size, height, width, device, dtype): + latent_image_ids = torch.zeros(height, width, 3) + latent_image_ids[..., 1] = latent_image_ids[..., 1] + torch.arange(height)[:, None] + latent_image_ids[..., 2] = latent_image_ids[..., 2] + torch.arange(width)[None, :] + + latent_image_id_height, latent_image_id_width, latent_image_id_channels = latent_image_ids.shape + + latent_image_ids = latent_image_ids.reshape( + latent_image_id_height * latent_image_id_width, latent_image_id_channels + ) + + return latent_image_ids.to(device=device, dtype=dtype) + + @staticmethod + def _pack_latents(latents, batch_size, num_channels_latents, height, width): + latents = latents.view(batch_size, num_channels_latents, height // 2, 2, width // 2, 2) + latents = latents.permute(0, 2, 4, 1, 3, 5) + latents = latents.reshape(batch_size, (height // 2) * (width // 2), num_channels_latents * 4) + + return latents + + @staticmethod + def _unpack_latents(latents, height, width, vae_scale_factor): + batch_size, num_patches, channels = latents.shape + + # VAE applies 8x compression on images but we must also account for packing which requires + # latent height and width to be divisible by 2. + height = 2 * (int(height) // (vae_scale_factor * 2)) + width = 2 * (int(width) // (vae_scale_factor * 2)) + + latents = latents.view(batch_size, height // 2, width // 2, channels // 4, 2, 2) + latents = latents.permute(0, 3, 1, 4, 2, 5) + + latents = latents.reshape(batch_size, channels // (2 * 2), height, width) + + return latents + + def enable_vae_slicing(self): + r""" + Enable sliced VAE decoding. When this option is enabled, the VAE will split the input tensor in slices to + compute decoding in several steps. This is useful to save some memory and allow larger batch sizes. + """ + self.vae.enable_slicing() + + def disable_vae_slicing(self): + r""" + Disable sliced VAE decoding. If `enable_vae_slicing` was previously enabled, this method will go back to + computing decoding in one step. + """ + self.vae.disable_slicing() + + def enable_vae_tiling(self): + r""" + Enable tiled VAE decoding. When this option is enabled, the VAE will split the input tensor into tiles to + compute decoding and encoding in several steps. This is useful for saving a large amount of memory and to allow + processing larger images. + """ + self.vae.enable_tiling() + + def disable_vae_tiling(self): + r""" + Disable tiled VAE decoding. If `enable_vae_tiling` was previously enabled, this method will go back to + computing decoding in one step. + """ + self.vae.disable_tiling() + + def prepare_latents( + self, + batch_size, + num_channels_latents, + height, + width, + dtype, + device, + generator, + latents=None, + latent_image_ids=None, + ): + # VAE applies 8x compression on images but we must also account for packing which requires + # latent height and width to be divisible by 2. + height = 2 * (int(height) // (self.vae_scale_factor * 2)) + width = 2 * (int(width) // (self.vae_scale_factor * 2)) + + shape = (batch_size, num_channels_latents, height, width) + + if latents is not None: + assert latent_image_ids is not None + # latent_image_ids = self._prepare_latent_image_ids(batch_size, height // 2, width // 2, device, dtype) + return latents.to(device=device, dtype=dtype), latent_image_ids.to(device=device, dtype=dtype) + + if isinstance(generator, list) and len(generator) != batch_size: + raise ValueError( + f"You have passed a list of generators of length {len(generator)}, but requested an effective batch" + f" size of {batch_size}. Make sure the batch size matches the length of the generators." + ) + + latents = randn_tensor(shape, generator=generator, device=device, dtype=dtype) + latents = self._pack_latents(latents, batch_size, num_channels_latents, height, width) + + latent_image_ids = self._prepare_latent_image_ids(batch_size, height // 2, width // 2, device, dtype) + + return latents, latent_image_ids + + @property + def guidance_scale(self): + return self._guidance_scale + + @property + def joint_attention_kwargs(self): + return self._joint_attention_kwargs + + @property + def num_timesteps(self): + return self._num_timesteps + + @property + def interrupt(self): + return self._interrupt + + @torch.no_grad() + @replace_example_docstring(EXAMPLE_DOC_STRING) + def __call__( + self, + prompt: Union[str, List[str]] = None, + prompt_2: Optional[Union[str, List[str]]] = None, + negative_prompt: Union[str, List[str]] = None, + negative_prompt_2: Optional[Union[str, List[str]]] = None, + true_cfg_scale: float = 1.0, + height: Optional[int] = None, + width: Optional[int] = None, + num_inference_steps: int = 28, + sigmas: Optional[List[float]] = None, + guidance_scale: float = 3.5, + num_images_per_prompt: Optional[int] = 1, + generator: Optional[Union[torch.Generator, List[torch.Generator]]] = None, + latents: Optional[torch.FloatTensor] = None, + latent_image_ids: Optional[torch.Tensor] = None, + latents_input_len: int = 0, + prompt_embeds: Optional[torch.FloatTensor] = None, + pooled_prompt_embeds: Optional[torch.FloatTensor] = None, + ip_adapter_image: Optional[PipelineImageInput] = None, + ip_adapter_image_embeds: Optional[List[torch.Tensor]] = None, + negative_ip_adapter_image: Optional[PipelineImageInput] = None, + negative_ip_adapter_image_embeds: Optional[List[torch.Tensor]] = None, + negative_prompt_embeds: Optional[torch.FloatTensor] = None, + negative_pooled_prompt_embeds: Optional[torch.FloatTensor] = None, + output_type: Optional[str] = "pil", + return_dict: bool = True, + joint_attention_kwargs: Optional[Dict[str, Any]] = None, + callback_on_step_end: Optional[Callable[[int, int, Dict], None]] = None, + callback_on_step_end_tensor_inputs: List[str] = ["latents"], + max_sequence_length: int = 512, + ): + r""" + Function invoked when calling the pipeline for generation. + + Args: + prompt (`str` or `List[str]`, *optional*): + The prompt or prompts to guide the image generation. If not defined, one has to pass `prompt_embeds`. + instead. + prompt_2 (`str` or `List[str]`, *optional*): + The prompt or prompts to be sent to `tokenizer_2` and `text_encoder_2`. If not defined, `prompt` is + will be used instead + height (`int`, *optional*, defaults to self.unet.config.sample_size * self.vae_scale_factor): + The height in pixels of the generated image. This is set to 1024 by default for the best results. + width (`int`, *optional*, defaults to self.unet.config.sample_size * self.vae_scale_factor): + The width in pixels of the generated image. This is set to 1024 by default for the best results. + num_inference_steps (`int`, *optional*, defaults to 50): + The number of denoising steps. More denoising steps usually lead to a higher quality image at the + expense of slower inference. + sigmas (`List[float]`, *optional*): + Custom sigmas to use for the denoising process with schedulers which support a `sigmas` argument in + their `set_timesteps` method. If not defined, the default behavior when `num_inference_steps` is passed + will be used. + guidance_scale (`float`, *optional*, defaults to 7.0): + Guidance scale as defined in [Classifier-Free Diffusion Guidance](https://arxiv.org/abs/2207.12598). + `guidance_scale` is defined as `w` of equation 2. of [Imagen + Paper](https://arxiv.org/pdf/2205.11487.pdf). Guidance scale is enabled by setting `guidance_scale > + 1`. Higher guidance scale encourages to generate images that are closely linked to the text `prompt`, + usually at the expense of lower image quality. + num_images_per_prompt (`int`, *optional*, defaults to 1): + The number of images to generate per prompt. + generator (`torch.Generator` or `List[torch.Generator]`, *optional*): + One or a list of [torch generator(s)](https://pytorch.org/docs/stable/generated/torch.Generator.html) + to make generation deterministic. + latents (`torch.FloatTensor`, *optional*): + Pre-generated noisy latents, sampled from a Gaussian distribution, to be used as inputs for image + generation. Can be used to tweak the same generation with different prompts. If not provided, a latents + tensor will ge generated by sampling using the supplied random `generator`. + prompt_embeds (`torch.FloatTensor`, *optional*): + Pre-generated text embeddings. Can be used to easily tweak text inputs, *e.g.* prompt weighting. If not + provided, text embeddings will be generated from `prompt` input argument. + pooled_prompt_embeds (`torch.FloatTensor`, *optional*): + Pre-generated pooled text embeddings. Can be used to easily tweak text inputs, *e.g.* prompt weighting. + If not provided, pooled text embeddings will be generated from `prompt` input argument. + ip_adapter_image: (`PipelineImageInput`, *optional*): Optional image input to work with IP Adapters. + ip_adapter_image_embeds (`List[torch.Tensor]`, *optional*): + Pre-generated image embeddings for IP-Adapter. It should be a list of length same as number of + IP-adapters. Each element should be a tensor of shape `(batch_size, num_images, emb_dim)`. If not + provided, embeddings are computed from the `ip_adapter_image` input argument. + negative_ip_adapter_image: + (`PipelineImageInput`, *optional*): Optional image input to work with IP Adapters. + negative_ip_adapter_image_embeds (`List[torch.Tensor]`, *optional*): + Pre-generated image embeddings for IP-Adapter. It should be a list of length same as number of + IP-adapters. Each element should be a tensor of shape `(batch_size, num_images, emb_dim)`. If not + provided, embeddings are computed from the `ip_adapter_image` input argument. + output_type (`str`, *optional*, defaults to `"pil"`): + The output format of the generate image. Choose between + [PIL](https://pillow.readthedocs.io/en/stable/): `PIL.Image.Image` or `np.array`. + return_dict (`bool`, *optional*, defaults to `True`): + Whether or not to return a [`~pipelines.flux.FluxPipelineOutput`] instead of a plain tuple. + joint_attention_kwargs (`dict`, *optional*): + A kwargs dictionary that if specified is passed along to the `AttentionProcessor` as defined under + `self.processor` in + [diffusers.models.attention_processor](https://github.com/huggingface/diffusers/blob/main/src/diffusers/models/attention_processor.py). + callback_on_step_end (`Callable`, *optional*): + A function that calls at the end of each denoising steps during the inference. The function is called + with the following arguments: `callback_on_step_end(self: DiffusionPipeline, step: int, timestep: int, + callback_kwargs: Dict)`. `callback_kwargs` will include a list of all tensors as specified by + `callback_on_step_end_tensor_inputs`. + callback_on_step_end_tensor_inputs (`List`, *optional*): + The list of tensor inputs for the `callback_on_step_end` function. The tensors specified in the list + will be passed as `callback_kwargs` argument. You will only be able to include variables listed in the + `._callback_tensor_inputs` attribute of your pipeline class. + max_sequence_length (`int` defaults to 512): Maximum sequence length to use with the `prompt`. + + Examples: + + Returns: + [`~pipelines.flux.FluxPipelineOutput`] or `tuple`: [`~pipelines.flux.FluxPipelineOutput`] if `return_dict` + is True, otherwise a `tuple`. When returning a tuple, the first element is a list with the generated + images. + """ + + height = height or self.default_sample_size * self.vae_scale_factor + width = width or self.default_sample_size * self.vae_scale_factor + + # 1. Check inputs. Raise error if not correct + self.check_inputs( + prompt, + prompt_2, + height, + width, + negative_prompt=negative_prompt, + negative_prompt_2=negative_prompt_2, + prompt_embeds=prompt_embeds, + negative_prompt_embeds=negative_prompt_embeds, + pooled_prompt_embeds=pooled_prompt_embeds, + negative_pooled_prompt_embeds=negative_pooled_prompt_embeds, + callback_on_step_end_tensor_inputs=callback_on_step_end_tensor_inputs, + max_sequence_length=max_sequence_length, + ) + + self._guidance_scale = guidance_scale + self._joint_attention_kwargs = joint_attention_kwargs + self._interrupt = False + + # 2. Define call parameters + if prompt is not None and isinstance(prompt, str): + batch_size = 1 + elif prompt is not None and isinstance(prompt, list): + batch_size = len(prompt) + else: + batch_size = prompt_embeds.shape[0] + + device = self._execution_device + + lora_scale = ( + self.joint_attention_kwargs.get("scale", None) if self.joint_attention_kwargs is not None else None + ) + do_true_cfg = true_cfg_scale > 1 and negative_prompt is not None + ( + prompt_embeds, + pooled_prompt_embeds, + text_ids, + ) = self.encode_prompt( + prompt=prompt, + prompt_2=prompt_2, + prompt_embeds=prompt_embeds, + pooled_prompt_embeds=pooled_prompt_embeds, + device=device, + num_images_per_prompt=num_images_per_prompt, + max_sequence_length=max_sequence_length, + lora_scale=lora_scale, + ) + if do_true_cfg: + ( + negative_prompt_embeds, + negative_pooled_prompt_embeds, + _, + ) = self.encode_prompt( + prompt=negative_prompt, + prompt_2=negative_prompt_2, + prompt_embeds=negative_prompt_embeds, + pooled_prompt_embeds=negative_pooled_prompt_embeds, + device=device, + num_images_per_prompt=num_images_per_prompt, + max_sequence_length=max_sequence_length, + lora_scale=lora_scale, + ) + + # 4. Prepare latent variables + num_channels_latents = self.transformer.config.in_channels // 4 + latents, latent_image_ids = self.prepare_latents( + batch_size * num_images_per_prompt, + num_channels_latents, + height, + width, + prompt_embeds.dtype, + device, + generator, + latents, + latent_image_ids, + ) + + # 5. Prepare timesteps + sigmas = np.linspace(1.0, 1 / num_inference_steps, num_inference_steps) if sigmas is None else sigmas + image_seq_len = latents.shape[1] + mu = calculate_shift( + image_seq_len, + self.scheduler.config.base_image_seq_len, + self.scheduler.config.max_image_seq_len, + self.scheduler.config.base_shift, + self.scheduler.config.max_shift, + ) + timesteps, num_inference_steps = retrieve_timesteps( + self.scheduler, + num_inference_steps, + device, + sigmas=sigmas, + mu=mu, + ) + num_warmup_steps = max(len(timesteps) - num_inference_steps * self.scheduler.order, 0) + self._num_timesteps = len(timesteps) + + # handle guidance + if self.transformer.config.guidance_embeds: + guidance = torch.full([1], guidance_scale, device=device, dtype=torch.float32) + guidance = guidance.expand(latents.shape[0]) + else: + guidance = None + + if (ip_adapter_image is not None or ip_adapter_image_embeds is not None) and ( + negative_ip_adapter_image is None and negative_ip_adapter_image_embeds is None + ): + negative_ip_adapter_image = np.zeros((width, height, 3), dtype=np.uint8) + elif (ip_adapter_image is None and ip_adapter_image_embeds is None) and ( + negative_ip_adapter_image is not None or negative_ip_adapter_image_embeds is not None + ): + ip_adapter_image = np.zeros((width, height, 3), dtype=np.uint8) + + if self.joint_attention_kwargs is None: + self._joint_attention_kwargs = {} + + image_embeds = None + negative_image_embeds = None + if ip_adapter_image is not None or ip_adapter_image_embeds is not None: + image_embeds = self.prepare_ip_adapter_image_embeds( + ip_adapter_image, + ip_adapter_image_embeds, + device, + batch_size * num_images_per_prompt, + ) + if negative_ip_adapter_image is not None or negative_ip_adapter_image_embeds is not None: + negative_image_embeds = self.prepare_ip_adapter_image_embeds( + negative_ip_adapter_image, + negative_ip_adapter_image_embeds, + device, + batch_size * num_images_per_prompt, + ) + + # 6. Denoising loop + with self.progress_bar(total=num_inference_steps) as progress_bar: + for i, t in enumerate(timesteps): + if self.interrupt: + continue + + if image_embeds is not None: + self._joint_attention_kwargs["ip_adapter_image_embeds"] = image_embeds + # broadcast to batch dimension in a way that's compatible with ONNX/Core ML + timestep = t.expand(latents.shape[0]).to(latents.dtype) + + noise_pred = self.transformer( + hidden_states=latents, + timestep=timestep / 1000, + guidance=guidance, + pooled_projections=pooled_prompt_embeds, + encoder_hidden_states=prompt_embeds, + txt_ids=text_ids, + img_ids=latent_image_ids, + joint_attention_kwargs=self.joint_attention_kwargs, + return_dict=False, + )[0] + + if do_true_cfg: + if negative_image_embeds is not None: + self._joint_attention_kwargs["ip_adapter_image_embeds"] = negative_image_embeds + neg_noise_pred = self.transformer( + hidden_states=latents, + timestep=timestep / 1000, + guidance=guidance, + pooled_projections=negative_pooled_prompt_embeds, + encoder_hidden_states=negative_prompt_embeds, + txt_ids=text_ids, + img_ids=latent_image_ids, + joint_attention_kwargs=self.joint_attention_kwargs, + return_dict=False, + )[0] + noise_pred = neg_noise_pred + true_cfg_scale * (noise_pred - neg_noise_pred) + tmp_latents = latents + # compute the previous noisy sample x_t -> x_t-1 + latents_dtype = latents.dtype + latents = self.scheduler.step(noise_pred, t, latents, return_dict=False)[0] + if latents_input_len != 0: + latents = torch.cat( + [latents[:, :latents_input_len], tmp_latents[:, latents_input_len:]], + dim=1 + ) + + if latents.dtype != latents_dtype: + if torch.backends.mps.is_available(): + # some platforms (eg. apple mps) misbehave due to a pytorch bug: https://github.com/pytorch/pytorch/pull/99272 + latents = latents.to(latents_dtype) + + if callback_on_step_end is not None: + callback_kwargs = {} + for k in callback_on_step_end_tensor_inputs: + callback_kwargs[k] = locals()[k] + callback_outputs = callback_on_step_end(self, i, t, callback_kwargs) + + latents = callback_outputs.pop("latents", latents) + prompt_embeds = callback_outputs.pop("prompt_embeds", prompt_embeds) + + # call the callback, if provided + if i == len(timesteps) - 1 or ((i + 1) > num_warmup_steps and (i + 1) % self.scheduler.order == 0): + progress_bar.update() + + if XLA_AVAILABLE: + xm.mark_step() + + if output_type == "latent": + image = latents + + else: + if latents_input_len != 0: + latents = latents[:, :latents_input_len] + latents = self._unpack_latents(latents, height, width, self.vae_scale_factor) + latents = (latents / self.vae.config.scaling_factor) + self.vae.config.shift_factor + image = self.vae.decode(latents.to(self.vae.dtype), return_dict=False)[0] + image = self.image_processor.postprocess(image, output_type=output_type) + + # Offload all models + self.maybe_free_model_hooks() + + if not return_dict: + return (image,) + + return FluxPipelineOutput(images=image) diff --git a/univa/utils/get_mask.py b/univa/utils/get_mask.py new file mode 100644 index 0000000000000000000000000000000000000000..e1ce08ce07a365aa14e8af74ec73647314733704 --- /dev/null +++ b/univa/utils/get_mask.py @@ -0,0 +1,290 @@ +from typing import List +import numpy as np +import cv2 +from PIL import Image, ImageChops +import torch +import torch.nn.functional as F + +def concat_images_row(images: List[Image.Image], bg_color=(0, 0, 0)) -> Image.Image: + """ + 将多张 PIL 图像按行(横向)拼接在一起。 + + Args: + images: 要拼接的图像列表。 + bg_color: 背景颜色,默认黑色;如果图像有透明通道,可以用 (0,0,0,0)。 + + Returns: + 一张横向拼接后的新图。 + """ + if not images: + raise ValueError("images 列表不能为空") + + # 统一 mode,如果有透明通道,则用 RGBA,否则用 RGB + modes = {img.mode for img in images} + mode = "RGBA" if any(m.endswith("A") for m in modes) else "RGB" + + # 计算拼接后画布的尺寸 + widths, heights = zip(*(img.size for img in images)) + total_width = sum(widths) + max_height = max(heights) + + # 新建画布 + canvas = Image.new(mode, (total_width, max_height), bg_color) + + # 依次粘贴 + x_offset = 0 + for img in images: + # 如果 img 的 mode 不同,先转换 + if img.mode != mode: + img = img.convert(mode) + canvas.paste(img, (x_offset, 0), img if mode=="RGBA" else None) + x_offset += img.width + + return canvas + + +def downsample_mask_pytorch(pil_mask: Image.Image, factor: int) -> Image.Image: + """ + 用 PyTorch 的 max_pool2d 对二值 mask 进行下采样,保留块内任何白色。 + + Args: + pil_mask: mode='1' 或 'L' 的二值 PIL 图(0/255)。 + factor: 下采样倍数(stride 和 kernel 大小都设为这个值)。 + + Returns: + 下采样后的二值 PIL Image(mode='1')。 + """ + # 转成 0/1 float tensor,形状 [1,1,H,W] + arr = np.array(pil_mask.convert('L'), dtype=np.uint8) + tensor = torch.from_numpy(arr).float().div_(255.0).unsqueeze(0).unsqueeze(0) + + # 用 max_pool2d,下采样 + pooled = F.max_pool2d(tensor, kernel_size=factor, stride=factor) + + # 恢复成 0/255,并转回 PIL + out = (pooled.squeeze(0).squeeze(0) > 0).to(torch.uint8).mul_(255).cpu().numpy() + return Image.fromarray(out, mode='L').convert('1') + +def create_all_white_like(pil_img: Image.Image) -> Image.Image: + """ + 给定一个 PIL 图像,返回一张同样大小的全白二值图(mode='1')。 + """ + w, h = pil_img.size + white_array = np.ones((h, w), dtype=np.uint8) * 255 # 注意 shape 是 (H, W) + return Image.fromarray(white_array, mode='L').convert('1') + +def union_masks_np(masks: List[Image.Image]) -> Image.Image: + """ + 接受一个 PIL.Image 列表(mode='1' 或 'L' 的二值图), + 返回它们的并集。 + """ + if not masks: + raise ValueError("输入的 masks 列表不能为空") + + # 把每张图都转成 0/1 numpy 数组 + bin_arrays = [] + for m in masks: + arr = np.array(m.convert('L'), dtype=np.uint8) + bin_arr = (arr > 127).astype(np.bool_) + bin_arrays.append(bin_arr) + + # 做逐像素逻辑或 + union_bool = np.logical_or.reduce(bin_arrays) + + # 恢复成 0/255 uint8 + union_arr = union_bool.astype(np.uint8) * 255 + + # 转回 PIL(二值) + return Image.fromarray(union_arr, mode='L').convert('1') + +def intersect_masks_np(masks: List[Image.Image]) -> Image.Image: + """ + 接受一个 PIL.Image 列表(mode='1' 或 'L' 的二值图), + 返回它们的交集。 + """ + if not masks: + raise ValueError("输入的 masks 列表不能为空") + + # 把每张图都转成 0/1 numpy 数组 + bin_arrays = [] + for m in masks: + arr = np.array(m.convert('L'), dtype=np.uint8) + bin_arr = (arr > 127).astype(np.bool_) + bin_arrays.append(bin_arr) + + # 做逐像素逻辑或 + intersect_bool = np.logical_and.reduce(bin_arrays) + + # 恢复成 0/255 uint8 + intersect_arr = intersect_bool.astype(np.uint8) * 255 + + # 转回 PIL(二值) + return Image.fromarray(intersect_arr, mode='L').convert('1') + +def close_small_holes(pil_mask, kernel_size=5): + """ + 用闭运算填平小的黑点。 + kernel_size: 结构元尺寸,越大能填的洞越大,通常取奇数。 + """ + # 1. 转成 0/255 二值 + mask = np.array(pil_mask.convert('L')) + _, bin_mask = cv2.threshold(mask, 127, 255, cv2.THRESH_BINARY) + + # 2. 定义结构元 + kernel = cv2.getStructuringElement(cv2.MORPH_ELLIPSE, (kernel_size, kernel_size)) + # 3. 闭运算 + closed = cv2.morphologyEx(bin_mask, cv2.MORPH_CLOSE, kernel) + + return Image.fromarray(closed) + + +def get_mask(src_image, tgt_image, threshold=1): + """ + 差异大的地方(差值大)当成前景(白),否则当背景(黑) + """ + diff = ImageChops.difference(src_image, tgt_image) + diff_gray = diff.convert("L") + mask = diff_gray.point(lambda x: 255 if x >= threshold else 0).convert("1") + return mask + +def filter_small_components(pil_mask, area_threshold=0.10): + """ + 删除小于 area_threshold (默认 10%)的连通白色区域。 + pil_mask: PIL.Image,mode='L' 或 '1'(0/255 二值图) + area_threshold: 阈值,相对于整张图面积的比例 + 返回: 处理后的 PIL.Image + """ + # 1. 转为二值 NumPy 数组(0,255) + mask = np.array(pil_mask.convert('L')) + # 确保是 0/255 + _, bin_mask = cv2.threshold(mask, 127, 255, cv2.THRESH_BINARY) + + # 2. 连通组件标记(4 或 8 邻域都可以) + num_labels, labels = cv2.connectedComponents(bin_mask, connectivity=8) + + h, w = bin_mask.shape + total_area = h * w + total_area = np.count_nonzero(bin_mask) + + # 3. 遍历各个连通块 + output = np.zeros_like(bin_mask) + for lbl in range(1, num_labels): # 0 是背景 + # 取出该连通块 + comp_mask = (labels == lbl) + comp_area = comp_mask.sum() + # 面积比 + if comp_area >= area_threshold * total_area: + # 保留 + output[comp_mask] = 255 + + # 4. 转回 PIL + return Image.fromarray(output) + + + +def is_binary_255(t: torch.Tensor) -> bool: + """ + 判断给定的 tensor 是否只包含 0 和 255 两种值。 + """ + unique_vals = torch.unique(t) + return torch.equal(unique_vals, torch.tensor([0], dtype=t.dtype)) or \ + torch.equal(unique_vals, torch.tensor([255], dtype=t.dtype)) or \ + torch.equal(unique_vals, torch.tensor([0, 255], dtype=t.dtype)) + +def get_weight(mask_u_ds, weight_type='log'): + mask_u_ds_tensor = torch.from_numpy(np.array(mask_u_ds)).float() + assert is_binary_255(mask_u_ds_tensor), "is_binary_255(mask_u_ds_tensor)" + mask_u_ds_tensor_bool = mask_u_ds_tensor.bool() + x = mask_u_ds_tensor_bool.numel() / mask_u_ds_tensor_bool.sum() + if weight_type == 'log': + weight = torch.log2(x) + 1 + elif weight_type == 'exp': + weight = 2 ** (x**0.5 - 1) + else: + raise NotImplementedError(f'Support log | exp, but found {weight_type}') + weight = torch.round(weight, decimals=6) + assert weight >= 1, \ + f"weight >= 1 but {weight}, {mask_u_ds_tensor_bool.shape}, mask_u_ds_tensor_bool.numel(): {mask_u_ds_tensor_bool.numel()}, mask_u_ds_tensor_bool.sum(): {mask_u_ds_tensor_bool.sum()}" + mask_u_ds_tensor[mask_u_ds_tensor==255] = weight + mask_u_ds_tensor[mask_u_ds_tensor==0] = 1.0 + return mask_u_ds_tensor.unsqueeze(0) # h w -> 1 h w + +def get_weight_mask(pil_pixel_values, prompt=None, weight_type='log', need_weight='true'): + # area_threshold = 1/64 + area_threshold = 0.001 + # base_kernel_size_factor = (5 / 448) ** 2 + # if len(pil_pixel_values) > 0: + # w, h = pil_pixel_values[-1].size + # kernel_size = max(int((base_kernel_size_factor * h * w) ** 0.5), 3) + # else: + kernel_size = 5 + + if need_weight.lower() == 'false': + mask_intersect = create_all_white_like(pil_pixel_values[-1]) + mask_intersect_ds = downsample_mask_pytorch(mask_intersect, factor=8) # factor is downsample ratio of vae + mask_intersect_ds = close_small_holes(mask_intersect_ds, kernel_size=kernel_size) + weight = get_weight(mask_intersect_ds, weight_type) + return mask_intersect_ds, weight + + filtered_masks = [] + for ii, j in enumerate(pil_pixel_values[:-1]): + # each reference image will compare with target image to get mask + mask = get_mask(j, pil_pixel_values[-1], threshold=18) + # fill small holes + fill_mask = close_small_holes(mask, kernel_size=kernel_size) + # del small components + filtered_mask = filter_small_components(fill_mask, area_threshold=0.3) + # filtered_mask = fill_mask + filtered_masks.append(filtered_mask) + if len(filtered_masks) == 0: + # t2i task do not have reference image + assert len(pil_pixel_values) == 1, "len(pil_pixel_values) == 1" + mask_intersect = create_all_white_like(pil_pixel_values[-1]) + else: + mask_intersect = intersect_masks_np(filtered_masks) + # while area / total area muse greater than 1/16 (just a threshold) + mask_intersect_area_ratio = np.array(mask_intersect).astype(np.float32).sum() / np.prod(np.array(mask_intersect).shape) + # print(mask_intersect_area_ratio) + if mask_intersect_area_ratio < area_threshold: + if mask_intersect_area_ratio == 0.0: + # mask_intersect_area_ratio == 0 mean reconstruct data in stage 1 + assert len(pil_pixel_values) == 2, "len(pil_pixel_values) == 2" + mask_intersect = create_all_white_like(pil_pixel_values[-1]) + else: + # concat_images_row(pil_pixel_values + [mask_intersect], bg_color=(255,255,255)).show() + raise ValueError(f'TOO SMALL mask_intersect_area_ratio: {mask_intersect_area_ratio}, prompt: {prompt}') + mask_intersect_ds = downsample_mask_pytorch(mask_intersect, factor=8) # factor is downsample ratio of vae + mask_intersect_ds = close_small_holes(mask_intersect_ds, kernel_size=kernel_size) + weight = get_weight(mask_intersect_ds, weight_type) + return mask_intersect_ds, weight + + + +def get_weight_mask_test(pil_pixel_values, prompt=None, weight_type='log'): + area_threshold = 1/64 + base_kernel_size_factor = (5 / 448) ** 2 + if len(pil_pixel_values) > 0: + w, h = pil_pixel_values[-1].size + kernel_size = max(int((base_kernel_size_factor * h * w) ** 0.5), 3) + else: + kernel_size = 5 + + filtered_masks = [] + for ii, j in enumerate(pil_pixel_values[:-1]): + # each reference image will compare with target image to get mask + mask = get_mask(j, pil_pixel_values[-1], threshold=18) + # fill small holes + fill_mask = close_small_holes(mask, kernel_size=kernel_size) + # del small components + filtered_mask = filter_small_components(fill_mask, area_threshold=1/64) + # filtered_mask = fill_mask + filtered_masks.append(filtered_mask) + if len(filtered_masks) == 0: + # t2i task do not have reference image + assert len(pil_pixel_values) == 1, "len(pil_pixel_values) == 1" + mask_intersect = create_all_white_like(pil_pixel_values[-1]) + else: + mask_intersect = intersect_masks_np(filtered_masks) + # while area / total area muse greater than 1/16 (just a threshold) + mask_intersect_area_ratio = np.array(mask_intersect).astype(np.float32).sum() / np.prod(np.array(mask_intersect).shape) + return mask_intersect_area_ratio \ No newline at end of file diff --git a/univa/utils/get_ocr.py b/univa/utils/get_ocr.py new file mode 100644 index 0000000000000000000000000000000000000000..983cd4d96101d7f7b13d48b9596e82893ea3215e --- /dev/null +++ b/univa/utils/get_ocr.py @@ -0,0 +1,129 @@ +import pandas as pd +import numpy as np +import pandas as pd +from PIL import ImageDraw +from datasets import load_dataset, Image +from PIL import Image +try: + from paddleocr import PaddleOCR +except: + PaddleOCR = None + + +def ocr_with_paddle(img): + if PaddleOCR is None: + raise ValueError('sudo apt install swig -y && pip install paddleocr==2.7.0.3 paddle-bfloat==0.1.7 paddlepaddle==2.5.2 protobuf==3.20.2') + ocr = PaddleOCR(lang='en', use_angle_cls=True, show_log=False) + result = ocr.ocr(img) + new_result = [] + if result[0] is None: + return new_result + for i in result[0]: + new_result.append(i[:-1] + [i[-1][0], i[-1][1]]) + return new_result + +def draw_boxes(image, bounds, color='yellow', width=2): + draw = ImageDraw.Draw(image) + for bound in bounds: + p0, p1, p2, p3 = bound[0] + draw.line([*p0, *p1, *p2, *p3, *p0], fill=color, width=width) + return image + + +def calculate_position(box, width, height): + """Calculates the position of a bounding box within a 9-grid. + + Args: + box: A list of coordinates representing the bounding box (e.g., [[x1, y1], [x2, y2], [x3, y3], [x4, y4]]). + width: The width of the image. + height: The height of the image. + + Returns: + A string representing the position of the box (e.g., "top-left", "center", "bottom-right"). + """ + x_coords = [coord[0] for coord in box] + y_coords = [coord[1] for coord in box] + + # Calculate the center of the bounding box + center_x = (min(x_coords) + max(x_coords)) / 2 + center_y = (min(y_coords) + max(y_coords)) / 2 + + # Determine the row and column position + if center_y < height / 3: + row = "top" + elif center_y < 2 * height / 3: + row = "middle" + else: + row = "bottom" + + if center_x < width / 3: + col = "left" + elif center_x < 2 * width / 3: + col = "center" + else: + col = "right" + + return f"{row}-{col}" + + +def process_dataframe(df, image_width, image_height): + """Processes the DataFrame to filter by score and add a position column. + + Args: + df: The input Pandas DataFrame with 'box', 'text', and 'score' columns. + image_width: The width of the image. + image_height: The height of the image. + + Returns: + A Pandas DataFrame filtered by score and with an added 'position' column. + """ + + # Filter the DataFrame by score + df_filtered = df[df['score'] > 0.9].copy() # Use .copy() to avoid SettingWithCopyWarning + + # Apply the position calculation and create the 'position' column + df_filtered['position'] = df_filtered['box'].apply(lambda box: calculate_position(box, image_width, image_height)) + + return df_filtered + + + +def format_for_text_to_image_condensed(df, image_number): + """Formats the DataFrame into a condensed sentence for text-to-image models, + grouping text at the same position, and includes the image number (full spelling).""" + if len(df) == 0: + return '' + ordinal_map = { + 1: "first", 2: "second", 3: "third", 4: "fourth", 5: "fifth", + 6: "sixth", 7: "seventh", 8: "eighth", 9: "ninth", 10: "tenth", + 11: "eleventh", 12: "twelfth", 13: "thirteenth", 14: "fourteenth", + 15: "fifteenth", 16: "sixteenth", 17: "seventeenth", 18: "eighteenth", + 19: "nineteenth", 20: "twentieth" + } + + ordinal = ordinal_map.get(image_number, None) # Use number as string if not in map + assert ordinal is not None, "ordinal is not None" + position_to_texts = {} + for index, row in df.iterrows(): + position = row['position'] + text = row['text'] + if position in position_to_texts: + position_to_texts[position].append(text) + else: + position_to_texts[position] = [text] + + sentences = [f'In the {ordinal} image: ('] + for position, texts in position_to_texts.items(): + quoted_texts = [f"\"{text}\"" for text in texts] # Quote each text + text_string = ", ".join(quoted_texts) # Join with commas + sentences.append(f"The texts {text_string} are located at the {position} of the {ordinal} image.") + return " ".join(sentences) + ' )' + +def get_ocr_result(img_path: str, img_index: int = 0): + img_index = img_index + 1 + ocr_result = ocr_with_paddle(img_path) + ocr_result_df = pd.DataFrame(ocr_result, columns=['box', 'text', 'score']) + image_width, image_height = Image.open(img_path).size + df_processed = process_dataframe(ocr_result_df, image_width, image_height) + formatted_sentence = format_for_text_to_image_condensed(df_processed, image_number=img_index) + return formatted_sentence \ No newline at end of file diff --git a/univa/utils/prompter.py b/univa/utils/prompter.py new file mode 100644 index 0000000000000000000000000000000000000000..a46752ca26dde253bd3daaf9c07107501dacb7e9 --- /dev/null +++ b/univa/utils/prompter.py @@ -0,0 +1,180 @@ +class Prompter: + def __init__(self): + pass + + def get_train_prompt(self, data: list[dict]) -> list[dict]: + pass + + def __call__(self, data: list[dict], generate_format: bool = True) -> str: + pass + + +class Qwen2Prompter(Prompter): + def __init__(self): + self.bos_token = "<|im_start|>" + self.eos_token = "<|im_end|>" + + self.role_list = ["user", "assistant", "system"] + + self.assistant_role = "assistant" + self.system_role = "system" + self.user_role = "user" + self.default_system_prompt = "You are a helpful assistant." + + self.prompt_template = "{bos_token}{role}\n{prompt}{eos_token}" + + def get_train_prompt(self, data: list[dict]) -> list[dict]: + prompt_list = [] + conversation_length = len(data) + for idx, item in enumerate(data): + if item["from"] not in self.role_list: + raise ValueError(f"Role {item['from']} is not in the role list") + + if item["from"] == self.assistant_role: + prompt_list.append( + { + "prompt": f"{self.bos_token}{item['from']}\n", + "is_labels": False, + "from": item["from"], + } + ) + prompt_list.append( + { + "prompt": f"{item['value']}{self.eos_token}", + "is_labels": True, + "from": item["from"], + } # Make it labels + ) + elif item["from"] == self.system_role or item["from"] == self.user_role: + prompt_list.append( + { + "prompt": f"{self.bos_token}{item['from']}\n{item['value']}{self.eos_token}", + "is_labels": False, + "from": item["from"], + } + ) + else: + raise ValueError(f"Role {item['from']} is not in the role list") + + if idx != conversation_length - 1: + prompt_list.append( + {"prompt": "\n", "is_labels": False, "from": item["from"]} + ) + + return prompt_list + + def __call__(self, data: list[dict]) -> str: + prompt_list = [] + for item in data: + if item["from"] not in self.role_list: + raise ValueError(f"Role {item['from']} is not in the role list") + + prompt_list.append( + self.prompt_template.format( + bos_token=self.bos_token, + role=item["from"], + prompt=item["value"], + eos_token=self.eos_token, + ) + ) + + prompt_list.append( + self.prompt_template.format( + bos_token=self.bos_token, + role=self.assistant_role, + prompt="", + eos_token="", + ) + ) + + return "\n".join(prompt_list) + + + + + +class Qwen2VLPrompter(Prompter): + def __init__(self): + self.bos_token = "<|im_start|>" + self.eos_token = "<|im_end|>" + + self.role_list = ["user", "assistant", "system"] + + self.assistant_role = "assistant" + self.system_role = "system" + self.user_role = "user" + self.default_system_prompt = "You are a helpful assistant." + + self.prompt_template = "{bos_token}{role}\n{prompt}{eos_token}" + + def get_train_prompt(self, data: list[dict]) -> list[dict]: + prompt_list = [] + conversation_length = len(data) + for idx, item in enumerate(data): + if item["from"] not in self.role_list: + raise ValueError(f"Role {item['from']} is not in the role list") + + if item["from"] == self.assistant_role: + prompt_list.append( + { + "prompt": f"{self.bos_token}{item['from']}\n", + "is_labels": False, + "from": item["from"], + } + ) + prompt_list.append( + { + "prompt": f"{item['value']}{self.eos_token}", + "is_labels": True, + "from": item["from"], + } # Make it labels + ) + elif item["from"] == self.system_role or item["from"] == self.user_role: + prompt_list.append( + { + "prompt": f"{self.bos_token}{item['from']}\n{item['value']}{self.eos_token}", + "is_labels": False, + "from": item["from"], + } + ) + else: + raise ValueError(f"Role {item['from']} is not in the role list") + + if idx != conversation_length - 1: + prompt_list.append( + {"prompt": "\n", "is_labels": False, "from": item["from"]} + ) + + return prompt_list + + def __call__(self, data: list[dict]) -> str: + prompt_list = [] + for item in data: + if item["from"] not in self.role_list: + raise ValueError(f"Role {item['from']} is not in the role list") + + prompt_list.append( + self.prompt_template.format( + bos_token=self.bos_token, + role=item["from"], + prompt=item["value"], + eos_token=self.eos_token, + ) + ) + + prompt_list.append( + self.prompt_template.format( + bos_token=self.bos_token, + role=self.assistant_role, + prompt="", + eos_token="", + ) + ) + + return "\n".join(prompt_list) + +PROMPT_TYPE = { + 'llava': Qwen2Prompter, + 'qwen2vl': Qwen2VLPrompter, + 'qwen2p5vl': Qwen2VLPrompter, +} \ No newline at end of file diff --git a/univa/utils/sd3_pipeline.py b/univa/utils/sd3_pipeline.py new file mode 100644 index 0000000000000000000000000000000000000000..c23187e0e5e3d03cc4d4e352fc2a2c60c7de99b4 --- /dev/null +++ b/univa/utils/sd3_pipeline.py @@ -0,0 +1,1148 @@ +# Copyright 2024 Stability AI, The HuggingFace Team and The InstantX Team. All rights reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +import inspect +from typing import Any, Callable, Dict, List, Optional, Union + +import torch +from transformers import ( + BaseImageProcessor, + CLIPTextModelWithProjection, + CLIPTokenizer, + PreTrainedModel, + T5EncoderModel, + T5TokenizerFast, +) + +from diffusers.image_processor import PipelineImageInput, VaeImageProcessor +from diffusers.loaders import FromSingleFileMixin, SD3IPAdapterMixin, SD3LoraLoaderMixin +from diffusers.models.autoencoders import AutoencoderKL +from diffusers.models.transformers import SD3Transformer2DModel +from diffusers.schedulers import FlowMatchEulerDiscreteScheduler +from diffusers.utils import ( + USE_PEFT_BACKEND, + is_torch_xla_available, + logging, + replace_example_docstring, + scale_lora_layers, + unscale_lora_layers, +) +from diffusers.utils.torch_utils import randn_tensor +from diffusers.pipelines.pipeline_utils import DiffusionPipeline +from diffusers.pipelines.stable_diffusion_3.pipeline_output import StableDiffusion3PipelineOutput + + +if is_torch_xla_available(): + import torch_xla.core.xla_model as xm + + XLA_AVAILABLE = True +else: + XLA_AVAILABLE = False + + +logger = logging.get_logger(__name__) # pylint: disable=invalid-name + +EXAMPLE_DOC_STRING = """ + Examples: + ```py + >>> import torch + >>> from diffusers import StableDiffusion3Pipeline + + >>> pipe = StableDiffusion3Pipeline.from_pretrained( + ... "stabilityai/stable-diffusion-3-medium-diffusers", torch_dtype=torch.float16 + ... ) + >>> pipe.to("cuda") + >>> prompt = "A cat holding a sign that says hello world" + >>> image = pipe(prompt).images[0] + >>> image.save("sd3.png") + ``` +""" + + +# Copied from diffusers.pipelines.flux.pipeline_flux.calculate_shift +def calculate_shift( + image_seq_len, + base_seq_len: int = 256, + max_seq_len: int = 4096, + base_shift: float = 0.5, + max_shift: float = 1.16, +): + m = (max_shift - base_shift) / (max_seq_len - base_seq_len) + b = base_shift - m * base_seq_len + mu = image_seq_len * m + b + return mu + + +# Copied from diffusers.pipelines.stable_diffusion.pipeline_stable_diffusion.retrieve_timesteps +def retrieve_timesteps( + scheduler, + num_inference_steps: Optional[int] = None, + device: Optional[Union[str, torch.device]] = None, + timesteps: Optional[List[int]] = None, + sigmas: Optional[List[float]] = None, + **kwargs, +): + r""" + Calls the scheduler's `set_timesteps` method and retrieves timesteps from the scheduler after the call. Handles + custom timesteps. Any kwargs will be supplied to `scheduler.set_timesteps`. + + Args: + scheduler (`SchedulerMixin`): + The scheduler to get timesteps from. + num_inference_steps (`int`): + The number of diffusion steps used when generating samples with a pre-trained model. If used, `timesteps` + must be `None`. + device (`str` or `torch.device`, *optional*): + The device to which the timesteps should be moved to. If `None`, the timesteps are not moved. + timesteps (`List[int]`, *optional*): + Custom timesteps used to override the timestep spacing strategy of the scheduler. If `timesteps` is passed, + `num_inference_steps` and `sigmas` must be `None`. + sigmas (`List[float]`, *optional*): + Custom sigmas used to override the timestep spacing strategy of the scheduler. If `sigmas` is passed, + `num_inference_steps` and `timesteps` must be `None`. + + Returns: + `Tuple[torch.Tensor, int]`: A tuple where the first element is the timestep schedule from the scheduler and the + second element is the number of inference steps. + """ + if timesteps is not None and sigmas is not None: + raise ValueError("Only one of `timesteps` or `sigmas` can be passed. Please choose one to set custom values") + if timesteps is not None: + accepts_timesteps = "timesteps" in set(inspect.signature(scheduler.set_timesteps).parameters.keys()) + if not accepts_timesteps: + raise ValueError( + f"The current scheduler class {scheduler.__class__}'s `set_timesteps` does not support custom" + f" timestep schedules. Please check whether you are using the correct scheduler." + ) + scheduler.set_timesteps(timesteps=timesteps, device=device, **kwargs) + timesteps = scheduler.timesteps + num_inference_steps = len(timesteps) + elif sigmas is not None: + accept_sigmas = "sigmas" in set(inspect.signature(scheduler.set_timesteps).parameters.keys()) + if not accept_sigmas: + raise ValueError( + f"The current scheduler class {scheduler.__class__}'s `set_timesteps` does not support custom" + f" sigmas schedules. Please check whether you are using the correct scheduler." + ) + scheduler.set_timesteps(sigmas=sigmas, device=device, **kwargs) + timesteps = scheduler.timesteps + num_inference_steps = len(timesteps) + else: + scheduler.set_timesteps(num_inference_steps, device=device, **kwargs) + timesteps = scheduler.timesteps + return timesteps, num_inference_steps + + +class StableDiffusion3Pipeline(DiffusionPipeline, SD3LoraLoaderMixin, FromSingleFileMixin, SD3IPAdapterMixin): + r""" + Args: + transformer ([`SD3Transformer2DModel`]): + Conditional Transformer (MMDiT) architecture to denoise the encoded image latents. + scheduler ([`FlowMatchEulerDiscreteScheduler`]): + A scheduler to be used in combination with `transformer` to denoise the encoded image latents. + vae ([`AutoencoderKL`]): + Variational Auto-Encoder (VAE) Model to encode and decode images to and from latent representations. + text_encoder ([`CLIPTextModelWithProjection`]): + [CLIP](https://huggingface.co/docs/transformers/model_doc/clip#transformers.CLIPTextModelWithProjection), + specifically the [clip-vit-large-patch14](https://huggingface.co/openai/clip-vit-large-patch14) variant, + with an additional added projection layer that is initialized with a diagonal matrix with the `hidden_size` + as its dimension. + text_encoder_2 ([`CLIPTextModelWithProjection`]): + [CLIP](https://huggingface.co/docs/transformers/model_doc/clip#transformers.CLIPTextModelWithProjection), + specifically the + [laion/CLIP-ViT-bigG-14-laion2B-39B-b160k](https://huggingface.co/laion/CLIP-ViT-bigG-14-laion2B-39B-b160k) + variant. + text_encoder_3 ([`T5EncoderModel`]): + Frozen text-encoder. Stable Diffusion 3 uses + [T5](https://huggingface.co/docs/transformers/model_doc/t5#transformers.T5EncoderModel), specifically the + [t5-v1_1-xxl](https://huggingface.co/google/t5-v1_1-xxl) variant. + tokenizer (`CLIPTokenizer`): + Tokenizer of class + [CLIPTokenizer](https://huggingface.co/docs/transformers/v4.21.0/en/model_doc/clip#transformers.CLIPTokenizer). + tokenizer_2 (`CLIPTokenizer`): + Second Tokenizer of class + [CLIPTokenizer](https://huggingface.co/docs/transformers/v4.21.0/en/model_doc/clip#transformers.CLIPTokenizer). + tokenizer_3 (`T5TokenizerFast`): + Tokenizer of class + [T5Tokenizer](https://huggingface.co/docs/transformers/model_doc/t5#transformers.T5Tokenizer). + image_encoder (`PreTrainedModel`, *optional*): + Pre-trained Vision Model for IP Adapter. + feature_extractor (`BaseImageProcessor`, *optional*): + Image processor for IP Adapter. + """ + + model_cpu_offload_seq = "text_encoder->text_encoder_2->text_encoder_3->image_encoder->transformer->vae" + _optional_components = ["image_encoder", "feature_extractor"] + _callback_tensor_inputs = ["latents", "prompt_embeds", "negative_prompt_embeds", "negative_pooled_prompt_embeds"] + + def __init__( + self, + transformer: SD3Transformer2DModel, + scheduler: FlowMatchEulerDiscreteScheduler, + vae: AutoencoderKL, + text_encoder: CLIPTextModelWithProjection, + tokenizer: CLIPTokenizer, + text_encoder_2: CLIPTextModelWithProjection, + tokenizer_2: CLIPTokenizer, + text_encoder_3: T5EncoderModel, + tokenizer_3: T5TokenizerFast, + image_encoder: PreTrainedModel = None, + feature_extractor: BaseImageProcessor = None, + ): + super().__init__() + + self.register_modules( + vae=vae, + text_encoder=text_encoder, + text_encoder_2=text_encoder_2, + text_encoder_3=text_encoder_3, + tokenizer=tokenizer, + tokenizer_2=tokenizer_2, + tokenizer_3=tokenizer_3, + transformer=transformer, + scheduler=scheduler, + image_encoder=image_encoder, + feature_extractor=feature_extractor, + ) + self.vae_scale_factor = ( + 2 ** (len(self.vae.config.block_out_channels) - 1) if hasattr(self, "vae") and self.vae is not None else 8 + ) + self.image_processor = VaeImageProcessor(vae_scale_factor=self.vae_scale_factor) + self.tokenizer_max_length = ( + self.tokenizer.model_max_length if hasattr(self, "tokenizer") and self.tokenizer is not None else 77 + ) + self.default_sample_size = ( + self.transformer.config.sample_size + if hasattr(self, "transformer") and self.transformer is not None + else 128 + ) + self.patch_size = ( + self.transformer.config.patch_size if hasattr(self, "transformer") and self.transformer is not None else 2 + ) + + def _get_t5_prompt_embeds( + self, + prompt: Union[str, List[str]] = None, + num_images_per_prompt: int = 1, + max_sequence_length: int = 256, + device: Optional[torch.device] = None, + dtype: Optional[torch.dtype] = None, + ): + device = device or self._execution_device + dtype = dtype or self.text_encoder.dtype + + prompt = [prompt] if isinstance(prompt, str) else prompt + batch_size = len(prompt) + + if self.text_encoder_3 is None: + return torch.zeros( + ( + batch_size * num_images_per_prompt, + self.tokenizer_max_length, + self.transformer.config.joint_attention_dim, + ), + device=device, + dtype=dtype, + ) + + text_inputs = self.tokenizer_3( + prompt, + padding="max_length", + max_length=max_sequence_length, + truncation=True, + add_special_tokens=True, + return_tensors="pt", + ) + text_input_ids = text_inputs.input_ids + untruncated_ids = self.tokenizer_3(prompt, padding="longest", return_tensors="pt").input_ids + + if untruncated_ids.shape[-1] >= text_input_ids.shape[-1] and not torch.equal(text_input_ids, untruncated_ids): + removed_text = self.tokenizer_3.batch_decode(untruncated_ids[:, self.tokenizer_max_length - 1 : -1]) + logger.warning( + "The following part of your input was truncated because `max_sequence_length` is set to " + f" {max_sequence_length} tokens: {removed_text}" + ) + + prompt_embeds = self.text_encoder_3(text_input_ids.to(device))[0] + + dtype = self.text_encoder_3.dtype + prompt_embeds = prompt_embeds.to(dtype=dtype, device=device) + + _, seq_len, _ = prompt_embeds.shape + + # duplicate text embeddings and attention mask for each generation per prompt, using mps friendly method + prompt_embeds = prompt_embeds.repeat(1, num_images_per_prompt, 1) + prompt_embeds = prompt_embeds.view(batch_size * num_images_per_prompt, seq_len, -1) + + return prompt_embeds + + def _get_clip_prompt_embeds( + self, + prompt: Union[str, List[str]], + num_images_per_prompt: int = 1, + device: Optional[torch.device] = None, + clip_skip: Optional[int] = None, + clip_model_index: int = 0, + ): + device = device or self._execution_device + + clip_tokenizers = [self.tokenizer, self.tokenizer_2] + clip_text_encoders = [self.text_encoder, self.text_encoder_2] + + tokenizer = clip_tokenizers[clip_model_index] + text_encoder = clip_text_encoders[clip_model_index] + + prompt = [prompt] if isinstance(prompt, str) else prompt + batch_size = len(prompt) + + text_inputs = tokenizer( + prompt, + padding="max_length", + max_length=self.tokenizer_max_length, + truncation=True, + return_tensors="pt", + ) + + text_input_ids = text_inputs.input_ids + untruncated_ids = tokenizer(prompt, padding="longest", return_tensors="pt").input_ids + if untruncated_ids.shape[-1] >= text_input_ids.shape[-1] and not torch.equal(text_input_ids, untruncated_ids): + removed_text = tokenizer.batch_decode(untruncated_ids[:, self.tokenizer_max_length - 1 : -1]) + logger.warning( + "The following part of your input was truncated because CLIP can only handle sequences up to" + f" {self.tokenizer_max_length} tokens: {removed_text}" + ) + prompt_embeds = text_encoder(text_input_ids.to(device), output_hidden_states=True) + pooled_prompt_embeds = prompt_embeds[0] + + if clip_skip is None: + prompt_embeds = prompt_embeds.hidden_states[-2] + else: + prompt_embeds = prompt_embeds.hidden_states[-(clip_skip + 2)] + + prompt_embeds = prompt_embeds.to(dtype=self.text_encoder.dtype, device=device) + + _, seq_len, _ = prompt_embeds.shape + # duplicate text embeddings for each generation per prompt, using mps friendly method + prompt_embeds = prompt_embeds.repeat(1, num_images_per_prompt, 1) + prompt_embeds = prompt_embeds.view(batch_size * num_images_per_prompt, seq_len, -1) + + pooled_prompt_embeds = pooled_prompt_embeds.repeat(1, num_images_per_prompt, 1) + pooled_prompt_embeds = pooled_prompt_embeds.view(batch_size * num_images_per_prompt, -1) + + return prompt_embeds, pooled_prompt_embeds + + def encode_prompt( + self, + prompt: Union[str, List[str]], + prompt_2: Union[str, List[str]], + prompt_3: Union[str, List[str]], + device: Optional[torch.device] = None, + num_images_per_prompt: int = 1, + do_classifier_free_guidance: bool = True, + negative_prompt: Optional[Union[str, List[str]]] = None, + negative_prompt_2: Optional[Union[str, List[str]]] = None, + negative_prompt_3: Optional[Union[str, List[str]]] = None, + prompt_embeds: Optional[torch.FloatTensor] = None, + negative_prompt_embeds: Optional[torch.FloatTensor] = None, + pooled_prompt_embeds: Optional[torch.FloatTensor] = None, + negative_pooled_prompt_embeds: Optional[torch.FloatTensor] = None, + clip_skip: Optional[int] = None, + max_sequence_length: int = 256, + lora_scale: Optional[float] = None, + ): + r""" + + Args: + prompt (`str` or `List[str]`, *optional*): + prompt to be encoded + prompt_2 (`str` or `List[str]`, *optional*): + The prompt or prompts to be sent to the `tokenizer_2` and `text_encoder_2`. If not defined, `prompt` is + used in all text-encoders + prompt_3 (`str` or `List[str]`, *optional*): + The prompt or prompts to be sent to the `tokenizer_3` and `text_encoder_3`. If not defined, `prompt` is + used in all text-encoders + device: (`torch.device`): + torch device + num_images_per_prompt (`int`): + number of images that should be generated per prompt + do_classifier_free_guidance (`bool`): + whether to use classifier free guidance or not + negative_prompt (`str` or `List[str]`, *optional*): + The prompt or prompts not to guide the image generation. If not defined, one has to pass + `negative_prompt_embeds` instead. Ignored when not using guidance (i.e., ignored if `guidance_scale` is + less than `1`). + negative_prompt_2 (`str` or `List[str]`, *optional*): + The prompt or prompts not to guide the image generation to be sent to `tokenizer_2` and + `text_encoder_2`. If not defined, `negative_prompt` is used in all the text-encoders. + negative_prompt_2 (`str` or `List[str]`, *optional*): + The prompt or prompts not to guide the image generation to be sent to `tokenizer_3` and + `text_encoder_3`. If not defined, `negative_prompt` is used in both text-encoders + prompt_embeds (`torch.FloatTensor`, *optional*): + Pre-generated text embeddings. Can be used to easily tweak text inputs, *e.g.* prompt weighting. If not + provided, text embeddings will be generated from `prompt` input argument. + negative_prompt_embeds (`torch.FloatTensor`, *optional*): + Pre-generated negative text embeddings. Can be used to easily tweak text inputs, *e.g.* prompt + weighting. If not provided, negative_prompt_embeds will be generated from `negative_prompt` input + argument. + pooled_prompt_embeds (`torch.FloatTensor`, *optional*): + Pre-generated pooled text embeddings. Can be used to easily tweak text inputs, *e.g.* prompt weighting. + If not provided, pooled text embeddings will be generated from `prompt` input argument. + negative_pooled_prompt_embeds (`torch.FloatTensor`, *optional*): + Pre-generated negative pooled text embeddings. Can be used to easily tweak text inputs, *e.g.* prompt + weighting. If not provided, pooled negative_prompt_embeds will be generated from `negative_prompt` + input argument. + clip_skip (`int`, *optional*): + Number of layers to be skipped from CLIP while computing the prompt embeddings. A value of 1 means that + the output of the pre-final layer will be used for computing the prompt embeddings. + lora_scale (`float`, *optional*): + A lora scale that will be applied to all LoRA layers of the text encoder if LoRA layers are loaded. + """ + device = device or self._execution_device + + # set lora scale so that monkey patched LoRA + # function of text encoder can correctly access it + if lora_scale is not None and isinstance(self, SD3LoraLoaderMixin): + self._lora_scale = lora_scale + + # dynamically adjust the LoRA scale + if self.text_encoder is not None and USE_PEFT_BACKEND: + scale_lora_layers(self.text_encoder, lora_scale) + if self.text_encoder_2 is not None and USE_PEFT_BACKEND: + scale_lora_layers(self.text_encoder_2, lora_scale) + + prompt = [prompt] if isinstance(prompt, str) else prompt + if prompt is not None: + batch_size = len(prompt) + else: + batch_size = prompt_embeds.shape[0] + + if prompt_embeds is None: + prompt_2 = prompt_2 or prompt + prompt_2 = [prompt_2] if isinstance(prompt_2, str) else prompt_2 + + prompt_3 = prompt_3 or prompt + prompt_3 = [prompt_3] if isinstance(prompt_3, str) else prompt_3 + + prompt_embed, pooled_prompt_embed = self._get_clip_prompt_embeds( + prompt=prompt, + device=device, + num_images_per_prompt=num_images_per_prompt, + clip_skip=clip_skip, + clip_model_index=0, + ) + prompt_2_embed, pooled_prompt_2_embed = self._get_clip_prompt_embeds( + prompt=prompt_2, + device=device, + num_images_per_prompt=num_images_per_prompt, + clip_skip=clip_skip, + clip_model_index=1, + ) + clip_prompt_embeds = torch.cat([prompt_embed, prompt_2_embed], dim=-1) + + t5_prompt_embed = self._get_t5_prompt_embeds( + prompt=prompt_3, + num_images_per_prompt=num_images_per_prompt, + max_sequence_length=max_sequence_length, + device=device, + ) + + clip_prompt_embeds = torch.nn.functional.pad( + clip_prompt_embeds, (0, t5_prompt_embed.shape[-1] - clip_prompt_embeds.shape[-1]) + ) + + prompt_embeds = torch.cat([clip_prompt_embeds, t5_prompt_embed], dim=-2) + pooled_prompt_embeds = torch.cat([pooled_prompt_embed, pooled_prompt_2_embed], dim=-1) + + if do_classifier_free_guidance and negative_prompt_embeds is None: + negative_prompt = negative_prompt or "" + negative_prompt_2 = negative_prompt_2 or negative_prompt + negative_prompt_3 = negative_prompt_3 or negative_prompt + + # normalize str to list + negative_prompt = batch_size * [negative_prompt] if isinstance(negative_prompt, str) else negative_prompt + negative_prompt_2 = ( + batch_size * [negative_prompt_2] if isinstance(negative_prompt_2, str) else negative_prompt_2 + ) + negative_prompt_3 = ( + batch_size * [negative_prompt_3] if isinstance(negative_prompt_3, str) else negative_prompt_3 + ) + + if prompt is not None and type(prompt) is not type(negative_prompt): + raise TypeError( + f"`negative_prompt` should be the same type to `prompt`, but got {type(negative_prompt)} !=" + f" {type(prompt)}." + ) + elif batch_size != len(negative_prompt): + raise ValueError( + f"`negative_prompt`: {negative_prompt} has batch size {len(negative_prompt)}, but `prompt`:" + f" {prompt} has batch size {batch_size}. Please make sure that passed `negative_prompt` matches" + " the batch size of `prompt`." + ) + + negative_prompt_embed, negative_pooled_prompt_embed = self._get_clip_prompt_embeds( + negative_prompt, + device=device, + num_images_per_prompt=num_images_per_prompt, + clip_skip=None, + clip_model_index=0, + ) + negative_prompt_2_embed, negative_pooled_prompt_2_embed = self._get_clip_prompt_embeds( + negative_prompt_2, + device=device, + num_images_per_prompt=num_images_per_prompt, + clip_skip=None, + clip_model_index=1, + ) + negative_clip_prompt_embeds = torch.cat([negative_prompt_embed, negative_prompt_2_embed], dim=-1) + + t5_negative_prompt_embed = self._get_t5_prompt_embeds( + prompt=negative_prompt_3, + num_images_per_prompt=num_images_per_prompt, + max_sequence_length=max_sequence_length, + device=device, + ) + + negative_clip_prompt_embeds = torch.nn.functional.pad( + negative_clip_prompt_embeds, + (0, t5_negative_prompt_embed.shape[-1] - negative_clip_prompt_embeds.shape[-1]), + ) + + negative_prompt_embeds = torch.cat([negative_clip_prompt_embeds, t5_negative_prompt_embed], dim=-2) + negative_pooled_prompt_embeds = torch.cat( + [negative_pooled_prompt_embed, negative_pooled_prompt_2_embed], dim=-1 + ) + + if self.text_encoder is not None: + if isinstance(self, SD3LoraLoaderMixin) and USE_PEFT_BACKEND: + # Retrieve the original scale by scaling back the LoRA layers + unscale_lora_layers(self.text_encoder, lora_scale) + + if self.text_encoder_2 is not None: + if isinstance(self, SD3LoraLoaderMixin) and USE_PEFT_BACKEND: + # Retrieve the original scale by scaling back the LoRA layers + unscale_lora_layers(self.text_encoder_2, lora_scale) + + return prompt_embeds, negative_prompt_embeds, pooled_prompt_embeds, negative_pooled_prompt_embeds + + def check_inputs( + self, + prompt, + prompt_2, + prompt_3, + height, + width, + negative_prompt=None, + negative_prompt_2=None, + negative_prompt_3=None, + prompt_embeds=None, + negative_prompt_embeds=None, + pooled_prompt_embeds=None, + negative_pooled_prompt_embeds=None, + callback_on_step_end_tensor_inputs=None, + max_sequence_length=None, + ): + if ( + height % (self.vae_scale_factor * self.patch_size) != 0 + or width % (self.vae_scale_factor * self.patch_size) != 0 + ): + raise ValueError( + f"`height` and `width` have to be divisible by {self.vae_scale_factor * self.patch_size} but are {height} and {width}." + f"You can use height {height - height % (self.vae_scale_factor * self.patch_size)} and width {width - width % (self.vae_scale_factor * self.patch_size)}." + ) + + if callback_on_step_end_tensor_inputs is not None and not all( + k in self._callback_tensor_inputs for k in callback_on_step_end_tensor_inputs + ): + raise ValueError( + f"`callback_on_step_end_tensor_inputs` has to be in {self._callback_tensor_inputs}, but found {[k for k in callback_on_step_end_tensor_inputs if k not in self._callback_tensor_inputs]}" + ) + + if prompt is not None and prompt_embeds is not None: + raise ValueError( + f"Cannot forward both `prompt`: {prompt} and `prompt_embeds`: {prompt_embeds}. Please make sure to" + " only forward one of the two." + ) + elif prompt_2 is not None and prompt_embeds is not None: + raise ValueError( + f"Cannot forward both `prompt_2`: {prompt_2} and `prompt_embeds`: {prompt_embeds}. Please make sure to" + " only forward one of the two." + ) + elif prompt_3 is not None and prompt_embeds is not None: + raise ValueError( + f"Cannot forward both `prompt_3`: {prompt_2} and `prompt_embeds`: {prompt_embeds}. Please make sure to" + " only forward one of the two." + ) + elif prompt is None and prompt_embeds is None: + raise ValueError( + "Provide either `prompt` or `prompt_embeds`. Cannot leave both `prompt` and `prompt_embeds` undefined." + ) + elif prompt is not None and (not isinstance(prompt, str) and not isinstance(prompt, list)): + raise ValueError(f"`prompt` has to be of type `str` or `list` but is {type(prompt)}") + elif prompt_2 is not None and (not isinstance(prompt_2, str) and not isinstance(prompt_2, list)): + raise ValueError(f"`prompt_2` has to be of type `str` or `list` but is {type(prompt_2)}") + elif prompt_3 is not None and (not isinstance(prompt_3, str) and not isinstance(prompt_3, list)): + raise ValueError(f"`prompt_3` has to be of type `str` or `list` but is {type(prompt_3)}") + + if negative_prompt is not None and negative_prompt_embeds is not None: + raise ValueError( + f"Cannot forward both `negative_prompt`: {negative_prompt} and `negative_prompt_embeds`:" + f" {negative_prompt_embeds}. Please make sure to only forward one of the two." + ) + elif negative_prompt_2 is not None and negative_prompt_embeds is not None: + raise ValueError( + f"Cannot forward both `negative_prompt_2`: {negative_prompt_2} and `negative_prompt_embeds`:" + f" {negative_prompt_embeds}. Please make sure to only forward one of the two." + ) + elif negative_prompt_3 is not None and negative_prompt_embeds is not None: + raise ValueError( + f"Cannot forward both `negative_prompt_3`: {negative_prompt_3} and `negative_prompt_embeds`:" + f" {negative_prompt_embeds}. Please make sure to only forward one of the two." + ) + + if prompt_embeds is not None and negative_prompt_embeds is not None: + if prompt_embeds.shape != negative_prompt_embeds.shape: + raise ValueError( + "`prompt_embeds` and `negative_prompt_embeds` must have the same shape when passed directly, but" + f" got: `prompt_embeds` {prompt_embeds.shape} != `negative_prompt_embeds`" + f" {negative_prompt_embeds.shape}." + ) + + if prompt_embeds is not None and pooled_prompt_embeds is None: + raise ValueError( + "If `prompt_embeds` are provided, `pooled_prompt_embeds` also have to be passed. Make sure to generate `pooled_prompt_embeds` from the same text encoder that was used to generate `prompt_embeds`." + ) + + if negative_prompt_embeds is not None and negative_pooled_prompt_embeds is None: + raise ValueError( + "If `negative_prompt_embeds` are provided, `negative_pooled_prompt_embeds` also have to be passed. Make sure to generate `negative_pooled_prompt_embeds` from the same text encoder that was used to generate `negative_prompt_embeds`." + ) + + if max_sequence_length is not None and max_sequence_length > 512: + raise ValueError(f"`max_sequence_length` cannot be greater than 512 but is {max_sequence_length}") + + def prepare_latents( + self, + batch_size, + num_channels_latents, + height, + width, + dtype, + device, + generator, + latents=None, + ): + if latents is not None: + return latents.to(device=device, dtype=dtype) + + shape = ( + batch_size, + num_channels_latents, + int(height) // self.vae_scale_factor, + int(width) // self.vae_scale_factor, + ) + + if isinstance(generator, list) and len(generator) != batch_size: + raise ValueError( + f"You have passed a list of generators of length {len(generator)}, but requested an effective batch" + f" size of {batch_size}. Make sure the batch size matches the length of the generators." + ) + + latents = randn_tensor(shape, generator=generator, device=device, dtype=dtype) + + return latents + + @property + def guidance_scale(self): + return self._guidance_scale + + @property + def skip_guidance_layers(self): + return self._skip_guidance_layers + + @property + def clip_skip(self): + return self._clip_skip + + # here `guidance_scale` is defined analog to the guidance weight `w` of equation (2) + # of the Imagen paper: https://arxiv.org/pdf/2205.11487.pdf . `guidance_scale = 1` + # corresponds to doing no classifier free guidance. + @property + def do_classifier_free_guidance(self): + return self._guidance_scale > 1 + + @property + def joint_attention_kwargs(self): + return self._joint_attention_kwargs + + @property + def num_timesteps(self): + return self._num_timesteps + + @property + def interrupt(self): + return self._interrupt + + # Adapted from diffusers.pipelines.stable_diffusion.pipeline_stable_diffusion_xl.StableDiffusionXLPipeline.encode_image + def encode_image(self, image: PipelineImageInput, device: torch.device) -> torch.Tensor: + """Encodes the given image into a feature representation using a pre-trained image encoder. + + Args: + image (`PipelineImageInput`): + Input image to be encoded. + device: (`torch.device`): + Torch device. + + Returns: + `torch.Tensor`: The encoded image feature representation. + """ + if not isinstance(image, torch.Tensor): + image = self.feature_extractor(image, return_tensors="pt").pixel_values + + image = image.to(device=device, dtype=self.dtype) + + return self.image_encoder(image, output_hidden_states=True).hidden_states[-2] + + # Adapted from diffusers.pipelines.stable_diffusion.pipeline_stable_diffusion_xl.StableDiffusionXLPipeline.prepare_ip_adapter_image_embeds + def prepare_ip_adapter_image_embeds( + self, + ip_adapter_image: Optional[PipelineImageInput] = None, + ip_adapter_image_embeds: Optional[torch.Tensor] = None, + device: Optional[torch.device] = None, + num_images_per_prompt: int = 1, + do_classifier_free_guidance: bool = True, + ) -> torch.Tensor: + """Prepares image embeddings for use in the IP-Adapter. + + Either `ip_adapter_image` or `ip_adapter_image_embeds` must be passed. + + Args: + ip_adapter_image (`PipelineImageInput`, *optional*): + The input image to extract features from for IP-Adapter. + ip_adapter_image_embeds (`torch.Tensor`, *optional*): + Precomputed image embeddings. + device: (`torch.device`, *optional*): + Torch device. + num_images_per_prompt (`int`, defaults to 1): + Number of images that should be generated per prompt. + do_classifier_free_guidance (`bool`, defaults to True): + Whether to use classifier free guidance or not. + """ + device = device or self._execution_device + + if ip_adapter_image_embeds is not None: + if do_classifier_free_guidance: + single_negative_image_embeds, single_image_embeds = ip_adapter_image_embeds.chunk(2) + else: + single_image_embeds = ip_adapter_image_embeds + elif ip_adapter_image is not None: + single_image_embeds = self.encode_image(ip_adapter_image, device) + if do_classifier_free_guidance: + single_negative_image_embeds = torch.zeros_like(single_image_embeds) + else: + raise ValueError("Neither `ip_adapter_image_embeds` or `ip_adapter_image_embeds` were provided.") + + image_embeds = torch.cat([single_image_embeds] * num_images_per_prompt, dim=0) + + if do_classifier_free_guidance: + negative_image_embeds = torch.cat([single_negative_image_embeds] * num_images_per_prompt, dim=0) + image_embeds = torch.cat([negative_image_embeds, image_embeds], dim=0) + + return image_embeds.to(device=device) + + def enable_sequential_cpu_offload(self, *args, **kwargs): + if self.image_encoder is not None and "image_encoder" not in self._exclude_from_cpu_offload: + logger.warning( + "`pipe.enable_sequential_cpu_offload()` might fail for `image_encoder` if it uses " + "`torch.nn.MultiheadAttention`. You can exclude `image_encoder` from CPU offloading by calling " + "`pipe._exclude_from_cpu_offload.append('image_encoder')` before `pipe.enable_sequential_cpu_offload()`." + ) + + super().enable_sequential_cpu_offload(*args, **kwargs) + + @torch.no_grad() + @replace_example_docstring(EXAMPLE_DOC_STRING) + def __call__( + self, + prompt: Union[str, List[str]] = None, + prompt_2: Optional[Union[str, List[str]]] = None, + prompt_3: Optional[Union[str, List[str]]] = None, + height: Optional[int] = None, + width: Optional[int] = None, + num_inference_steps: int = 28, + sigmas: Optional[List[float]] = None, + guidance_scale: float = 7.0, + negative_prompt: Optional[Union[str, List[str]]] = None, + negative_prompt_2: Optional[Union[str, List[str]]] = None, + negative_prompt_3: Optional[Union[str, List[str]]] = None, + num_images_per_prompt: Optional[int] = 1, + generator: Optional[Union[torch.Generator, List[torch.Generator]]] = None, + latents: Optional[torch.FloatTensor] = None, + latents_input_len: int = 0, + prompt_embeds: Optional[torch.FloatTensor] = None, + negative_prompt_embeds: Optional[torch.FloatTensor] = None, + pooled_prompt_embeds: Optional[torch.FloatTensor] = None, + negative_pooled_prompt_embeds: Optional[torch.FloatTensor] = None, + ip_adapter_image: Optional[PipelineImageInput] = None, + ip_adapter_image_embeds: Optional[torch.Tensor] = None, + output_type: Optional[str] = "pil", + return_dict: bool = True, + joint_attention_kwargs: Optional[Dict[str, Any]] = None, + clip_skip: Optional[int] = None, + callback_on_step_end: Optional[Callable[[int, int, Dict], None]] = None, + callback_on_step_end_tensor_inputs: List[str] = ["latents"], + max_sequence_length: int = 256, + skip_guidance_layers: List[int] = None, + skip_layer_guidance_scale: float = 2.8, + skip_layer_guidance_stop: float = 0.2, + skip_layer_guidance_start: float = 0.01, + mu: Optional[float] = None, + latents_ref: Optional[torch.FloatTensor] = None, + negative_latents_ref: Optional[torch.FloatTensor] = None, + ): + r""" + Function invoked when calling the pipeline for generation. + + Args: + prompt (`str` or `List[str]`, *optional*): + The prompt or prompts to guide the image generation. If not defined, one has to pass `prompt_embeds`. + instead. + prompt_2 (`str` or `List[str]`, *optional*): + The prompt or prompts to be sent to `tokenizer_2` and `text_encoder_2`. If not defined, `prompt` is + will be used instead + prompt_3 (`str` or `List[str]`, *optional*): + The prompt or prompts to be sent to `tokenizer_3` and `text_encoder_3`. If not defined, `prompt` is + will be used instead + height (`int`, *optional*, defaults to self.unet.config.sample_size * self.vae_scale_factor): + The height in pixels of the generated image. This is set to 1024 by default for the best results. + width (`int`, *optional*, defaults to self.unet.config.sample_size * self.vae_scale_factor): + The width in pixels of the generated image. This is set to 1024 by default for the best results. + num_inference_steps (`int`, *optional*, defaults to 50): + The number of denoising steps. More denoising steps usually lead to a higher quality image at the + expense of slower inference. + sigmas (`List[float]`, *optional*): + Custom sigmas to use for the denoising process with schedulers which support a `sigmas` argument in + their `set_timesteps` method. If not defined, the default behavior when `num_inference_steps` is passed + will be used. + guidance_scale (`float`, *optional*, defaults to 7.0): + Guidance scale as defined in [Classifier-Free Diffusion Guidance](https://arxiv.org/abs/2207.12598). + `guidance_scale` is defined as `w` of equation 2. of [Imagen + Paper](https://arxiv.org/pdf/2205.11487.pdf). Guidance scale is enabled by setting `guidance_scale > + 1`. Higher guidance scale encourages to generate images that are closely linked to the text `prompt`, + usually at the expense of lower image quality. + negative_prompt (`str` or `List[str]`, *optional*): + The prompt or prompts not to guide the image generation. If not defined, one has to pass + `negative_prompt_embeds` instead. Ignored when not using guidance (i.e., ignored if `guidance_scale` is + less than `1`). + negative_prompt_2 (`str` or `List[str]`, *optional*): + The prompt or prompts not to guide the image generation to be sent to `tokenizer_2` and + `text_encoder_2`. If not defined, `negative_prompt` is used instead + negative_prompt_3 (`str` or `List[str]`, *optional*): + The prompt or prompts not to guide the image generation to be sent to `tokenizer_3` and + `text_encoder_3`. If not defined, `negative_prompt` is used instead + num_images_per_prompt (`int`, *optional*, defaults to 1): + The number of images to generate per prompt. + generator (`torch.Generator` or `List[torch.Generator]`, *optional*): + One or a list of [torch generator(s)](https://pytorch.org/docs/stable/generated/torch.Generator.html) + to make generation deterministic. + latents (`torch.FloatTensor`, *optional*): + Pre-generated noisy latents, sampled from a Gaussian distribution, to be used as inputs for image + generation. Can be used to tweak the same generation with different prompts. If not provided, a latents + tensor will ge generated by sampling using the supplied random `generator`. + prompt_embeds (`torch.FloatTensor`, *optional*): + Pre-generated text embeddings. Can be used to easily tweak text inputs, *e.g.* prompt weighting. If not + provided, text embeddings will be generated from `prompt` input argument. + negative_prompt_embeds (`torch.FloatTensor`, *optional*): + Pre-generated negative text embeddings. Can be used to easily tweak text inputs, *e.g.* prompt + weighting. If not provided, negative_prompt_embeds will be generated from `negative_prompt` input + argument. + pooled_prompt_embeds (`torch.FloatTensor`, *optional*): + Pre-generated pooled text embeddings. Can be used to easily tweak text inputs, *e.g.* prompt weighting. + If not provided, pooled text embeddings will be generated from `prompt` input argument. + negative_pooled_prompt_embeds (`torch.FloatTensor`, *optional*): + Pre-generated negative pooled text embeddings. Can be used to easily tweak text inputs, *e.g.* prompt + weighting. If not provided, pooled negative_prompt_embeds will be generated from `negative_prompt` + input argument. + ip_adapter_image (`PipelineImageInput`, *optional*): Optional image input to work with IP Adapters. + ip_adapter_image_embeds (`torch.Tensor`, *optional*): + Pre-generated image embeddings for IP-Adapter. Should be a tensor of shape `(batch_size, num_images, + emb_dim)`. It should contain the negative image embedding if `do_classifier_free_guidance` is set to + `True`. If not provided, embeddings are computed from the `ip_adapter_image` input argument. + output_type (`str`, *optional*, defaults to `"pil"`): + The output format of the generate image. Choose between + [PIL](https://pillow.readthedocs.io/en/stable/): `PIL.Image.Image` or `np.array`. + return_dict (`bool`, *optional*, defaults to `True`): + Whether or not to return a [`~pipelines.stable_diffusion_3.StableDiffusion3PipelineOutput`] instead of + a plain tuple. + joint_attention_kwargs (`dict`, *optional*): + A kwargs dictionary that if specified is passed along to the `AttentionProcessor` as defined under + `self.processor` in + [diffusers.models.attention_processor](https://github.com/huggingface/diffusers/blob/main/src/diffusers/models/attention_processor.py). + callback_on_step_end (`Callable`, *optional*): + A function that calls at the end of each denoising steps during the inference. The function is called + with the following arguments: `callback_on_step_end(self: DiffusionPipeline, step: int, timestep: int, + callback_kwargs: Dict)`. `callback_kwargs` will include a list of all tensors as specified by + `callback_on_step_end_tensor_inputs`. + callback_on_step_end_tensor_inputs (`List`, *optional*): + The list of tensor inputs for the `callback_on_step_end` function. The tensors specified in the list + will be passed as `callback_kwargs` argument. You will only be able to include variables listed in the + `._callback_tensor_inputs` attribute of your pipeline class. + max_sequence_length (`int` defaults to 256): Maximum sequence length to use with the `prompt`. + skip_guidance_layers (`List[int]`, *optional*): + A list of integers that specify layers to skip during guidance. If not provided, all layers will be + used for guidance. If provided, the guidance will only be applied to the layers specified in the list. + Recommended value by StabiltyAI for Stable Diffusion 3.5 Medium is [7, 8, 9]. + skip_layer_guidance_scale (`int`, *optional*): The scale of the guidance for the layers specified in + `skip_guidance_layers`. The guidance will be applied to the layers specified in `skip_guidance_layers` + with a scale of `skip_layer_guidance_scale`. The guidance will be applied to the rest of the layers + with a scale of `1`. + skip_layer_guidance_stop (`int`, *optional*): The step at which the guidance for the layers specified in + `skip_guidance_layers` will stop. The guidance will be applied to the layers specified in + `skip_guidance_layers` until the fraction specified in `skip_layer_guidance_stop`. Recommended value by + StabiltyAI for Stable Diffusion 3.5 Medium is 0.2. + skip_layer_guidance_start (`int`, *optional*): The step at which the guidance for the layers specified in + `skip_guidance_layers` will start. The guidance will be applied to the layers specified in + `skip_guidance_layers` from the fraction specified in `skip_layer_guidance_start`. Recommended value by + StabiltyAI for Stable Diffusion 3.5 Medium is 0.01. + mu (`float`, *optional*): `mu` value used for `dynamic_shifting`. + + Examples: + + Returns: + [`~pipelines.stable_diffusion_3.StableDiffusion3PipelineOutput`] or `tuple`: + [`~pipelines.stable_diffusion_3.StableDiffusion3PipelineOutput`] if `return_dict` is True, otherwise a + `tuple`. When returning a tuple, the first element is a list with the generated images. + """ + + height = height or self.default_sample_size * self.vae_scale_factor + width = width or self.default_sample_size * self.vae_scale_factor + + # 1. Check inputs. Raise error if not correct + self.check_inputs( + prompt, + prompt_2, + prompt_3, + height, + width, + negative_prompt=negative_prompt, + negative_prompt_2=negative_prompt_2, + negative_prompt_3=negative_prompt_3, + prompt_embeds=prompt_embeds, + negative_prompt_embeds=negative_prompt_embeds, + pooled_prompt_embeds=pooled_prompt_embeds, + negative_pooled_prompt_embeds=negative_pooled_prompt_embeds, + callback_on_step_end_tensor_inputs=callback_on_step_end_tensor_inputs, + max_sequence_length=max_sequence_length, + ) + + self._guidance_scale = guidance_scale + self._skip_layer_guidance_scale = skip_layer_guidance_scale + self._clip_skip = clip_skip + self._joint_attention_kwargs = joint_attention_kwargs + self._interrupt = False + + # 2. Define call parameters + if prompt is not None and isinstance(prompt, str): + batch_size = 1 + elif prompt is not None and isinstance(prompt, list): + batch_size = len(prompt) + else: + batch_size = prompt_embeds.shape[0] + + device = self._execution_device + + lora_scale = ( + self.joint_attention_kwargs.get("scale", None) if self.joint_attention_kwargs is not None else None + ) + ( + prompt_embeds, + negative_prompt_embeds, + pooled_prompt_embeds, + negative_pooled_prompt_embeds, + ) = self.encode_prompt( + prompt=prompt, + prompt_2=prompt_2, + prompt_3=prompt_3, + negative_prompt=negative_prompt, + negative_prompt_2=negative_prompt_2, + negative_prompt_3=negative_prompt_3, + do_classifier_free_guidance=self.do_classifier_free_guidance, + prompt_embeds=prompt_embeds, + negative_prompt_embeds=negative_prompt_embeds, + pooled_prompt_embeds=pooled_prompt_embeds, + negative_pooled_prompt_embeds=negative_pooled_prompt_embeds, + device=device, + clip_skip=self.clip_skip, + num_images_per_prompt=num_images_per_prompt, + max_sequence_length=max_sequence_length, + lora_scale=lora_scale, + ) + + if self.do_classifier_free_guidance: + if skip_guidance_layers is not None: + original_prompt_embeds = prompt_embeds + original_pooled_prompt_embeds = pooled_prompt_embeds + prompt_embeds = torch.cat([negative_prompt_embeds, prompt_embeds], dim=0) + pooled_prompt_embeds = torch.cat([negative_pooled_prompt_embeds, pooled_prompt_embeds], dim=0) + if latents_ref is not None and negative_latents_ref is not None: + latents_ref = torch.cat([negative_latents_ref, latents_ref], dim=0) + + # 4. Prepare latent variables + num_channels_latents = self.transformer.config.in_channels + latents = self.prepare_latents( + batch_size * num_images_per_prompt, + num_channels_latents, + height, + width, + prompt_embeds.dtype, + device, + generator, + latents, + ) + + # 5. Prepare timesteps + scheduler_kwargs = {} + if self.scheduler.config.get("use_dynamic_shifting", None) and mu is None: + _, _, height, width = latents.shape + image_seq_len = (height // self.transformer.config.patch_size) * ( + width // self.transformer.config.patch_size + ) + mu = calculate_shift( + image_seq_len, + self.scheduler.config.base_image_seq_len, + self.scheduler.config.max_image_seq_len, + self.scheduler.config.base_shift, + self.scheduler.config.max_shift, + ) + scheduler_kwargs["mu"] = mu + elif mu is not None: + scheduler_kwargs["mu"] = mu + timesteps, num_inference_steps = retrieve_timesteps( + self.scheduler, + num_inference_steps, + device, + sigmas=sigmas, + **scheduler_kwargs, + ) + num_warmup_steps = max(len(timesteps) - num_inference_steps * self.scheduler.order, 0) + self._num_timesteps = len(timesteps) + + # 6. Prepare image embeddings + if (ip_adapter_image is not None and self.is_ip_adapter_active) or ip_adapter_image_embeds is not None: + ip_adapter_image_embeds = self.prepare_ip_adapter_image_embeds( + ip_adapter_image, + ip_adapter_image_embeds, + device, + batch_size * num_images_per_prompt, + self.do_classifier_free_guidance, + ) + + if self.joint_attention_kwargs is None: + self._joint_attention_kwargs = {"ip_adapter_image_embeds": ip_adapter_image_embeds} + else: + self._joint_attention_kwargs.update(ip_adapter_image_embeds=ip_adapter_image_embeds) + + # 7. Denoising loop + with self.progress_bar(total=num_inference_steps) as progress_bar: + for i, t in enumerate(timesteps): + if self.interrupt: + continue + + # expand the latents if we are doing classifier free guidance + latent_model_input = torch.cat([latents] * 2) if self.do_classifier_free_guidance else latents + + if latents_ref is not None: + latent_model_input_ref = torch.cat([latent_model_input, latents_ref], dim=-1) + else: + latent_model_input_ref = latent_model_input + # broadcast to batch dimension in a way that's compatible with ONNX/Core ML + timestep = t.expand(latent_model_input.shape[0]) + + noise_pred = self.transformer( + hidden_states=latent_model_input_ref, + timestep=timestep, + encoder_hidden_states=prompt_embeds, + pooled_projections=pooled_prompt_embeds, + joint_attention_kwargs=self.joint_attention_kwargs, + return_dict=False, + )[0] + + # perform guidance + if self.do_classifier_free_guidance: + noise_pred_uncond, noise_pred_text = noise_pred.chunk(2) + noise_pred = noise_pred_uncond + self.guidance_scale * (noise_pred_text - noise_pred_uncond) + should_skip_layers = ( + True + if i > num_inference_steps * skip_layer_guidance_start + and i < num_inference_steps * skip_layer_guidance_stop + else False + ) + if skip_guidance_layers is not None and should_skip_layers: + timestep = t.expand(latents.shape[0]) + latent_model_input = latents + noise_pred_skip_layers = self.transformer( + hidden_states=latent_model_input, + timestep=timestep, + encoder_hidden_states=original_prompt_embeds, + pooled_projections=original_pooled_prompt_embeds, + joint_attention_kwargs=self.joint_attention_kwargs, + return_dict=False, + skip_layers=skip_guidance_layers, + )[0] + noise_pred = ( + noise_pred + (noise_pred_text - noise_pred_skip_layers) * self._skip_layer_guidance_scale + ) + noise_pred = noise_pred[..., :latents.shape[-1]] + # compute the previous noisy sample x_t -> x_t-1 + latents_dtype = latents.dtype + latents = self.scheduler.step(noise_pred, t, latents, return_dict=False)[0] + if latents.dtype != latents_dtype: + if torch.backends.mps.is_available(): + # some platforms (eg. apple mps) misbehave due to a pytorch bug: https://github.com/pytorch/pytorch/pull/99272 + latents = latents.to(latents_dtype) + + if callback_on_step_end is not None: + callback_kwargs = {} + for k in callback_on_step_end_tensor_inputs: + callback_kwargs[k] = locals()[k] + callback_outputs = callback_on_step_end(self, i, t, callback_kwargs) + + latents = callback_outputs.pop("latents", latents) + prompt_embeds = callback_outputs.pop("prompt_embeds", prompt_embeds) + negative_prompt_embeds = callback_outputs.pop("negative_prompt_embeds", negative_prompt_embeds) + negative_pooled_prompt_embeds = callback_outputs.pop( + "negative_pooled_prompt_embeds", negative_pooled_prompt_embeds + ) + + # call the callback, if provided + if i == len(timesteps) - 1 or ((i + 1) > num_warmup_steps and (i + 1) % self.scheduler.order == 0): + progress_bar.update() + + if XLA_AVAILABLE: + xm.mark_step() + + if output_type == "latent": + image = latents + + else: + latents = (latents / self.vae.config.scaling_factor) + self.vae.config.shift_factor + image = self.vae.decode(latents.to(self.vae.dtype), return_dict=False)[0] + image = self.image_processor.postprocess(image, output_type=output_type) + + # Offload all models + self.maybe_free_model_hooks() + + if not return_dict: + return (image,) + + return StableDiffusion3PipelineOutput(images=image) diff --git a/univa/utils/sd3_pipeline_multicfg.py b/univa/utils/sd3_pipeline_multicfg.py new file mode 100644 index 0000000000000000000000000000000000000000..2eaebce7a542dc5dd329589e77ffb73986391a09 --- /dev/null +++ b/univa/utils/sd3_pipeline_multicfg.py @@ -0,0 +1,1173 @@ +# Copyright 2024 Stability AI, The HuggingFace Team and The InstantX Team. All rights reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +import inspect +from typing import Any, Callable, Dict, List, Optional, Union + +import torch +from transformers import ( + BaseImageProcessor, + CLIPTextModelWithProjection, + CLIPTokenizer, + PreTrainedModel, + T5EncoderModel, + T5TokenizerFast, +) + +from diffusers.image_processor import PipelineImageInput, VaeImageProcessor +from diffusers.loaders import FromSingleFileMixin, SD3IPAdapterMixin, SD3LoraLoaderMixin +from diffusers.models.autoencoders import AutoencoderKL +from diffusers.models.transformers import SD3Transformer2DModel +from diffusers.schedulers import FlowMatchEulerDiscreteScheduler +from diffusers.utils import ( + USE_PEFT_BACKEND, + is_torch_xla_available, + logging, + replace_example_docstring, + scale_lora_layers, + unscale_lora_layers, +) +from diffusers.utils.torch_utils import randn_tensor +from diffusers.pipelines.pipeline_utils import DiffusionPipeline +from diffusers.pipelines.stable_diffusion_3.pipeline_output import StableDiffusion3PipelineOutput + + +if is_torch_xla_available(): + import torch_xla.core.xla_model as xm + + XLA_AVAILABLE = True +else: + XLA_AVAILABLE = False + + +logger = logging.get_logger(__name__) # pylint: disable=invalid-name + +EXAMPLE_DOC_STRING = """ + Examples: + ```py + >>> import torch + >>> from diffusers import StableDiffusion3Pipeline + + >>> pipe = StableDiffusion3Pipeline.from_pretrained( + ... "stabilityai/stable-diffusion-3-medium-diffusers", torch_dtype=torch.float16 + ... ) + >>> pipe.to("cuda") + >>> prompt = "A cat holding a sign that says hello world" + >>> image = pipe(prompt).images[0] + >>> image.save("sd3.png") + ``` +""" + + +# Copied from diffusers.pipelines.flux.pipeline_flux.calculate_shift +def calculate_shift( + image_seq_len, + base_seq_len: int = 256, + max_seq_len: int = 4096, + base_shift: float = 0.5, + max_shift: float = 1.16, +): + m = (max_shift - base_shift) / (max_seq_len - base_seq_len) + b = base_shift - m * base_seq_len + mu = image_seq_len * m + b + return mu + + +# Copied from diffusers.pipelines.stable_diffusion.pipeline_stable_diffusion.retrieve_timesteps +def retrieve_timesteps( + scheduler, + num_inference_steps: Optional[int] = None, + device: Optional[Union[str, torch.device]] = None, + timesteps: Optional[List[int]] = None, + sigmas: Optional[List[float]] = None, + **kwargs, +): + r""" + Calls the scheduler's `set_timesteps` method and retrieves timesteps from the scheduler after the call. Handles + custom timesteps. Any kwargs will be supplied to `scheduler.set_timesteps`. + + Args: + scheduler (`SchedulerMixin`): + The scheduler to get timesteps from. + num_inference_steps (`int`): + The number of diffusion steps used when generating samples with a pre-trained model. If used, `timesteps` + must be `None`. + device (`str` or `torch.device`, *optional*): + The device to which the timesteps should be moved to. If `None`, the timesteps are not moved. + timesteps (`List[int]`, *optional*): + Custom timesteps used to override the timestep spacing strategy of the scheduler. If `timesteps` is passed, + `num_inference_steps` and `sigmas` must be `None`. + sigmas (`List[float]`, *optional*): + Custom sigmas used to override the timestep spacing strategy of the scheduler. If `sigmas` is passed, + `num_inference_steps` and `timesteps` must be `None`. + + Returns: + `Tuple[torch.Tensor, int]`: A tuple where the first element is the timestep schedule from the scheduler and the + second element is the number of inference steps. + """ + if timesteps is not None and sigmas is not None: + raise ValueError("Only one of `timesteps` or `sigmas` can be passed. Please choose one to set custom values") + if timesteps is not None: + accepts_timesteps = "timesteps" in set(inspect.signature(scheduler.set_timesteps).parameters.keys()) + if not accepts_timesteps: + raise ValueError( + f"The current scheduler class {scheduler.__class__}'s `set_timesteps` does not support custom" + f" timestep schedules. Please check whether you are using the correct scheduler." + ) + scheduler.set_timesteps(timesteps=timesteps, device=device, **kwargs) + timesteps = scheduler.timesteps + num_inference_steps = len(timesteps) + elif sigmas is not None: + accept_sigmas = "sigmas" in set(inspect.signature(scheduler.set_timesteps).parameters.keys()) + if not accept_sigmas: + raise ValueError( + f"The current scheduler class {scheduler.__class__}'s `set_timesteps` does not support custom" + f" sigmas schedules. Please check whether you are using the correct scheduler." + ) + scheduler.set_timesteps(sigmas=sigmas, device=device, **kwargs) + timesteps = scheduler.timesteps + num_inference_steps = len(timesteps) + else: + scheduler.set_timesteps(num_inference_steps, device=device, **kwargs) + timesteps = scheduler.timesteps + return timesteps, num_inference_steps + + +class StableDiffusion3Pipeline(DiffusionPipeline, SD3LoraLoaderMixin, FromSingleFileMixin, SD3IPAdapterMixin): + r""" + Args: + transformer ([`SD3Transformer2DModel`]): + Conditional Transformer (MMDiT) architecture to denoise the encoded image latents. + scheduler ([`FlowMatchEulerDiscreteScheduler`]): + A scheduler to be used in combination with `transformer` to denoise the encoded image latents. + vae ([`AutoencoderKL`]): + Variational Auto-Encoder (VAE) Model to encode and decode images to and from latent representations. + text_encoder ([`CLIPTextModelWithProjection`]): + [CLIP](https://huggingface.co/docs/transformers/model_doc/clip#transformers.CLIPTextModelWithProjection), + specifically the [clip-vit-large-patch14](https://huggingface.co/openai/clip-vit-large-patch14) variant, + with an additional added projection layer that is initialized with a diagonal matrix with the `hidden_size` + as its dimension. + text_encoder_2 ([`CLIPTextModelWithProjection`]): + [CLIP](https://huggingface.co/docs/transformers/model_doc/clip#transformers.CLIPTextModelWithProjection), + specifically the + [laion/CLIP-ViT-bigG-14-laion2B-39B-b160k](https://huggingface.co/laion/CLIP-ViT-bigG-14-laion2B-39B-b160k) + variant. + text_encoder_3 ([`T5EncoderModel`]): + Frozen text-encoder. Stable Diffusion 3 uses + [T5](https://huggingface.co/docs/transformers/model_doc/t5#transformers.T5EncoderModel), specifically the + [t5-v1_1-xxl](https://huggingface.co/google/t5-v1_1-xxl) variant. + tokenizer (`CLIPTokenizer`): + Tokenizer of class + [CLIPTokenizer](https://huggingface.co/docs/transformers/v4.21.0/en/model_doc/clip#transformers.CLIPTokenizer). + tokenizer_2 (`CLIPTokenizer`): + Second Tokenizer of class + [CLIPTokenizer](https://huggingface.co/docs/transformers/v4.21.0/en/model_doc/clip#transformers.CLIPTokenizer). + tokenizer_3 (`T5TokenizerFast`): + Tokenizer of class + [T5Tokenizer](https://huggingface.co/docs/transformers/model_doc/t5#transformers.T5Tokenizer). + image_encoder (`PreTrainedModel`, *optional*): + Pre-trained Vision Model for IP Adapter. + feature_extractor (`BaseImageProcessor`, *optional*): + Image processor for IP Adapter. + """ + + model_cpu_offload_seq = "text_encoder->text_encoder_2->text_encoder_3->image_encoder->transformer->vae" + _optional_components = ["image_encoder", "feature_extractor"] + _callback_tensor_inputs = ["latents", "prompt_embeds", "negative_prompt_embeds", "negative_pooled_prompt_embeds"] + + def __init__( + self, + transformer: SD3Transformer2DModel, + scheduler: FlowMatchEulerDiscreteScheduler, + vae: AutoencoderKL, + text_encoder: CLIPTextModelWithProjection, + tokenizer: CLIPTokenizer, + text_encoder_2: CLIPTextModelWithProjection, + tokenizer_2: CLIPTokenizer, + text_encoder_3: T5EncoderModel, + tokenizer_3: T5TokenizerFast, + image_encoder: PreTrainedModel = None, + feature_extractor: BaseImageProcessor = None, + ): + super().__init__() + + self.register_modules( + vae=vae, + text_encoder=text_encoder, + text_encoder_2=text_encoder_2, + text_encoder_3=text_encoder_3, + tokenizer=tokenizer, + tokenizer_2=tokenizer_2, + tokenizer_3=tokenizer_3, + transformer=transformer, + scheduler=scheduler, + image_encoder=image_encoder, + feature_extractor=feature_extractor, + ) + self.vae_scale_factor = ( + 2 ** (len(self.vae.config.block_out_channels) - 1) if hasattr(self, "vae") and self.vae is not None else 8 + ) + self.image_processor = VaeImageProcessor(vae_scale_factor=self.vae_scale_factor) + self.tokenizer_max_length = ( + self.tokenizer.model_max_length if hasattr(self, "tokenizer") and self.tokenizer is not None else 77 + ) + self.default_sample_size = ( + self.transformer.config.sample_size + if hasattr(self, "transformer") and self.transformer is not None + else 128 + ) + self.patch_size = ( + self.transformer.config.patch_size if hasattr(self, "transformer") and self.transformer is not None else 2 + ) + + def _get_t5_prompt_embeds( + self, + prompt: Union[str, List[str]] = None, + num_images_per_prompt: int = 1, + max_sequence_length: int = 256, + device: Optional[torch.device] = None, + dtype: Optional[torch.dtype] = None, + ): + device = device or self._execution_device + dtype = dtype or self.text_encoder.dtype + + prompt = [prompt] if isinstance(prompt, str) else prompt + batch_size = len(prompt) + + if self.text_encoder_3 is None: + return torch.zeros( + ( + batch_size * num_images_per_prompt, + self.tokenizer_max_length, + self.transformer.config.joint_attention_dim, + ), + device=device, + dtype=dtype, + ) + + text_inputs = self.tokenizer_3( + prompt, + padding="max_length", + max_length=max_sequence_length, + truncation=True, + add_special_tokens=True, + return_tensors="pt", + ) + text_input_ids = text_inputs.input_ids + untruncated_ids = self.tokenizer_3(prompt, padding="longest", return_tensors="pt").input_ids + + if untruncated_ids.shape[-1] >= text_input_ids.shape[-1] and not torch.equal(text_input_ids, untruncated_ids): + removed_text = self.tokenizer_3.batch_decode(untruncated_ids[:, self.tokenizer_max_length - 1 : -1]) + logger.warning( + "The following part of your input was truncated because `max_sequence_length` is set to " + f" {max_sequence_length} tokens: {removed_text}" + ) + + prompt_embeds = self.text_encoder_3(text_input_ids.to(device))[0] + + dtype = self.text_encoder_3.dtype + prompt_embeds = prompt_embeds.to(dtype=dtype, device=device) + + _, seq_len, _ = prompt_embeds.shape + + # duplicate text embeddings and attention mask for each generation per prompt, using mps friendly method + prompt_embeds = prompt_embeds.repeat(1, num_images_per_prompt, 1) + prompt_embeds = prompt_embeds.view(batch_size * num_images_per_prompt, seq_len, -1) + + return prompt_embeds + + def _get_clip_prompt_embeds( + self, + prompt: Union[str, List[str]], + num_images_per_prompt: int = 1, + device: Optional[torch.device] = None, + clip_skip: Optional[int] = None, + clip_model_index: int = 0, + ): + device = device or self._execution_device + + clip_tokenizers = [self.tokenizer, self.tokenizer_2] + clip_text_encoders = [self.text_encoder, self.text_encoder_2] + + tokenizer = clip_tokenizers[clip_model_index] + text_encoder = clip_text_encoders[clip_model_index] + + prompt = [prompt] if isinstance(prompt, str) else prompt + batch_size = len(prompt) + + text_inputs = tokenizer( + prompt, + padding="max_length", + max_length=self.tokenizer_max_length, + truncation=True, + return_tensors="pt", + ) + + text_input_ids = text_inputs.input_ids + untruncated_ids = tokenizer(prompt, padding="longest", return_tensors="pt").input_ids + if untruncated_ids.shape[-1] >= text_input_ids.shape[-1] and not torch.equal(text_input_ids, untruncated_ids): + removed_text = tokenizer.batch_decode(untruncated_ids[:, self.tokenizer_max_length - 1 : -1]) + logger.warning( + "The following part of your input was truncated because CLIP can only handle sequences up to" + f" {self.tokenizer_max_length} tokens: {removed_text}" + ) + prompt_embeds = text_encoder(text_input_ids.to(device), output_hidden_states=True) + pooled_prompt_embeds = prompt_embeds[0] + + if clip_skip is None: + prompt_embeds = prompt_embeds.hidden_states[-2] + else: + prompt_embeds = prompt_embeds.hidden_states[-(clip_skip + 2)] + + prompt_embeds = prompt_embeds.to(dtype=self.text_encoder.dtype, device=device) + + _, seq_len, _ = prompt_embeds.shape + # duplicate text embeddings for each generation per prompt, using mps friendly method + prompt_embeds = prompt_embeds.repeat(1, num_images_per_prompt, 1) + prompt_embeds = prompt_embeds.view(batch_size * num_images_per_prompt, seq_len, -1) + + pooled_prompt_embeds = pooled_prompt_embeds.repeat(1, num_images_per_prompt, 1) + pooled_prompt_embeds = pooled_prompt_embeds.view(batch_size * num_images_per_prompt, -1) + + return prompt_embeds, pooled_prompt_embeds + + def encode_prompt( + self, + prompt: Union[str, List[str]], + prompt_2: Union[str, List[str]], + prompt_3: Union[str, List[str]], + device: Optional[torch.device] = None, + num_images_per_prompt: int = 1, + do_classifier_free_guidance: bool = True, + negative_prompt: Optional[Union[str, List[str]]] = None, + negative_prompt_2: Optional[Union[str, List[str]]] = None, + negative_prompt_3: Optional[Union[str, List[str]]] = None, + prompt_embeds: Optional[torch.FloatTensor] = None, + negative_prompt_embeds: Optional[torch.FloatTensor] = None, + pooled_prompt_embeds: Optional[torch.FloatTensor] = None, + negative_pooled_prompt_embeds: Optional[torch.FloatTensor] = None, + clip_skip: Optional[int] = None, + max_sequence_length: int = 256, + lora_scale: Optional[float] = None, + ): + r""" + + Args: + prompt (`str` or `List[str]`, *optional*): + prompt to be encoded + prompt_2 (`str` or `List[str]`, *optional*): + The prompt or prompts to be sent to the `tokenizer_2` and `text_encoder_2`. If not defined, `prompt` is + used in all text-encoders + prompt_3 (`str` or `List[str]`, *optional*): + The prompt or prompts to be sent to the `tokenizer_3` and `text_encoder_3`. If not defined, `prompt` is + used in all text-encoders + device: (`torch.device`): + torch device + num_images_per_prompt (`int`): + number of images that should be generated per prompt + do_classifier_free_guidance (`bool`): + whether to use classifier free guidance or not + negative_prompt (`str` or `List[str]`, *optional*): + The prompt or prompts not to guide the image generation. If not defined, one has to pass + `negative_prompt_embeds` instead. Ignored when not using guidance (i.e., ignored if `guidance_scale` is + less than `1`). + negative_prompt_2 (`str` or `List[str]`, *optional*): + The prompt or prompts not to guide the image generation to be sent to `tokenizer_2` and + `text_encoder_2`. If not defined, `negative_prompt` is used in all the text-encoders. + negative_prompt_2 (`str` or `List[str]`, *optional*): + The prompt or prompts not to guide the image generation to be sent to `tokenizer_3` and + `text_encoder_3`. If not defined, `negative_prompt` is used in both text-encoders + prompt_embeds (`torch.FloatTensor`, *optional*): + Pre-generated text embeddings. Can be used to easily tweak text inputs, *e.g.* prompt weighting. If not + provided, text embeddings will be generated from `prompt` input argument. + negative_prompt_embeds (`torch.FloatTensor`, *optional*): + Pre-generated negative text embeddings. Can be used to easily tweak text inputs, *e.g.* prompt + weighting. If not provided, negative_prompt_embeds will be generated from `negative_prompt` input + argument. + pooled_prompt_embeds (`torch.FloatTensor`, *optional*): + Pre-generated pooled text embeddings. Can be used to easily tweak text inputs, *e.g.* prompt weighting. + If not provided, pooled text embeddings will be generated from `prompt` input argument. + negative_pooled_prompt_embeds (`torch.FloatTensor`, *optional*): + Pre-generated negative pooled text embeddings. Can be used to easily tweak text inputs, *e.g.* prompt + weighting. If not provided, pooled negative_prompt_embeds will be generated from `negative_prompt` + input argument. + clip_skip (`int`, *optional*): + Number of layers to be skipped from CLIP while computing the prompt embeddings. A value of 1 means that + the output of the pre-final layer will be used for computing the prompt embeddings. + lora_scale (`float`, *optional*): + A lora scale that will be applied to all LoRA layers of the text encoder if LoRA layers are loaded. + """ + device = device or self._execution_device + + # set lora scale so that monkey patched LoRA + # function of text encoder can correctly access it + if lora_scale is not None and isinstance(self, SD3LoraLoaderMixin): + self._lora_scale = lora_scale + + # dynamically adjust the LoRA scale + if self.text_encoder is not None and USE_PEFT_BACKEND: + scale_lora_layers(self.text_encoder, lora_scale) + if self.text_encoder_2 is not None and USE_PEFT_BACKEND: + scale_lora_layers(self.text_encoder_2, lora_scale) + + prompt = [prompt] if isinstance(prompt, str) else prompt + if prompt is not None: + batch_size = len(prompt) + else: + batch_size = prompt_embeds.shape[0] + + if prompt_embeds is None: + prompt_2 = prompt_2 or prompt + prompt_2 = [prompt_2] if isinstance(prompt_2, str) else prompt_2 + + prompt_3 = prompt_3 or prompt + prompt_3 = [prompt_3] if isinstance(prompt_3, str) else prompt_3 + + prompt_embed, pooled_prompt_embed = self._get_clip_prompt_embeds( + prompt=prompt, + device=device, + num_images_per_prompt=num_images_per_prompt, + clip_skip=clip_skip, + clip_model_index=0, + ) + prompt_2_embed, pooled_prompt_2_embed = self._get_clip_prompt_embeds( + prompt=prompt_2, + device=device, + num_images_per_prompt=num_images_per_prompt, + clip_skip=clip_skip, + clip_model_index=1, + ) + clip_prompt_embeds = torch.cat([prompt_embed, prompt_2_embed], dim=-1) + + t5_prompt_embed = self._get_t5_prompt_embeds( + prompt=prompt_3, + num_images_per_prompt=num_images_per_prompt, + max_sequence_length=max_sequence_length, + device=device, + ) + + clip_prompt_embeds = torch.nn.functional.pad( + clip_prompt_embeds, (0, t5_prompt_embed.shape[-1] - clip_prompt_embeds.shape[-1]) + ) + + prompt_embeds = torch.cat([clip_prompt_embeds, t5_prompt_embed], dim=-2) + pooled_prompt_embeds = torch.cat([pooled_prompt_embed, pooled_prompt_2_embed], dim=-1) + + if do_classifier_free_guidance and negative_prompt_embeds is None: + negative_prompt = negative_prompt or "" + negative_prompt_2 = negative_prompt_2 or negative_prompt + negative_prompt_3 = negative_prompt_3 or negative_prompt + + # normalize str to list + negative_prompt = batch_size * [negative_prompt] if isinstance(negative_prompt, str) else negative_prompt + negative_prompt_2 = ( + batch_size * [negative_prompt_2] if isinstance(negative_prompt_2, str) else negative_prompt_2 + ) + negative_prompt_3 = ( + batch_size * [negative_prompt_3] if isinstance(negative_prompt_3, str) else negative_prompt_3 + ) + + if prompt is not None and type(prompt) is not type(negative_prompt): + raise TypeError( + f"`negative_prompt` should be the same type to `prompt`, but got {type(negative_prompt)} !=" + f" {type(prompt)}." + ) + elif batch_size != len(negative_prompt): + raise ValueError( + f"`negative_prompt`: {negative_prompt} has batch size {len(negative_prompt)}, but `prompt`:" + f" {prompt} has batch size {batch_size}. Please make sure that passed `negative_prompt` matches" + " the batch size of `prompt`." + ) + + negative_prompt_embed, negative_pooled_prompt_embed = self._get_clip_prompt_embeds( + negative_prompt, + device=device, + num_images_per_prompt=num_images_per_prompt, + clip_skip=None, + clip_model_index=0, + ) + negative_prompt_2_embed, negative_pooled_prompt_2_embed = self._get_clip_prompt_embeds( + negative_prompt_2, + device=device, + num_images_per_prompt=num_images_per_prompt, + clip_skip=None, + clip_model_index=1, + ) + negative_clip_prompt_embeds = torch.cat([negative_prompt_embed, negative_prompt_2_embed], dim=-1) + + t5_negative_prompt_embed = self._get_t5_prompt_embeds( + prompt=negative_prompt_3, + num_images_per_prompt=num_images_per_prompt, + max_sequence_length=max_sequence_length, + device=device, + ) + + negative_clip_prompt_embeds = torch.nn.functional.pad( + negative_clip_prompt_embeds, + (0, t5_negative_prompt_embed.shape[-1] - negative_clip_prompt_embeds.shape[-1]), + ) + + negative_prompt_embeds = torch.cat([negative_clip_prompt_embeds, t5_negative_prompt_embed], dim=-2) + negative_pooled_prompt_embeds = torch.cat( + [negative_pooled_prompt_embed, negative_pooled_prompt_2_embed], dim=-1 + ) + + if self.text_encoder is not None: + if isinstance(self, SD3LoraLoaderMixin) and USE_PEFT_BACKEND: + # Retrieve the original scale by scaling back the LoRA layers + unscale_lora_layers(self.text_encoder, lora_scale) + + if self.text_encoder_2 is not None: + if isinstance(self, SD3LoraLoaderMixin) and USE_PEFT_BACKEND: + # Retrieve the original scale by scaling back the LoRA layers + unscale_lora_layers(self.text_encoder_2, lora_scale) + + return prompt_embeds, negative_prompt_embeds, pooled_prompt_embeds, negative_pooled_prompt_embeds + + def check_inputs( + self, + prompt, + prompt_2, + prompt_3, + height, + width, + negative_prompt=None, + negative_prompt_2=None, + negative_prompt_3=None, + prompt_embeds=None, + negative_prompt_embeds=None, + pooled_prompt_embeds=None, + negative_pooled_prompt_embeds=None, + callback_on_step_end_tensor_inputs=None, + max_sequence_length=None, + ): + if ( + height % (self.vae_scale_factor * self.patch_size) != 0 + or width % (self.vae_scale_factor * self.patch_size) != 0 + ): + raise ValueError( + f"`height` and `width` have to be divisible by {self.vae_scale_factor * self.patch_size} but are {height} and {width}." + f"You can use height {height - height % (self.vae_scale_factor * self.patch_size)} and width {width - width % (self.vae_scale_factor * self.patch_size)}." + ) + + if callback_on_step_end_tensor_inputs is not None and not all( + k in self._callback_tensor_inputs for k in callback_on_step_end_tensor_inputs + ): + raise ValueError( + f"`callback_on_step_end_tensor_inputs` has to be in {self._callback_tensor_inputs}, but found {[k for k in callback_on_step_end_tensor_inputs if k not in self._callback_tensor_inputs]}" + ) + + if prompt is not None and prompt_embeds is not None: + raise ValueError( + f"Cannot forward both `prompt`: {prompt} and `prompt_embeds`: {prompt_embeds}. Please make sure to" + " only forward one of the two." + ) + elif prompt_2 is not None and prompt_embeds is not None: + raise ValueError( + f"Cannot forward both `prompt_2`: {prompt_2} and `prompt_embeds`: {prompt_embeds}. Please make sure to" + " only forward one of the two." + ) + elif prompt_3 is not None and prompt_embeds is not None: + raise ValueError( + f"Cannot forward both `prompt_3`: {prompt_2} and `prompt_embeds`: {prompt_embeds}. Please make sure to" + " only forward one of the two." + ) + elif prompt is None and prompt_embeds is None: + raise ValueError( + "Provide either `prompt` or `prompt_embeds`. Cannot leave both `prompt` and `prompt_embeds` undefined." + ) + elif prompt is not None and (not isinstance(prompt, str) and not isinstance(prompt, list)): + raise ValueError(f"`prompt` has to be of type `str` or `list` but is {type(prompt)}") + elif prompt_2 is not None and (not isinstance(prompt_2, str) and not isinstance(prompt_2, list)): + raise ValueError(f"`prompt_2` has to be of type `str` or `list` but is {type(prompt_2)}") + elif prompt_3 is not None and (not isinstance(prompt_3, str) and not isinstance(prompt_3, list)): + raise ValueError(f"`prompt_3` has to be of type `str` or `list` but is {type(prompt_3)}") + + if negative_prompt is not None and negative_prompt_embeds is not None: + raise ValueError( + f"Cannot forward both `negative_prompt`: {negative_prompt} and `negative_prompt_embeds`:" + f" {negative_prompt_embeds}. Please make sure to only forward one of the two." + ) + elif negative_prompt_2 is not None and negative_prompt_embeds is not None: + raise ValueError( + f"Cannot forward both `negative_prompt_2`: {negative_prompt_2} and `negative_prompt_embeds`:" + f" {negative_prompt_embeds}. Please make sure to only forward one of the two." + ) + elif negative_prompt_3 is not None and negative_prompt_embeds is not None: + raise ValueError( + f"Cannot forward both `negative_prompt_3`: {negative_prompt_3} and `negative_prompt_embeds`:" + f" {negative_prompt_embeds}. Please make sure to only forward one of the two." + ) + + if prompt_embeds is not None and negative_prompt_embeds is not None: + if prompt_embeds.shape != negative_prompt_embeds.shape: + raise ValueError( + "`prompt_embeds` and `negative_prompt_embeds` must have the same shape when passed directly, but" + f" got: `prompt_embeds` {prompt_embeds.shape} != `negative_prompt_embeds`" + f" {negative_prompt_embeds.shape}." + ) + + if prompt_embeds is not None and pooled_prompt_embeds is None: + raise ValueError( + "If `prompt_embeds` are provided, `pooled_prompt_embeds` also have to be passed. Make sure to generate `pooled_prompt_embeds` from the same text encoder that was used to generate `prompt_embeds`." + ) + + if negative_prompt_embeds is not None and negative_pooled_prompt_embeds is None: + raise ValueError( + "If `negative_prompt_embeds` are provided, `negative_pooled_prompt_embeds` also have to be passed. Make sure to generate `negative_pooled_prompt_embeds` from the same text encoder that was used to generate `negative_prompt_embeds`." + ) + + if max_sequence_length is not None and max_sequence_length > 512: + raise ValueError(f"`max_sequence_length` cannot be greater than 512 but is {max_sequence_length}") + + def prepare_latents( + self, + batch_size, + num_channels_latents, + height, + width, + dtype, + device, + generator, + latents=None, + ): + if latents is not None: + return latents.to(device=device, dtype=dtype) + + shape = ( + batch_size, + num_channels_latents, + int(height) // self.vae_scale_factor, + int(width) // self.vae_scale_factor, + ) + + if isinstance(generator, list) and len(generator) != batch_size: + raise ValueError( + f"You have passed a list of generators of length {len(generator)}, but requested an effective batch" + f" size of {batch_size}. Make sure the batch size matches the length of the generators." + ) + + latents = randn_tensor(shape, generator=generator, device=device, dtype=dtype) + + return latents + + @property + def guidance_scale(self): + return self._guidance_scale + + @property + def guidance_scale_ref(self): + return self._guidance_scale_ref + + @property + def skip_guidance_layers(self): + return self._skip_guidance_layers + + @property + def clip_skip(self): + return self._clip_skip + + # here `guidance_scale` is defined analog to the guidance weight `w` of equation (2) + # of the Imagen paper: https://arxiv.org/pdf/2205.11487.pdf . `guidance_scale = 1` + # corresponds to doing no classifier free guidance. + @property + def do_classifier_free_guidance(self): + return self._guidance_scale > 1 + + @property + def joint_attention_kwargs(self): + return self._joint_attention_kwargs + + @property + def num_timesteps(self): + return self._num_timesteps + + @property + def interrupt(self): + return self._interrupt + + # Adapted from diffusers.pipelines.stable_diffusion.pipeline_stable_diffusion_xl.StableDiffusionXLPipeline.encode_image + def encode_image(self, image: PipelineImageInput, device: torch.device) -> torch.Tensor: + """Encodes the given image into a feature representation using a pre-trained image encoder. + + Args: + image (`PipelineImageInput`): + Input image to be encoded. + device: (`torch.device`): + Torch device. + + Returns: + `torch.Tensor`: The encoded image feature representation. + """ + if not isinstance(image, torch.Tensor): + image = self.feature_extractor(image, return_tensors="pt").pixel_values + + image = image.to(device=device, dtype=self.dtype) + + return self.image_encoder(image, output_hidden_states=True).hidden_states[-2] + + # Adapted from diffusers.pipelines.stable_diffusion.pipeline_stable_diffusion_xl.StableDiffusionXLPipeline.prepare_ip_adapter_image_embeds + def prepare_ip_adapter_image_embeds( + self, + ip_adapter_image: Optional[PipelineImageInput] = None, + ip_adapter_image_embeds: Optional[torch.Tensor] = None, + device: Optional[torch.device] = None, + num_images_per_prompt: int = 1, + do_classifier_free_guidance: bool = True, + ) -> torch.Tensor: + """Prepares image embeddings for use in the IP-Adapter. + + Either `ip_adapter_image` or `ip_adapter_image_embeds` must be passed. + + Args: + ip_adapter_image (`PipelineImageInput`, *optional*): + The input image to extract features from for IP-Adapter. + ip_adapter_image_embeds (`torch.Tensor`, *optional*): + Precomputed image embeddings. + device: (`torch.device`, *optional*): + Torch device. + num_images_per_prompt (`int`, defaults to 1): + Number of images that should be generated per prompt. + do_classifier_free_guidance (`bool`, defaults to True): + Whether to use classifier free guidance or not. + """ + device = device or self._execution_device + + if ip_adapter_image_embeds is not None: + if do_classifier_free_guidance: + single_negative_image_embeds, single_image_embeds = ip_adapter_image_embeds.chunk(2) + else: + single_image_embeds = ip_adapter_image_embeds + elif ip_adapter_image is not None: + single_image_embeds = self.encode_image(ip_adapter_image, device) + if do_classifier_free_guidance: + single_negative_image_embeds = torch.zeros_like(single_image_embeds) + else: + raise ValueError("Neither `ip_adapter_image_embeds` or `ip_adapter_image_embeds` were provided.") + + image_embeds = torch.cat([single_image_embeds] * num_images_per_prompt, dim=0) + + if do_classifier_free_guidance: + negative_image_embeds = torch.cat([single_negative_image_embeds] * num_images_per_prompt, dim=0) + image_embeds = torch.cat([negative_image_embeds, image_embeds], dim=0) + + return image_embeds.to(device=device) + + def enable_sequential_cpu_offload(self, *args, **kwargs): + if self.image_encoder is not None and "image_encoder" not in self._exclude_from_cpu_offload: + logger.warning( + "`pipe.enable_sequential_cpu_offload()` might fail for `image_encoder` if it uses " + "`torch.nn.MultiheadAttention`. You can exclude `image_encoder` from CPU offloading by calling " + "`pipe._exclude_from_cpu_offload.append('image_encoder')` before `pipe.enable_sequential_cpu_offload()`." + ) + + super().enable_sequential_cpu_offload(*args, **kwargs) + + @torch.no_grad() + @replace_example_docstring(EXAMPLE_DOC_STRING) + def __call__( + self, + prompt: Union[str, List[str]] = None, + prompt_2: Optional[Union[str, List[str]]] = None, + prompt_3: Optional[Union[str, List[str]]] = None, + height: Optional[int] = None, + width: Optional[int] = None, + num_inference_steps: int = 28, + sigmas: Optional[List[float]] = None, + guidance_scale: float = 7.0, + guidance_scale_ref: float = 1.0, + negative_prompt: Optional[Union[str, List[str]]] = None, + negative_prompt_2: Optional[Union[str, List[str]]] = None, + negative_prompt_3: Optional[Union[str, List[str]]] = None, + num_images_per_prompt: Optional[int] = 1, + generator: Optional[Union[torch.Generator, List[torch.Generator]]] = None, + latents: Optional[torch.FloatTensor] = None, + latents_input_len: int = 0, + prompt_embeds: Optional[torch.FloatTensor] = None, + negative_prompt_embeds: Optional[torch.FloatTensor] = None, + pooled_prompt_embeds: Optional[torch.FloatTensor] = None, + negative_pooled_prompt_embeds: Optional[torch.FloatTensor] = None, + ip_adapter_image: Optional[PipelineImageInput] = None, + ip_adapter_image_embeds: Optional[torch.Tensor] = None, + output_type: Optional[str] = "pil", + return_dict: bool = True, + joint_attention_kwargs: Optional[Dict[str, Any]] = None, + clip_skip: Optional[int] = None, + callback_on_step_end: Optional[Callable[[int, int, Dict], None]] = None, + callback_on_step_end_tensor_inputs: List[str] = ["latents"], + max_sequence_length: int = 256, + skip_guidance_layers: List[int] = None, + skip_layer_guidance_scale: float = 2.8, + skip_layer_guidance_stop: float = 0.2, + skip_layer_guidance_start: float = 0.01, + mu: Optional[float] = None, + latents_ref: Optional[torch.FloatTensor] = None, + negative_latents_ref: Optional[torch.FloatTensor] = None, + ): + r""" + Function invoked when calling the pipeline for generation. + + Args: + prompt (`str` or `List[str]`, *optional*): + The prompt or prompts to guide the image generation. If not defined, one has to pass `prompt_embeds`. + instead. + prompt_2 (`str` or `List[str]`, *optional*): + The prompt or prompts to be sent to `tokenizer_2` and `text_encoder_2`. If not defined, `prompt` is + will be used instead + prompt_3 (`str` or `List[str]`, *optional*): + The prompt or prompts to be sent to `tokenizer_3` and `text_encoder_3`. If not defined, `prompt` is + will be used instead + height (`int`, *optional*, defaults to self.unet.config.sample_size * self.vae_scale_factor): + The height in pixels of the generated image. This is set to 1024 by default for the best results. + width (`int`, *optional*, defaults to self.unet.config.sample_size * self.vae_scale_factor): + The width in pixels of the generated image. This is set to 1024 by default for the best results. + num_inference_steps (`int`, *optional*, defaults to 50): + The number of denoising steps. More denoising steps usually lead to a higher quality image at the + expense of slower inference. + sigmas (`List[float]`, *optional*): + Custom sigmas to use for the denoising process with schedulers which support a `sigmas` argument in + their `set_timesteps` method. If not defined, the default behavior when `num_inference_steps` is passed + will be used. + guidance_scale (`float`, *optional*, defaults to 7.0): + Guidance scale as defined in [Classifier-Free Diffusion Guidance](https://arxiv.org/abs/2207.12598). + `guidance_scale` is defined as `w` of equation 2. of [Imagen + Paper](https://arxiv.org/pdf/2205.11487.pdf). Guidance scale is enabled by setting `guidance_scale > + 1`. Higher guidance scale encourages to generate images that are closely linked to the text `prompt`, + usually at the expense of lower image quality. + negative_prompt (`str` or `List[str]`, *optional*): + The prompt or prompts not to guide the image generation. If not defined, one has to pass + `negative_prompt_embeds` instead. Ignored when not using guidance (i.e., ignored if `guidance_scale` is + less than `1`). + negative_prompt_2 (`str` or `List[str]`, *optional*): + The prompt or prompts not to guide the image generation to be sent to `tokenizer_2` and + `text_encoder_2`. If not defined, `negative_prompt` is used instead + negative_prompt_3 (`str` or `List[str]`, *optional*): + The prompt or prompts not to guide the image generation to be sent to `tokenizer_3` and + `text_encoder_3`. If not defined, `negative_prompt` is used instead + num_images_per_prompt (`int`, *optional*, defaults to 1): + The number of images to generate per prompt. + generator (`torch.Generator` or `List[torch.Generator]`, *optional*): + One or a list of [torch generator(s)](https://pytorch.org/docs/stable/generated/torch.Generator.html) + to make generation deterministic. + latents (`torch.FloatTensor`, *optional*): + Pre-generated noisy latents, sampled from a Gaussian distribution, to be used as inputs for image + generation. Can be used to tweak the same generation with different prompts. If not provided, a latents + tensor will ge generated by sampling using the supplied random `generator`. + prompt_embeds (`torch.FloatTensor`, *optional*): + Pre-generated text embeddings. Can be used to easily tweak text inputs, *e.g.* prompt weighting. If not + provided, text embeddings will be generated from `prompt` input argument. + negative_prompt_embeds (`torch.FloatTensor`, *optional*): + Pre-generated negative text embeddings. Can be used to easily tweak text inputs, *e.g.* prompt + weighting. If not provided, negative_prompt_embeds will be generated from `negative_prompt` input + argument. + pooled_prompt_embeds (`torch.FloatTensor`, *optional*): + Pre-generated pooled text embeddings. Can be used to easily tweak text inputs, *e.g.* prompt weighting. + If not provided, pooled text embeddings will be generated from `prompt` input argument. + negative_pooled_prompt_embeds (`torch.FloatTensor`, *optional*): + Pre-generated negative pooled text embeddings. Can be used to easily tweak text inputs, *e.g.* prompt + weighting. If not provided, pooled negative_prompt_embeds will be generated from `negative_prompt` + input argument. + ip_adapter_image (`PipelineImageInput`, *optional*): Optional image input to work with IP Adapters. + ip_adapter_image_embeds (`torch.Tensor`, *optional*): + Pre-generated image embeddings for IP-Adapter. Should be a tensor of shape `(batch_size, num_images, + emb_dim)`. It should contain the negative image embedding if `do_classifier_free_guidance` is set to + `True`. If not provided, embeddings are computed from the `ip_adapter_image` input argument. + output_type (`str`, *optional*, defaults to `"pil"`): + The output format of the generate image. Choose between + [PIL](https://pillow.readthedocs.io/en/stable/): `PIL.Image.Image` or `np.array`. + return_dict (`bool`, *optional*, defaults to `True`): + Whether or not to return a [`~pipelines.stable_diffusion_3.StableDiffusion3PipelineOutput`] instead of + a plain tuple. + joint_attention_kwargs (`dict`, *optional*): + A kwargs dictionary that if specified is passed along to the `AttentionProcessor` as defined under + `self.processor` in + [diffusers.models.attention_processor](https://github.com/huggingface/diffusers/blob/main/src/diffusers/models/attention_processor.py). + callback_on_step_end (`Callable`, *optional*): + A function that calls at the end of each denoising steps during the inference. The function is called + with the following arguments: `callback_on_step_end(self: DiffusionPipeline, step: int, timestep: int, + callback_kwargs: Dict)`. `callback_kwargs` will include a list of all tensors as specified by + `callback_on_step_end_tensor_inputs`. + callback_on_step_end_tensor_inputs (`List`, *optional*): + The list of tensor inputs for the `callback_on_step_end` function. The tensors specified in the list + will be passed as `callback_kwargs` argument. You will only be able to include variables listed in the + `._callback_tensor_inputs` attribute of your pipeline class. + max_sequence_length (`int` defaults to 256): Maximum sequence length to use with the `prompt`. + skip_guidance_layers (`List[int]`, *optional*): + A list of integers that specify layers to skip during guidance. If not provided, all layers will be + used for guidance. If provided, the guidance will only be applied to the layers specified in the list. + Recommended value by StabiltyAI for Stable Diffusion 3.5 Medium is [7, 8, 9]. + skip_layer_guidance_scale (`int`, *optional*): The scale of the guidance for the layers specified in + `skip_guidance_layers`. The guidance will be applied to the layers specified in `skip_guidance_layers` + with a scale of `skip_layer_guidance_scale`. The guidance will be applied to the rest of the layers + with a scale of `1`. + skip_layer_guidance_stop (`int`, *optional*): The step at which the guidance for the layers specified in + `skip_guidance_layers` will stop. The guidance will be applied to the layers specified in + `skip_guidance_layers` until the fraction specified in `skip_layer_guidance_stop`. Recommended value by + StabiltyAI for Stable Diffusion 3.5 Medium is 0.2. + skip_layer_guidance_start (`int`, *optional*): The step at which the guidance for the layers specified in + `skip_guidance_layers` will start. The guidance will be applied to the layers specified in + `skip_guidance_layers` from the fraction specified in `skip_layer_guidance_start`. Recommended value by + StabiltyAI for Stable Diffusion 3.5 Medium is 0.01. + mu (`float`, *optional*): `mu` value used for `dynamic_shifting`. + + Examples: + + Returns: + [`~pipelines.stable_diffusion_3.StableDiffusion3PipelineOutput`] or `tuple`: + [`~pipelines.stable_diffusion_3.StableDiffusion3PipelineOutput`] if `return_dict` is True, otherwise a + `tuple`. When returning a tuple, the first element is a list with the generated images. + """ + + height = height or self.default_sample_size * self.vae_scale_factor + width = width or self.default_sample_size * self.vae_scale_factor + + # 1. Check inputs. Raise error if not correct + self.check_inputs( + prompt, + prompt_2, + prompt_3, + height, + width, + negative_prompt=negative_prompt, + negative_prompt_2=negative_prompt_2, + negative_prompt_3=negative_prompt_3, + prompt_embeds=prompt_embeds, + negative_prompt_embeds=negative_prompt_embeds, + pooled_prompt_embeds=pooled_prompt_embeds, + negative_pooled_prompt_embeds=negative_pooled_prompt_embeds, + callback_on_step_end_tensor_inputs=callback_on_step_end_tensor_inputs, + max_sequence_length=max_sequence_length, + ) + + self._guidance_scale = guidance_scale + self._guidance_scale_ref = guidance_scale_ref + self._skip_layer_guidance_scale = skip_layer_guidance_scale + self._clip_skip = clip_skip + self._joint_attention_kwargs = joint_attention_kwargs + self._interrupt = False + + # 2. Define call parameters + if prompt is not None and isinstance(prompt, str): + batch_size = 1 + elif prompt is not None and isinstance(prompt, list): + batch_size = len(prompt) + else: + batch_size = prompt_embeds.shape[0] + + device = self._execution_device + + lora_scale = ( + self.joint_attention_kwargs.get("scale", None) if self.joint_attention_kwargs is not None else None + ) + ( + prompt_embeds, + negative_prompt_embeds, + pooled_prompt_embeds, + negative_pooled_prompt_embeds, + ) = self.encode_prompt( + prompt=prompt, + prompt_2=prompt_2, + prompt_3=prompt_3, + negative_prompt=negative_prompt, + negative_prompt_2=negative_prompt_2, + negative_prompt_3=negative_prompt_3, + do_classifier_free_guidance=self.do_classifier_free_guidance, + prompt_embeds=prompt_embeds, + negative_prompt_embeds=negative_prompt_embeds, + pooled_prompt_embeds=pooled_prompt_embeds, + negative_pooled_prompt_embeds=negative_pooled_prompt_embeds, + device=device, + clip_skip=self.clip_skip, + num_images_per_prompt=num_images_per_prompt, + max_sequence_length=max_sequence_length, + lora_scale=lora_scale, + ) + + if self.do_classifier_free_guidance: + if self.guidance_scale_ref > 1.0: + prompt_embeds = torch.cat([negative_prompt_embeds, negative_prompt_embeds, prompt_embeds], dim=0) + pooled_prompt_embeds = torch.cat([negative_pooled_prompt_embeds, negative_pooled_prompt_embeds, pooled_prompt_embeds], dim=0) + if latents_ref is not None and negative_latents_ref is not None: + latents_ref = torch.cat([negative_latents_ref, latents_ref, latents_ref], dim=0) + else: + if skip_guidance_layers is not None: + original_prompt_embeds = prompt_embeds + original_pooled_prompt_embeds = pooled_prompt_embeds + prompt_embeds = torch.cat([negative_prompt_embeds, prompt_embeds], dim=0) + pooled_prompt_embeds = torch.cat([negative_pooled_prompt_embeds, pooled_prompt_embeds], dim=0) + if latents_ref is not None and negative_latents_ref is not None: + latents_ref = torch.cat([negative_latents_ref, latents_ref], dim=0) + + # 4. Prepare latent variables + num_channels_latents = self.transformer.config.in_channels + latents = self.prepare_latents( + batch_size * num_images_per_prompt, + num_channels_latents, + height, + width, + prompt_embeds.dtype, + device, + generator, + latents, + ) + + # 5. Prepare timesteps + scheduler_kwargs = {} + if self.scheduler.config.get("use_dynamic_shifting", None) and mu is None: + _, _, height, width = latents.shape + image_seq_len = (height // self.transformer.config.patch_size) * ( + width // self.transformer.config.patch_size + ) + mu = calculate_shift( + image_seq_len, + self.scheduler.config.base_image_seq_len, + self.scheduler.config.max_image_seq_len, + self.scheduler.config.base_shift, + self.scheduler.config.max_shift, + ) + scheduler_kwargs["mu"] = mu + elif mu is not None: + scheduler_kwargs["mu"] = mu + timesteps, num_inference_steps = retrieve_timesteps( + self.scheduler, + num_inference_steps, + device, + sigmas=sigmas, + **scheduler_kwargs, + ) + num_warmup_steps = max(len(timesteps) - num_inference_steps * self.scheduler.order, 0) + self._num_timesteps = len(timesteps) + + # 6. Prepare image embeddings + if (ip_adapter_image is not None and self.is_ip_adapter_active) or ip_adapter_image_embeds is not None: + ip_adapter_image_embeds = self.prepare_ip_adapter_image_embeds( + ip_adapter_image, + ip_adapter_image_embeds, + device, + batch_size * num_images_per_prompt, + self.do_classifier_free_guidance, + ) + + if self.joint_attention_kwargs is None: + self._joint_attention_kwargs = {"ip_adapter_image_embeds": ip_adapter_image_embeds} + else: + self._joint_attention_kwargs.update(ip_adapter_image_embeds=ip_adapter_image_embeds) + + # 7. Denoising loop + with self.progress_bar(total=num_inference_steps) as progress_bar: + for i, t in enumerate(timesteps): + if self.interrupt: + continue + + # expand the latents if we are doing classifier free guidance + if self.do_classifier_free_guidance: + if self._guidance_scale_ref > 1.0: + latent_model_input = torch.cat([latents] * 3) + else: + latent_model_input = torch.cat([latents] * 2) + else: + latent_model_input = latents + + if latents_ref is not None: + latent_model_input_ref = torch.cat([latent_model_input, latents_ref], dim=-1) + else: + latent_model_input_ref = latent_model_input + # broadcast to batch dimension in a way that's compatible with ONNX/Core ML + timestep = t.expand(latent_model_input.shape[0]) + + noise_pred = self.transformer( + hidden_states=latent_model_input_ref, + timestep=timestep, + encoder_hidden_states=prompt_embeds, + pooled_projections=pooled_prompt_embeds, + joint_attention_kwargs=self.joint_attention_kwargs, + return_dict=False, + )[0] + + # perform guidance + if self.do_classifier_free_guidance: + if self._guidance_scale_ref > 1.0: + noise_pred_uncond, noise_pred_ref, noise_pred_ref_text = noise_pred.chunk(3) + noise_pred = noise_pred_uncond + \ + self.guidance_scale_ref * (noise_pred_ref - noise_pred_uncond) + \ + self.guidance_scale * (noise_pred_ref_text - noise_pred_ref) + else: + noise_pred_uncond, noise_pred_text = noise_pred.chunk(2) + noise_pred = noise_pred_uncond + self.guidance_scale * (noise_pred_text - noise_pred_uncond) + should_skip_layers = ( + True + if i > num_inference_steps * skip_layer_guidance_start + and i < num_inference_steps * skip_layer_guidance_stop + else False + ) + if skip_guidance_layers is not None and should_skip_layers: + timestep = t.expand(latents.shape[0]) + latent_model_input = latents + noise_pred_skip_layers = self.transformer( + hidden_states=latent_model_input, + timestep=timestep, + encoder_hidden_states=original_prompt_embeds, + pooled_projections=original_pooled_prompt_embeds, + joint_attention_kwargs=self.joint_attention_kwargs, + return_dict=False, + skip_layers=skip_guidance_layers, + )[0] + noise_pred = ( + noise_pred + (noise_pred_text - noise_pred_skip_layers) * self._skip_layer_guidance_scale + ) + noise_pred = noise_pred[..., :latents.shape[-1]] + # compute the previous noisy sample x_t -> x_t-1 + latents_dtype = latents.dtype + latents = self.scheduler.step(noise_pred, t, latents, return_dict=False)[0] + if latents.dtype != latents_dtype: + if torch.backends.mps.is_available(): + # some platforms (eg. apple mps) misbehave due to a pytorch bug: https://github.com/pytorch/pytorch/pull/99272 + latents = latents.to(latents_dtype) + + if callback_on_step_end is not None: + callback_kwargs = {} + for k in callback_on_step_end_tensor_inputs: + callback_kwargs[k] = locals()[k] + callback_outputs = callback_on_step_end(self, i, t, callback_kwargs) + + latents = callback_outputs.pop("latents", latents) + prompt_embeds = callback_outputs.pop("prompt_embeds", prompt_embeds) + negative_prompt_embeds = callback_outputs.pop("negative_prompt_embeds", negative_prompt_embeds) + negative_pooled_prompt_embeds = callback_outputs.pop( + "negative_pooled_prompt_embeds", negative_pooled_prompt_embeds + ) + + # call the callback, if provided + if i == len(timesteps) - 1 or ((i + 1) > num_warmup_steps and (i + 1) % self.scheduler.order == 0): + progress_bar.update() + + if XLA_AVAILABLE: + xm.mark_step() + + if output_type == "latent": + image = latents + + else: + latents = (latents / self.vae.config.scaling_factor) + self.vae.config.shift_factor + + image = self.vae.decode(latents, return_dict=False)[0] + image = self.image_processor.postprocess(image, output_type=output_type) + + # Offload all models + self.maybe_free_model_hooks() + + if not return_dict: + return (image,) + + return StableDiffusion3PipelineOutput(images=image)